diff --git a/.gitattributes b/.gitattributes new file mode 100644 index 0000000000000000000000000000000000000000..818d649bf21cdef29b21f885c8f770f9baa1714e --- /dev/null +++ b/.gitattributes @@ -0,0 +1,31 @@ +*.7z filter=lfs diff=lfs merge=lfs -text +*.arrow filter=lfs diff=lfs merge=lfs -text +*.bin filter=lfs diff=lfs merge=lfs -text +*.bz2 filter=lfs diff=lfs merge=lfs -text +*.ftz filter=lfs diff=lfs merge=lfs -text +*.gz filter=lfs diff=lfs merge=lfs -text +*.h5 filter=lfs diff=lfs merge=lfs -text +*.joblib filter=lfs diff=lfs merge=lfs -text +*.lfs.* filter=lfs diff=lfs merge=lfs -text +*.model filter=lfs diff=lfs merge=lfs -text +*.msgpack filter=lfs diff=lfs merge=lfs -text +*.npy filter=lfs diff=lfs merge=lfs -text +*.npz filter=lfs diff=lfs merge=lfs -text +*.onnx filter=lfs diff=lfs merge=lfs -text +*.ot filter=lfs diff=lfs merge=lfs -text +*.parquet filter=lfs diff=lfs merge=lfs -text +*.pickle filter=lfs diff=lfs merge=lfs -text +*.pkl filter=lfs diff=lfs merge=lfs -text +*.pb filter=lfs diff=lfs merge=lfs -text +*.pt filter=lfs diff=lfs merge=lfs -text +*.pth filter=lfs diff=lfs merge=lfs -text +*.rar filter=lfs diff=lfs merge=lfs -text +saved_model/**/* filter=lfs diff=lfs merge=lfs -text +*.tar.* filter=lfs diff=lfs merge=lfs -text +*.tflite filter=lfs diff=lfs merge=lfs -text +*.tgz filter=lfs diff=lfs merge=lfs -text +*.wasm filter=lfs diff=lfs merge=lfs -text +*.xz filter=lfs diff=lfs merge=lfs -text +*.zip filter=lfs diff=lfs merge=lfs -text +*.zst filter=lfs diff=lfs merge=lfs -text +*tfevents* filter=lfs diff=lfs merge=lfs -text diff --git a/.gitignore b/.gitignore new file mode 100644 index 0000000000000000000000000000000000000000..6c4ed2c5336747d2ac080258bfb6e7518108ef0b --- /dev/null +++ b/.gitignore @@ -0,0 +1,143 @@ +# dev files +*.cache +*.dev.py +state_dict/ + +# Byte-compiled / optimized / DLL files +__pycache__/ +*.py[cod] +*$py.class +*.pyc +tests/ +*.result.json +.idea/ + +# Embedding +glove.840B.300d.txt +glove.42B.300d.txt +glove.twitter.27B.txt + +# project main files +release_note.json + +# C extensions +*.so + +# Distribution / packaging +.Python +build/ +develop-eggs/ +dist/ +downloads/ +eggs/ +.eggs/ +lib64/ +parts/ +sdist/ +var/ +wheels/ +pip-wheel-metadata/ +share/python-wheels/ +*.egg-info/ +.installed.cfg +*.egg +MANIFEST + +# PyInstaller +# Usually these files are written by a python script from a template +# before PyInstaller builds the exe, so as to inject date/other infos into it. +*.manifest +*.spec + +# Installer training_logs +pip-log.txt +pip-delete-this-directory.txt + +# Unit test / coverage reports +htmlcov/ +.tox/ +.nox/ +.coverage +.coverage.* +.cache +nosetests.xml +coverage.xml +*.cover +*.py,cover +.hypothesis/ +.pytest_cache/ + +# Translations +*.mo +*.pot + +# Django stuff: +*.log +local_settings.py +db.sqlite3 +db.sqlite3-journal + +# Flask stuff: +instance/ +.webassets-cache + +# Scrapy stuff: +.scrapy + +# Sphinx documentation +docs/_build/ + +# PyBuilder +target/ + +# Jupyter Notebook +.ipynb_checkpoints + +# IPython +profile_default/ +ipython_config.py + +# pyenv +.python-version + +# pipenv +# According to pypa/pipenv#598, it is recommended to include Pipfile.lock in version control. +# However, in case of collaboration, if having platform-specific dependencies or dependencies +# having no cross-platform support, pipenv may install dependencies that don't work, or not +# install all needed dependencies. +#Pipfile.lock + +# celery beat schedule file +celerybeat-schedule + +# SageMath parsed files +*.sage.py + +# Environments +.env +.venv +env/ +venv/ +ENV/ +env.bak/ +venv.bak/ + +# Spyder project settings +.spyderproject +.spyproject + +# Rope project settings +.ropeproject + +# mkdocs documentation +/site + +# mypy +.mypy_cache/ +.dmypy.json +dmypy.json + +# Pyre type checker +.pyre/ +.DS_Store +examples/.DS_Store diff --git a/README.md b/README.md new file mode 100644 index 0000000000000000000000000000000000000000..9265386ab275f51a9e8f6622b3dd95e10bfb71a9 --- /dev/null +++ b/README.md @@ -0,0 +1,13 @@ +--- +title: RPD-Demo +emoji: 🛡️ +colorFrom: gray +colorTo: green +sdk: gradio +sdk_version: 3.0.19 +app_file: app.py +pinned: false +license: mit +--- + +Check out the configuration reference at https://huggingface.co/docs/hub/spaces-config-reference diff --git a/anonymous_demo/__init__.py b/anonymous_demo/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..4d916becd735d01b6c16499d7542651918b79da5 --- /dev/null +++ b/anonymous_demo/__init__.py @@ -0,0 +1,5 @@ +__version__ = '1.0.0' + +__name__ = 'anonymous_demo' + +from anonymous_demo.functional import TADCheckpointManager diff --git a/anonymous_demo/core/__init__.py b/anonymous_demo/core/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/anonymous_demo/core/tad/__init__.py b/anonymous_demo/core/tad/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/anonymous_demo/core/tad/classic/__bert__/README.MD b/anonymous_demo/core/tad/classic/__bert__/README.MD new file mode 100644 index 0000000000000000000000000000000000000000..f503421b5f5e8e2a80cd172a6f6e56a39b0d9d08 --- /dev/null +++ b/anonymous_demo/core/tad/classic/__bert__/README.MD @@ -0,0 +1,3 @@ +## This is the simple migration from ABSA-PyTorch under MIT license + +Project Address: https://github.com/songyouwei/ABSA-PyTorch \ No newline at end of file diff --git a/anonymous_demo/core/tad/classic/__bert__/__init__.py b/anonymous_demo/core/tad/classic/__bert__/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..aed4fa323c2c8001593fdfdcd878a21718800167 --- /dev/null +++ b/anonymous_demo/core/tad/classic/__bert__/__init__.py @@ -0,0 +1 @@ +from .models import * diff --git a/anonymous_demo/core/tad/classic/__bert__/dataset_utils/__init__.py b/anonymous_demo/core/tad/classic/__bert__/dataset_utils/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/anonymous_demo/core/tad/classic/__bert__/dataset_utils/data_utils_for_inference.py b/anonymous_demo/core/tad/classic/__bert__/dataset_utils/data_utils_for_inference.py new file mode 100644 index 0000000000000000000000000000000000000000..4403ffaf8698eecb11bc5f5be173d9ecb2bd373f --- /dev/null +++ b/anonymous_demo/core/tad/classic/__bert__/dataset_utils/data_utils_for_inference.py @@ -0,0 +1,116 @@ +import tqdm +from findfile import find_cwd_dir +from torch.utils.data import Dataset +from transformers import AutoTokenizer + + +class Tokenizer4Pretraining: + def __init__(self, max_seq_len, opt, **kwargs): + if kwargs.pop('offline', False): + self.tokenizer = AutoTokenizer.from_pretrained(find_cwd_dir(opt.pretrained_bert.split('/')[-1]), + do_lower_case='uncased' in opt.pretrained_bert) + else: + self.tokenizer = AutoTokenizer.from_pretrained(opt.pretrained_bert, + do_lower_case='uncased' in opt.pretrained_bert) + self.max_seq_len = max_seq_len + + def text_to_sequence(self, text, reverse=False, padding='post', truncating='post'): + + return self.tokenizer.encode(text, truncation=True, padding='max_length', max_length=self.max_seq_len, + return_tensors='pt') + + +class BERTTADDataset(Dataset): + + def __init__(self, tokenizer, opt): + self.bert_baseline_input_colses = { + 'bert': ['text_bert_indices'] + } + + self.tokenizer = tokenizer + self.opt = opt + self.all_data = [] + + def parse_sample(self, text): + return [text] + + def prepare_infer_sample(self, text: str, ignore_error): + self.process_data(self.parse_sample(text), ignore_error=ignore_error) + + def process_data(self, samples, ignore_error=True): + all_data = [] + if len(samples) > 100: + it = tqdm.tqdm(samples, postfix='preparing text classification inference dataloader...') + else: + it = samples + for text in it: + try: + # handle for empty lines in inference datasets + if text is None or '' == text.strip(): + raise RuntimeError('Invalid Input!') + + if '!ref!' in text: + text, _, labels = text.strip().partition('!ref!') + text = text.strip() + if labels.count(',') == 2: + label, is_adv, adv_train_label = labels.strip().split(',') + label, is_adv, adv_train_label = label.strip(), is_adv.strip(), adv_train_label.strip() + elif labels.count(',') == 1: + label, is_adv = labels.strip().split(',') + label, is_adv = label.strip(), is_adv.strip() + adv_train_label = '-100' + elif labels.count(',') == 0: + label = labels.strip() + adv_train_label = '-100' + is_adv = '-100' + else: + label = '-100' + adv_train_label = '-100' + is_adv = '-100' + + label = int(label) + adv_train_label = int(adv_train_label) + is_adv = int(is_adv) + + else: + text = text.strip() + label = -100 + adv_train_label = -100 + is_adv = -100 + + text_indices = self.tokenizer.text_to_sequence('{}'.format(text)) + + data = { + 'text_bert_indices': text_indices[0], + + 'text_raw': text, + + 'label': label, + + 'adv_train_label': adv_train_label, + + 'is_adv': is_adv, + + # 'label': self.opt.label_to_index.get(label, -100) if isinstance(label, str) else label, + # + # 'adv_train_label': self.opt.adv_train_label_to_index.get(adv_train_label, -100) if isinstance(adv_train_label, str) else adv_train_label, + # + # 'is_adv': self.opt.is_adv_to_index.get(is_adv, -100) if isinstance(is_adv, str) else is_adv, + } + + all_data.append(data) + + except Exception as e: + if ignore_error: + print('Ignore error while processing:', text) + else: + raise e + + self.all_data = all_data + return self.all_data + + def __getitem__(self, index): + return self.all_data[index] + + def __len__(self): + return len(self.all_data) diff --git a/anonymous_demo/core/tad/classic/__bert__/models/__init__.py b/anonymous_demo/core/tad/classic/__bert__/models/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..545af67791537e965198bd59daa679c9e5a54bab --- /dev/null +++ b/anonymous_demo/core/tad/classic/__bert__/models/__init__.py @@ -0,0 +1 @@ +from .tad_bert import TADBERT diff --git a/anonymous_demo/core/tad/classic/__bert__/models/tad_bert.py b/anonymous_demo/core/tad/classic/__bert__/models/tad_bert.py new file mode 100644 index 0000000000000000000000000000000000000000..3e33e13269ed0b10e6507b6aa24105cd73e09421 --- /dev/null +++ b/anonymous_demo/core/tad/classic/__bert__/models/tad_bert.py @@ -0,0 +1,43 @@ +import torch +import torch.nn as nn +from transformers.models.bert.modeling_bert import BertPooler + +from anonymous_demo.network.sa_encoder import Encoder + + +class TADBERT(nn.Module): + inputs = ['text_bert_indices'] + + def __init__(self, bert, opt): + super(TADBERT, self).__init__() + self.opt = opt + self.bert = bert + self.pooler = BertPooler(bert.config) + self.dense1 = nn.Linear(self.opt.hidden_dim, self.opt.class_dim) + self.dense2 = nn.Linear(self.opt.hidden_dim, self.opt.adv_det_dim) + self.dense3 = nn.Linear(self.opt.hidden_dim, self.opt.class_dim) + + self.encoder1 = Encoder(self.bert.config, opt=opt) + self.encoder2 = Encoder(self.bert.config, opt=opt) + self.encoder3 = Encoder(self.bert.config, opt=opt) + + def forward(self, inputs): + text_raw_indices = inputs[0] + last_hidden_state = self.bert(text_raw_indices)['last_hidden_state'] + + sent_logits = self.dense1(self.pooler(last_hidden_state)) + advdet_logits = self.dense2(self.pooler(last_hidden_state)) + adv_tr_logits = self.dense3(self.pooler(last_hidden_state)) + + att_score = torch.nn.functional.normalize( + last_hidden_state.abs().sum(dim=1, keepdim=False) - last_hidden_state.abs().min(dim=1, keepdim=True)[0], + p=1, dim=1) + + outputs = { + 'sent_logits': sent_logits, + 'advdet_logits': advdet_logits, + 'adv_tr_logits': adv_tr_logits, + 'last_hidden_state': last_hidden_state, + 'att_score': att_score + } + return outputs diff --git a/anonymous_demo/core/tad/classic/__init__.py b/anonymous_demo/core/tad/classic/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/anonymous_demo/core/tad/models/__init__.py b/anonymous_demo/core/tad/models/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..ddaeb91b26c4e4a9f2db85dfe16735e745074c90 --- /dev/null +++ b/anonymous_demo/core/tad/models/__init__.py @@ -0,0 +1,9 @@ +import anonymous_demo.core.tad.classic.__bert__.models + + +class BERTTADModelList(list): + TADBERT = anonymous_demo.core.tad.classic.__bert__.TADBERT + + def __init__(self): + model_list = [self.TADBERT] + super().__init__(model_list) diff --git a/anonymous_demo/core/tad/prediction/__init__.py b/anonymous_demo/core/tad/prediction/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/anonymous_demo/core/tad/prediction/tad_classifier.py b/anonymous_demo/core/tad/prediction/tad_classifier.py new file mode 100644 index 0000000000000000000000000000000000000000..349b985ac3de876f503a53e71fd1d79ee87f1f10 --- /dev/null +++ b/anonymous_demo/core/tad/prediction/tad_classifier.py @@ -0,0 +1,390 @@ +import json +import os +import pickle +import time + +import torch +import tqdm +from findfile import find_file, find_cwd_dir +from termcolor import colored + +from torch.utils.data import DataLoader +from transformers import AutoTokenizer, AutoModel, AutoConfig, DebertaV2ForMaskedLM, RobertaForMaskedLM, BertForMaskedLM + +from ....functional.dataset.dataset_manager import detect_infer_dataset + +from ..models import BERTTADModelList +from ..classic.__bert__.dataset_utils.data_utils_for_inference import BERTTADDataset, Tokenizer4Pretraining + +from ....utils.demo_utils import print_args, TransformerConnectionError, get_device, build_embedding_matrix + + +def init_attacker(tad_classifier, defense): + try: + from textattack import Attacker + from textattack.attack_recipes import BAEGarg2019, PWWSRen2019, TextFoolerJin2019, PSOZang2020, IGAWang2019, \ + GeneticAlgorithmAlzantot2018, DeepWordBugGao2018 + from textattack.datasets import Dataset + from textattack.models.wrappers import HuggingFaceModelWrapper + + class DemoModelWrapper(HuggingFaceModelWrapper): + def __init__(self, model): + self.model = model # pipeline = pipeline + + def __call__(self, text_inputs, **kwargs): + outputs = [] + for text_input in text_inputs: + raw_outputs = self.model.infer(text_input, print_result=False, **kwargs) + outputs.append(raw_outputs['probs']) + return outputs + + class SentAttacker: + + def __init__(self, model, recipe_class=BAEGarg2019): + model = model + model_wrapper = DemoModelWrapper(model) + + recipe = recipe_class.build(model_wrapper) + + _dataset = [('', 0)] + _dataset = Dataset(_dataset) + + self.attacker = Attacker(recipe, _dataset) + + attackers = { + 'bae': BAEGarg2019, + 'pwws': PWWSRen2019, + 'textfooler': TextFoolerJin2019, + 'pso': PSOZang2020, + 'iga': IGAWang2019, + 'ga': GeneticAlgorithmAlzantot2018, + 'wordbugger': DeepWordBugGao2018, + } + return SentAttacker(tad_classifier, attackers[defense]) + except Exception as e: + + print('Original error:', e) + + +def get_mlm_and_tokenizer(text_classifier, config): + if isinstance(text_classifier, TADTextClassifier): + base_model = text_classifier.model.bert.base_model + else: + base_model = text_classifier.bert.base_model + pretrained_config = AutoConfig.from_pretrained(config.pretrained_bert) + if 'deberta-v3' in config.pretrained_bert: + MLM = DebertaV2ForMaskedLM(pretrained_config) + MLM.deberta = base_model + elif 'roberta' in config.pretrained_bert: + MLM = RobertaForMaskedLM(pretrained_config) + MLM.roberta = base_model + else: + MLM = BertForMaskedLM(pretrained_config) + MLM.bert = base_model + return MLM, AutoTokenizer.from_pretrained(config.pretrained_bert) + + +class TADTextClassifier: + def __init__(self, model_arg=None, cal_perplexity=False, **kwargs): + ''' + from_train_model: load inference model from trained model + ''' + self.cal_perplexity = cal_perplexity + # load from a training + if not isinstance(model_arg, str): + print('Load text classifier from training') + self.model = model_arg[0] + self.opt = model_arg[1] + self.tokenizer = model_arg[2] + else: + try: + if 'fine-tuned' in model_arg: + raise ValueError( + 'Do not support to directly load a fine-tuned model, please load a .state_dict or .model instead!') + print('Load text classifier from', model_arg) + state_dict_path = find_file(model_arg, key='.state_dict', exclude_key=['__MACOSX']) + model_path = find_file(model_arg, key='.model', exclude_key=['__MACOSX']) + tokenizer_path = find_file(model_arg, key='.tokenizer', exclude_key=['__MACOSX']) + config_path = find_file(model_arg, key='.config', exclude_key=['__MACOSX']) + + print('config: {}'.format(config_path)) + print('state_dict: {}'.format(state_dict_path)) + print('model: {}'.format(model_path)) + print('tokenizer: {}'.format(tokenizer_path)) + + with open(config_path, mode='rb') as f: + self.opt = pickle.load(f) + self.opt.device = get_device(kwargs.pop('auto_device', True))[0] + + if state_dict_path or model_path: + if hasattr(BERTTADModelList, self.opt.model.__name__): + if state_dict_path: + if kwargs.pop('offline', False): + self.bert = AutoModel.from_pretrained( + find_cwd_dir(self.opt.pretrained_bert.split('/')[-1])) + else: + self.bert = AutoModel.from_pretrained(self.opt.pretrained_bert) + self.model = self.opt.model(self.bert, self.opt) + self.model.load_state_dict(torch.load(state_dict_path, map_location='cpu')) + elif model_path: + self.model = torch.load(model_path, map_location='cpu') + + try: + self.tokenizer = Tokenizer4Pretraining(max_seq_len=self.opt.max_seq_len, opt=self.opt, + **kwargs) + except ValueError: + if tokenizer_path: + with open(tokenizer_path, mode='rb') as f: + self.tokenizer = pickle.load(f) + else: + raise TransformerConnectionError() + + except Exception as e: + raise RuntimeError('Exception: {} Fail to load the model from {}! '.format(e, model_arg)) + + self.infer_dataloader = None + self.opt.eval_batch_size = kwargs.pop('eval_batch_size', 128) + + self.opt.initializer = self.opt.initializer + + if self.cal_perplexity: + try: + self.MLM, self.MLM_tokenizer = get_mlm_and_tokenizer(self, self.opt) + except Exception as e: + self.MLM, self.MLM_tokenizer = None, None + + self.to(self.opt.device) + + def to(self, device=None): + self.opt.device = device + self.model.to(device) + if hasattr(self, 'MLM'): + self.MLM.to(self.opt.device) + + def cpu(self): + self.opt.device = 'cpu' + self.model.to('cpu') + if hasattr(self, 'MLM'): + self.MLM.to('cpu') + + def cuda(self, device='cuda:0'): + self.opt.device = device + self.model.to(device) + if hasattr(self, 'MLM'): + self.MLM.to(device) + + def _log_write_args(self): + n_trainable_params, n_nontrainable_params = 0, 0 + for p in self.model.parameters(): + n_params = torch.prod(torch.tensor(p.shape)) + if p.requires_grad: + n_trainable_params += n_params + else: + n_nontrainable_params += n_params + print( + 'n_trainable_params: {0}, n_nontrainable_params: {1}'.format(n_trainable_params, n_nontrainable_params)) + for arg in vars(self.opt): + if getattr(self.opt, arg) is not None: + print('>>> {0}: {1}'.format(arg, getattr(self.opt, arg))) + + def batch_infer(self, + target_file=None, + print_result=True, + save_result=False, + ignore_error=True, + defense: str = None + ): + + save_path = os.path.join(os.getcwd(), 'tad_text_classification.result.json') + + target_file = detect_infer_dataset(target_file, task='text_defense') + if not target_file: + raise FileNotFoundError('Can not find inference datasets!') + + if hasattr(BERTTADModelList, self.opt.model.__name__): + dataset = BERTTADDataset(tokenizer=self.tokenizer, opt=self.opt) + + dataset.prepare_infer_dataset(target_file, ignore_error=ignore_error) + self.infer_dataloader = DataLoader(dataset=dataset, batch_size=self.opt.eval_batch_size, pin_memory=True, + shuffle=False) + return self._infer(save_path=save_path if save_result else None, print_result=print_result, defense=defense) + + def infer(self, + text: str = None, + print_result=True, + ignore_error=True, + defense: str = None + ): + + if hasattr(BERTTADModelList, self.opt.model.__name__): + dataset = BERTTADDataset(tokenizer=self.tokenizer, opt=self.opt) + + if text: + dataset.prepare_infer_sample(text, ignore_error=ignore_error) + else: + raise RuntimeError('Please specify your datasets path!') + self.infer_dataloader = DataLoader(dataset=dataset, batch_size=self.opt.eval_batch_size, shuffle=False) + return self._infer(print_result=print_result, defense=defense)[0] + + def _infer(self, save_path=None, print_result=True, defense=None): + + _params = filter(lambda p: p.requires_grad, self.model.parameters()) + + correct = {True: 'Correct', False: 'Wrong'} + results = [] + + with torch.no_grad(): + self.model.eval() + n_correct = 0 + n_labeled = 0 + + n_advdet_correct = 0 + n_advdet_labeled = 0 + if len(self.infer_dataloader.dataset) >= 100: + it = tqdm.tqdm(self.infer_dataloader, postfix='inferring...') + else: + it = self.infer_dataloader + for _, sample in enumerate(it): + inputs = [sample[col].to(self.opt.device) for col in self.opt.inputs_cols] + outputs = self.model(inputs) + logits, advdet_logits, adv_tr_logits = outputs['sent_logits'], outputs['advdet_logits'], outputs[ + 'adv_tr_logits'] + probs, advdet_probs, adv_tr_probs = torch.softmax(logits, dim=-1), torch.softmax(advdet_logits, + dim=-1), torch.softmax( + adv_tr_logits, dim=-1) + + for i, (prob, advdet_prob, adv_tr_prob) in enumerate(zip(probs, advdet_probs, adv_tr_probs)): + text_raw = sample['text_raw'][i] + + pred_label = int(prob.argmax(axis=-1)) + pred_is_adv_label = int(advdet_prob.argmax(axis=-1)) + pred_adv_tr_label = int(adv_tr_prob.argmax(axis=-1)) + ref_label = int(sample['label'][i]) if int(sample['label'][i]) in self.opt.index_to_label else '' + ref_is_adv_label = int(sample['is_adv'][i]) if int( + sample['is_adv'][i]) in self.opt.index_to_is_adv else '' + ref_adv_tr_label = int(sample['adv_train_label'][i]) if int( + sample['adv_train_label'][i]) in self.opt.index_to_adv_train_label else '' + + if self.cal_perplexity: + ids = self.MLM_tokenizer(text_raw, return_tensors="pt") + ids['labels'] = ids['input_ids'].clone() + ids = ids.to(self.opt.device) + loss = self.MLM(**ids)['loss'] + perplexity = float(torch.exp(loss / ids['input_ids'].size(1))) + else: + perplexity = 'N.A.' + + result = { + 'text': text_raw, + + 'label': self.opt.index_to_label[pred_label], + 'probs': prob.cpu().numpy(), + 'confidence': float(max(prob)), + 'ref_label': self.opt.index_to_label[ref_label] if isinstance(ref_label, int) else ref_label, + 'ref_label_check': correct[pred_label == ref_label] if ref_label != -100 else '', + 'is_fixed': False, + + 'is_adv_label': self.opt.index_to_is_adv[pred_is_adv_label], + 'is_adv_probs': advdet_prob.cpu().numpy(), + 'is_adv_confidence': float(max(advdet_prob)), + 'ref_is_adv_label': self.opt.index_to_is_adv[ref_is_adv_label] if isinstance(ref_is_adv_label, int) else ref_is_adv_label, + 'ref_is_adv_check': correct[pred_is_adv_label == ref_is_adv_label] if ref_is_adv_label != -100 and isinstance(ref_is_adv_label, int) else '', + + 'pred_adv_tr_label': self.opt.index_to_label[pred_adv_tr_label], + 'ref_adv_tr_label': self.opt.index_to_label[ref_adv_tr_label], + + 'perplexity': perplexity, + } + if defense: + try: + if not hasattr(self, 'sent_attacker'): + self.sent_attacker = init_attacker(self, defense.lower()) + if result['is_adv_label'] == '1': + res = self.sent_attacker.attacker.simple_attack(text_raw, int(result['label'])) + new_infer_res = self.infer(res.perturbed_result.attacked_text.text, print_result=False) + result['perturbed_label'] = result['label'] + result['label'] = new_infer_res['label'] + result['probs'] = new_infer_res['probs'] + result['ref_label_check'] = correct[int(result['label']) == ref_label] if ref_label != -100 else '' + result['restored_text'] = res.perturbed_result.attacked_text.text + result['is_fixed'] = True + else: + result['restored_text'] = '' + result['is_fixed'] = False + + except Exception as e: + print('Error:{}, try install TextAttack and tensorflow_text after 10 seconds...'.format(e)) + time.sleep(10) + raise RuntimeError('Installation done, please run again...') + + if ref_label != -100: + n_labeled += 1 + + if result['label'] == result['ref_label']: + n_correct += 1 + + if ref_is_adv_label != -100: + n_advdet_labeled += 1 + if ref_is_adv_label == pred_is_adv_label: + n_advdet_correct += 1 + + results.append(result) + + try: + if print_result: + for ex_id, result in enumerate(results): + text_printing = result['text'][:] + text_info = '' + if result['label'] != '-100': + if not result['ref_label']: + text_info += ' -> '.format(result['label'], + result['ref_label'], + result['confidence']) + elif result['label'] == result['ref_label']: + text_info += colored( + ' -> '.format(result['label'], result['ref_label'], + result['confidence']), 'green') + else: + text_info += colored( + ' -> '.format(result['label'], result['ref_label'], + result['confidence']), 'red') + + # AdvDet + if result['is_adv_label'] != '-100': + if not result['ref_is_adv_label']: + text_info += ' -> '.format(result['is_adv_label'], + result['ref_is_adv_check'], + result['is_adv_confidence']) + elif result['is_adv_label'] == result['ref_is_adv_label']: + text_info += colored(' -> '.format(result['is_adv_label'], + result[ + 'ref_is_adv_label'], + result[ + 'is_adv_confidence']), + 'green') + else: + text_info += colored(' -> '.format(result['is_adv_label'], + result[ + 'ref_is_adv_label'], + result[ + 'is_adv_confidence']), + 'red') + text_printing += text_info + if self.cal_perplexity: + text_printing += colored(' --> '.format(result['perplexity']), 'yellow') + print('Example {}: {}'.format(ex_id, text_printing)) + if save_path: + with open(save_path, 'w', encoding='utf8') as fout: + json.dump(str(results), fout, ensure_ascii=False) + print('inference result saved in: {}'.format(save_path)) + except Exception as e: + print('Can not save result: {}, Exception: {}'.format(text_raw, e)) + + if len(results) > 1: + print('CLS Acc:{}%'.format(100 * n_correct / n_labeled if n_labeled else '')) + print('AdvDet Acc:{}%'.format(100 * n_advdet_correct / n_advdet_labeled if n_advdet_labeled else '')) + + return results + + def clear_input_samples(self): + self.dataset.all_data = [] diff --git a/anonymous_demo/functional/__init__.py b/anonymous_demo/functional/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..f3e80fc337ce1b3984a5863cc0c90dc15b995d47 --- /dev/null +++ b/anonymous_demo/functional/__init__.py @@ -0,0 +1,3 @@ +from anonymous_demo.functional.checkpoint.checkpoint_manager import TADCheckpointManager + +from anonymous_demo.functional.config import TADConfigManager diff --git a/anonymous_demo/functional/checkpoint/__init__.py b/anonymous_demo/functional/checkpoint/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..c3a13c183ec72b10c0fb19e56067493f9499f92c --- /dev/null +++ b/anonymous_demo/functional/checkpoint/__init__.py @@ -0,0 +1 @@ +from .checkpoint_manager import TADCheckpointManager diff --git a/anonymous_demo/functional/checkpoint/checkpoint_manager.py b/anonymous_demo/functional/checkpoint/checkpoint_manager.py new file mode 100644 index 0000000000000000000000000000000000000000..df6f64edfb84154082c346effe24b316072ad972 --- /dev/null +++ b/anonymous_demo/functional/checkpoint/checkpoint_manager.py @@ -0,0 +1,20 @@ +import os +from findfile import find_file + +from anonymous_demo.core.tad.prediction.tad_classifier import TADTextClassifier +from anonymous_demo.utils.demo_utils import retry + + +class CheckpointManager: + pass + + +class TADCheckpointManager(CheckpointManager): + @staticmethod + @retry + def get_tad_text_classifier(checkpoint: str = None, + eval_batch_size=128, + **kwargs): + + tad_text_classifier = TADTextClassifier(checkpoint, eval_batch_size=eval_batch_size, **kwargs) + return tad_text_classifier diff --git a/anonymous_demo/functional/config/__init__.py b/anonymous_demo/functional/config/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..61f02f3d18686406d2218d1b5219a8520e5517dd --- /dev/null +++ b/anonymous_demo/functional/config/__init__.py @@ -0,0 +1 @@ +from .tad_config_manager import TADConfigManager diff --git a/anonymous_demo/functional/config/config_manager.py b/anonymous_demo/functional/config/config_manager.py new file mode 100644 index 0000000000000000000000000000000000000000..5e5b57e3a5ccc239f4081b5b7a35af6c61abf73c --- /dev/null +++ b/anonymous_demo/functional/config/config_manager.py @@ -0,0 +1,66 @@ +from argparse import Namespace + +import torch + +one_shot_messages = set() + + +def config_check(args): + pass + + +class ConfigManager(Namespace): + + def __init__(self, args=None, **kwargs): + """ + The ConfigManager is a subclass of argparse.Namespace and based on parameter dict and count the call-frequency of each parameter + :param args: A parameter dict + :param kwargs: Same param as Namespce + """ + if not args: + args = {} + super().__init__(**kwargs) + + if isinstance(args, Namespace): + self.args = vars(args) + self.args_call_count = {arg: 0 for arg in vars(args)} + else: + self.args = args + self.args_call_count = {arg: 0 for arg in args} + + def __getattribute__(self, arg_name): + if arg_name == 'args' or arg_name == 'args_call_count': + return super().__getattribute__(arg_name) + try: + value = super().__getattribute__('args')[arg_name] + args_call_count = super().__getattribute__('args_call_count') + args_call_count[arg_name] += 1 + super().__setattr__('args_call_count', args_call_count) + return value + + except Exception as e: + + return super().__getattribute__(arg_name) + + def __setattr__(self, arg_name, value): + if arg_name == 'args' or arg_name == 'args_call_count': + super().__setattr__(arg_name, value) + return + try: + args = super().__getattribute__('args') + args[arg_name] = value + super().__setattr__('args', args) + args_call_count = super().__getattribute__('args_call_count') + + if arg_name in args_call_count: + # args_call_count[arg_name] += 1 + super().__setattr__('args_call_count', args_call_count) + + else: + args_call_count[arg_name] = 0 + super().__setattr__('args_call_count', args_call_count) + + except Exception as e: + super().__setattr__(arg_name, value) + + config_check(args) diff --git a/anonymous_demo/functional/config/tad_config_manager.py b/anonymous_demo/functional/config/tad_config_manager.py new file mode 100644 index 0000000000000000000000000000000000000000..db5a665b1cf7107bb36e5efe91eec5ce5ad87d4c --- /dev/null +++ b/anonymous_demo/functional/config/tad_config_manager.py @@ -0,0 +1,221 @@ +import copy + +from anonymous_demo.functional.config.config_manager import ConfigManager +from anonymous_demo.core.tad.classic.__bert__.models import TADBERT + +_tad_config_template = {'model': TADBERT, + 'optimizer': "adamw", + 'learning_rate': 0.00002, + 'patience': 99999, + 'pretrained_bert': "microsoft/mdeberta-v3-base", + 'cache_dataset': True, + 'warmup_step': -1, + 'show_metric': False, + 'max_seq_len': 80, + 'dropout': 0, + 'l2reg': 0.000001, + 'num_epoch': 10, + 'batch_size': 16, + 'initializer': 'xavier_uniform_', + 'seed': 52, + 'polarities_dim': 3, + 'log_step': 10, + 'evaluate_begin': 0, + 'cross_validate_fold': -1, + 'use_amp': False, + # split train and test datasets into 5 folds and repeat 3 training + } + +_tad_config_base = {'model': TADBERT, + 'optimizer': "adamw", + 'learning_rate': 0.00002, + 'pretrained_bert': "microsoft/deberta-v3-base", + 'cache_dataset': True, + 'warmup_step': -1, + 'show_metric': False, + 'max_seq_len': 80, + 'patience': 99999, + 'dropout': 0, + 'l2reg': 0.000001, + 'num_epoch': 10, + 'batch_size': 16, + 'initializer': 'xavier_uniform_', + 'seed': 52, + 'polarities_dim': 3, + 'log_step': 10, + 'evaluate_begin': 0, + 'cross_validate_fold': -1 + # split train and test datasets into 5 folds and repeat 3 training + } + +_tad_config_english = {'model': TADBERT, + 'optimizer': "adamw", + 'learning_rate': 0.00002, + 'patience': 99999, + 'pretrained_bert': "microsoft/deberta-v3-base", + 'cache_dataset': True, + 'warmup_step': -1, + 'show_metric': False, + 'max_seq_len': 80, + 'dropout': 0, + 'l2reg': 0.000001, + 'num_epoch': 10, + 'batch_size': 16, + 'initializer': 'xavier_uniform_', + 'seed': 52, + 'polarities_dim': 3, + 'log_step': 10, + 'evaluate_begin': 0, + 'cross_validate_fold': -1 + # split train and test datasets into 5 folds and repeat 3 training + } + +_tad_config_multilingual = {'model': TADBERT, + 'optimizer': "adamw", + 'learning_rate': 0.00002, + 'patience': 99999, + 'pretrained_bert': "microsoft/mdeberta-v3-base", + 'cache_dataset': True, + 'warmup_step': -1, + 'show_metric': False, + 'max_seq_len': 80, + 'dropout': 0, + 'l2reg': 0.000001, + 'num_epoch': 10, + 'batch_size': 16, + 'initializer': 'xavier_uniform_', + 'seed': 52, + 'polarities_dim': 3, + 'log_step': 10, + 'evaluate_begin': 0, + 'cross_validate_fold': -1 + # split train and test datasets into 5 folds and repeat 3 training + } + +_tad_config_chinese = {'model': TADBERT, + 'optimizer': "adamw", + 'learning_rate': 0.00002, + 'patience': 99999, + 'cache_dataset': True, + 'warmup_step': -1, + 'show_metric': False, + 'pretrained_bert': "bert-base-chinese", + 'max_seq_len': 80, + 'dropout': 0, + 'l2reg': 0.000001, + 'num_epoch': 10, + 'batch_size': 16, + 'initializer': 'xavier_uniform_', + 'seed': 52, + 'polarities_dim': 3, + 'log_step': 10, + 'evaluate_begin': 0, + 'cross_validate_fold': -1 + # split train and test datasets into 5 folds and repeat 3 training + } + + +class TADConfigManager(ConfigManager): + def __init__(self, args, **kwargs): + """ + Available Params: {'model': BERT, + 'optimizer': "adamw", + 'learning_rate': 0.00002, + 'pretrained_bert': "roberta-base", + 'cache_dataset': True, + 'warmup_step': -1, + 'show_metric': False, + 'max_seq_len': 80, + 'patience': 99999, + 'dropout': 0, + 'l2reg': 0.000001, + 'num_epoch': 10, + 'batch_size': 16, + 'initializer': 'xavier_uniform_', + 'seed': {52, 25} + 'embed_dim': 768, + 'hidden_dim': 768, + 'polarities_dim': 3, + 'log_step': 10, + 'evaluate_begin': 0, + 'cross_validate_fold': -1 # split train and test datasets into 5 folds and repeat 3 training + } + :param args: + :param kwargs: + """ + super().__init__(args, **kwargs) + + @staticmethod + def set_tad_config(configType: str, newitem: dict): + if isinstance(newitem, dict): + if configType == 'template': + _tad_config_template.update(newitem) + elif configType == 'base': + _tad_config_base.update(newitem) + elif configType == 'english': + _tad_config_english.update(newitem) + elif configType == 'chinese': + _tad_config_chinese.update(newitem) + elif configType == 'multilingual': + _tad_config_multilingual.update(newitem) + elif configType == 'glove': + _tad_config_glove.update(newitem) + else: + raise ValueError( + "Wrong value of config type supplied, please use one from following type: template, base, english, chinese, multilingual, glove") + else: + raise TypeError("Wrong type of new config item supplied, please use dict e.g.{'NewConfig': NewValue}") + + @staticmethod + def set_tad_config_template(newitem): + TADConfigManager.set_tad_config('template', newitem) + + @staticmethod + def set_tad_config_base(newitem): + TADConfigManager.set_tad_config('base', newitem) + + @staticmethod + def set_tad_config_english(newitem): + TADConfigManager.set_tad_config('english', newitem) + + @staticmethod + def set_tad_config_chinese(newitem): + TADConfigManager.set_tad_config('chinese', newitem) + + @staticmethod + def set_tad_config_multilingual(newitem): + TADConfigManager.set_tad_config('multilingual', newitem) + + @staticmethod + def set_tad_config_glove(newitem): + TADConfigManager.set_tad_config('glove', newitem) + + @staticmethod + def get_tad_config_template() -> ConfigManager: + _tad_config_template.update(_tad_config_template) + return TADConfigManager(copy.deepcopy(_tad_config_template)) + + @staticmethod + def get_tad_config_base() -> ConfigManager: + _tad_config_template.update(_tad_config_base) + return TADConfigManager(copy.deepcopy(_tad_config_template)) + + @staticmethod + def get_tad_config_english() -> ConfigManager: + _tad_config_template.update(_tad_config_english) + return TADConfigManager(copy.deepcopy(_tad_config_template)) + + @staticmethod + def get_tad_config_chinese() -> ConfigManager: + _tad_config_template.update(_tad_config_chinese) + return TADConfigManager(copy.deepcopy(_tad_config_template)) + + @staticmethod + def get_tad_config_multilingual() -> ConfigManager: + _tad_config_template.update(_tad_config_multilingual) + return TADConfigManager(copy.deepcopy(_tad_config_template)) + + @staticmethod + def get_tad_config_glove() -> ConfigManager: + _tad_config_template.update(_tad_config_glove) + return TADConfigManager(copy.deepcopy(_tad_config_template)) diff --git a/anonymous_demo/functional/dataset/__init__.py b/anonymous_demo/functional/dataset/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..65b18624635fece4326f97d8c36fa6cf45346c55 --- /dev/null +++ b/anonymous_demo/functional/dataset/__init__.py @@ -0,0 +1 @@ +from anonymous_demo.functional.dataset.dataset_manager import (detect_infer_dataset) diff --git a/anonymous_demo/functional/dataset/dataset_manager.py b/anonymous_demo/functional/dataset/dataset_manager.py new file mode 100644 index 0000000000000000000000000000000000000000..2080dc6a72e1d7cefa79b08609be183d8777771a --- /dev/null +++ b/anonymous_demo/functional/dataset/dataset_manager.py @@ -0,0 +1,21 @@ +import os +from findfile import find_files, find_dir + +filter_key_words = ['.py', '.md', 'readme', 'log', 'result', 'zip', + '.state_dict', '.model', '.png', 'acc_', 'f1_', '.backup', '.bak'] + + +def detect_infer_dataset(dataset_path, task='apc'): + dataset_file = [] + if isinstance(dataset_path, str) and os.path.isfile(dataset_path): + dataset_file.append(dataset_path) + return dataset_file + + for d in dataset_path: + if not os.path.exists(d): + search_path = find_dir(os.getcwd(), [d, task, 'dataset'], exclude_key=filter_key_words, disable_alert=False) + dataset_file += find_files(search_path, ['.inference', d], exclude_key=['train.'] + filter_key_words) + else: + dataset_file += find_files(d, ['.inference', task], exclude_key=['train.'] + filter_key_words) + + return dataset_file diff --git a/anonymous_demo/network/__init__.py b/anonymous_demo/network/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/anonymous_demo/network/lcf_pooler.py b/anonymous_demo/network/lcf_pooler.py new file mode 100644 index 0000000000000000000000000000000000000000..252844619db0c1f1f1b72255b7630a2106a595c6 --- /dev/null +++ b/anonymous_demo/network/lcf_pooler.py @@ -0,0 +1,26 @@ +import numpy +import torch +import torch.nn as nn + + +class LCF_Pooler(nn.Module): + def __init__(self, config): + super().__init__() + self.config = config + self.dense = nn.Linear(config.hidden_size, config.hidden_size) + self.activation = nn.Tanh() + + def forward(self, hidden_states, lcf_vec): + device = hidden_states.device + lcf_vec = lcf_vec.detach().cpu().numpy() + + pooled_output = numpy.zeros((hidden_states.shape[0], hidden_states.shape[2]), dtype=numpy.float32) + hidden_states = hidden_states.detach().cpu().numpy() + for i, vec in enumerate(lcf_vec): + lcf_ids = [j for j in range(len(vec)) if sum(vec[j] - 1.) == 0] + pooled_output[i] = hidden_states[i][lcf_ids[len(lcf_ids) // 2]] + + pooled_output = torch.Tensor(pooled_output).to(device) + pooled_output = self.dense(pooled_output) + pooled_output = self.activation(pooled_output) + return pooled_output diff --git a/anonymous_demo/network/lsa.py b/anonymous_demo/network/lsa.py new file mode 100644 index 0000000000000000000000000000000000000000..69082c1735f362f63eaa7b020b8507a243bc95f0 --- /dev/null +++ b/anonymous_demo/network/lsa.py @@ -0,0 +1,52 @@ +import torch +from anonymous_demo.network.sa_encoder import Encoder +from torch import nn + + +class LSA(nn.Module): + def __init__(self, bert, opt): + super(LSA, self).__init__() + self.opt = opt + + self.encoder = Encoder(bert.config, opt) + self.encoder_left = Encoder(bert.config, opt) + self.encoder_right = Encoder(bert.config, opt) + self.linear_window_3h = nn.Linear(opt.embed_dim * 3, opt.embed_dim) + self.linear_window_2h = nn.Linear(opt.embed_dim * 2, opt.embed_dim) + self.eta1 = nn.Parameter(torch.tensor(self.opt.eta, dtype=torch.float)) + self.eta2 = nn.Parameter(torch.tensor(self.opt.eta, dtype=torch.float)) + + def forward(self, global_context_features, spc_mask_vec, lcf_matrix, left_lcf_matrix, right_lcf_matrix): + masked_global_context_features = torch.mul(spc_mask_vec, global_context_features) + + # # --------------------------------------------------- # + lcf_features = torch.mul(global_context_features, lcf_matrix) + lcf_features = self.encoder(lcf_features) + # # --------------------------------------------------- # + left_lcf_features = torch.mul(masked_global_context_features, left_lcf_matrix) + left_lcf_features = self.encoder_left(left_lcf_features) + # # --------------------------------------------------- # + right_lcf_features = torch.mul(masked_global_context_features, right_lcf_matrix) + right_lcf_features = self.encoder_right(right_lcf_features) + # # --------------------------------------------------- # + if 'lr' == self.opt.window or 'rl' == self.opt.window: + if self.eta1 <= 0 and self.opt.eta != -1: + torch.nn.init.uniform_(self.eta1) + print('reset eta1 to: {}'.format(self.eta1.item())) + if self.eta2 <= 0 and self.opt.eta != -1: + torch.nn.init.uniform_(self.eta2) + print('reset eta2 to: {}'.format(self.eta2.item())) + if self.opt.eta >= 0: + cat_features = torch.cat((lcf_features, self.eta1 * left_lcf_features, self.eta2 * right_lcf_features), + -1) + else: + cat_features = torch.cat((lcf_features, left_lcf_features, right_lcf_features), -1) + sent_out = self.linear_window_3h(cat_features) + elif 'l' == self.opt.window: + sent_out = self.linear_window_2h(torch.cat((lcf_features, self.eta1 * left_lcf_features), -1)) + elif 'r' == self.opt.window: + sent_out = self.linear_window_2h(torch.cat((lcf_features, self.eta2 * right_lcf_features), -1)) + else: + raise KeyError('Invalid parameter:', self.opt.window) + + return sent_out diff --git a/anonymous_demo/network/sa_encoder.py b/anonymous_demo/network/sa_encoder.py new file mode 100644 index 0000000000000000000000000000000000000000..ddd0e6c819577595c4841bf4bc6c18b83cc48981 --- /dev/null +++ b/anonymous_demo/network/sa_encoder.py @@ -0,0 +1,159 @@ +import math + +import numpy as np +import torch +import torch.nn as nn + + +class BertSelfAttention(nn.Module): + def __init__(self, config): + super().__init__() + if config.hidden_size % config.num_attention_heads != 0 and not hasattr(config, "embedding_size"): + raise ValueError( + f"The hidden size ({config.hidden_size}) is not a multiple of the number of attention " + f"heads ({config.num_attention_heads})" + ) + + self.num_attention_heads = config.num_attention_heads + self.attention_head_size = int(config.hidden_size / config.num_attention_heads) + self.all_head_size = self.num_attention_heads * self.attention_head_size + + self.query = nn.Linear(config.hidden_size, self.all_head_size) + self.key = nn.Linear(config.hidden_size, self.all_head_size) + self.value = nn.Linear(config.hidden_size, self.all_head_size) + + self.dropout = nn.Dropout( + config.attention_probs_dropout_prob if hasattr(config, 'attention_probs_dropout_prob') else 0) + self.position_embedding_type = getattr(config, "position_embedding_type", "absolute") + if self.position_embedding_type == "relative_key" or self.position_embedding_type == "relative_key_query": + self.max_position_embeddings = config.max_position_embeddings + self.distance_embedding = nn.Embedding(2 * config.max_position_embeddings - 1, self.attention_head_size) + + self.is_decoder = config.is_decoder + + def transpose_for_scores(self, x): + new_x_shape = x.size()[:-1] + (self.num_attention_heads, self.attention_head_size) + x = x.view(*new_x_shape) + return x.permute(0, 2, 1, 3) + + def forward( + self, + hidden_states, + attention_mask=None, + head_mask=None, + encoder_hidden_states=None, + encoder_attention_mask=None, + past_key_value=None, + output_attentions=False, + ): + mixed_query_layer = self.query(hidden_states) + + # If this is instantiated as a cross-attention module, the keys + # and values come from an encoder; the attention mask needs to be + # such that the encoder's padding tokens are not attended to. + is_cross_attention = encoder_hidden_states is not None + + if is_cross_attention and past_key_value is not None: + # reuse k,v, cross_attentions + key_layer = past_key_value[0] + value_layer = past_key_value[1] + attention_mask = encoder_attention_mask + elif is_cross_attention: + key_layer = self.transpose_for_scores(self.key(encoder_hidden_states)) + value_layer = self.transpose_for_scores(self.value(encoder_hidden_states)) + attention_mask = encoder_attention_mask + elif past_key_value is not None: + key_layer = self.transpose_for_scores(self.key(hidden_states)) + value_layer = self.transpose_for_scores(self.value(hidden_states)) + key_layer = torch.cat([past_key_value[0], key_layer], dim=2) + value_layer = torch.cat([past_key_value[1], value_layer], dim=2) + else: + key_layer = self.transpose_for_scores(self.key(hidden_states)) + value_layer = self.transpose_for_scores(self.value(hidden_states)) + + query_layer = self.transpose_for_scores(mixed_query_layer) + + if self.is_decoder: + # if cross_attention save Tuple(torch.Tensor, torch.Tensor) of all cross attention key/value_states. + # Further calls to cross_attention layer can then reuse all cross-attention + # key/value_states (first "if" case) + # if uni-directional self-attention (decoder) save Tuple(torch.Tensor, torch.Tensor) of + # all previous decoder key/value_states. Further calls to uni-directional self-attention + # can concat previous decoder key/value_states to current projected key/value_states (third "elif" case) + # if encoder bi-directional self-attention `past_key_value` is always `None` + past_key_value = (key_layer, value_layer) + + # Take the dot product between "query" and "key" to get the raw attention scores. + attention_scores = torch.matmul(query_layer, key_layer.transpose(-1, -2)) + + if self.position_embedding_type == "relative_key" or self.position_embedding_type == "relative_key_query": + seq_length = hidden_states.size()[1] + position_ids_l = torch.arange(seq_length, dtype=torch.long, device=hidden_states.device).view(-1, 1) + position_ids_r = torch.arange(seq_length, dtype=torch.long, device=hidden_states.device).view(1, -1) + distance = position_ids_l - position_ids_r + positional_embedding = self.distance_embedding(distance + self.max_position_embeddings - 1) + positional_embedding = positional_embedding.to(dtype=query_layer.dtype) # fp16 compatibility + + if self.position_embedding_type == "relative_key": + relative_position_scores = torch.einsum("bhld,lrd->bhlr", query_layer, positional_embedding) + attention_scores = attention_scores + relative_position_scores + elif self.position_embedding_type == "relative_key_query": + relative_position_scores_query = torch.einsum("bhld,lrd->bhlr", query_layer, positional_embedding) + relative_position_scores_key = torch.einsum("bhrd,lrd->bhlr", key_layer, positional_embedding) + attention_scores = attention_scores + relative_position_scores_query + relative_position_scores_key + + attention_scores = attention_scores / math.sqrt(self.attention_head_size) + if attention_mask is not None: + # Apply the attention mask is (precomputed for all layers in BertModel forward() function) + attention_scores = attention_scores + attention_mask + + # Normalize the attention scores to probabilities. + attention_probs = nn.Softmax(dim=-1)(attention_scores) + + # This is actually dropping out entire tokens to attend to, which might + # seem a bit unusual, but is taken from the original Transformer paper. + attention_probs = self.dropout(attention_probs) + + # Mask heads if we want to + if head_mask is not None: + attention_probs = attention_probs * head_mask + + context_layer = torch.matmul(attention_probs, value_layer) + + context_layer = context_layer.permute(0, 2, 1, 3).contiguous() + new_context_layer_shape = context_layer.size()[:-2] + (self.all_head_size,) + context_layer = context_layer.view(*new_context_layer_shape) + + outputs = (context_layer, attention_probs) if output_attentions else (context_layer,) + + if self.is_decoder: + outputs = outputs + (past_key_value,) + return outputs + + +class Encoder(nn.Module): + def __init__(self, config, opt, layer_num=1): + super(Encoder, self).__init__() + self.opt = opt + self.config = config + self.encoder = nn.ModuleList([SelfAttention(config, opt) for _ in range(layer_num)]) + self.tanh = torch.nn.Tanh() + + def forward(self, x): + for i, enc in enumerate(self.encoder): + x = self.tanh(enc(x)[0]) + return x + + +class SelfAttention(nn.Module): + def __init__(self, config, opt): + super(SelfAttention, self).__init__() + self.opt = opt + self.config = config + self.SA = BertSelfAttention(config) + + def forward(self, inputs): + zero_vec = np.zeros((inputs.size(0), 1, 1, self.opt.max_seq_len)) + zero_tensor = torch.tensor(zero_vec).float().to(inputs.device) + SA_out = self.SA(inputs, zero_tensor) + return SA_out diff --git a/anonymous_demo/utils/__init__.py b/anonymous_demo/utils/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/anonymous_demo/utils/demo_utils.py b/anonymous_demo/utils/demo_utils.py new file mode 100644 index 0000000000000000000000000000000000000000..6085a55a046853c8a22f6a4a14cd123650b2d1a2 --- /dev/null +++ b/anonymous_demo/utils/demo_utils.py @@ -0,0 +1,209 @@ +import json +import os +import pickle +import signal +import threading +import time +import zipfile + +import gdown +import numpy as np +import requests +import torch +import tqdm +from autocuda import auto_cuda, auto_cuda_name +from findfile import find_files, find_cwd_file, find_file +from termcolor import colored +from functools import wraps + +from update_checker import parse_version + +from anonymous_demo import __version__ + + +def save_args(config, save_path): + f = open(os.path.join(save_path), mode='w', encoding='utf8') + for arg in config.args: + if config.args_call_count[arg]: + f.write('{}: {}\n'.format(arg, config.args[arg])) + f.close() + + +def print_args(config, logger=None, mode=0): + args = [key for key in sorted(config.args.keys())] + for arg in args: + if logger: + logger.info('{0}:{1}\t-->\tCalling Count:{2}'.format(arg, config.args[arg], config.args_call_count[arg])) + else: + print('{0}:{1}\t-->\tCalling Count:{2}'.format(arg, config.args[arg], config.args_call_count[arg])) + + +def check_and_fix_labels(label_set: set, label_name, all_data, opt): + if '-100' in label_set: + + label_to_index = {origin_label: int(idx) - 1 if origin_label != '-100' else -100 for origin_label, idx in zip(sorted(label_set), range(len(label_set)))} + index_to_label = {int(idx) - 1 if origin_label != '-100' else -100: origin_label for origin_label, idx in zip(sorted(label_set), range(len(label_set)))} + else: + label_to_index = {origin_label: int(idx) for origin_label, idx in zip(sorted(label_set), range(len(label_set)))} + index_to_label = {int(idx): origin_label for origin_label, idx in zip(sorted(label_set), range(len(label_set)))} + if 'index_to_label' not in opt.args: + opt.index_to_label = index_to_label + opt.label_to_index = label_to_index + + if opt.index_to_label != index_to_label: + opt.index_to_label.update(index_to_label) + opt.label_to_index.update(label_to_index) + num_label = {l: 0 for l in label_set} + num_label['Sum'] = len(all_data) + for item in all_data: + try: + num_label[item[label_name]] += 1 + item[label_name] = label_to_index[item[label_name]] + except Exception as e: + # print(e) + num_label[item.polarity] += 1 + item.polarity = label_to_index[item.polarity] + print('Dataset Label Details: {}'.format(num_label)) + + +def check_and_fix_IOB_labels(label_map, opt): + index_to_IOB_label = {int(label_map[origin_label]): origin_label for origin_label in label_map} + opt.index_to_IOB_label = index_to_IOB_label + + +def get_device(auto_device): + if isinstance(auto_device, str) and auto_device == 'allcuda': + device = 'cuda' + elif isinstance(auto_device, str): + device = auto_device + elif isinstance(auto_device, bool): + device = auto_cuda() if auto_device else 'cpu' + else: + device = auto_cuda() + try: + torch.device(device) + except RuntimeError as e: + print(colored('Device assignment error: {}, redirect to CPU'.format(e), 'red')) + device = 'cpu' + device_name = auto_cuda_name() + return device, device_name + + +def _load_word_vec(path, word2idx=None, embed_dim=300): + fin = open(path, 'r', encoding='utf-8', newline='\n', errors='ignore') + word_vec = {} + for line in tqdm.tqdm(fin.readlines(), postfix='Loading embedding file...'): + tokens = line.rstrip().split() + word, vec = ' '.join(tokens[:-embed_dim]), tokens[-embed_dim:] + if word in word2idx.keys(): + word_vec[word] = np.asarray(vec, dtype='float32') + return word_vec + + +def build_embedding_matrix(word2idx, embed_dim, dat_fname, opt): + if not os.path.exists('run'): + os.makedirs('run') + embed_matrix_path = 'run/{}'.format(os.path.join(opt.dataset_name, dat_fname)) + if os.path.exists(embed_matrix_path): + print(colored('Loading cached embedding_matrix from {} (Please remove all cached files if there is any problem!)'.format(embed_matrix_path), 'green')) + embedding_matrix = pickle.load(open(embed_matrix_path, 'rb')) + else: + glove_path = prepare_glove840_embedding(embed_matrix_path) + embedding_matrix = np.zeros((len(word2idx) + 2, embed_dim)) + + word_vec = _load_word_vec(glove_path, word2idx=word2idx, embed_dim=embed_dim) + + for word, i in tqdm.tqdm(word2idx.items(), postfix=colored('Building embedding_matrix {}'.format(dat_fname), 'yellow')): + vec = word_vec.get(word) + if vec is not None: + embedding_matrix[i] = vec + pickle.dump(embedding_matrix, open(embed_matrix_path, 'wb')) + return embedding_matrix + + +def pad_and_truncate(sequence, maxlen, dtype='int64', padding='post', truncating='post', value=0): + x = (np.ones(maxlen) * value).astype(dtype) + if truncating == 'pre': + trunc = sequence[-maxlen:] + else: + trunc = sequence[:maxlen] + trunc = np.asarray(trunc, dtype=dtype) + if padding == 'post': + x[:len(trunc)] = trunc + else: + x[-len(trunc):] = trunc + return x + + +class TransformerConnectionError(ValueError): + def __init__(self): + pass + + +def retry(f): + @wraps(f) + def decorated(*args, **kwargs): + count = 5 + while count: + + try: + return f(*args, **kwargs) + except ( + TransformerConnectionError, + requests.exceptions.RequestException, + requests.exceptions.ConnectionError, + requests.exceptions.HTTPError, + requests.exceptions.ConnectTimeout, + requests.exceptions.ProxyError, + requests.exceptions.SSLError, + requests.exceptions.BaseHTTPError, + ) as e: + print(colored('Training Exception: {}, will retry later'.format(e))) + time.sleep(60) + count -= 1 + + return decorated + + +def save_json(dic, save_path): + if isinstance(dic, str): + dic = eval(dic) + with open(save_path, 'w', encoding='utf-8') as f: + # f.write(str(dict)) + str_ = json.dumps(dic, ensure_ascii=False) + f.write(str_) + + +def load_json(save_path): + with open(save_path, 'r', encoding='utf-8') as f: + data = f.readline().strip() + print(type(data), data) + dic = json.loads(data) + return dic + + +def init_optimizer(optimizer): + optimizers = { + 'adadelta': torch.optim.Adadelta, # default lr=1.0 + 'adagrad': torch.optim.Adagrad, # default lr=0.01 + 'adam': torch.optim.Adam, # default lr=0.001 + 'adamax': torch.optim.Adamax, # default lr=0.002 + 'asgd': torch.optim.ASGD, # default lr=0.01 + 'rmsprop': torch.optim.RMSprop, # default lr=0.01 + 'sgd': torch.optim.SGD, + 'adamw': torch.optim.AdamW, + torch.optim.Adadelta: torch.optim.Adadelta, # default lr=1.0 + torch.optim.Adagrad: torch.optim.Adagrad, # default lr=0.01 + torch.optim.Adam: torch.optim.Adam, # default lr=0.001 + torch.optim.Adamax: torch.optim.Adamax, # default lr=0.002 + torch.optim.ASGD: torch.optim.ASGD, # default lr=0.01 + torch.optim.RMSprop: torch.optim.RMSprop, # default lr=0.01 + torch.optim.SGD: torch.optim.SGD, + torch.optim.AdamW: torch.optim.AdamW, + } + if optimizer in optimizers: + return optimizers[optimizer] + elif hasattr(torch.optim, optimizer.__name__): + return optimizer + else: + raise KeyError('Unsupported optimizer: {}. Please use string or the optimizer objects in torch.optim as your optimizer'.format(optimizer)) diff --git a/anonymous_demo/utils/logger.py b/anonymous_demo/utils/logger.py new file mode 100644 index 0000000000000000000000000000000000000000..7749d1e980a27fcc92ade65cc2cd49eeb7499ec9 --- /dev/null +++ b/anonymous_demo/utils/logger.py @@ -0,0 +1,38 @@ +import logging +import os +import sys +import time + +import termcolor + +today = time.strftime('%Y%m%d %H%M%S', time.localtime(time.time())) + + +def get_logger(log_path, log_name='', log_type='training_log'): + if not log_path: + log_dir = os.path.join(log_path, "logs") + else: + log_dir = os.path.join('.', "logs") + + full_path = os.path.join(log_dir, log_name + '_' + today) + if not os.path.exists(full_path): + os.makedirs(full_path) + log_path = os.path.join(full_path, "{}.log".format(log_type)) + logger = logging.getLogger(log_name) + if not logger.handlers: + formatter = logging.Formatter('%(asctime)s %(levelname)s: %(message)s') + + file_handler = logging.FileHandler(log_path, encoding="utf8") + file_handler.setFormatter(formatter) + file_handler.setLevel(logging.INFO) + + console_handler = logging.StreamHandler(sys.stdout) + console_handler.formatter = formatter + console_handler.setLevel(logging.INFO) + + logger.addHandler(file_handler) + logger.addHandler(console_handler) + + logger.setLevel(logging.INFO) + + return logger diff --git a/app.py b/app.py new file mode 100644 index 0000000000000000000000000000000000000000..45e285d545ec566b699afb172ea4e466f643807d --- /dev/null +++ b/app.py @@ -0,0 +1,271 @@ +import os +import random +import zipfile +from difflib import Differ + +import gradio as gr +import nltk +import pandas as pd +from findfile import find_files + +from anonymous_demo import TADCheckpointManager +from textattack import Attacker +from textattack.attack_recipes import BAEGarg2019, PWWSRen2019, TextFoolerJin2019, PSOZang2020, IGAWang2019, GeneticAlgorithmAlzantot2018, DeepWordBugGao2018 +from textattack.attack_results import SuccessfulAttackResult +from textattack.datasets import Dataset +from textattack.models.wrappers import HuggingFaceModelWrapper + +z = zipfile.ZipFile('checkpoints.zip', 'r') +z.extractall(os.getcwd()) + +class ModelWrapper(HuggingFaceModelWrapper): + def __init__(self, model): + self.model = model # pipeline = pipeline + + def __call__(self, text_inputs, **kwargs): + outputs = [] + for text_input in text_inputs: + raw_outputs = self.model.infer(text_input, print_result=False, **kwargs) + outputs.append(raw_outputs['probs']) + return outputs + + +class SentAttacker: + + def __init__(self, model, recipe_class=BAEGarg2019): + model = model + model_wrapper = ModelWrapper(model) + + recipe = recipe_class.build(model_wrapper) + # WordNet defaults to english. Set the default language to French ('fra') + + # recipe.transformation.language = "en" + + _dataset = [('', 0)] + _dataset = Dataset(_dataset) + + self.attacker = Attacker(recipe, _dataset) + + +def diff_texts(text1, text2): + d = Differ() + return [ + (token[2:], token[0] if token[0] != " " else None) + for token in d.compare(text1, text2) + ] + + +def get_ensembled_tad_results(results): + target_dict = {} + for r in results: + target_dict[r['label']] = target_dict.get(r['label']) + 1 if r['label'] in target_dict else 1 + + return dict(zip(target_dict.values(), target_dict.keys()))[max(target_dict.values())] + + +nltk.download('omw-1.4') + +sent_attackers = {} +tad_classifiers = {} + +attack_recipes = { + 'bae': BAEGarg2019, + 'pwws': PWWSRen2019, + 'textfooler': TextFoolerJin2019, + 'pso': PSOZang2020, + 'iga': IGAWang2019, + 'GA': GeneticAlgorithmAlzantot2018, + 'wordbugger': DeepWordBugGao2018, +} + +for attacker in [ + 'pwws', + 'bae', + 'textfooler' +]: + for dataset in [ + 'agnews10k', + 'amazon', + 'sst2', + ]: + if 'tad-{}'.format(dataset) not in tad_classifiers: + tad_classifiers['tad-{}'.format(dataset)] = TADCheckpointManager.get_tad_text_classifier('tad-{}'.format(dataset).upper()) + + sent_attackers['tad-{}{}'.format(dataset, attacker)] = SentAttacker(tad_classifiers['tad-{}'.format(dataset)], attack_recipes[attacker]) + tad_classifiers['tad-{}'.format(dataset)].sent_attacker = sent_attackers['tad-{}pwws'.format(dataset)] + + +def get_a_sst2_example(): + filter_key_words = ['.py', '.md', 'readme', 'log', 'result', 'zip', '.state_dict', '.model', '.png', 'acc_', 'f1_', '.origin', '.adv', '.csv'] + + dataset_file = {'train': [], 'test': [], 'valid': []} + dataset = 'sst2' + search_path = './' + task = 'text_defense' + dataset_file['test'] += find_files(search_path, [dataset, 'test', task], exclude_key=['.adv', '.org', '.defense', '.inference', 'train.'] + filter_key_words) + + for dat_type in [ + 'test' + ]: + data = [] + label_set = set() + for data_file in dataset_file[dat_type]: + + with open(data_file, mode='r', encoding='utf8') as fin: + lines = fin.readlines() + for line in lines: + text, label = line.split('$LABEL$') + text = text.strip() + label = int(label.strip()) + data.append((text, label)) + label_set.add(label) + return data[random.randint(0, len(data))] + + +def get_a_agnews_example(): + filter_key_words = ['.py', '.md', 'readme', 'log', 'result', 'zip', '.state_dict', '.model', '.png', 'acc_', 'f1_', '.origin', '.adv', '.csv'] + + dataset_file = {'train': [], 'test': [], 'valid': []} + dataset = 'agnews' + search_path = './' + task = 'text_defense' + dataset_file['test'] += find_files(search_path, [dataset, 'test', task], exclude_key=['.adv', '.org', '.defense', '.inference', 'train.'] + filter_key_words) + for dat_type in [ + 'test' + ]: + data = [] + label_set = set() + for data_file in dataset_file[dat_type]: + + with open(data_file, mode='r', encoding='utf8') as fin: + lines = fin.readlines() + for line in lines: + text, label = line.split('$LABEL$') + text = text.strip() + label = int(label.strip()) + data.append((text, label)) + label_set.add(label) + return data[random.randint(0, len(data))] + + +def get_a_amazon_example(): + filter_key_words = ['.py', '.md', 'readme', 'log', 'result', 'zip', '.state_dict', '.model', '.png', 'acc_', 'f1_', '.origin', '.adv', '.csv'] + + dataset_file = {'train': [], 'test': [], 'valid': []} + dataset = 'amazon' + search_path = './' + task = 'text_defense' + dataset_file['test'] += find_files(search_path, [dataset, 'test', task], exclude_key=['.adv', '.org', '.defense', '.inference', 'train.'] + filter_key_words) + + for dat_type in [ + 'test' + ]: + data = [] + label_set = set() + for data_file in dataset_file[dat_type]: + + with open(data_file, mode='r', encoding='utf8') as fin: + lines = fin.readlines() + for line in lines: + text, label = line.split('$LABEL$') + text = text.strip() + label = int(label.strip()) + data.append((text, label)) + label_set.add(label) + return data[random.randint(0, len(data))] + + +def generate_adversarial_example(dataset, attacker, text=None, label=None): + if not text: + if 'agnews' in dataset.lower(): + text, label = get_a_agnews_example() + elif 'sst2' in dataset.lower(): + text, label = get_a_sst2_example() + elif 'amazon' in dataset.lower(): + text, label = get_a_amazon_example() + + result = None + attack_result = sent_attackers['tad-{}{}'.format(dataset.lower(), attacker.lower())].attacker.simple_attack(text, int(label)) + if isinstance(attack_result, SuccessfulAttackResult): + + if (attack_result.perturbed_result.output != attack_result.original_result.ground_truth_output) and (attack_result.original_result.output == attack_result.original_result.ground_truth_output): + # with defense + result = tad_classifiers['tad-{}'.format(dataset.lower())].infer( + attack_result.perturbed_result.attacked_text.text + '!ref!{},{},{}'.format(attack_result.original_result.ground_truth_output, 1, attack_result.perturbed_result.output), + print_result=True, + defense='pwws', + ) + + if result: + classification_df = {} + classification_df['pred_label'] = result['label'] + classification_df['confidence'] = round(result['confidence'], 3) + classification_df['is_correct'] = result['ref_label_check'] + classification_df['is_repaired'] = result['is_fixed'] + + advdetection_df = {} + if result['is_adv_label'] != '0': + advdetection_df['is_adversary'] = result['is_adv_label'] + advdetection_df['perturbed_label'] = result['perturbed_label'] + advdetection_df['confidence'] = round(result['is_adv_confidence'], 3) + # advdetection_df['ref_is_attack'] = result['ref_is_adv_label'] + # advdetection_df['is_correct'] = result['ref_is_adv_check'] + + else: + return generate_adversarial_example(dataset, attacker) + + return (text, + label, + attack_result.perturbed_result.attacked_text.text, + diff_texts(text, attack_result.perturbed_result.attacked_text.text), + diff_texts(text, result['restored_text']), + attack_result.perturbed_result.output, + pd.DataFrame(classification_df, index=[0]), + pd.DataFrame(advdetection_df, index=[0]) + ) + + +demo = gr.Blocks() + +with demo: + with gr.Row(): + with gr.Column(): + input_dataset = gr.Radio(choices=['SST2', 'AGNews10K', 'Amazon'], value='Amazon', label="Dataset") + input_attacker = gr.Radio(choices=['BAE', 'PWWS', 'TextFooler'], value='TextFooler', label="Attacker") + input_sentence = gr.Textbox(placeholder='Randomly choose a example from testing set if this box is blank', label="Sentence") + input_label = gr.Textbox(placeholder='original label ... ', label="Original Label") + + gr.Markdown("Original Example") + + output_origin_example = gr.Textbox(label="Original Example") + output_original_label = gr.Textbox(label="Original Label") + + gr.Markdown("Adversarial Example") + output_adv_example = gr.Textbox(label="Adversarial Example") + output_adv_label = gr.Textbox(label="Perturbed Label") + + gr.Markdown('This demo is deployed on a CPU device so it may take a long time to execute. Please be patient.') + button_gen = gr.Button("Click Here to Generate an Adversary and Run Adversary Detection & Repair") + + # Right column (outputs) + with gr.Column(): + gr.Markdown("Example Difference") + adv_text_diff = gr.HighlightedText(label="Adversarial Example Difference", combine_adjacent=True) + restored_text_diff = gr.HighlightedText(label="Restored Example Difference", combine_adjacent=True) + + output_is_adv_df = gr.DataFrame(label="Adversary Prediction") + output_df = gr.DataFrame(label="Standard Classification Prediction") + + # Bind functions to buttons + button_gen.click(fn=generate_adversarial_example, + inputs=[input_dataset, input_attacker, input_sentence, input_label], + outputs=[output_origin_example, + output_original_label, + output_adv_example, + adv_text_diff, + restored_text_diff, + output_adv_label, + output_df, + output_is_adv_df]) + +demo.launch() diff --git a/checkpoints.zip b/checkpoints.zip new file mode 100644 index 0000000000000000000000000000000000000000..e3778b477707765c799049047eaf5d2a5591c2a5 --- /dev/null +++ b/checkpoints.zip @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4a5452cd89dcd3132d616cc81e2a1b063efa7d11e5798719b0779715b1c6edeb +size 1846862527 diff --git a/requirements.txt b/requirements.txt new file mode 100644 index 0000000000000000000000000000000000000000..ba5630a2178165d794e76cfa066b183972cc3581 --- /dev/null +++ b/requirements.txt @@ -0,0 +1,19 @@ +findfile>=1.7.9.8 +autocuda>=0.11 +metric-visualizer>=0.5.5 +boostaug>=2.2.3 +spacy +networkx +seqeval +update-checker +typing_extensions +tqdm +pytorch_warmup +termcolor +gitpython +gdown>=4.4.0 +transformers>4.20.0 +torch>1.0.0 +sentencepiece +tensorflow_text +textattack \ No newline at end of file diff --git a/text_defense/201.SST2/stsa.binary.dev.dat b/text_defense/201.SST2/stsa.binary.dev.dat new file mode 100644 index 0000000000000000000000000000000000000000..baddb2c0cf219d24684fc9682035ca338c935902 --- /dev/null +++ b/text_defense/201.SST2/stsa.binary.dev.dat @@ -0,0 +1,872 @@ +one long string of cliches . $LABEL$ 0 +if you 've ever entertained the notion of doing what the title of this film implies , what sex with strangers actually shows may put you off the idea forever . $LABEL$ 0 +k-19 exploits our substantial collective fear of nuclear holocaust to generate cheap hollywood tension . $LABEL$ 0 +it 's played in the most straight-faced fashion , with little humor to lighten things up . $LABEL$ 0 +there is a fabric of complex ideas here , and feelings that profoundly deepen them . $LABEL$ 1 +although laced with humor and a few fanciful touches , the film is a refreshingly serious look at young women . $LABEL$ 1 +it all feels like a monty python sketch gone horribly wrong . $LABEL$ 0 +it 's a stunning lyrical work of considerable force and truth . $LABEL$ 1 +however it may please those who love movies that blare with pop songs , young science fiction fans will stomp away in disgust . $LABEL$ 0 +broomfield turns his distinctive ` blundering ' style into something that could really help clear up the case . $LABEL$ 1 +although german cooking does not come readily to mind when considering the world 's best cuisine , mostly martha could make deutchland a popular destination for hungry tourists . $LABEL$ 1 +a very well-made , funny and entertaining picture . $LABEL$ 1 +a valueless kiddie paean to pro basketball underwritten by the nba . $LABEL$ 0 +all the amped-up tony hawk-style stunts and thrashing rap-metal ca n't disguise the fact that , really , we 've been here , done that . $LABEL$ 0 +a swashbuckling tale of love , betrayal , revenge and above all , faith . $LABEL$ 1 +there ought to be a directing license , so that ed burns can have his revoked . $LABEL$ 0 +a rigorously structured and exquisitely filmed drama about a father and son connection that is a brief shooting star of love . $LABEL$ 1 +on this tricky topic , tadpole is very much a step in the right direction , with its blend of frankness , civility and compassion . $LABEL$ 1 +macdowell , whose wifty southern charm has anchored lighter affairs ... brings an absolutely riveting conviction to her role . $LABEL$ 1 +the jabs it employs are short , carefully placed and dead-center . $LABEL$ 1 +despite its title , punch-drunk love is never heavy-handed . $LABEL$ 1 +at once half-baked and overheated . $LABEL$ 0 +this is a shameless sham , calculated to cash in on the popularity of its stars . $LABEL$ 0 +jason x is positively anti-darwinian : nine sequels and 400 years later , the teens are none the wiser and jason still kills on auto-pilot . $LABEL$ 0 +people cinema at its finest . $LABEL$ 1 +` de niro ... is a veritable source of sincere passion that this hollywood contrivance orbits around . ' $LABEL$ 1 +if you believe any of this , i can make you a real deal on leftover enron stock that will double in value a week from friday . $LABEL$ 0 +candid and comfortable ; a film that deftly balances action and reflection as it lets you grasp and feel the passion others have for their work . $LABEL$ 1 +more romantic , more emotional and ultimately more satisfying than the teary-eyed original . $LABEL$ 1 +it offers little beyond the momentary joys of pretty and weightless intellectual entertainment . $LABEL$ 0 +it 's a remarkably solid and subtly satirical tour de force . $LABEL$ 1 +coughs and sputters on its own postmodern conceit . $LABEL$ 0 +with virtually no interesting elements for an audience to focus on , chelsea walls is a triple-espresso endurance challenge . $LABEL$ 0 +lovely and poignant . $LABEL$ 1 +at times , the suspense is palpable , but by the end there 's a sense that the crux of the mystery hinges on a technicality that strains credulity and leaves the viewer haunted by the waste of potential . $LABEL$ 0 +... a boring parade of talking heads and technical gibberish that will do little to advance the linux cause . $LABEL$ 0 +paid in full is so stale , in fact , that its most vibrant scene is one that uses clips from brian de palma 's scarface . $LABEL$ 0 +american chai encourages rueful laughter at stereotypes only an indian-american would recognize . $LABEL$ 0 +visually imaginative , thematically instructive and thoroughly delightful , it takes us on a roller-coaster ride from innocence to experience without even a hint of that typical kiddie-flick sentimentality . $LABEL$ 1 +directed in a paint-by-numbers manner . $LABEL$ 0 +the movie is dawn of the dead crossed with john carpenter 's ghosts of mars , with zombies not as ghoulish as the first and trains not as big as the second . $LABEL$ 0 +detox is ultimately a pointless endeavor . $LABEL$ 0 +despite all evidence to the contrary , this clunker has somehow managed to pose as an actual feature movie , the kind that charges full admission and gets hyped on tv and purports to amuse small children and ostensible adults . $LABEL$ 0 +so unremittingly awful that labeling it a dog probably constitutes cruelty to canines . $LABEL$ 0 +i just loved every minute of this film . $LABEL$ 1 +the film contains no good jokes , no good scenes , barely a moment when carvey 's saturday night live-honed mimicry rises above the level of embarrassment . $LABEL$ 0 +to say this was done better in wilder 's some like it hot is like saying the sun rises in the east . $LABEL$ 0 +the longer the movie goes , the worse it gets , but it 's actually pretty good in the first few minutes . $LABEL$ 0 +they should have called it gutterball . $LABEL$ 0 +it 's a bit disappointing that it only manages to be decent instead of dead brilliant . $LABEL$ 0 +that 's a cheat . $LABEL$ 0 +the title not only describes its main characters , but the lazy people behind the camera as well . $LABEL$ 0 +i do n't think i laughed out loud once . $LABEL$ 0 +may reawaken discussion of the kennedy assassination but this fictional film looks made for cable rather than for the big screen . $LABEL$ 0 +taylor appears to have blown his entire budget on soundtrack rights and had nothing left over for jokes . $LABEL$ 0 +i am sorry that i was unable to get the full brunt of the comedy . $LABEL$ 0 +the movie fails to live up to the sum of its parts . $LABEL$ 0 +it 's just disappointingly superficial -- a movie that has all the elements necessary to be a fascinating , involving character study , but never does more than scratch the surface . $LABEL$ 0 +here 's yet another studio horror franchise mucking up its storyline with glitches casual fans could correct in their sleep . $LABEL$ 0 +for anyone unfamiliar with pentacostal practices in general and theatrical phenomenon of hell houses in particular , it 's an eye-opener . $LABEL$ 1 +if steven soderbergh 's ` solaris ' is a failure it is a glorious failure . $LABEL$ 1 +there 's a wickedly subversive bent to the best parts of birthday girl . $LABEL$ 1 +while locals will get a kick out of spotting cleveland sites , the rest of the world will enjoy a fast-paced comedy with quirks that might make the award-winning coen brothers envious . $LABEL$ 1 +while -lrb- hill -rrb- has learned new tricks , the tricks alone are not enough to salvage this lifeless boxing film . $LABEL$ 0 +this is the sort of burly action flick where one coincidence pummels another , narrative necessity is a drunken roundhouse , and whatever passes for logic is a factor of the last plot device left standing . $LABEL$ 0 +the director knows how to apply textural gloss , but his portrait of sex-as-war is strictly sitcom . $LABEL$ 0 +-lrb- a -rrb- shapeless blob of desperate entertainment . $LABEL$ 0 +dazzling in its complexity , disturbing for its extraordinary themes , the piano teacher is a film that defies categorisation . $LABEL$ 1 +an exhilarating futuristic thriller-noir , minority report twists the best of technology around a gripping story , delivering a riveting , pulse intensifying escapist adventure of the first order $LABEL$ 1 +this film seems thirsty for reflection , itself taking on adolescent qualities . $LABEL$ 0 +from the opening scenes , it 's clear that all about the benjamins is a totally formulaic movie . $LABEL$ 0 +it has all the excitement of eating oatmeal . $LABEL$ 0 +the most hopelessly monotonous film of the year , noteworthy only for the gimmick of being filmed as a single unbroken 87-minute take . $LABEL$ 0 +it all adds up to good fun . $LABEL$ 1 +`` the time machine '' is a movie that has no interest in itself . $LABEL$ 0 +something akin to a japanese alice through the looking glass , except that it seems to take itself far more seriously . $LABEL$ 1 +ultimately feels empty and unsatisfying , like swallowing a communion wafer without the wine . $LABEL$ 0 +the moviegoing equivalent of going to a dinner party and being forced to watch the host and hostess 's home video of their baby 's birth . $LABEL$ 0 +a coarse and stupid gross-out . $LABEL$ 0 +cool ? $LABEL$ 1 +the film tunes into a grief that could lead a man across centuries . $LABEL$ 1 +a string of rehashed sight gags based in insipid vulgarity . $LABEL$ 0 +the weight of the piece , the unerring professionalism of the chilly production , and the fascination embedded in the lurid topic prove recommendation enough . $LABEL$ 1 +it appears that something has been lost in the translation to the screen . $LABEL$ 0 +the second coming of harry potter is a film far superior to its predecessor . $LABEL$ 1 +when leguizamo finally plugged an irritating character late in the movie . $LABEL$ 0 +as ` chick flicks ' go , this one is pretty miserable , resorting to string-pulling rather than legitimate character development and intelligent plotting . $LABEL$ 0 +despite the 2-d animation , the wild thornberrys movie makes for a surprisingly cinematic experience . $LABEL$ 1 +uses high comedy to evoke surprising poignance . $LABEL$ 1 +the movie is what happens when you blow up small potatoes to 10 times their natural size , and it ai n't pretty . $LABEL$ 0 +an infectious cultural fable with a tasty balance of family drama and frenetic comedy . $LABEL$ 1 +like being trapped at a perpetual frat party ... how can something so gross be so boring ? $LABEL$ 0 +feels too formulaic and too familiar to produce the transgressive thrills of early underground work . $LABEL$ 0 +a celebration of quirkiness , eccentricity , and certain individuals ' tendency to let it all hang out , and damn the consequences . $LABEL$ 1 +awesome creatures , breathtaking scenery , and epic battle scenes add up to another ` spectacular spectacle . ' $LABEL$ 1 +-lrb- a -rrb- n utterly charming and hilarious film that reminded me of the best of the disney comedies from the 60s . $LABEL$ 1 +neither parker nor donovan is a typical romantic lead , but they bring a fresh , quirky charm to the formula . $LABEL$ 1 +seldahl 's barbara is a precise and moving portrait of someone whose world is turned upside down , first by passion and then by illness . $LABEL$ 1 +filmmakers who can deftly change moods are treasures and even marvels . $LABEL$ 1 +what 's surprising about full frontal is that despite its overt self-awareness , parts of the movie still manage to break past the artifice and thoroughly engage you . $LABEL$ 1 +it 's a scattershot affair , but when it hits its mark it 's brilliant . $LABEL$ 1 +just as moving , uplifting and funny as ever . $LABEL$ 1 +the wild thornberrys movie is a jolly surprise . $LABEL$ 1 +exquisitely nuanced in mood tics and dialogue , this chamber drama is superbly acted by the deeply appealing veteran bouquet and the chilling but quite human berling . $LABEL$ 1 +this movie is maddening . $LABEL$ 0 +not since freddy got fingered has a major release been so painful to sit through . $LABEL$ 0 +not only is undercover brother as funny , if not more so , than both austin powers films , but it 's also one of the smarter , savvier spoofs to come along in some time . $LABEL$ 1 +another in-your-face wallow in the lower depths made by people who have never sung those blues . $LABEL$ 0 +that dogged good will of the parents and ` vain ' jia 's defoliation of ego , make the film touching despite some doldrums . $LABEL$ 1 +allows us to hope that nolan is poised to embark a major career as a commercial yet inventive filmmaker . $LABEL$ 1 +one of the most significant moviegoing pleasures of the year . $LABEL$ 1 +an occasionally funny , but overall limp , fish-out-of-water story . $LABEL$ 0 +what the film lacks in general focus it makes up for in compassion , as corcuera manages to find the seeds of hope in the form of collective action . $LABEL$ 1 +but it could have been worse . $LABEL$ 0 +a wildly inconsistent emotional experience . $LABEL$ 0 +it 's as if you 're watching a movie that was made in 1978 but not released then because it was so weak , and it has been unearthed and released now , when it has become even weaker . $LABEL$ 0 +we root for -lrb- clara and paul -rrb- , even like them , though perhaps it 's an emotion closer to pity . $LABEL$ 1 +if you dig on david mamet 's mind tricks ... rent this movie and enjoy ! $LABEL$ 1 +you wo n't like roger , but you will quickly recognize him . $LABEL$ 0 +delivers the same old same old , tarted up with latin flava and turned out by hollywood playas . $LABEL$ 0 +for starters , the story is just too slim . $LABEL$ 0 +the x potion gives the quickly named blossom , bubbles and buttercup supernatural powers that include extraordinary strength and laser-beam eyes , which unfortunately do n't enable them to discern flimsy screenplays . $LABEL$ 0 +my wife is an actress is an utterly charming french comedy that feels so american in sensibility and style it 's virtually its own hollywood remake . $LABEL$ 1 +an overemphatic , would-be wacky , ultimately tedious sex farce . $LABEL$ 0 +\/ but daphne , you 're too buff \/ fred thinks he 's tough \/ and velma - wow , you 've lost weight ! $LABEL$ 0 +feels haphazard , as if the writers mistakenly thought they could achieve an air of frantic spontaneity by simply tossing in lots of characters doing silly stuff and stirring the pot . $LABEL$ 0 +the piquant story needs more dramatic meat on its bones . $LABEL$ 0 +a difficult , absorbing film that manages to convey more substance despite its repetitions and inconsistencies than do most films than are far more pointed and clear . $LABEL$ 1 +an unwise amalgam of broadcast news and vibes . $LABEL$ 0 +a bloated gasbag thesis grotesquely impressed by its own gargantuan aura of self-importance ... $LABEL$ 0 +not the kind of film that will appeal to a mainstream american audience , but there is a certain charm about the film that makes it a suitable entry into the fest circuit . $LABEL$ 1 +a full world has been presented onscreen , not some series of carefully structured plot points building to a pat resolution . $LABEL$ 1 +fancy a real downer ? $LABEL$ 0 +a painfully funny ode to bad behavior . $LABEL$ 1 +featuring a dangerously seductive performance from the great daniel auteuil , `` sade '' covers the same period as kaufmann 's `` quills '' with more unsettlingly realistic results . $LABEL$ 1 +given how heavy-handed and portent-heavy it is , this could be the worst thing soderbergh has ever done . $LABEL$ 0 +has all the depth of a wading pool . $LABEL$ 0 +the fly-on-the-wall method used to document rural french school life is a refreshing departure from the now more prevalent technique of the docu-makers being a visible part of their work . $LABEL$ 1 +it 's just filler . $LABEL$ 0 +a deep and meaningful film . $LABEL$ 1 +sit through this one , and you wo n't need a magic watch to stop time ; your dvd player will do it for you . $LABEL$ 0 +holden caulfield did it better . $LABEL$ 0 +the action switches between past and present , but the material link is too tenuous to anchor the emotional connections that purport to span a 125-year divide . $LABEL$ 0 +samira makhmalbaf 's new film blackboards is much like the ethos of a stream of consciousness , although , it 's unfortunate for the viewer that the thoughts and reflections coming through are torpid and banal $LABEL$ 0 +well-nigh unendurable ... though the picture strains to become cinematic poetry , it remains depressingly prosaic and dull . $LABEL$ 0 +there is no pleasure in watching a child suffer . $LABEL$ 0 +suffers from the lack of a compelling or comprehensible narrative . $LABEL$ 0 +-lrb- t -rrb- here 's only so much anyone can do with a florid , overplotted , anne rice rock 'n' roll vampire novel before the built-in silliness of the whole affair defeats them . $LABEL$ 0 +if the movie succeeds in instilling a wary sense of ` there but for the grace of god , ' it is far too self-conscious to draw you deeply into its world . $LABEL$ 0 +for movie lovers as well as opera lovers , tosca is a real treat . $LABEL$ 1 +the inspirational screenplay by mike rich covers a lot of ground , perhaps too much , but ties things together , neatly , by the end . $LABEL$ 1 +the film 's performances are thrilling . $LABEL$ 1 +a fitfully amusing romp that , if nothing else , will appeal to fans of malcolm in the middle and its pubescent star , frankie muniz . $LABEL$ 1 +in all , this is a watchable movie that 's not quite the memorable experience it might have been . $LABEL$ 0 +affleck and jackson are good sparring partners . $LABEL$ 1 +it inspires a continuing and deeply satisfying awareness of the best movies as monumental ` picture shows . ' $LABEL$ 1 +... with `` the bourne identity '' we return to the more traditional action genre . $LABEL$ 1 +what the director ca n't do is make either of val kilmer 's two personas interesting or worth caring about . $LABEL$ 0 +holm ... embodies the character with an effortlessly regal charisma . $LABEL$ 1 +-lrb- næs -rrb- directed the stage version of elling , and gets fine performances from his two leads who originated the characters on stage . $LABEL$ 1 +my big fat greek wedding uses stereotypes in a delightful blend of sweet romance and lovingly dished out humor . $LABEL$ 1 +if director michael dowse only superficially understands his characters , he does n't hold them in contempt . $LABEL$ 0 +whaley 's determination to immerse you in sheer , unrelenting wretchedness is exhausting . $LABEL$ 0 +at its best , queen is campy fun like the vincent price horror classics of the '60s . $LABEL$ 1 +moretti 's compelling anatomy of grief and the difficult process of adapting to loss . $LABEL$ 0 +a tv style murder mystery with a few big screen moments -lrb- including one that seems to be made for a different film altogether -rrb- . $LABEL$ 0 +the end result is a film that 's neither . $LABEL$ 0 +scorsese does n't give us a character worth giving a damn about . $LABEL$ 0 +an artful , intelligent film that stays within the confines of a well-established genre . $LABEL$ 1 +makes for a pretty unpleasant viewing experience . $LABEL$ 0 +travels a fascinating arc from hope and euphoria to reality and disillusionment . $LABEL$ 1 +altogether , this is successful as a film , while at the same time being a most touching reconsideration of the familiar masterpiece . $LABEL$ 1 +... an otherwise intense , twist-and-turn thriller that certainly should n't hurt talented young gaghan 's resume . $LABEL$ 1 +the story and structure are well-honed . $LABEL$ 1 +has a lot of the virtues of eastwood at his best . $LABEL$ 1 +do n't be fooled by the impressive cast list - eye see you is pure junk . $LABEL$ 0 +do not see this film . $LABEL$ 0 +a fast , funny , highly enjoyable movie . $LABEL$ 1 +this tenth feature is a big deal , indeed -- at least the third-best , and maybe even a notch above the previous runner-up , nicholas meyer 's star trek vi : the undiscovered country . $LABEL$ 1 +a rewarding work of art for only the most patient and challenge-hungry moviegoers . $LABEL$ 1 +due to some script weaknesses and the casting of the director 's brother , the film trails off into inconsequentiality . $LABEL$ 0 +a by-the-numbers effort that wo n't do much to enhance the franchise . $LABEL$ 0 +enormously entertaining for moviegoers of any age . $LABEL$ 1 +thanks to scott 's charismatic roger and eisenberg 's sweet nephew , roger dodger is one of the most compelling variations on in the company of men . $LABEL$ 1 +richard gere and diane lane put in fine performances as does french actor oliver martinez . $LABEL$ 1 +immersing us in the endlessly inventive , fiercely competitive world of hip-hop djs , the project is sensational and revelatory , even if scratching makes you itch . $LABEL$ 1 +a pleasant enough romance with intellectual underpinnings , the kind of movie that entertains even as it turns maddeningly predictable . $LABEL$ 1 +an important movie , a reminder of the power of film to move us and to make us examine our values . $LABEL$ 1 +griffiths proves she 's that rare luminary who continually raises the standard of her profession . $LABEL$ 1 +an entertaining , colorful , action-filled crime story with an intimate heart . $LABEL$ 1 +and that 's a big part of why we go to the movies . $LABEL$ 1 +the movie achieves as great an impact by keeping these thoughts hidden as ... -lrb- quills -rrb- did by showing them . $LABEL$ 1 +the film 's welcome breeziness and some unbelievably hilarious moments -- most portraying the idiocy of the film industry -- make it mostly worth the trip . $LABEL$ 1 +it takes a strange kind of laziness to waste the talents of robert forster , anne meara , eugene levy , and reginald veljohnson all in the same movie . $LABEL$ 0 +a rarity among recent iranian films : it 's a comedy full of gentle humor that chides the absurdity of its protagonist 's plight . $LABEL$ 1 +while there 's something intrinsically funny about sir anthony hopkins saying ` get in the car , bitch , ' this jerry bruckheimer production has little else to offer $LABEL$ 1 +if your taste runs to ` difficult ' films you absolutely ca n't miss it . $LABEL$ 1 +the film 's tone and pacing are off almost from the get-go . $LABEL$ 0 +the cold turkey would 've been a far better title . $LABEL$ 0 +it does nothing new with the old story , except to show fisticuffs in this sort of stop-go slow motion that makes the gang rumbles look like they 're being streamed over a 28k modem . $LABEL$ 0 +two hours fly by -- opera 's a pleasure when you do n't have to endure intermissions -- and even a novice to the form comes away exhilarated . $LABEL$ 1 +hit and miss as far as the comedy goes and a big ole ' miss in the way of story . $LABEL$ 0 +mcconaughey 's fun to watch , the dragons are okay , not much fire in the script . $LABEL$ 1 +a gorgeous , high-spirited musical from india that exquisitely blends music , dance , song , and high drama . $LABEL$ 1 +looks and feels like a project better suited for the small screen . $LABEL$ 0 +inside the film 's conflict-powered plot there is a decent moral trying to get out , but it 's not that , it 's the tension that keeps you in your seat . $LABEL$ 1 +its story may be a thousand years old , but why did it have to seem like it took another thousand to tell it to us ? $LABEL$ 0 +the best film about baseball to hit theaters since field of dreams . $LABEL$ 1 +the vitality of the actors keeps the intensity of the film high , even as the strafings blend together . $LABEL$ 1 +the film may appear naked in its narrative form ... but it goes deeper than that , to fundamental choices that include the complexity of the catholic doctrine $LABEL$ 1 +there are simply too many ideas floating around -- part farce , part sliding doors , part pop video -- and yet failing to exploit them . $LABEL$ 0 +overall very good for what it 's trying to do . $LABEL$ 1 +it haunts , horrifies , startles and fascinates ; it is impossible to look away . $LABEL$ 1 +sacrifices the value of its wealth of archival foot-age with its less-than-objective stance . $LABEL$ 0 +it showcases carvey 's talent for voices , but not nearly enough and not without taxing every drop of one 's patience to get to the good stuff . $LABEL$ 0 +escaping the studio , piccoli is warmly affecting and so is this adroitly minimalist movie . $LABEL$ 1 +the most compelling wiseman epic of recent years . $LABEL$ 1 +sam mendes has become valedictorian at the school for soft landings and easy ways out . $LABEL$ 0 +entertains by providing good , lively company . $LABEL$ 1 +just embarrassment and a vague sense of shame . $LABEL$ 0 +it 's a much more emotional journey than what shyamalan has given us in his past two movies , and gibson , stepping in for bruce willis , is the perfect actor to take us on the trip . $LABEL$ 1 +it 's of the quality of a lesser harrison ford movie - six days , seven nights , maybe , or that dreadful sabrina remake . $LABEL$ 0 +there is n't nearly enough fun here , despite the presence of some appealing ingredients . $LABEL$ 0 +it takes talent to make a lifeless movie about the most heinous man who ever lived . $LABEL$ 0 +impostor has a handful of thrilling moments and a couple of good performances , but the movie does n't quite fly . $LABEL$ 0 +preaches to two completely different choirs at the same time , which is a pretty amazing accomplishment . $LABEL$ 1 +there are plot holes big enough for shamu the killer whale to swim through . $LABEL$ 0 +it takes a certain kind of horror movie to qualify as ` worse than expected , ' but ghost ship somehow manages to do exactly that . $LABEL$ 0 +manages to transcend the sex , drugs and show-tunes plot into something far richer . $LABEL$ 1 +a smart , witty follow-up . $LABEL$ 1 +it 's not the ultimate depression-era gangster movie . $LABEL$ 0 +for all its impressive craftsmanship , and despite an overbearing series of third-act crescendos , lily chou-chou never really builds up a head of emotional steam . $LABEL$ 0 +anchored by friel and williams 's exceptional performances , the film 's power lies in its complexity . $LABEL$ 1 +without non-stop techno or the existential overtones of a kieslowski morality tale , maelström is just another winter sleepers . $LABEL$ 0 +the film tries too hard to be funny and tries too hard to be hip . $LABEL$ 0 +it just may inspire a few younger moviegoers to read stevenson 's book , which is a treasure in and of itself . $LABEL$ 1 +turns potentially forgettable formula into something strangely diverting . $LABEL$ 1 +it 's also , clearly , great fun . $LABEL$ 1 +oscar wilde 's masterpiece , the importance of being earnest , may be the best play of the 19th century . $LABEL$ 1 +it 's like watching a nightmare made flesh . $LABEL$ 0 +forced , familiar and thoroughly condescending . $LABEL$ 0 +it 's hard to like a film about a guy who is utterly unlikeable , and shiner , starring michael caine as an aging british boxing promoter desperate for a taste of fame and fortune , is certainly that . $LABEL$ 0 +the mesmerizing performances of the leads keep the film grounded and keep the audience riveted . $LABEL$ 1 +belongs to daniel day-lewis as much as it belongs to martin scorsese ; it 's a memorable performance in a big , brassy , disturbing , unusual and highly successful film . $LABEL$ 1 +if the first men in black was money , the second is small change . $LABEL$ 0 +for the most part stevens glides through on some solid performances and witty dialogue . $LABEL$ 1 +it 's another video movie photographed like a film , with the bad lighting that 's often written off as indie film naturalism . $LABEL$ 0 +it 's somewhat clumsy and too lethargically paced -- but its story about a mysterious creature with psychic abilities offers a solid build-up , a terrific climax , and some nice chills along the way . $LABEL$ 0 +looking aristocratic , luminous yet careworn in jane hamilton 's exemplary costumes , rampling gives a performance that could not be improved upon . ' $LABEL$ 1 +thekids will probably stay amused at the kaleidoscope of big , colorful characters . $LABEL$ 1 +i do n't mind having my heartstrings pulled , but do n't treat me like a fool . $LABEL$ 0 +an exquisitely crafted and acted tale . $LABEL$ 1 +not since tom cruise in risky business has an actor made such a strong impression in his underwear . $LABEL$ 1 +or doing last year 's taxes with your ex-wife . $LABEL$ 0 +scooby dooby doo \/ and shaggy too \/ you both look and sound great . $LABEL$ 1 +may be far from the best of the series , but it 's assured , wonderfully respectful of its past and thrilling enough to make it abundantly clear that this movie phenomenon has once again reinvented itself for a new generation . $LABEL$ 1 +one of those energetic surprises , an original that pleases almost everyone who sees it . $LABEL$ 1 +does n't offer much besides glib soullessness , raunchy language and a series of brutal set pieces ... that raise the bar on stylized screen violence . $LABEL$ 0 +movie fans , get ready to take off ... the other direction . $LABEL$ 0 +not only unfunny , but downright repellent . $LABEL$ 0 +for the most part , it 's a work of incendiary genius , steering clear of knee-jerk reactions and quick solutions . $LABEL$ 1 +seldom has a movie so closely matched the spirit of a man and his work . $LABEL$ 1 +you 'll gasp appalled and laugh outraged and possibly , watching the spectacle of a promising young lad treading desperately in a nasty sea , shed an errant tear . $LABEL$ 1 +comes off like a rejected abc afterschool special , freshened up by the dunce of a screenwriting 101 class . $LABEL$ 0 +this flick is about as cool and crowd-pleasing as a documentary can get . $LABEL$ 1 +ramsay , as in ratcatcher , remains a filmmaker with an acid viewpoint and a real gift for teasing chilly poetry out of lives and settings that might otherwise seem drab and sordid . $LABEL$ 1 +if there 's one thing this world needs less of , it 's movies about college that are written and directed by people who could n't pass an entrance exam . $LABEL$ 0 +director of photography benoit delhomme shot the movie in delicious colors , and the costumes and sets are grand . $LABEL$ 1 +instead , he shows them the respect they are due . $LABEL$ 1 +... plot holes so large and obvious a marching band might as well be stomping through them in clown clothes , playing a college football fight song on untuned instruments . $LABEL$ 0 +a quiet treasure -- a film to be savored . $LABEL$ 1 +warm water under a red bridge is a quirky and poignant japanese film that explores the fascinating connections between women , water , nature , and sexuality . $LABEL$ 1 +it 's too self-important and plodding to be funny , and too clipped and abbreviated to be an epic . $LABEL$ 0 +few films capture so perfectly the hopes and dreams of little boys on baseball fields as well as the grown men who sit in the stands . $LABEL$ 1 +the lower your expectations , the more you 'll enjoy it . $LABEL$ 0 +yes , dull . $LABEL$ 0 +that 's pure pr hype . $LABEL$ 0 +it is great summer fun to watch arnold and his buddy gerald bounce off a quirky cast of characters . $LABEL$ 1 +a subtle and well-crafted -lrb- for the most part -rrb- chiller . $LABEL$ 1 +that is a compliment to kuras and miller . $LABEL$ 1 +one of the more intelligent children 's movies to hit theaters this year . $LABEL$ 1 +for the most part , director anne-sophie birot 's first feature is a sensitive , extraordinarily well-acted drama . $LABEL$ 1 +it 's a beautiful madness . $LABEL$ 1 +stealing harvard is evidence that the farrelly bros. -- peter and bobby -- and their brand of screen comedy are wheezing to an end , along with green 's half-hearted movie career . $LABEL$ 0 +i sympathize with the plight of these families , but the movie does n't do a very good job conveying the issue at hand . $LABEL$ 0 +a giggle-inducing comedy with snappy dialogue and winning performances by an unlikely team of oscar-winners : susan sarandon and goldie hawn . $LABEL$ 1 +the words , ` frankly , my dear , i do n't give a damn , ' have never been more appropriate . $LABEL$ 0 +by getting myself wrapped up in the visuals and eccentricities of many of the characters , i found myself confused when it came time to get to the heart of the movie . $LABEL$ 0 +his healthy sense of satire is light and fun ... $LABEL$ 1 +a grimly competent and stolid and earnest military courtroom drama . $LABEL$ 1 +it moves quickly , adroitly , and without fuss ; it does n't give you time to reflect on the inanity -- and the cold war datedness -- of its premise . $LABEL$ 1 +part low rent godfather . $LABEL$ 0 +or emptying rat traps . $LABEL$ 0 +the special effects and many scenes of weightlessness look as good or better than in the original , while the oscar-winning sound and james horner 's rousing score make good use of the hefty audio system . $LABEL$ 1 +on the heels of the ring comes a similarly morose and humorless horror movie that , although flawed , is to be commended for its straight-ahead approach to creepiness . $LABEL$ 1 +harris commands the screen , using his frailty to suggest the ravages of a life of corruption and ruthlessness . $LABEL$ 1 +schaeffer has to find some hook on which to hang his persistently useless movies , and it might as well be the resuscitation of the middle-aged character . $LABEL$ 0 +offers much to enjoy ... and a lot to mull over in terms of love , loyalty and the nature of staying friends . $LABEL$ 1 +in execution , this clever idea is far less funny than the original , killers from space . $LABEL$ 0 +adults will wish the movie were less simplistic , obvious , clumsily plotted and shallowly characterized . $LABEL$ 0 +so unassuming and pure of heart , you ca n't help but warmly extend your arms and yell ` safe ! ' $LABEL$ 1 +professionally speaking , it 's tempting to jump ship in january to avoid ridiculous schlock like this shoddy suspense thriller . $LABEL$ 0 +this is not the undisputed worst boxing movie ever , but it 's certainly not a champion - the big loser is the audience . $LABEL$ 0 +it 's another stale , kill-by-numbers flick , complete with blade-thin characters and terrible , pun-laden dialogue . $LABEL$ 0 +one of those pictures whose promising , if rather precious , premise is undercut by amateurish execution . $LABEL$ 0 +nothing 's at stake , just a twisty double-cross you can smell a mile away -- still , the derivative nine queens is lots of fun . $LABEL$ 1 +drops you into a dizzying , volatile , pressure-cooker of a situation that quickly snowballs out of control , while focusing on the what much more than the why . $LABEL$ 1 +while undisputed is n't exactly a high , it is a gripping , tidy little movie that takes mr. hill higher than he 's been in a while . $LABEL$ 1 +a delectable and intriguing thriller filled with surprises , read my lips is an original . $LABEL$ 1 +it does n't believe in itself , it has no sense of humor ... it 's just plain bored . $LABEL$ 0 +it seems to me the film is about the art of ripping people off without ever letting them consciously know you have done so $LABEL$ 0 +the story and the friendship proceeds in such a way that you 're watching a soap opera rather than a chronicle of the ups and downs that accompany lifelong friendships . $LABEL$ 0 +a warm , funny , engaging film . $LABEL$ 1 +uses sharp humor and insight into human nature to examine class conflict , adolescent yearning , the roots of friendship and sexual identity . $LABEL$ 1 +i thought my own watch had stopped keeping time as i slogged my way through clockstoppers . $LABEL$ 0 +-lrb- serry -rrb- wants to blend politics and drama , an admirable ambition . $LABEL$ 1 +with tightly organized efficiency , numerous flashbacks and a constant edge of tension , miller 's film is one of 2002 's involvingly adult surprises . $LABEL$ 1 +the emotions are raw and will strike a nerve with anyone who 's ever had family trauma . $LABEL$ 1 +there seems to be no clear path as to where the story 's going , or how long it 's going to take to get there . $LABEL$ 0 +aside from minor tinkering , this is the same movie you probably loved in 1994 , except that it looks even better . $LABEL$ 1 +by candidly detailing the politics involved in the creation of an extraordinary piece of music , -lrb- jones -rrb- calls our attention to the inherent conflict between commerce and creativity . $LABEL$ 1 +a breezy romantic comedy that has the punch of a good sitcom , while offering exceptionally well-detailed characters . $LABEL$ 1 +because of an unnecessary and clumsy last scene , ` swimfan ' left me with a very bad feeling . $LABEL$ 0 +exciting and direct , with ghost imagery that shows just enough to keep us on our toes . $LABEL$ 1 +a superbly acted and funny\/gritty fable of the humanizing of one woman at the hands of the unseen forces of fate . $LABEL$ 1 +the movie 's relatively simple plot and uncomplicated morality play well with the affable cast . $LABEL$ 1 +in a way , the film feels like a breath of fresh air , but only to those that allow it in . $LABEL$ 1 +green might want to hang onto that ski mask , as robbery may be the only way to pay for his next project . $LABEL$ 0 +the socio-histo-political treatise is told in earnest strides ... -lrb- and -rrb- personal illusion is deconstructed with poignancy . $LABEL$ 1 +a beguiling splash of pastel colors and prankish comedy from disney . $LABEL$ 1 +writer\/director joe carnahan 's grimy crime drama is a manual of precinct cliches , but it moves fast enough to cover its clunky dialogue and lapses in logic . $LABEL$ 1 +too restrained to be a freak show , too mercenary and obvious to be cerebral , too dull and pretentious to be engaging ... the isle defies an easy categorization . $LABEL$ 0 +based on a devilishly witty script by heather mcgowan and niels mueller , the film gets great laughs , but never at the expense of its characters $LABEL$ 1 +the format gets used best ... to capture the dizzying heights achieved by motocross and bmx riders , whose balletic hotdogging occasionally ends in bone-crushing screwups . $LABEL$ 1 +even in its most tedious scenes , russian ark is mesmerizing . $LABEL$ 1 +this surreal gilliam-esque film is also a troubling interpretation of ecclesiastes . $LABEL$ 1 +you wonder why enough was n't just a music video rather than a full-length movie . $LABEL$ 0 +funny but perilously slight . $LABEL$ 1 +chabrol has taken promising material for a black comedy and turned it instead into a somber chamber drama . $LABEL$ 0 +in the end , we are left with something like two ships passing in the night rather than any insights into gay love , chinese society or the price one pays for being dishonest . $LABEL$ 0 +this is wild surreal stuff , but brilliant and the camera just kind of sits there and lets you look at this and its like you 're going from one room to the next and none of them have any relation to the other . $LABEL$ 1 +fresnadillo 's dark and jolting images have a way of plying into your subconscious like the nightmare you had a week ago that wo n't go away . $LABEL$ 1 +` easily my choice for one of the year 's best films . ' $LABEL$ 1 +pumpkin takes an admirable look at the hypocrisy of political correctness , but it does so with such an uneven tone that you never know when humor ends and tragedy begins . $LABEL$ 0 +it 's so mediocre , despite the dynamic duo on the marquee , that we just ca n't get no satisfaction . $LABEL$ 0 +but it 's too long and too convoluted and it ends in a muddle . $LABEL$ 0 +no aspirations to social import inform the movie version . $LABEL$ 0 +outer-space buffs might love this film , but others will find its pleasures intermittent . $LABEL$ 0 +rarely has so much money delivered so little entertainment . $LABEL$ 0 +so , too , is this comedy about mild culture clashing in today 's new delhi . $LABEL$ 1 +a subject like this should inspire reaction in its audience ; the pianist does not . $LABEL$ 0 +... routine , harmless diversion and little else . $LABEL$ 1 +not really bad so much as distasteful : we need kidnapping suspense dramas right now like we need doomsday thrillers . $LABEL$ 0 +blanchett 's performance confirms her power once again . $LABEL$ 1 +this is a winning ensemble comedy that shows canadians can put gentle laughs and equally gentle sentiments on the button , just as easily as their counterparts anywhere else in the world . $LABEL$ 1 +it ca n't decide if it wants to be a mystery\/thriller , a romance or a comedy . $LABEL$ 0 +while the ideas about techno-saturation are far from novel , they 're presented with a wry dark humor . $LABEL$ 1 +the iditarod lasts for days - this just felt like it did . $LABEL$ 0 +a warm but realistic meditation on friendship , family and affection . $LABEL$ 1 +the volatile dynamics of female friendship is the subject of this unhurried , low-key film that is so off-hollywood that it seems positively french in its rhythms and resonance . $LABEL$ 1 +this movie is something of an impostor itself , stretching and padding its material in a blur of dead ends and distracting camera work . $LABEL$ 0 +it can not be enjoyed , even on the level that one enjoys a bad slasher flick , primarily because it is dull . $LABEL$ 0 +sticky sweet sentimentality , clumsy plotting and a rosily myopic view of life in the wwii-era mississippi delta undermine this adaptation . $LABEL$ 0 +a film about a young man finding god that is accessible and touching to the marrow . $LABEL$ 1 +nonsensical , dull `` cyber-horror '' flick is a grim , hollow exercise in flat scares and bad acting . $LABEL$ 0 +it 's hard to imagine alan arkin being better than he is in this performance . $LABEL$ 1 +it proves quite compelling as an intense , brooding character study . $LABEL$ 1 +a romantic comedy enriched by a sharp eye for manners and mores . $LABEL$ 1 +nothing in waking up in reno ever inspired me to think of its inhabitants as anything more than markers in a screenplay . $LABEL$ 0 +not since japanese filmmaker akira kurosawa 's ran have the savagery of combat and the specter of death been visualized with such operatic grandeur . $LABEL$ 1 +though only 60 minutes long , the film is packed with information and impressions . $LABEL$ 1 +the character of zigzag is not sufficiently developed to support a film constructed around him . $LABEL$ 0 +reggio 's continual visual barrage is absorbing as well as thought-provoking . $LABEL$ 1 +about a manga-like heroine who fights back at her abusers , it 's energetic and satisfying if not deep and psychological . $LABEL$ 1 +too much of it feels unfocused and underdeveloped . $LABEL$ 0 +unfortunately , it 's not silly fun unless you enjoy really bad movies . $LABEL$ 0 +the movie understands like few others how the depth and breadth of emotional intimacy give the physical act all of its meaning and most of its pleasure . $LABEL$ 1 +in the end , the movie collapses on its shaky foundation despite the best efforts of director joe carnahan . $LABEL$ 0 +cq 's reflection of artists and the love of cinema-and-self suggests nothing less than a new voice that deserves to be considered as a possible successor to the best european directors . $LABEL$ 1 +jones ... does offer a brutal form of charisma . $LABEL$ 1 +it provides an honest look at a community striving to anchor itself in new grounds . $LABEL$ 1 +not an objectionable or dull film ; it merely lacks everything except good intentions . $LABEL$ 0 +this is a good script , good dialogue , funny even for adults . $LABEL$ 1 +the lion king was a roaring success when it was released eight years ago , but on imax it seems better , not just bigger . $LABEL$ 1 +kinnear does n't aim for our sympathy , but rather delivers a performance of striking skill and depth . $LABEL$ 1 +is the time really ripe for a warmed-over james bond adventure , with a village idiot as the 007 clone ? $LABEL$ 0 +wince-inducing dialogue , thrift-shop costumes , prosthetic makeup by silly putty and kmart blue-light-special effects all conspire to test trekkie loyalty . $LABEL$ 0 +this is a train wreck of an action film -- a stupefying attempt by the filmmakers to force-feed james bond into the mindless xxx mold and throw 40 years of cinematic history down the toilet in favor of bright flashes and loud bangs . $LABEL$ 0 +you really have to wonder how on earth anyone , anywhere could have thought they 'd make audiences guffaw with a script as utterly diabolical as this . $LABEL$ 0 +a quiet , pure , elliptical film $LABEL$ 1 +harrison 's flowers puts its heart in the right place , but its brains are in no particular place at all . $LABEL$ 1 +it 's a work by an artist so in control of both his medium and his message that he can improvise like a jazzman . $LABEL$ 1 +no screen fantasy-adventure in recent memory has the showmanship of clones ' last 45 minutes . $LABEL$ 1 +despite the evocative aesthetics evincing the hollow state of modern love life , the film never percolates beyond a monotonous whine . $LABEL$ 0 +it 's difficult to imagine the process that produced such a script , but here 's guessing that spray cheese and underarm noises played a crucial role . $LABEL$ 0 +building slowly and subtly , the film , sporting a breezy spontaneity and realistically drawn characterizations , develops into a significant character study that is both moving and wise . $LABEL$ 1 +overall the film feels like a low-budget tv pilot that could not find a buyer to play it on the tube . $LABEL$ 0 +this is human comedy at its most amusing , interesting and confirming . $LABEL$ 1 +the band 's courage in the face of official repression is inspiring , especially for aging hippies -lrb- this one included -rrb- . $LABEL$ 1 +this movie seems to have been written using mad-libs . $LABEL$ 0 +thanks to haynes ' absolute control of the film 's mood , and buoyed by three terrific performances , far from heaven actually pulls off this stylistic juggling act . $LABEL$ 1 +more whiny downer than corruscating commentary . $LABEL$ 0 +the film is powerful , accessible and funny . $LABEL$ 1 +a good piece of work more often than not . $LABEL$ 1 +there has always been something likable about the marquis de sade . $LABEL$ 1 +in exactly 89 minutes , most of which passed as slowly as if i 'd been sitting naked on an igloo , formula 51 sank from quirky to jerky to utter turkey . $LABEL$ 0 +care deftly captures the wonder and menace of growing up , but he never really embraces the joy of fuhrman 's destructive escapism or the grace-in-rebellion found by his characters . $LABEL$ 0 +the reality of the new live-action pinocchio he directed , cowrote and starred in borders on the grotesque . $LABEL$ 0 +the chateau cleverly probes the cross-cultural differences between gauls and yanks . $LABEL$ 1 +i can take infantile humor ... but this is the sort of infantile that makes you wonder about changing the director and writer 's diapers . $LABEL$ 0 +... the film suffers from a lack of humor -lrb- something needed to balance out the violence -rrb- ... $LABEL$ 0 +a working class `` us vs. them '' opera that leaves no heartstring untugged and no liberal cause unplundered . $LABEL$ 1 +so refreshingly incisive is grant that for the first time he 'll probably appeal more to guys than to their girlfriends who drag them to this movie for the hugh factor . $LABEL$ 1 +with the exception of some fleetingly amusing improvisations by cedric the entertainer as perry 's boss , there is n't a redeeming moment here . $LABEL$ 0 +majidi is an unconventional storyteller , capable of finding beauty in the most depressing places . $LABEL$ 1 +the vivid lead performances sustain interest and empathy , but the journey is far more interesting than the final destination . $LABEL$ 1 +martin and barbara are complex characters -- sometimes tender , sometimes angry -- and the delicate performances by sven wollter and viveka seldahl make their hopes and frustrations vivid . $LABEL$ 1 +all that 's missing is the spontaneity , originality and delight . $LABEL$ 0 +it confirms fincher 's status as a film maker who artfully bends technical know-how to the service of psychological insight . $LABEL$ 1 +dense with characters and contains some thrilling moments . $LABEL$ 1 +good film , but very glum . $LABEL$ 1 +nine queens is not only than a frighteningly capable debut and genre piece , but also a snapshot of a dangerous political situation on the verge of coming to a head . $LABEL$ 1 +when the film ended , i felt tired and drained and wanted to lie on my own deathbed for a while . $LABEL$ 0 +the plot convolutions ultimately add up to nothing more than jerking the audience 's chain . $LABEL$ 0 +a solid examination of the male midlife crisis . $LABEL$ 1 +-lrb- d -rrb- oes n't bother being as cloying or preachy as equivalent evangelical christian movies -- maybe the filmmakers know that the likely audience will already be among the faithful . $LABEL$ 1 +-lrb- grant 's -rrb- bumbling magic takes over the film , and it turns out to be another winning star vehicle . $LABEL$ 1 +a poignant and compelling story about relationships , food of love takes us on a bumpy but satisfying journey of the heart . $LABEL$ 1 +a better title , for all concerned , might be swept under the rug . $LABEL$ 0 +this nickleby thing might have more homosexual undertones than an eddie murphy film . $LABEL$ 0 +a marvel like none you 've seen . $LABEL$ 1 +the affectionate loopiness that once seemed congenital to demme 's perspective has a tough time emerging from between the badly dated cutesy-pie mystery scenario and the newfangled hollywood post-production effects . $LABEL$ 0 +leigh 's film is full of memorable performances from top to bottom . $LABEL$ 1 +manages to be sweet and wickedly satisfying at the same time . $LABEL$ 1 +the film will play equally well on both the standard and giant screens . $LABEL$ 1 +determined to be fun , and bouncy , with energetic musicals , the humor did n't quite engage this adult . $LABEL$ 0 +the last 20 minutes are somewhat redeeming , but most of the movie is the same teenage american road-trip drek we 've seen before - only this time you have to read the fart jokes $LABEL$ 0 +whether you like rap music or loathe it , you ca n't deny either the tragic loss of two young men in the prime of their talent or the power of this movie . $LABEL$ 1 +all-in-all , the film is an enjoyable and frankly told tale of a people who live among us , but not necessarily with us . $LABEL$ 1 +feature debuter d.j. caruso directs a crack ensemble cast , bringing screenwriter tony gayton 's narcotics noir to life . $LABEL$ 1 +serving sara does n't serve up a whole lot of laughs . $LABEL$ 0 +my reaction in a word : disappointment . $LABEL$ 0 +the film 's hackneyed message is not helped by the thin characterizations , nonexistent plot and pretentious visual style . $LABEL$ 0 +very psychoanalytical -- provocatively so -- and also refreshingly literary . $LABEL$ 1 +the experience of going to a film festival is a rewarding one ; the experiencing of sampling one through this movie is not . $LABEL$ 0 +with rabbit-proof fence , noyce has tailored an epic tale into a lean , economical movie . $LABEL$ 1 +even horror fans will most likely not find what they 're seeking with trouble every day ; the movie lacks both thrills and humor . $LABEL$ 0 +this piece of channel 5 grade trash is , quite frankly , an insult to the intelligence of the true genre enthusiast . $LABEL$ 0 +add yet another hat to a talented head , clooney 's a good director . $LABEL$ 1 +as unseemly as its title suggests . $LABEL$ 1 +the movie is n't just hilarious : it 's witty and inventive , too , and in hindsight , it is n't even all that dumb . $LABEL$ 1 +among the year 's most intriguing explorations of alientation . $LABEL$ 1 +the sort of film that makes me miss hitchcock , but also feel optimistic that there 's hope for popular cinema yet . $LABEL$ 1 +the primitive force of this film seems to bubble up from the vast collective memory of the combatants . $LABEL$ 1 +the terrific and bewilderingly underrated campbell scott gives a star performance that is nothing short of mesmerizing . $LABEL$ 1 +and if you 're not nearly moved to tears by a couple of scenes , you 've got ice water in your veins . $LABEL$ 1 +a lean , deftly shot , well-acted , weirdly retro thriller that recalls a raft of '60s and '70s european-set spy pictures . $LABEL$ 1 +the magic of the film lies not in the mysterious spring but in the richness of its performances . $LABEL$ 1 +-lrb- lawrence bounces -rrb- all over the stage , dancing , running , sweating , mopping his face and generally displaying the wacky talent that brought him fame in the first place . $LABEL$ 1 +what distinguishes time of favor from countless other thrillers is its underlying concern with the consequences of words and with the complicated emotions fueling terrorist acts . $LABEL$ 1 +crackerjack entertainment -- nonstop romance , music , suspense and action . $LABEL$ 1 +with its dogged hollywood naturalism and the inexorable passage of its characters toward sainthood , windtalkers is nothing but a sticky-sweet soap . $LABEL$ 0 +in its best moments , resembles a bad high school production of grease , without benefit of song . $LABEL$ 0 +... designed to provide a mix of smiles and tears , `` crossroads '' instead provokes a handful of unintentional howlers and numerous yawns . $LABEL$ 0 +worth watching for dong jie 's performance -- and for the way it documents a culture in the throes of rapid change . $LABEL$ 1 +if you are an actor who can relate to the search for inner peace by dramatically depicting the lives of others onstage , then esther 's story is a compelling quest for truth . $LABEL$ 1 +unlike the speedy wham-bam effect of most hollywood offerings , character development -- and more importantly , character empathy -- is at the heart of italian for beginners . $LABEL$ 1 +stultifyingly , dumbfoundingly , mind-numbingly bad . $LABEL$ 0 +`` mostly martha '' is a bright , light modern day family parable that wears its heart on its sleeve for all to see . $LABEL$ 1 +no telegraphing is too obvious or simplistic for this movie . $LABEL$ 0 +writer-director 's mehta 's effort has tons of charm and the whimsy is in the mixture , the intoxicating masala , of cultures and film genres . $LABEL$ 1 +... takes the beauty of baseball and melds it with a story that could touch anyone regardless of their familiarity with the sport $LABEL$ 1 +one of the smartest takes on singles culture i 've seen in a long time . $LABEL$ 1 +it 's not original , and , robbed of the element of surprise , it does n't have any huge laughs in its story of irresponsible cops who love to play pranks . $LABEL$ 0 +this re-do is so dumb and so exploitative in its violence that , ironically , it becomes everything that the rather clumsy original was railing against . $LABEL$ 0 +to call the other side of heaven `` appalling '' would be to underestimate just how dangerous entertainments like it can be . $LABEL$ 0 +it has charm to spare , and unlike many romantic comedies , it does not alienate either gender in the audience . $LABEL$ 1 +a great ensemble cast ca n't lift this heartfelt enterprise out of the familiar . $LABEL$ 0 +lapaglia 's ability to convey grief and hope works with weaver 's sensitive reactions to make this a two-actor master class . $LABEL$ 1 +my thoughts were focused on the characters . $LABEL$ 1 +it 's slow -- very , very slow . $LABEL$ 0 +though it 's become almost redundant to say so , major kudos go to leigh for actually casting people who look working-class . $LABEL$ 1 +should have been someone else - $LABEL$ 0 +it 's so good that its relentless , polished wit can withstand not only inept school productions , but even oliver parker 's movie adaptation . $LABEL$ 1 +it feels like an after-school special gussied up with some fancy special effects , and watching its rote plot points connect is about as exciting as gazing at an egg timer for 93 minutes . $LABEL$ 0 +indifferently implausible popcorn programmer of a movie . $LABEL$ 0 +even the finest chef ca n't make a hotdog into anything more than a hotdog , and robert de niro ca n't make this movie anything more than a trashy cop buddy comedy . $LABEL$ 0 +it 's fascinating to see how bettany and mcdowell play off each other . $LABEL$ 1 +teen movies have really hit the skids . $LABEL$ 0 +stephen rea , aidan quinn , and alan bates play desmond 's legal eagles , and when joined by brosnan , the sight of this grandiloquent quartet lolling in pretty irish settings is a pleasant enough thing , ` tis . $LABEL$ 1 +even on those rare occasions when the narrator stops yammering , miller 's hand often feels unsure . $LABEL$ 0 +every time you look , sweet home alabama is taking another bummer of a wrong turn . $LABEL$ 0 +it gets onto the screen just about as much of the novella as one could reasonably expect , and is engrossing and moving in its own right . $LABEL$ 1 +a poignant , artfully crafted meditation on mortality . $LABEL$ 1 +one of the best films of the year with its exploration of the obstacles to happiness faced by five contemporary individuals ... a psychological masterpiece . $LABEL$ 1 +no sophomore slump for director sam mendes , who segues from oscar winner to oscar-winning potential with a smooth sleight of hand . $LABEL$ 1 +even if you do n't think -lrb- kissinger 's -rrb- any more guilty of criminal activity than most contemporary statesmen , he 'd sure make a courtroom trial great fun to watch . $LABEL$ 1 +... a story we have n't seen on the big screen before , and it 's a story that we as americans , and human beings , should know . $LABEL$ 1 +irwin is a man with enough charisma and audacity to carry a dozen films , but this particular result is ultimately held back from being something greater . $LABEL$ 0 +instead of a hyperbolic beat-charged urban western , it 's an unpretentious , sociologically pointed slice of life . $LABEL$ 1 +the film 's few ideas are stretched to the point of evaporation ; the whole central section is one big chase that seems to have no goal and no urgency . $LABEL$ 0 +though perry and hurley make inspiring efforts to breathe life into the disjointed , haphazard script by jay scherick and david ronn , neither the actors nor director reginald hudlin can make it more than fitfully entertaining . $LABEL$ 0 +woody allen 's latest is an ambling , broad comedy about all there is to love -- and hate -- about the movie biz . $LABEL$ 1 +there 's too much falseness to the second half , and what began as an intriguing look at youth fizzles into a dull , ridiculous attempt at heart-tugging . $LABEL$ 0 +as a first-time director , paxton has tapped something in himself as an actor that provides frailty with its dark soul . $LABEL$ 1 +a gripping movie , played with performances that are all understated and touching . $LABEL$ 1 +too slow , too long and too little happens . $LABEL$ 0 +plays like a volatile and overlong w magazine fashion spread . $LABEL$ 0 +attempts by this ensemble film to impart a message are so heavy-handed that they instead pummel the audience . $LABEL$ 0 +it 's a demented kitsch mess -lrb- although the smeary digital video does match the muddled narrative -rrb- , but it 's savvy about celebrity and has more guts and energy than much of what will open this year . $LABEL$ 1 +bleakly funny , its characters all the more touching for refusing to pity or memorialize themselves . $LABEL$ 1 +it is amusing , and that 's all it needs to be . $LABEL$ 1 +the characters are interesting and often very creatively constructed from figure to backstory . $LABEL$ 1 +a taut psychological thriller that does n't waste a moment of its two-hour running time . $LABEL$ 1 +... is an arthritic attempt at directing by callie khouri . $LABEL$ 0 +michael gerbosi 's script is economically packed with telling scenes . $LABEL$ 1 +light years \/ several warp speeds \/ levels and levels of dilithium crystals better than the pitiful insurrection . $LABEL$ 1 +what was once original has been co-opted so frequently that it now seems pedestrian . $LABEL$ 0 +at a time when half the so-called real movies are little more than live-action cartoons , it 's refreshing to see a cartoon that knows what it is , and knows the form 's history . $LABEL$ 1 +at the very least , if you do n't know anything about derrida when you walk into the theater , you wo n't know much more when you leave . $LABEL$ 0 +partway through watching this saccharine , easter-egg-colored concoction , you realize that it is made up of three episodes of a rejected tv show . $LABEL$ 0 +bennett 's naturalistic performance speaks volumes more truth than any ` reality ' show , and anybody contemplating their own drastic life changes should watch some body first . $LABEL$ 1 +jose campanella delivers a loosely autobiographical story brushed with sentimentality but brimming with gentle humor , bittersweet pathos , and lyric moments that linger like snapshots of memory . $LABEL$ 1 +... mafia , rap stars and hood rats butt their ugly heads in a regurgitation of cinematic violence that gives brutal birth to an unlikely , but likable , hero . ' $LABEL$ 1 +i got a headache watching this meaningless downer . $LABEL$ 0 +montias ... pumps a lot of energy into his nicely nuanced narrative and surrounds himself with a cast of quirky -- but not stereotyped -- street characters . $LABEL$ 1 +slapstick buffoonery can tickle many a preschooler 's fancy , but when it costs a family of four about $ 40 to see a film in theaters , why spend money on a dog like this when you can rent a pedigree instead ? $LABEL$ 0 +his comedy premises are often hackneyed or just plain crude , calculated to provoke shocked laughter , without following up on a deeper level . $LABEL$ 0 +big fat waste of time . $LABEL$ 0 +it 's not that kung pow is n't funny some of the time -- it just is n't any funnier than bad martial arts movies are all by themselves , without all oedekerk 's impish augmentation . $LABEL$ 0 +a delightful coming-of-age story . $LABEL$ 1 +binoche makes it interesting trying to find out . $LABEL$ 1 +the humor is forced and heavy-handed , and occasionally simply unpleasant . $LABEL$ 0 +... a fun little timewaster , helped especially by the cool presence of jean reno . $LABEL$ 1 +prurient playthings aside , there 's little to love about this english trifle . $LABEL$ 0 +the old-world - meets-new mesh is incarnated in the movie 's soundtrack , a joyful effusion of disco bollywood that , by the end of monsoon wedding , sent my spirit soaring out of the theater . $LABEL$ 1 +as surreal as a dream and as detailed as a photograph , as visually dexterous as it is at times imaginatively overwhelming . $LABEL$ 1 +director uwe boll and the actors provide scant reason to care in this crude '70s throwback . $LABEL$ 0 +the continued good chemistry between carmen and juni is what keeps this slightly disappointing sequel going , with enough amusing banter -- blessedly curse-free -- to keep both kids and parents entertained . $LABEL$ 1 +puts a human face on a land most westerners are unfamiliar with . $LABEL$ 1 +unflinchingly bleak and desperate $LABEL$ 0 +the heavy-handed film is almost laughable as a consequence . $LABEL$ 0 +it has the charm of the original american road movies , feasting on the gorgeous , ramshackle landscape of the filmmaker 's motherland . $LABEL$ 1 +works hard to establish rounded characters , but then has nothing fresh or particularly interesting to say about them . $LABEL$ 0 +verbinski implements every hack-artist trick to give us the ooky-spookies . $LABEL$ 0 +uncommonly stylish but equally silly ... the picture fails to generate much suspense , nor does it ask searching enough questions to justify its pretensions . $LABEL$ 0 +as vulgar as it is banal . $LABEL$ 0 +i 'm just too bored to care . $LABEL$ 0 +i had to look away - this was god awful . $LABEL$ 0 +a dumb movie with dumb characters doing dumb things and you have to be really dumb not to see where this is going . $LABEL$ 0 +what really makes it special is that it pulls us into its world , gives us a hero whose suffering and triumphs we can share , surrounds him with interesting characters and sends us out of the theater feeling we 've shared a great adventure . $LABEL$ 1 +of course , by more objective measurements it 's still quite bad . $LABEL$ 0 +for this reason and this reason only -- the power of its own steadfast , hoity-toity convictions -- chelsea walls deserves a medal . $LABEL$ 1 +scores no points for originality , wit , or intelligence . $LABEL$ 0 +though moonlight mile is replete with acclaimed actors and actresses and tackles a subject that 's potentially moving , the movie is too predictable and too self-conscious to reach a level of high drama . $LABEL$ 0 +it 's a charming and often affecting journey . $LABEL$ 1 +nervous breakdowns are not entertaining . $LABEL$ 0 +this is a story of two misfits who do n't stand a chance alone , but together they are magnificent . $LABEL$ 1 +atom egoyan has conjured up a multilayered work that tackles any number of fascinating issues $LABEL$ 1 +as the latest bid in the tv-to-movie franchise game , i spy makes its big-screen entry with little of the nervy originality of its groundbreaking small-screen progenitor . $LABEL$ 0 +it 's one of those baseball pictures where the hero is stoic , the wife is patient , the kids are as cute as all get-out and the odds against success are long enough to intimidate , but short enough to make a dream seem possible . $LABEL$ 1 +no way i can believe this load of junk . $LABEL$ 0 +we know the plot 's a little crazy , but it held my interest from start to finish . $LABEL$ 1 +will amuse and provoke adventurous adults in specialty venues . $LABEL$ 1 +another one of those estrogen overdose movies like `` divine secrets of the ya ya sisterhood , '' except that the writing , acting and character development are a lot better . $LABEL$ 1 +byler reveals his characters in a way that intrigues and even fascinates us , and he never reduces the situation to simple melodrama . $LABEL$ 1 +the humor is n't as sharp , the effects not as innovative , nor the story as imaginative as in the original . $LABEL$ 0 +instead of hiding pinocchio from critics , miramax should have hidden it from everyone . $LABEL$ 0 +a moody , multi-dimensional love story and sci-fi mystery , solaris is a thought-provoking , haunting film that allows the seeds of the imagination to germinate . $LABEL$ 1 +offers very little genuine romance and even fewer laughs ... a sad sitcom of a movie , largely devoid of charm . $LABEL$ 0 +it haunts you , you ca n't forget it , you admire its conception and are able to resolve some of the confusions you had while watching it . $LABEL$ 1 +sometimes seems less like storytelling than something the otherwise compelling director needed to get off his chest . $LABEL$ 0 +as a rumor of angels reveals itself to be a sudsy tub of supernatural hokum , not even ms. redgrave 's noblest efforts can redeem it from hopeless sentimentality . $LABEL$ 0 +almost gags on its own gore . $LABEL$ 0 +the film is quiet , threatening and unforgettable . $LABEL$ 1 +... the movie is just a plain old monster . $LABEL$ 0 +sustains its dreamlike glide through a succession of cheesy coincidences and voluptuous cheap effects , not the least of which is rebecca romijn-stamos . $LABEL$ 0 +displaying about equal amounts of naiveté , passion and talent , beneath clouds establishes sen as a filmmaker of considerable potential . $LABEL$ 1 +it provides the grand , intelligent entertainment of a superior cast playing smart people amid a compelling plot . $LABEL$ 1 +a strangely compelling and brilliantly acted psychological drama . $LABEL$ 1 +i 'll bet the video game is a lot more fun than the film . $LABEL$ 0 +every nanosecond of the the new guy reminds you that you could be doing something else far more pleasurable . $LABEL$ 0 +the movie 's accumulated force still feels like an ugly knot tightening in your stomach . $LABEL$ 0 +a broad , melodramatic estrogen opera that 's pretty toxic in its own right . $LABEL$ 0 +minority report is exactly what the title indicates , a report . $LABEL$ 1 +the movie , directed by mick jackson , leaves no cliche unturned , from the predictable plot to the characters straight out of central casting . $LABEL$ 0 +like mike is a winner for kids , and no doubt a winner for lil bow wow , who can now add movies to the list of things he does well . $LABEL$ 1 +confirms the nagging suspicion that ethan hawke would be even worse behind the camera than he is in front of it . $LABEL$ 0 +-lrb- e -rrb- ventually , every idea in this film is flushed down the latrine of heroism . $LABEL$ 0 +this riveting world war ii moral suspense story deals with the shadow side of american culture : racial prejudice in its ugly and diverse forms . $LABEL$ 0 +first-time writer-director serry shows a remarkable gift for storytelling with this moving , effective little film . $LABEL$ 1 +while it 's genuinely cool to hear characters talk about early rap records -lrb- sugar hill gang , etc. -rrb- , the constant referencing of hip-hop arcana can alienate even the savviest audiences . $LABEL$ 0 +the far future may be awesome to consider , but from period detail to matters of the heart , this film is most transporting when it stays put in the past . $LABEL$ 1 +combining quick-cut editing and a blaring heavy metal much of the time , beck seems to be under the illusion that he 's shooting the latest system of a down video . $LABEL$ 0 +there 's no emotional pulse to solaris . $LABEL$ 0 +the best that can be said about the work here of scottish director ritchie ... is that he obviously does n't have his heart in it . $LABEL$ 0 +does paint some memorable images ... , but makhmalbaf keeps her distance from the characters $LABEL$ 1 +rare birds has more than enough charm to make it memorable . $LABEL$ 1 +generally , clockstoppers will fulfill your wildest fantasies about being a different kind of time traveler , while happily killing 94 minutes . $LABEL$ 1 +dull , lifeless , and amateurishly assembled . $LABEL$ 0 +the quality of the art combined with the humor and intelligence of the script allow the filmmakers to present the biblical message of forgiveness without it ever becoming preachy or syrupy . $LABEL$ 1 +very bad . $LABEL$ 0 +having had the good sense to cast actors who are , generally speaking , adored by the movie-going public , khouri then gets terrific performances from them all . $LABEL$ 1 +a woman 's pic directed with resonance by ilya chaiken . $LABEL$ 1 +mr. tsai is a very original artist in his medium , and what time is it there ? $LABEL$ 1 +for each chuckle there are at least 10 complete misses , many coming from the amazingly lifelike tara reid , whose acting skills are comparable to a cardboard cutout . $LABEL$ 0 +a by-the-numbers patient\/doctor pic that covers all the usual ground $LABEL$ 0 +a lackluster , unessential sequel to the classic disney adaptation of j.m. barrie 's peter pan . $LABEL$ 0 +why make a documentary about these marginal historical figures ? $LABEL$ 0 +burns never really harnesses to full effect the energetic cast . $LABEL$ 0 +oh come on . $LABEL$ 0 +even with a green mohawk and a sheet of fire-red flame tattoos covering his shoulder , however , kilmer seems to be posing , rather than acting . $LABEL$ 0 +its well of thorn and vinegar -lrb- and simple humanity -rrb- has long been plundered by similar works featuring the insight and punch this picture so conspicuously lacks . $LABEL$ 0 +the notion that bombing buildings is the funniest thing in the world goes entirely unexamined in this startlingly unfunny comedy . $LABEL$ 0 +at its worst , it implodes in a series of very bad special effects . $LABEL$ 0 +and the lesson , in the end , is nothing new . $LABEL$ 0 +... plays like somebody spliced random moments of a chris rock routine into what is otherwise a cliche-riddled but self-serious spy thriller . $LABEL$ 0 +a misogynistic piece of filth that attempts to pass itself off as hip , young adult entertainment . $LABEL$ 0 +slick piece of cross-promotion . $LABEL$ 1 +sade is an engaging look at the controversial eponymous and fiercely atheistic hero . $LABEL$ 1 +deliriously funny , fast and loose , accessible to the uninitiated , and full of surprises $LABEL$ 1 +a literate presentation that wonderfully weaves a murderous event in 1873 with murderous rage in 2002 . $LABEL$ 1 +for the first time in years , de niro digs deep emotionally , perhaps because he 's been stirred by the powerful work of his co-stars . $LABEL$ 1 +birthday girl is an amusing joy ride , with some surprisingly violent moments . $LABEL$ 1 +a tender , witty , captivating film about friendship , love , memory , trust and loyalty . $LABEL$ 1 +while its careful pace and seemingly opaque story may not satisfy every moviegoer 's appetite , the film 's final scene is soaringly , transparently moving . $LABEL$ 1 +... turns so unforgivably trite in its last 10 minutes that anyone without a fortified sweet tooth will likely go into sugar shock . $LABEL$ 0 +excessive , profane , packed with cartoonish violence and comic-strip characters . $LABEL$ 0 +if you 're hard up for raunchy college humor , this is your ticket right here . $LABEL$ 1 +davis ... is so enamored of her own creation that she ca n't see how insufferable the character is . $LABEL$ 0 +it 's great escapist fun that recreates a place and time that will never happen again . $LABEL$ 1 +dazzles with its fully-written characters , its determined stylishness -lrb- which always relates to characters and story -rrb- and johnny dankworth 's best soundtrack in years . $LABEL$ 1 +highbrow self-appointed guardians of culture need not apply , but those who loved cool as ice have at last found a worthy follow-up . $LABEL$ 1 +once -lrb- kim -rrb- begins to overplay the shock tactics and bait-and-tackle metaphors , you may decide it 's too high a price to pay for a shimmering picture postcard . $LABEL$ 0 +-lrb- t -rrb- his beguiling belgian fable , very much its own droll and delicate little film , has some touching things to say about what is important in life and why . $LABEL$ 1 +too often , the viewer is n't reacting to humor so much as they are wincing back in repugnance . $LABEL$ 0 +it 's refreshing to see a girl-power movie that does n't feel it has to prove anything . $LABEL$ 1 +bogdanovich tantalizes by offering a peep show into the lives of the era 's creme de la celluloid . $LABEL$ 1 +it 's a cookie-cutter movie , a cut-and-paste job . $LABEL$ 0 +it 's a grab bag of genres that do n't add up to a whole lot of sense . $LABEL$ 0 +fun , flip and terribly hip bit of cinematic entertainment . $LABEL$ 1 +just one bad idea after another . $LABEL$ 0 +it 's a lovely film with lovely performances by buy and accorsi . $LABEL$ 1 +the script kicks in , and mr. hartley 's distended pace and foot-dragging rhythms follow . $LABEL$ 0 +does little more than play an innocuous game of fill-in - the-blanks with a tragic past . $LABEL$ 0 +a hamfisted romantic comedy that makes our girl the hapless facilitator of an extended cheap shot across the mason-dixon line . $LABEL$ 0 +like watching a dress rehearsal the week before the show goes up : everything 's in place but something 's just a little off-kilter . $LABEL$ 0 +it 's a buggy drag . $LABEL$ 0 +yakusho and shimizu ... create engaging characterizations in imamura 's lively and enjoyable cultural mix . $LABEL$ 1 +it 's a bad thing when a movie has about as much substance as its end credits blooper reel . $LABEL$ 0 +there is nothing outstanding about this film , but it is good enough and will likely be appreciated most by sailors and folks who know their way around a submarine . $LABEL$ 1 +a synthesis of cliches and absurdities that seems positively decadent in its cinematic flash and emptiness . $LABEL$ 0 +very special effects , brilliantly bold colors and heightened reality ca n't hide the giant achilles ' heel in `` stuart little 2 `` : there 's just no story , folks . $LABEL$ 0 +manages to show life in all of its banality when the intention is quite the opposite . $LABEL$ 0 +it 's about following your dreams , no matter what your parents think . $LABEL$ 1 +the very definition of the ` small ' movie , but it is a good stepping stone for director sprecher . $LABEL$ 1 +one from the heart . $LABEL$ 1 +and when you 're talking about a slapstick comedy , that 's a pretty big problem . $LABEL$ 0 +this is so bad . $LABEL$ 0 +so devoid of any kind of intelligible story that it makes films like xxx and collateral damage seem like thoughtful treatises $LABEL$ 0 +ahhhh ... revenge is sweet ! $LABEL$ 1 +against all odds in heaven and hell , it creeped me out just fine . $LABEL$ 1 +the entire movie is about a boring , sad man being boring and sad . $LABEL$ 0 +it 's one heck of a character study -- not of hearst or davies but of the unique relationship between them . $LABEL$ 1 +the structure the film takes may find matt damon and ben affleck once again looking for residuals as this officially completes a good will hunting trilogy that was never planned . $LABEL$ 1 +whether writer-director anne fontaine 's film is a ghost story , an account of a nervous breakdown , a trip down memory lane , all three or none of the above , it is as seductive as it is haunting . $LABEL$ 1 +the man from elysian fields is a cold , bliss-less work that groans along thinking itself some important comment on how life throws us some beguiling curves . $LABEL$ 0 +the draw -lrb- for `` big bad love '' -rrb- is a solid performance by arliss howard . $LABEL$ 1 +one of the more irritating cartoons you will see this , or any , year . $LABEL$ 0 +basically a static series of semi-improvised -lrb- and semi-coherent -rrb- raps between the stars . $LABEL$ 0 +for all its technical virtuosity , the film is so mired in juvenile and near-xenophobic pedagogy that it 's enough to make one pine for the day when godard can no longer handle the rigors of filmmaking . $LABEL$ 0 +a very long movie , dull in stretches , with entirely too much focus on meal preparation and igloo construction . $LABEL$ 0 +there is very little dread or apprehension , and though i like the creepy ideas , they are not executed with anything more than perfunctory skill . $LABEL$ 0 +it 's fun lite . $LABEL$ 1 +a big , gorgeous , sprawling swashbuckler that delivers its diversions in grand , uncomplicated fashion . $LABEL$ 1 +the overall effect is less like a children 's movie than a recruitment film for future hollywood sellouts . $LABEL$ 0 +trite , banal , cliched , mostly inoffensive . $LABEL$ 0 +so much facile technique , such cute ideas , so little movie . $LABEL$ 1 +chilling , well-acted , and finely directed : david jacobson 's dahmer . $LABEL$ 1 +visually rather stunning , but ultimately a handsome-looking bore , the true creativity would have been to hide treasure planet entirely and completely reimagine it . $LABEL$ 0 +a movie that successfully crushes a best selling novel into a timeframe that mandates that you avoid the godzilla sized soda . $LABEL$ 1 +once the 50 year old benigni appears as the title character , we find ourselves longing for the block of wood to come back . $LABEL$ 0 +but taken as a stylish and energetic one-shot , the queen of the damned can not be said to suck . $LABEL$ 1 +at least one scene is so disgusting that viewers may be hard pressed to retain their lunch . $LABEL$ 0 +the movie has an infectious exuberance that will engage anyone with a passing interest in the skate\/surf culture , the l.a. beach scene and the imaginative -lrb- and sometimes illegal -rrb- ways kids can make a playground out of the refuse of adults . $LABEL$ 1 +corpus collosum -- while undeniably interesting -- wore out its welcome well before the end credits rolled about 45 minutes in . $LABEL$ 0 +this illuminating documentary transcends our preconceived vision of the holy land and its inhabitants , revealing the human complexities beneath . $LABEL$ 1 +trademark american triteness and simplicity are tossed out the window with the intelligent french drama that deftly explores the difficult relationship between a father and son . $LABEL$ 1 +villeneuve spends too much time wallowing in bibi 's generic angst -lrb- there are a lot of shots of her gazing out windows -rrb- . $LABEL$ 0 +what is 100 % missing here is a script of even the most elemental literacy , an inkling of genuine wit , and anything resembling acting . $LABEL$ 0 +as the two leads , lathan and diggs are charming and have chemistry both as friends and lovers . $LABEL$ 1 +like leon , it 's frustrating and still oddly likable . $LABEL$ 1 +if you can stomach the rough content , it 's worth checking out for the performances alone . $LABEL$ 1 +there 's really only one good idea in this movie , but the director runs with it and presents it with an unforgettable visual panache . $LABEL$ 1 +and that leaves a hole in the center of the salton sea . $LABEL$ 0 +there 's ... tremendous energy from the cast , a sense of playfulness and excitement that seems appropriate . $LABEL$ 1 +director andrew niccol ... demonstrates a wry understanding of the quirks of fame . $LABEL$ 1 +try as i may , i ca n't think of a single good reason to see this movie , even though everyone in my group extemporaneously shouted , ` thank you ! ' $LABEL$ 0 +shaky close-ups of turkey-on-rolls , stubbly chins , liver spots , red noses and the filmmakers new bobbed do draw easy chuckles but lead nowhere . $LABEL$ 0 +utterly lacking in charm , wit and invention , roberto benigni 's pinocchio is an astonishingly bad film . $LABEL$ 0 +further proof that the epicenter of cool , beautiful , thought-provoking foreign cinema is smack-dab in the middle of dubya 's axis of evil . $LABEL$ 1 +but what are adults doing in the theater at all ? $LABEL$ 0 +miller is playing so free with emotions , and the fact that children are hostages to fortune , that he makes the audience hostage to his swaggering affectation of seriousness . $LABEL$ 1 +the piece plays as well as it does thanks in large measure to anspaugh 's three lead actresses . $LABEL$ 1 +what better message than ` love thyself ' could young women of any size receive ? $LABEL$ 1 +if you enjoy more thoughtful comedies with interesting conflicted characters ; this one is for you . $LABEL$ 1 +it 's like every bad idea that 's ever gone into an after-school special compiled in one place , minus those daytime programs ' slickness and sophistication -lrb- and who knew they even had any ? -rrb- . $LABEL$ 0 +the movie is beautiful to behold and engages one in a sense of epic struggle -- inner and outer -- that 's all too rare in hollywood 's hastier productions . $LABEL$ 1 +there 's not enough here to justify the almost two hours . $LABEL$ 0 +although huppert 's intensity and focus has a raw exhilaration about it , the piano teacher is anything but fun . $LABEL$ 0 +nothing is sacred in this gut-buster . $LABEL$ 0 +a tender , heartfelt family drama . $LABEL$ 1 +... nothing scary here except for some awful acting and lame special effects . $LABEL$ 0 +it made me want to wrench my eyes out of my head and toss them at the screen . $LABEL$ 0 +but the power of these -lrb- subjects -rrb- is obscured by the majority of the film that shows a stationary camera on a subject that could be mistaken for giving a public oration , rather than contributing to a film 's narrative . $LABEL$ 0 +suffocated by its fussy script and uptight characters , this musty adaptation is all the more annoying since it 's been packaged and sold back to us by hollywood . $LABEL$ 0 +reign of fire looks as if it was made without much thought -- and is best watched that way . $LABEL$ 1 +the acting , costumes , music , cinematography and sound are all astounding given the production 's austere locales . $LABEL$ 1 +this is n't even madonna 's swept away . $LABEL$ 0 +a coda in every sense , the pinochet case splits time between a minute-by-minute account of the british court 's extradition chess game and the regime 's talking-head survivors . $LABEL$ 1 +brilliantly explores the conflict between following one 's heart and following the demands of tradition . $LABEL$ 1 +like you could n't smell this turkey rotting from miles away . $LABEL$ 0 +involves two mysteries -- one it gives away and the other featuring such badly drawn characters that its outcome hardly matters . $LABEL$ 0 +i 'd have to say the star and director are the big problems here . $LABEL$ 0 +-lrb- director -rrb- o'fallon manages to put some lovely pictures up on the big screen , but his skill at telling a story -- he also contributed to the screenplay -- falls short . $LABEL$ 0 +the problem with this film is that it lacks focus . $LABEL$ 0 +on the whole , the movie lacks wit , feeling and believability to compensate for its incessant coarseness and banality . $LABEL$ 0 +... a magnificent drama well worth tracking down . $LABEL$ 1 +perceptive in its vision of nascent industrialized world politics as a new art form , but far too clunky , didactic and saddled with scenes that seem simply an ill fit for this movie . $LABEL$ 0 +for all the writhing and wailing , tears , rage and opium overdoses , there 's no sense of actual passion being washed away in love 's dissolution . $LABEL$ 0 +it 's an offbeat treat that pokes fun at the democratic exercise while also examining its significance for those who take part . $LABEL$ 1 +old-form moviemaking at its best . $LABEL$ 1 +a sometimes tedious film . $LABEL$ 0 +a gorgeous , witty , seductive movie . $LABEL$ 1 +moody , heartbreaking , and filmed in a natural , unforced style that makes its characters seem entirely convincing even when its script is not . $LABEL$ 1 +a nightmare date with a half-formed wit done a great disservice by a lack of critical distance and a sad trust in liberal arts college bumper sticker platitudes . $LABEL$ 0 +late marriage 's stiffness is unlikely to demonstrate the emotional clout to sweep u.s. viewers off their feet . $LABEL$ 0 +a movie that reminds us of just how exciting and satisfying the fantasy cinema can be when it 's approached with imagination and flair . $LABEL$ 1 +but it still jingles in the pocket . $LABEL$ 1 +it 's the chemistry between the women and the droll scene-stealing wit and wolfish pessimism of anna chancellor that makes this `` two weddings and a funeral '' fun . $LABEL$ 1 +it all drags on so interminably it 's like watching a miserable relationship unfold in real time . $LABEL$ 0 +it wants to tweak them with a taste of tangy new humor . $LABEL$ 1 +an unclassifiably awful study in self - and audience-abuse . $LABEL$ 0 +comes ... uncomfortably close to coasting in the treads of the bicycle thief . $LABEL$ 0 +you do n't have to know about music to appreciate the film 's easygoing blend of comedy and romance . $LABEL$ 1 +the film makes a fatal mistake : it asks us to care about a young man whose only apparent virtue is that he is not quite as unpleasant as some of the people in his life . $LABEL$ 0 +it will grip even viewers who are n't interested in rap , as it cuts to the heart of american society in an unnerving way . $LABEL$ 1 +challenging , intermittently engrossing and unflaggingly creative . $LABEL$ 1 +expect the same-old , lame-old slasher nonsense , just with different scenery . $LABEL$ 0 +tries to add some spice to its quirky sentiments but the taste is all too familiar . $LABEL$ 0 +while the resident evil games may have set new standards for thrills , suspense , and gore for video games , the movie really only succeeds in the third of these . $LABEL$ 0 +beautifully observed , miraculously unsentimental comedy-drama . $LABEL$ 1 +a solid film ... but more conscientious than it is truly stirring . $LABEL$ 1 +stealing harvard aspires to comedic grand larceny but stands convicted of nothing more than petty theft of your time . $LABEL$ 0 +good old-fashioned slash-and-hack is back ! $LABEL$ 1 +a movie with a real anarchic flair . $LABEL$ 1 +it 's one pussy-ass world when even killer-thrillers revolve around group therapy sessions . $LABEL$ 0 +characters still need to function according to some set of believable and comprehensible impulses , no matter how many drugs they do or how much artistic license avary employs . $LABEL$ 0 +a densely constructed , highly referential film , and an audacious return to form that can comfortably sit among jean-luc godard 's finest work . $LABEL$ 1 +far more imaginative and ambitious than the trivial , cash-in features nickelodeon has made from its other animated tv series . $LABEL$ 1 +pumpkin means to be an outrageous dark satire on fraternity life , but its ambitions far exceed the abilities of writer adam larson broder and his co-director , tony r. abrams , in their feature debut . $LABEL$ 0 +it 's too bad that the helping hand he uses to stir his ingredients is also a heavy one . $LABEL$ 0 +zhang ... has done an amazing job of getting realistic performances from his mainly nonprofessional cast . $LABEL$ 1 +without ever becoming didactic , director carlos carrera expertly weaves this novelistic story of entangled interrelationships and complex morality . $LABEL$ 1 +it 's hampered by a lifetime-channel kind of plot and a lead actress who is out of her depth . $LABEL$ 0 +gives you the steady pulse of life in a beautiful city viewed through the eyes of a character who , in spite of tragic loss and increasing decrepitude , knows in his bones that he is one of the luckiest men alive . $LABEL$ 1 +-lrb- chaiken 's -rrb- talent lies in an evocative , accurate observation of a distinctive milieu and in the lively , convincing dialogue she creates for her characters . $LABEL$ 1 +a psychological thriller with a genuinely spooky premise and an above-average cast , actor bill paxton 's directing debut is a creepy slice of gothic rural americana . $LABEL$ 1 +it 's worth seeing just on the basis of the wisdom , and at times , the startling optimism , of the children . $LABEL$ 1 +dragonfly has no atmosphere , no tension -- nothing but costner , flailing away . $LABEL$ 0 +the film flat lines when it should peak and is more missed opportunity and trifle than dark , decadent truffle . $LABEL$ 0 +less dizzying than just dizzy , the jaunt is practically over before it begins . $LABEL$ 0 +a science-fiction pastiche so lacking in originality that if you stripped away its inspirations there would be precious little left . $LABEL$ 0 +-lrb- w -rrb- hile long on amiable monkeys and worthy environmentalism , jane goodall 's wild chimpanzees is short on the thrills the oversize medium demands . $LABEL$ 0 +intriguing documentary which is emotionally diluted by focusing on the story 's least interesting subject . $LABEL$ 1 +the son 's room is a triumph of gentility that earns its moments of pathos . $LABEL$ 1 +a disappointment for those who love alternate versions of the bard , particularly ones that involve deep fryers and hamburgers . $LABEL$ 0 +it 's clear the filmmakers were n't sure where they wanted their story to go , and even more clear that they lack the skills to get us to this undetermined destination . $LABEL$ 0 +... a hollow joke told by a cinematic gymnast having too much fun embellishing the misanthropic tale to actually engage it . $LABEL$ 0 +this time mr. burns is trying something in the martin scorsese street-realist mode , but his self-regarding sentimentality trips him up again . $LABEL$ 0 +manages to be both repulsively sadistic and mundane . $LABEL$ 0 +a simple , but gritty and well-acted ensemble drama that encompasses a potent metaphor for a country still dealing with its fascist past . $LABEL$ 1 +the film is beautifully mounted , but , more to the point , the issues are subtly presented , managing to walk a fine line with regard to the question of joan 's madness . $LABEL$ 1 +a sequel that 's much too big for its britches . $LABEL$ 0 +this is an egotistical endeavor from the daughter of horror director dario argento -lrb- a producer here -rrb- , but her raw performance and utter fearlessness make it strangely magnetic . $LABEL$ 1 +nicks , seemingly uncertain what 's going to make people laugh , runs the gamut from stale parody to raunchy sex gags to formula romantic comedy . $LABEL$ 0 +it deserves to be seen by anyone with even a passing interest in the events shaping the world beyond their own horizons . $LABEL$ 1 +it treats women like idiots . $LABEL$ 0 +there are some wonderfully fresh moments that smooth the moral stiffness with human kindness and hopefulness . $LABEL$ 1 +the result is a gaudy bag of stale candy , something from a halloween that died . $LABEL$ 0 +an interesting story with a pertinent -lrb- cinematically unique -rrb- message , told fairly well and scored to perfection , i found myself struggling to put my finger on that elusive `` missing thing . '' $LABEL$ 1 +not far beneath the surface , this reconfigured tale asks disturbing questions about those things we expect from military epics . $LABEL$ 1 +an absurdist comedy about alienation , separation and loss . $LABEL$ 0 +the talented and clever robert rodriguez perhaps put a little too much heart into his first film and did n't reserve enough for his second . $LABEL$ 0 +hilariously inept and ridiculous . $LABEL$ 1 +vera 's three actors -- mollà , gil and bardem -- excel in insightful , empathetic performances . $LABEL$ 1 +for close to two hours the audience is forced to endure three terminally depressed , mostly inarticulate , hyper dysfunctional families for the price of one . $LABEL$ 0 +good car chases , great fight scenes , and a distinctive blend of european , american and asian influences . $LABEL$ 1 +the performances take the movie to a higher level . $LABEL$ 1 +some of their jokes work , but most fail miserably and in the end , pumpkin is far more offensive than it is funny . $LABEL$ 0 +chokes on its own depiction of upper-crust decorum . $LABEL$ 0 +if looking for a thrilling sci-fi cinematic ride , do n't settle for this imposter . $LABEL$ 0 +deadeningly dull , mired in convoluted melodrama , nonsensical jargon and stiff-upper-lip laboriousness . $LABEL$ 0 +collateral damage finally delivers the goods for schwarzenegger fans . $LABEL$ 1 +still , as a visual treat , the film is almost unsurpassed . $LABEL$ 1 +his last movie was poetically romantic and full of indelible images , but his latest has nothing going for it . $LABEL$ 0 +portentous and pretentious , the weight of water is appropriately titled , given the heavy-handedness of it drama . $LABEL$ 0 +the minor figures surrounding -lrb- bobby -rrb- ... form a gritty urban mosaic . $LABEL$ 1 +no one but a convict guilty of some truly heinous crime should have to sit through the master of disguise . $LABEL$ 0 +complete lack of originality , cleverness or even visible effort $LABEL$ 0 +it 's inoffensive , cheerful , built to inspire the young people , set to an unending soundtrack of beach party pop numbers and aside from its remarkable camerawork and awesome scenery , it 's about as exciting as a sunburn . $LABEL$ 0 +the movie does a good job of laying out some of the major issues that we encounter as we journey through life . $LABEL$ 1 +there 's enough melodrama in this magnolia primavera to make pta proud yet director muccino 's characters are less worthy of puccini than they are of daytime television . $LABEL$ 0 +zaidan 's script has barely enough plot to string the stunts together and not quite enough characterization to keep the faces straight . $LABEL$ 0 +not only are the special effects and narrative flow much improved , and daniel radcliffe more emotionally assertive this time around as harry , but the film conjures the magic of author j.k. rowling 's books . $LABEL$ 1 +the best revenge may just be living well because this film , unlike other dumas adaptations , is far more likened to a treasure than a lengthy jail sentence . $LABEL$ 1 +too much of the humor falls flat . $LABEL$ 0 +falls neatly into the category of good stupid fun . $LABEL$ 1 +jaglom ... put -lrb- s -rrb- the audience in the privileged position of eavesdropping on his characters $LABEL$ 1 +every dance becomes about seduction , where backstabbing and betrayals are celebrated , and sex is currency . $LABEL$ 0 +velocity represents everything wrong with '' independent film '' as a commodified , sold-out concept on the american filmmaking scene . $LABEL$ 0 +hardly a masterpiece , but it introduces viewers to a good charitable enterprise and some interesting real people . $LABEL$ 1 +one of creepiest , scariest movies to come along in a long , long time , easily rivaling blair witch or the others . $LABEL$ 1 +it has its moments of swaggering camaraderie , but more often just feels generic , derivative and done to death . $LABEL$ 0 +the so-inept - it 's - surreal dubbing -lrb- featuring the voices of glenn close , regis philbin and breckin meyer -rrb- brings back memories of cheesy old godzilla flicks . $LABEL$ 0 +it 's everything you do n't go to the movies for . $LABEL$ 0 +mattei is tiresomely grave and long-winded , as if circularity itself indicated profundity . $LABEL$ 0 +pacino is brilliant as the sleep-deprived dormer , his increasing weariness as much existential as it is physical . $LABEL$ 1 +a compelling spanish film about the withering effects of jealousy in the life of a young monarch whose sexual passion for her husband becomes an obsession . $LABEL$ 1 +there 's something auspicious , and daring , too , about the artistic instinct that pushes a majority-oriented director like steven spielberg to follow a.i. with this challenging report so liable to unnerve the majority . $LABEL$ 1 +bad . $LABEL$ 0 +an intriguing cinematic omnibus and round-robin that occasionally is more interesting in concept than in execution . $LABEL$ 1 +the subtle strength of `` elling '' is that it never loses touch with the reality of the grim situation . $LABEL$ 1 +not exactly the bees knees $LABEL$ 0 +audrey tatou has a knack for picking roles that magnify her outrageous charm , and in this literate french comedy , she 's as morning-glory exuberant as she was in amélie . $LABEL$ 1 +just not campy enough $LABEL$ 0 +a must-see for the david mamet enthusiast and for anyone who appreciates intelligent , stylish moviemaking . $LABEL$ 1 +a spellbinding african film about the modern condition of rootlessness , a state experienced by millions around the globe . $LABEL$ 1 +a cartoon that 's truly cinematic in scope , and a story that 's compelling and heartfelt -- even if the heart belongs to a big , four-legged herbivore . $LABEL$ 1 +you will emerge with a clearer view of how the gears of justice grind on and the death report comes to share airtime alongside the farm report . $LABEL$ 1 +an operatic , sprawling picture that 's entertainingly acted , magnificently shot and gripping enough to sustain most of its 170-minute length . $LABEL$ 1 +i 've always dreamed of attending cannes , but after seeing this film , it 's not that big a deal . $LABEL$ 0 +morton uses her face and her body language to bring us morvern 's soul , even though the character is almost completely deadpan . $LABEL$ 1 +rarely has leukemia looked so shimmering and benign . $LABEL$ 0 +we have n't seen such hilarity since say it is n't so ! $LABEL$ 1 +true tale of courage -- and complicity -- at auschwitz is a harrowing drama that tries to tell of the unspeakable . $LABEL$ 1 +how do you spell cliché ? $LABEL$ 0 +the script is n't very good ; not even someone as gifted as hoffman -lrb- the actor -rrb- can make it work . $LABEL$ 0 +a giggle a minute . $LABEL$ 1 +made with no discernible craft and monstrously sanctimonious in dealing with childhood loss . $LABEL$ 0 +the only excitement comes when the credits finally roll and you get to leave the theater . $LABEL$ 0 +maud and roland 's search for an unknowable past makes for a haunting literary detective story , but labute pulls off a neater trick in possession : he makes language sexy . $LABEL$ 1 +but this films lacks the passion required to sell the material . $LABEL$ 0 +vera 's technical prowess ends up selling his film short ; he smoothes over hard truths even as he uncovers them . $LABEL$ 0 +the film is based on truth and yet there is something about it that feels incomplete , as if the real story starts just around the corner . $LABEL$ 0 +corny , schmaltzy and predictable , but still manages to be kind of heartwarming , nonetheless . $LABEL$ 1 +huston nails both the glad-handing and the choking sense of hollow despair . $LABEL$ 1 +in an effort , i suspect , not to offend by appearing either too serious or too lighthearted , it offends by just being wishy-washy . $LABEL$ 0 +nelson 's brutally unsentimental approach ... sucks the humanity from the film , leaving behind an horrific but weirdly unemotional spectacle . $LABEL$ 0 +a sequence of ridiculous shoot - 'em - up scenes . $LABEL$ 0 +it seems like i have been waiting my whole life for this movie and now i ca n't wait for the sequel . $LABEL$ 1 +liotta put on 30 pounds for the role , and has completely transformed himself from his smooth , goodfellas image . $LABEL$ 1 +passable entertainment , but it 's the kind of motion picture that wo n't make much of a splash when it 's released , and will not be remembered long afterwards . $LABEL$ 0 +it 's made with deftly unsettling genre flair . $LABEL$ 1 +it 's dumb , but more importantly , it 's just not scary . $LABEL$ 0 +a study in shades of gray , offering itself up in subtle plot maneuvers ... $LABEL$ 1 +the tale of tok -lrb- andy lau -rrb- , a sleek sociopath on the trail of o -lrb- takashi sorimachi -rrb- , the most legendary of asian hitmen , is too scattershot to take hold . $LABEL$ 0 +something like scrubbing the toilet . $LABEL$ 0 +smart , provocative and blisteringly funny . $LABEL$ 1 +this one is definitely one to skip , even for horror movie fanatics . $LABEL$ 0 +charles ' entertaining film chronicles seinfeld 's return to stand-up comedy after the wrap of his legendary sitcom , alongside wannabe comic adams ' attempts to get his shot at the big time . $LABEL$ 1 +an effectively creepy , fear-inducing -lrb- not fear-reducing -rrb- film from japanese director hideo nakata , who takes the superstitious curse on chain letters and actually applies it . $LABEL$ 1 diff --git a/text_defense/201.SST2/stsa.binary.test.dat b/text_defense/201.SST2/stsa.binary.test.dat new file mode 100644 index 0000000000000000000000000000000000000000..023c12ae55bbe5600a4b31d59e4dc0f2f9347870 --- /dev/null +++ b/text_defense/201.SST2/stsa.binary.test.dat @@ -0,0 +1,1821 @@ +no movement , no yuks , not much of anything . $LABEL$ 0 +a gob of drivel so sickly sweet , even the eager consumers of moore 's pasteurized ditties will retch it up like rancid crème brûlée . $LABEL$ 0 +gangs of new york is an unapologetic mess , whose only saving grace is that it ends by blowing just about everything up . $LABEL$ 0 +we never really feel involved with the story , as all of its ideas remain just that : abstract ideas . $LABEL$ 0 +this is one of polanski 's best films . $LABEL$ 1 +take care of my cat offers a refreshingly different slice of asian cinema . $LABEL$ 1 +acting , particularly by tambor , almost makes `` never again '' worthwhile , but -lrb- writer\/director -rrb- schaeffer should follow his titular advice $LABEL$ 0 +the movie exists for its soccer action and its fine acting . $LABEL$ 1 +arnold 's jump from little screen to big will leave frowns on more than a few faces . $LABEL$ 0 +if this holiday movie is supposed to be a gift , somebody unwrapped it early , took out all the good stuff , and left behind the crap -lrb- literally -rrb- . $LABEL$ 0 +jason x has cheesy effects and a hoary plot , but its macabre , self-deprecating sense of humor makes up for a lot . $LABEL$ 1 +even as lame horror flicks go , this is lame . $LABEL$ 0 +oft-described as the antidote to american pie-type sex comedies , it actually has a bundle in common with them , as the film diffuses every opportunity for a breakthrough $LABEL$ 0 +though the violence is far less sadistic than usual , the film is typical miike : fast , furious and full of off-the-cuff imaginative flourishes . $LABEL$ 1 +when a set of pre-shooting guidelines a director came up with for his actors turns out to be cleverer , better written and of considerable more interest than the finished film , that 's a bad sign . $LABEL$ 0 +the passions aroused by the discord between old and new cultures are set against the strange , stark beauty of the mideast desert , so lovingly and perceptively filmed that you can almost taste the desiccated air . $LABEL$ 1 +if your senses have n't been dulled by slasher films and gorefests , if you 're a connoisseur of psychological horror , this is your ticket . $LABEL$ 1 +any one episode of the sopranos would send this ill-conceived folly to sleep with the fishes . $LABEL$ 0 +as conceived by mr. schaeffer , christopher and grace are little more than collections of quirky traits lifted from a screenwriter 's outline and thrown at actors charged with the impossible task of making them jell . $LABEL$ 0 +those who managed to avoid the deconstructionist theorizing of french philosopher jacques derrida in college can now take an 85-minute brush-up course with the documentary derrida . $LABEL$ 0 +most new movies have a bright sheen . $LABEL$ 1 +but what saves lives on the freeway does not necessarily make for persuasive viewing . $LABEL$ 0 +steve irwin 's method is ernest hemmingway at accelerated speed and volume . $LABEL$ 1 +nicely serves as an examination of a society in transition . $LABEL$ 1 +the film would work much better as a video installation in a museum , where viewers would be free to leave . $LABEL$ 0 +culkin exudes none of the charm or charisma that might keep a more general audience even vaguely interested in his bratty character . $LABEL$ 0 +the whole thing plays out with the drowsy heaviness of synchronized swimmer wearing a wool wetsuit . $LABEL$ 0 +not a cozy or ingratiating work , but it 's challenging , sometimes clever , and always interesting , and those are reasons enough to see it . $LABEL$ 1 +the premise for this kegger comedy probably sounded brilliant four six-packs and a pitcher of margaritas in , but the film must have been written ... in the thrall of a vicious hangover . $LABEL$ 0 +it 's a pleasure to see seinfeld griping about the biz with buddies chris rock , garry shandling and colin quinn . $LABEL$ 1 +finally , a genre movie that delivers -- in a couple of genres , no less . $LABEL$ 1 +the low-budget full frontal was one of the year 's murkiest , intentionally obscure and self-indulgent pictures , and solaris is its big-budget brother . $LABEL$ 0 +exquisitely acted and masterfully if preciously interwoven ... -lrb- the film -rrb- addresses in a fascinating , intelligent manner the intermingling of race , politics and local commerce . $LABEL$ 1 +an enthralling , playful film that constantly frustrates our desire to know the ` truth ' about this man , while deconstructing the very format of the biography in a manner that derrida would doubtless give his blessing to . $LABEL$ 1 +as a singular character study , it 's perfect . $LABEL$ 1 +haneke challenges us to confront the reality of sexual aberration . $LABEL$ 1 +an experience so engrossing it is like being buried in a new environment . $LABEL$ 1 +all the performances are top notch and , once you get through the accents , all or nothing becomes an emotional , though still positive , wrench of a sit . $LABEL$ 1 +a cockamamie tone poem pitched precipitously between swoony lyricism and violent catastrophe ... the most aggressively nerve-wracking and screamingly neurotic romantic comedy in cinema history . $LABEL$ 1 +i do n't have an i am sam clue . $LABEL$ 0 +zhang yimou delivers warm , genuine characters who lie not through dishonesty , but because they genuinely believe it 's the only way to bring happiness to their loved ones . $LABEL$ 1 +the pleasures of super troopers may be fleeting , but they 'll register strongly with anybody who still retains a soft spot for precollegiate humor . $LABEL$ 1 +the thrill is -lrb- long -rrb- gone . $LABEL$ 0 +much monkeyfun for all . $LABEL$ 1 +a dreary , incoherent , self-indulgent mess of a movie in which a bunch of pompous windbags drone on inanely for two hours ... a cacophony of pretentious , meaningless prattle . $LABEL$ 0 +much of the way , though , this is a refreshingly novel ride . $LABEL$ 1 +for the first time in several years , mr. allen has surpassed himself with the magic he 's spun with the hollywood empress of ms. leoni 's ellie . $LABEL$ 1 +one scarcely needs the subtitles to enjoy this colorful action farce . $LABEL$ 1 +as it abruptly crosscuts among the five friends , it fails to lend the characters ' individual stories enough dramatic resonance to make us care about them . $LABEL$ 0 +what might have been a predictably heartwarming tale is suffused with complexity . $LABEL$ 1 +with generic sets and b-grade special effects , jason is about as convincing on the sci-fi front as tv 's defunct cleopatra 2525 . $LABEL$ 0 +this is simply the most fun you 'll ever have with a documentary ! $LABEL$ 1 +it represents better-than-average movie-making that does n't demand a dumb , distracted audience . $LABEL$ 1 +... the sum of the parts equals largely a confused mediocrity . $LABEL$ 0 +it may be an easy swipe to take , but this barbershop just does n't make the cut . $LABEL$ 0 +the fact that the rookie is a nearly impeccable cinematic experience -- and a wonderful all-ages triumph besides -- is a miracle akin to the story the film portrays . $LABEL$ 1 +how on earth , or anywhere else , did director ron underwood manage to blow $ 100 million on this ? $LABEL$ 0 +for all its failed connections , divine secrets of the ya-ya sisterhood is nurturing , in a gauzy , dithering way . $LABEL$ 1 +as are its star , its attitude and its obliviousness . $LABEL$ 0 +sluggishly directed by episodic tv veteran joe zwick , it 's a sitcom without the snap-crackle . $LABEL$ 0 +a dream cast of solid female talent who build a seamless ensemble . $LABEL$ 1 +the plot is straight off the shelf , the performances are television - caliber and the message of providing solace through deception is a little creepy . $LABEL$ 0 +instead of accurately accounting a terrible true story , the film 's more determined to become the next texas chainsaw massacre . $LABEL$ 0 +the movie is well shot and very tragic , and one to ponder after the credits roll . $LABEL$ 1 +it is ridiculous , of course ... but it is also refreshing , disarming , and just outright enjoyable despite its ridiculousness . $LABEL$ 1 +everything you loved about it in 1982 is still there , for everybody who wants to be a kid again , or show it to their own kids . $LABEL$ 1 +tadpole is a sophisticated , funny and good-natured treat , slight but a pleasure . $LABEL$ 1 +a turgid little history lesson , humourless and dull . $LABEL$ 0 +the cartoon that is n't really good enough to be on afternoon tv is now a movie that is n't really good enough to be in theaters . $LABEL$ 0 +a sensual performance from abbass buoys the flimsy story , but her inner journey is largely unexplored and we 're left wondering about this exotic-looking woman whose emotional depths are only hinted at . $LABEL$ 1 +a harmless and mildly amusing family comedy . $LABEL$ 1 +not ` terrible filmmaking ' bad , but more like , ' i once had a nightmare like this , and it 's now coming true ' bad . $LABEL$ 0 +a movie that , rather than skip along the seine , more or less slogs its way through soggy paris , tongue uncomfortably in cheek . $LABEL$ 0 +it does succeed by following a feel-good formula with a winning style , and by offering its target audience of urban kids some welcome role models and optimism . $LABEL$ 1 +-lrb- schweiger is -rrb- talented and terribly charismatic , qualities essential to both movie stars and social anarchists . $LABEL$ 1 +a well acted and well intentioned snoozer . $LABEL$ 0 +serry does a fine job of capturing the climate of the times and , perhaps unwittingly , relating it to what is happening in america in 2002 . $LABEL$ 1 +for all its alleged youthful fire , xxx is no less subservient to bond 's tired formula of guns , girls and gadgets while brandishing a new action hero . $LABEL$ 0 +this cuddly sequel to the 1999 hit is a little more visually polished , a little funnier , and a little more madcap . $LABEL$ 1 +now it 's just tired . $LABEL$ 0 +not so much a movie as a picture book for the big screen . $LABEL$ 0 +it 's difficult to say whether the tuxedo is more boring or embarrassing -- i 'm prepared to call it a draw . $LABEL$ 0 +about as satisfying and predictable as the fare at your local drive through . $LABEL$ 0 +the movie succumbs to being nothing more than a formulaic chase in the dark . $LABEL$ 0 +as lo-fi as the special effects are , the folks who cobbled nemesis together indulge the force of humanity over hardware in a way that george lucas has long forgotten . $LABEL$ 1 +writer-director burger imaginatively fans the embers of a dormant national grief and curiosity that has calcified into chronic cynicism and fear . $LABEL$ 1 +truth to tell , if you 've seen more than half-a-dozen horror films , there 's nothing here you have n't seen before . $LABEL$ 0 +george , hire a real director and good writers for the next installment , please . $LABEL$ 0 +all these developments and challenges facing santa weigh down the plot so heavily that they drain all the film of its energy and needlessly strain credibility . $LABEL$ 0 +it 's so full of wrong choices that all you can do is shake your head in disbelief -- and worry about what classic oliver parker intends to mangle next time . $LABEL$ 0 +the film runs on equal parts of innocence and wisdom -- wisdom that comes with experience . $LABEL$ 1 +goyer 's screenplay and direction are thankfully understated , and he has drawn excellent performances from his cast . $LABEL$ 1 +reinforces the often forgotten fact of the world 's remarkably varying human population and mindset , and its capacity to heal using creative , natural and ancient antidotes . $LABEL$ 1 +abandons all pretense of creating historical context and waltzes off into a hectic soap about the ups and downs of the heavy breathing between the two artists . $LABEL$ 0 +if it tried to do anything more , it would fail and perhaps explode , but at this level of manic whimsy , it is just about right . $LABEL$ 1 +scores a few points for doing what it does with a dedicated and good-hearted professionalism . $LABEL$ 1 +director dirk shafer and co-writer greg hinton ride the dubious divide where gay porn reaches for serious drama . $LABEL$ 0 +without a strong script and energetic acting , dogma films can produce the same sleep-inducing effects as watching your neighbor 's home videos . $LABEL$ 0 +a frantic search for laughs , with a hit-to-miss ratio that does n't exactly favour the audience . $LABEL$ 0 +de niro may enjoy the same free ride from critics afforded to clint eastwood in the lazy bloodwork . $LABEL$ 0 +an intelligent fiction about learning through cultural clash . $LABEL$ 1 +greengrass has delivered an undoubted stylistic tour-de-force , and has managed elements such as sound and cinematography with skill $LABEL$ 1 +there 's something fundamental missing from this story : something or someone to care about . $LABEL$ 0 +at heart the movie is a deftly wrought suspense yarn whose richer shadings work as coloring rather than substance . $LABEL$ 1 +sometimes , nothing satisfies like old-fashioned swashbuckling . $LABEL$ 1 +enough similarities to gymkata and howie long 's firestorm that my fingernails instinctively crawled towards my long-suffering eyeballs . $LABEL$ 0 +despite what anyone believes about the goal of its makers , the show ... represents a spectacular piece of theater , and there 's no denying the talent of the creative forces behind it . $LABEL$ 1 +here 's a british flick gleefully unconcerned with plausibility , yet just as determined to entertain you . $LABEL$ 1 +a well-made and often lovely depiction of the mysteries of friendship . $LABEL$ 1 +if i spy were funny -lrb- enough -rrb- or exciting -lrb- enough -rrb- then it would be fairly simple to forgive the financial extortion it 's trying to reap from the moviegoing public . $LABEL$ 0 +a great ending does n't make up for a weak movie , and crazy as hell does n't even have a great ending . $LABEL$ 0 +demands too much of most viewers . $LABEL$ 0 +rare is the ` urban comedy ' that even attempts the insight and honesty of this disarming indie . $LABEL$ 1 +its lack of quality earns it a place alongside those other two recent dumas botch-jobs , the man in the iron mask and the musketeer . $LABEL$ 0 +a deviant topical comedy which is funny from start to finish . $LABEL$ 1 +arguably the year 's silliest and most incoherent movie . $LABEL$ 0 +the movie quickly drags on becoming boring and predictable . $LABEL$ 0 +while not as aggressively impressive as its american counterpart , `` in the bedroom , '' moretti 's film makes its own , quieter observations $LABEL$ 1 +imagine if you will a tony hawk skating video interspliced with footage from behind enemy lines and set to jersey shore techno . $LABEL$ 0 +a refreshingly authentic coming-of-age tale . $LABEL$ 1 +the smartest bonehead comedy of the summer . $LABEL$ 1 +u.s. audiences may find -lrb- attal and gainsbourg 's -rrb- unfamiliar personas give the film an intimate and quaint reality that is a little closer to human nature than what hollywood typically concocts . $LABEL$ 1 +escapism in its purest form . $LABEL$ 1 +the cast is uniformly excellent and relaxed . $LABEL$ 1 +works because , for the most part , it avoids the stupid cliches and formulaic potholes that befall its brethren . $LABEL$ 1 +sucking all the ` classic ' out of robert louis stevenson 's treasure island and filling the void with sci-fi video game graphics and disney-fied adolescent angst ... $LABEL$ 0 +audiences conditioned to getting weepy over saucer-eyed , downy-cheeked moppets and their empathetic caretakers will probably feel emotionally cheated by the film 's tart , sugar-free wit . $LABEL$ 0 +despite some gulps the film is a fuzzy huggy . $LABEL$ 1 +nothing debases a concept comedy quite like the grinding of bad ideas , and showtime is crammed full of them . $LABEL$ 0 +it 's an example of sophisticated , challenging filmmaking that stands , despite its noticeable lack of emotional heft , in welcome contrast to the indulgent dead-end experimentation of the director 's previous full frontal . $LABEL$ 1 +even if britney spears is really cute , her movie is really bad . $LABEL$ 0 +the backyard battles you staged with your green plastic army men were more exciting and almost certainly made more sense . $LABEL$ 0 +the ring just left me cold and wet like i was out in the seattle drizzle without rainwear . $LABEL$ 0 +the plot is very clever , but boyd weighs it down with too many characters and events , all intertwined and far too complicated to keep track of . $LABEL$ 0 +it 's one of the saddest films i have ever seen that still manages to be uplifting but not overly sentimental . $LABEL$ 1 +it 's all pretty cynical and condescending , too . $LABEL$ 0 +it takes this never-ending confusion and hatred , puts a human face on it , evokes shame among all who are party to it and even promotes understanding . $LABEL$ 1 +barely goes beyond comic book status . $LABEL$ 0 +even if you ca n't pronounce `` gyro '' correctly , you 'll appreciate much of vardalos ' humor , which transcends ethnic boundaries . $LABEL$ 1 +borrows from so many literary and cinematic sources that this future world feels absolutely deja vu . $LABEL$ 0 +once again , director jackson strikes a rewarding balance between emotion on the human scale and action\/effects on the spectacular scale . $LABEL$ 1 +as adapted by kevin molony from simon leys ' novel `` the death of napoleon '' and directed by alan taylor , napoleon 's journey is interesting but his parisian rebirth is stillborn $LABEL$ 0 +not everything works , but the average is higher than in mary and most other recent comedies . $LABEL$ 1 +it smacks of purely commercial motivation , with no great love for the original . $LABEL$ 0 +a fairly by-the-books blend of action and romance with sprinklings of intentional and unintentional comedy . $LABEL$ 1 +a dreary rip-off of goodfellas that serves as a muddled and offensive cautionary tale for hispanic americans . $LABEL$ 0 +sits uneasily as a horror picture ... but finds surprising depth in its look at the binds of a small family . $LABEL$ 1 +lacking gravitas , macdowell is a placeholder for grief , and ergo this sloppy drama is an empty vessel . $LABEL$ 0 +an impressive debut for first-time writer-director mark romanek , especially considering his background is in music video . $LABEL$ 1 +it 's push-the-limits teen comedy , the type written by people who ca n't come up with legitimate funny , and it 's used so extensively that good bits are hopelessly overshadowed . $LABEL$ 0 +the story and characters are nowhere near gripping enough . $LABEL$ 0 +ridiculous . $LABEL$ 0 +no. . $LABEL$ 0 +if it seems like a minor miracle that its septuagenarian star is young enough to be the nonagenarian filmmaker 's son , more incredible still are the clear-eyed boldness and quiet irony with which actor and director take on life 's urgent questions . $LABEL$ 1 +a long-winded and stagy session of romantic contrivances that never really gels like the shrewd feminist fairy tale it could have been . $LABEL$ 0 +a film so tedious that it is impossible to care whether that boast is true or not . $LABEL$ 0 +and in this regard , on guard delivers . $LABEL$ 1 +something the true film buff will enjoy . $LABEL$ 1 +the result is solemn and horrifying , yet strangely detached . $LABEL$ 0 +a gentle , compassionate drama about grief and healing . $LABEL$ 1 +the story itself is uninteresting , and the songs are painfully undistinguished : they might be giants ' so to be one of us may be the most tuneless tune ever composed . $LABEL$ 0 +it 's the cinematic equivalent of a good page-turner , and even if it 's nonsense , its claws dig surprisingly deep . $LABEL$ 1 +the result is something quite fresh and delightful . $LABEL$ 1 +if you love motown music , you 'll love this documentary . $LABEL$ 1 +it 's solid and affecting and exactly as thought-provoking as it should be . $LABEL$ 1 +you have to pay attention to follow all the stories , but they 're each interesting . $LABEL$ 1 +-lrb- wendigo is -rrb- why we go to the cinema : to be fed through the eye , the heart , the mind . $LABEL$ 1 +lovingly choreographed bloodshed taking place in a pristine movie neverland , basically . $LABEL$ 1 +a thoughtful , moving piece that faces difficult issues with honesty and beauty . $LABEL$ 1 +for a film about two mismatched buddies , crystal and de niro share little screen time and even less chemistry . $LABEL$ 0 +spousal abuse is a major problem in contemporary society , but the film reduces this domestic tragedy to florid melodrama . $LABEL$ 0 +frida 's artistic brilliance is undeniable -- it 's among the most breathtakingly designed films i 've ever seen . $LABEL$ 1 +i hate this movie $LABEL$ 0 +not so much funny as aggressively sitcom-cute , it 's full of throwaway one-liners , not-quite jokes , and a determined tv amiability that allen personifies . $LABEL$ 0 +the film overcomes the regular minefield of coming-of-age cliches with potent doses of honesty and sensitivity . $LABEL$ 1 +like dickens with his passages , mcgrath crafts quite moving scenes throughout his resolutely dramatic variation on the novel . $LABEL$ 1 +city by the sea is the cinematic equivalent of defensive driving : it 's careful , conscientious and makes no major mistakes . $LABEL$ 1 +it 's both a necessary political work and a fascinating documentary ... $LABEL$ 1 +this insightful , oscar-nominated documentary , in which children on both sides of the ever-escalating conflict have their say away from watchful parental eyes , gives peace yet another chance . $LABEL$ 1 +this film is so slick , superficial and trend-hoppy , that it 's easy to imagine that a new software program spit out the screenplay . $LABEL$ 0 +too much of this well-acted but dangerously slow thriller feels like a preamble to a bigger , more complicated story , one that never materializes . $LABEL$ 0 +so young , so smart , such talent , such a wise \*\*\* . $LABEL$ 1 +resourceful and ingenious entertainment . $LABEL$ 1 +` enigma ' is a good name for a movie this delibrately obtuse and unapproachable . $LABEL$ 0 +rain is a small treasure , enveloping the viewer in a literal and spiritual torpor that is anything but cathartic . $LABEL$ 1 +this romantic thriller is steeped in the atmosphere of wartime england , and ably captures the speech patterns , moral codes and ideals of the 1940s . $LABEL$ 1 +reggio falls victim to relying on the very digital technology that he fervently scorns , creating a meandering , inarticulate and ultimately disappointing film . $LABEL$ 0 +a masterpiece four years in the making . $LABEL$ 1 +`` an entire film about researchers quietly reading dusty old letters . '' $LABEL$ 0 +in adobo , ethnicity is not just the spice , but at the heart of more universal concerns . $LABEL$ 1 +do we really need a 77-minute film to tell us exactly why a romantic relationship between a 15-year-old boy and a 40-year-old woman does n't work ? $LABEL$ 0 +this self-infatuated goofball is far from the only thing wrong with the clumsy comedy stealing harvard , but he 's the most obvious one . $LABEL$ 0 +the film often achieves a mesmerizing poetry . $LABEL$ 1 +a triumph , relentless and beautiful in its downbeat darkness . $LABEL$ 1 +the movie 's biggest offense is its complete and utter lack of tension . $LABEL$ 0 +digital-video documentary about stand-up comedians is a great glimpse into a very different world . $LABEL$ 1 +impresses you with its open-endedness and surprises . $LABEL$ 1 +the smug , oily demeanor that donovan adopts throughout the stupidly named pipe dream is just repulsive . $LABEL$ 0 +her delivery and timing are flawless . $LABEL$ 1 +if high crimes were any more generic it would have a universal product code instead of a title . $LABEL$ 0 +almost every scene in this film is a gem that could stand alone , a perfectly realized observation of mood , behavior and intent . $LABEL$ 1 +when it 's on dry land , though , this surfer-girl melodrama starts gasping like a beached grouper . $LABEL$ 0 +like a tone-deaf singer at a benefit concert , john q. is a bad movie appearing on behalf of a good cause . $LABEL$ 0 +boring we did n't . $LABEL$ 0 +a spunky , original take on a theme that will resonate with singles of many ages . $LABEL$ 1 +undercover brother does n't go far enough . $LABEL$ 0 +moot point . $LABEL$ 0 +let 's cut to the consumer-advice bottom line : stay home . $LABEL$ 0 +as green-guts monster movies go , it 's a beaut . $LABEL$ 1 +elling , portrayed with quiet fastidiousness by per christian ellefsen , is a truly singular character , one whose frailties are only slightly magnified versions of the ones that vex nearly everyone . $LABEL$ 1 +the movie is full of fine performances , led by josef bierbichler as brecht and monica bleibtreu as helene weigel , his wife . $LABEL$ 1 +münch 's genuine insight makes the film 's occasional overindulgence forgivable . $LABEL$ 1 +the sum of all fears is almost impossible to follow -- and there 's something cringe-inducing about seeing an american football stadium nuked as pop entertainment . $LABEL$ 0 +all but the most persnickety preteens should enjoy this nonthreatening but thrilling adventure . $LABEL$ 1 +the problem , it is with most of these things , is the script . $LABEL$ 0 +beyond a handful of mildly amusing lines ... there just is n't much to laugh at . $LABEL$ 0 +this miserable excuse of a movie runs on empty , believing flatbush machismo will get it through . $LABEL$ 0 +for the first two-thirds of this sparklingly inventive and artful , always fast and furious tale , kids will go happily along for the ride . $LABEL$ 1 +neither funny nor suspenseful nor particularly well-drawn . $LABEL$ 0 +a compendium of solondz 's own worst instincts in under 90 minutes . $LABEL$ 0 +all i can say is fuhgeddaboutit . $LABEL$ 0 +biggie and tupac is so single-mindedly daring , it puts far more polished documentaries to shame . $LABEL$ 1 +anyone who can count to five -lrb- the film 's target market ? -rrb- $LABEL$ 0 +warmed-over tarantino by way of wannabe elmore leonard . $LABEL$ 0 +an endearingly offbeat romantic comedy with a great meet-cute gimmick . $LABEL$ 1 +emerges as something rare , an issue movie that 's so honest and keenly observed that it does n't feel like one . $LABEL$ 1 +sharp , lively , funny and ultimately sobering film . $LABEL$ 1 +shainberg weaves a carefully balanced scenario that is controlled by neither character , is weirdly sympathetic to both and manages to be tender and darkly comic . $LABEL$ 1 +thirty years ago , it would have been groundbreaking . $LABEL$ 0 +it is a comedy that 's not very funny and an action movie that is not very thrilling -lrb- and an uneasy alliance , at that -rrb- . $LABEL$ 0 +unfortunately , as a writer , mr. montias is n't nearly as good to his crew as he is as a director or actor . $LABEL$ 0 +a long-winded , predictable scenario . $LABEL$ 0 +invincible is a wonderful movie . $LABEL$ 1 +earns its laughs from stock redneck ` types ' and from the many , many moments when we recognize even without the elizabethan prose , the play behind the thing . $LABEL$ 1 +a smart , sweet and playful romantic comedy . $LABEL$ 1 +a moody horror\/thriller elevated by deft staging and the director 's well-known narrative gamesmanship . $LABEL$ 1 +a dreadful live-action movie . $LABEL$ 0 +s personal revelations regarding what the shop means in the big picture , iconic characters gambol fluidly through the story , with charming results . $LABEL$ 1 +for the most part , i spy was an amusing lark that will probably rank as one of murphy 's better performances in one of his lesser-praised movies . $LABEL$ 1 +though the controversial korean filmmaker 's latest effort is not for all tastes , it offers gorgeous imagery , effective performances , and an increasingly unsettling sense of foreboding . $LABEL$ 1 +well worth the time . $LABEL$ 1 +they felt like the same movie to me . $LABEL$ 0 +witty , touching and well paced . $LABEL$ 1 +i would have preferred a transfer down the hall to mr. holland 's class for the music , or to robin williams 's lecture so i could listen to a teacher with humor , passion , and verve . $LABEL$ 0 +this is the best american movie about troubled teens since 1998 's whatever . $LABEL$ 1 +absorbing and disturbing -- perhaps more disturbing than originally intended -- but a little clarity would have gone a long way . $LABEL$ 0 +good movie . $LABEL$ 1 +i whole-heartedly recommend that everyone see this movie -- for its historical significance alone . $LABEL$ 1 +it 's badly acted , blandly directed , and could have been scripted by someone who just graduated from elementary school . $LABEL$ 0 +but what spectacular sizzle it is ! $LABEL$ 1 +stephen earnhart 's homespun documentary mule skinner blues has nothing but love for its posse of trailer park denizens . $LABEL$ 1 +it 's a sly wink to the others without becoming a postmodern joke , made creepy by its `` men in a sardine can '' warped logic . $LABEL$ 1 +a cop story that understands the medium amazingly well . $LABEL$ 1 +taken individually or collectively , the stories never add up to as much as they promise . $LABEL$ 0 +when she speaks , her creepy egyptian demigod voice is as computer processed and overproduced as it was in her music . $LABEL$ 0 +one of the greatest romantic comedies of the past decade . $LABEL$ 1 +the plot grinds on with yawn-provoking dullness . $LABEL$ 0 +an amusing , breezily apolitical documentary about life on the campaign trail . $LABEL$ 1 +time changer may not be the most memorable cinema session but its profound self-evaluation message about our fragile existence and the absence of spiritual guidance should at least invade an abundance of mindsets $LABEL$ 1 +a very witty take on change , risk and romance , and the film uses humour to make its points about acceptance and growth . $LABEL$ 1 +... the last time i saw a theater full of people constantly checking their watches was during my sats . $LABEL$ 0 +these are lives worth watching , paths worth following . $LABEL$ 1 +static , repetitive , muddy and blurry , hey arnold ! $LABEL$ 0 +this is a throwaway , junk-food movie whose rap soundtrack was better tended to than the film itself . $LABEL$ 0 +the wwii drama is well plotted , visually striking and filled with enjoyably complex characters who are never what they first appear . $LABEL$ 1 +a film that is a portrait of grace in an imperfect world . $LABEL$ 1 +ultimately the project comes across as clinical , detached , uninvolving , possibly prompting audience members to wonder , ` what 's the point ? ' $LABEL$ 0 +the best movie of its kind since ` brazil . ' $LABEL$ 1 +davis has filled out his cast with appealing fresh faces . $LABEL$ 1 +it might be tempting to regard mr. andrew and his collaborators as oddballs , but mr. earnhart 's quizzical , charming movie allows us to see them , finally , as artists . $LABEL$ 1 +sadly , hewitt 's forte is leaning forward while wearing low-cut gowns , not making snappy comebacks . $LABEL$ 0 +so what is the point ? $LABEL$ 0 +the issue of faith is not explored very deeply $LABEL$ 0 +my oh my , is this an invigorating , electric movie . $LABEL$ 1 +director ferzan ozpetek creates an interesting dynamic with the members of this group , who live in the same apartment building . $LABEL$ 1 +i kept thinking over and over again , ' i should be enjoying this . ' $LABEL$ 0 +do n't expect any surprises in this checklist of teamwork cliches ... $LABEL$ 0 +i saw knockaround guys yesterday , and already the details have faded like photographs from the spanish-american war ... it 's so unmemorable that it turned my ballpoint notes to invisible ink . $LABEL$ 0 +the stunning , dreamlike visuals will impress even those viewers who have little patience for euro-film pretension . $LABEL$ 1 +an eccentric little comic\/thriller deeply in love with its own quirky personality . $LABEL$ 1 +my goodness , queen latifah has a lot to offer and she seemed to have no problem flaunting her natural gifts . $LABEL$ 1 +egoyan 's movie is too complicated to sustain involvement , and , if you 'll excuse a little critical heresy , too intellectually ambitious . $LABEL$ 0 +will grab your children by the imagination and amaze them and amuse them . $LABEL$ 1 +a chaotic panorama that 's too busy flying a lot of metaphoric flags . $LABEL$ 0 +the overall feel of the film is pretty cheesy , but there 's still a real sense that the star trek tradition has been honored as best it can , given the embarrassing script and weak direction . $LABEL$ 0 +this is one for the ages . $LABEL$ 1 +the animated subplot keenly depicts the inner struggles of our adolescent heroes - insecure , uncontrolled , and intense . $LABEL$ 1 +a compelling , moving film that respects its audience and its source material . $LABEL$ 1 +the talents of the actors helps `` moonlight mile '' rise above its heart-on-its-sleeve writing . $LABEL$ 1 +as elegantly crafted as it often is , anderson 's movie is essentially a one-trick pony that , hampered by an undeveloped script , ultimately pulls up lame . $LABEL$ 0 +all the characters are stereotypes , and their interaction is numbingly predictable . $LABEL$ 0 +day is not a great bond movie , but it is a good bond movie , which still makes it much better than your typical bond knock-offs . $LABEL$ 1 +the tug-of-war at the core of beijing bicycle becomes weighed down with agonizing contrivances , overheated pathos and long , wistful gazes . $LABEL$ 0 +quick : who wants to see a comedy about shoddy airport security ? $LABEL$ 0 +by the end , i was looking for something hard with which to bludgeon myself unconscious . $LABEL$ 0 +the only element of suspense is whether the movie will change titles or distributors again before the closing credits roll . $LABEL$ 0 +this clever caper movie has twists worthy of david mamet and is enormous fun for thinking audiences . $LABEL$ 1 +most of crush is a clever and captivating romantic comedy with a welcome pinch of tartness . $LABEL$ 1 +makmalbaf follows a resolutely realistic path in this uncompromising insight into the harsh existence of the kurdish refugees of iran 's borderlands . $LABEL$ 1 +despite a blue-chip cast and a provocative title , writer-director peter mattei 's first feature microwaves dull leftover romantic motifs basted in faux-contemporary gravy . $LABEL$ 0 +well-written , nicely acted and beautifully shot and scored , the film works on several levels , openly questioning social mores while ensnaring the audience with its emotional pull . $LABEL$ 1 +this is n't a narrative film -- i do n't know if it 's possible to make a narrative film about september 11th , though i 'm sure some will try -- but it 's as close as anyone has dared to come . $LABEL$ 1 +christians sensitive to a reductionist view of their lord as a luv-spreading dr. feelgood or omnipotent slacker will feel vastly more affronted than secularists , who might even praise god for delivering such an instant camp classic . $LABEL$ 1 +a clever blend of fact and fiction . $LABEL$ 1 +there 's plenty of style in guillermo del toro 's sequel to the 1998 hit but why do we need 117 minutes to tell a tale that simply ca n't sustain more than 90 minutes . $LABEL$ 0 +the writers , director wally wolodarsky , and all the actors should start their own coeducational fraternity : kappa rho alpha phi . $LABEL$ 0 +the filmmakers skillfully evoke the sense of menace that nature holds for many urban dwellers . $LABEL$ 1 +it 's best to avoid imprisonment with the dull , nerdy folks that inhabit cherish . $LABEL$ 0 +based on a david leavitt story , the film shares that writer 's usual blend of observant cleverness , too-facile coincidence and slightly noxious preciousness . $LABEL$ 0 +pray 's film works well and will appeal even to those who are n't too familiar with turntablism . $LABEL$ 1 +it 's drained of life in an attempt to be sober and educational , and yet it 's so devoid of realism that its lack of whistles and bells just makes it obnoxious and stiff . $LABEL$ 0 +to the film 's credit , the acting is fresh and unselfconscious , and munch is a marvel of reality versus sappy sentiment . $LABEL$ 1 +why come up with something even quasi-original , when you can pillage from shirley jackson , richard matheson ... and puke up something like rose red ? $LABEL$ 0 +an absorbing trip into the minds and motivations of people under stress as well as a keen , unsentimental look at variations on the theme of motherhood . $LABEL$ 1 +though a bit of a patchwork in script and production , a glossy , rich green , environment almost makes the picture work . $LABEL$ 1 +well-shot but badly written tale set in a future ravaged by dragons . $LABEL$ 0 +outrageousness is all plympton seemed to be going for this time . $LABEL$ 0 +there 's a vastness implied in metropolis that is just breathtaking . $LABEL$ 1 +a feel-good picture in the best sense of the term . $LABEL$ 1 +this is a happy throwback to the time when cartoons were cinema 's most idiosyncratic form instead of one of its most predictable . $LABEL$ 1 +newton draws our attention like a magnet , and acts circles around her better known co-star , mark wahlberg . $LABEL$ 1 +vividly conveys both the pitfalls and the pleasures of over-the-top love . $LABEL$ 1 +formula 51 is so trite that even yu 's high-energy action stylings ca n't break through the stupor . $LABEL$ 0 +when your leading ladies are a couple of screen-eating dominatrixes like goldie hawn and susan sarandon at their raunchy best , even hokum goes down easily . $LABEL$ 1 +flaccid drama and exasperatingly slow journey . $LABEL$ 0 +too silly to be frightening , too stolid to be funny , it projects the same lazy affability as its nominal star , david arquette . $LABEL$ 0 +overall , the film misses the brilliance of jelinek 's novel by some way . $LABEL$ 0 +an incredibly low-rent danish film , it brings a group of people together in a sweet and charming way , if a little convenient $LABEL$ 1 +the film meant well in its horse tale about freedom , but was n't able to reach the heart because it was too overbearing . $LABEL$ 0 +occasionally funny , always very colorful and enjoyably overblown in the traditional almodóvar style . $LABEL$ 1 +high crimes miscasts nearly every leading character . $LABEL$ 0 +pretty darn good , despite its smarty-pants aura . $LABEL$ 1 +a mixed bag of a comedy that ca n't really be described as out of this world . $LABEL$ 0 +a movie that will touch the hearts of both children and adults , as well as bring audiences to the edge of their seats . $LABEL$ 1 +-lrb- an -rrb- hilarious romantic comedy . $LABEL$ 1 +both deeply weird and charmingly dear . $LABEL$ 1 +the ill-conceived modern-day ending falls flat where it should deliver a moral punch . $LABEL$ 0 +the movie has lots of dancing and fabulous music . $LABEL$ 1 +what you would end up with if you took orwell , bradbury , kafka , george lucas and the wachowski brothers and threw them into a blender . $LABEL$ 1 +a hip ride into hyper-time , clockstoppers is a lively and enjoyable adventure for all ages at any time . $LABEL$ 1 +it risks seeming slow and pretentious , because it thinks the gamble is worth the promise . $LABEL$ 0 +occasionally melodramatic , it 's also extremely effective . $LABEL$ 1 +a very stylish but ultimately extremely silly tale ... a slick piece of nonsense but nothing more . $LABEL$ 0 +it 's really yet another anemic and formulaic lethal weapon-derived buddy-cop movie , trying to pass off its lack of imagination as hip knowingness . $LABEL$ 0 +an enjoyably half-wit remake of the venerable italian comedy big deal on madonna street . $LABEL$ 1 +rainy days and movies about the disintegration of families always get me down . $LABEL$ 0 +the second chapter of the harry potter series is even more magical than the first and simply the best family film of the year . $LABEL$ 1 +it 's hard not to feel you 've just watched a feature-length video game with some really heavy back story . $LABEL$ 0 +it 's one of the most honest films ever made about hollywood . $LABEL$ 1 +where last time jokes flowed out of cho 's life story , which provided an engrossing dramatic through line , here the comedian hides behind obviously constructed routines . $LABEL$ 0 +-lrb- but it 's -rrb- worth recommending because of two marvelous performances by michael caine and brendan fraser . $LABEL$ 1 +there is a kind of attentive concern that hoffman brings to his characters , as if he has been giving them private lessons , and now it is time for their first public recital . $LABEL$ 1 +philip k. dick must be turning in his grave , along with my stomach . $LABEL$ 0 +its characters are thinner than cardboard -- or even comic-book paper . $LABEL$ 0 +fine acting but there is no sense of connecting the dots , just dots . $LABEL$ 0 +theology aside , why put someone who ultimately does n't learn at the center of a kids ' story ? $LABEL$ 0 +the movie 's quiet affirmation of neighborhood values gives it an honest , lived-in glow . $LABEL$ 1 +it might as well have been problem child iv . $LABEL$ 0 +feels like one of those contrived , only-in - hollywood productions where name actors deliver big performances created for the sole purpose of generating oscar talk . $LABEL$ 0 +good ol' urban legend stuff . $LABEL$ 1 +the film 's greatest asset is how much it 's not just another connect-the-dots , spy-on-the-run picture . $LABEL$ 1 +home alone goes hollywood , a funny premise until the kids start pulling off stunts not even steven spielberg would know how to do . $LABEL$ 0 +if it 's possible for a sequel to outshine the original , then sl2 does just that . $LABEL$ 1 +one of those rare , exhilarating cinematic delights that gets even better in hindsight , as you mull over its every nuance in your mind . $LABEL$ 1 +sunshine state lacks the kind of dynamic that limbo offers , and in some ways is a rather indulgent piece . $LABEL$ 0 +painful to watch , but viewers willing to take a chance will be rewarded with two of the year 's most accomplished and riveting film performances . $LABEL$ 1 +do not , under any circumstances , consider taking a child younger than middle school age to this wallow in crude humor . $LABEL$ 0 +he simply presents his point of view that ayurveda works . $LABEL$ 1 +for all its surface frenzy , high crimes should be charged with loitering -- so much on view , so little to offer . $LABEL$ 0 +like a marathon runner trying to finish a race , you need a constant influx of liquid just to get through it . $LABEL$ 0 +it took 19 predecessors to get this ? $LABEL$ 0 +... perhaps the heaviest , most joyless movie ever made about giant dragons taking over the world . $LABEL$ 0 +while surprisingly sincere , this average little story is adorned with some awesome action photography and surfing . $LABEL$ 1 +an endlessly fascinating , landmark movie that is as bold as anything the cinema has seen in years . $LABEL$ 1 +begins as a promising meditation on one of america 's most durable obsessions but winds up as a slender cinematic stunt . $LABEL$ 0 +a yarn that respects the marvel version without becoming ensnared by it . $LABEL$ 1 +-lrb- howard -rrb- so good as leon barlow ... that he hardly seems to be acting . $LABEL$ 1 +the tug of war that ensues is as much a snapshot of modern china in microcosm as it is a crash course in movie mythology . $LABEL$ 1 +but in its child-centered , claustrophobic context , it can be just as frightening and disturbing -- even punishing . $LABEL$ 0 +the whole cast looks to be having so much fun with the slapstick antics and silly street patois , tossing around obscure expressions like bellini and mullinski , that the compact 86 minutes breezes by . $LABEL$ 1 +though ganesh is successful in a midlevel sort of way , there 's nothing so striking or fascinating or metaphorically significant about his career as to rate two hours of our attention . $LABEL$ 0 +the people in dogtown and z-boys are so funny , aggressive and alive , you have to watch them because you ca n't wait to see what they do next . $LABEL$ 1 +reggio 's trippy , ambitious downer can also sometimes come across like nothing more than a glorified nike ad . $LABEL$ 0 +-lrb- fessenden -rrb- is much more into ambiguity and creating mood than he is for on screen thrills $LABEL$ 1 +if you can get past the fantastical aspects and harsh realities of `` the isle '' you 'll get a sock-you-in-the-eye flick that is a visual tour-de-force and a story that is unlike any you will likely see anywhere else . $LABEL$ 1 +jacquot 's tosca is a treat . $LABEL$ 1 +you 're better off staying home and watching the x-files . $LABEL$ 0 +the drama is played out with such aching beauty and truth that it brings tears to your eyes . $LABEL$ 1 +the sequel has turned completely and irrevocably bizarre to the point of utter nonsense . $LABEL$ 0 +divine secrets of the ya-ya sisterhood may not be exactly divine , but it 's definitely -- defiantly -- ya ya , what with all of those terrific songs and spirited performances . $LABEL$ 1 +the subject of swinging still seems ripe for a documentary -- just not this one . $LABEL$ 0 +the principals in this cast are all fine , but bishop and stevenson are standouts . $LABEL$ 1 +but it offers plenty to ponder and chew on as its unusual relationship slowly unfolds . $LABEL$ 1 +the ending is a cop-out . $LABEL$ 0 +the makers of divine secrets of the ya-ya sisterhood should offer a free ticket -lrb- second prize , of course , two free tickets -rrb- to anyone who can locate a genuinely honest moment in their movie . $LABEL$ 0 +no , it 's not nearly as good as any of its influences . $LABEL$ 0 +but he loses his focus when he concentrates on any single person . $LABEL$ 0 +bullock 's complete lack of focus and ability quickly derails the film $LABEL$ 0 +say this for the soundtrack , it drowns out the lousy dialogue . $LABEL$ 0 +all ends well , sort of , but the frenzied comic moments never click . $LABEL$ 0 +proves that a movie about goodness is not the same thing as a good movie . $LABEL$ 0 +workmanlike , maybe , but still a film with all the elements that made the other three great , scary times at the movies . $LABEL$ 1 +this formulaic chiller will do little to boost stallone 's career . $LABEL$ 0 +like the film 's almost anthropologically detailed realization of early - '80s suburbia , it 's significant without being overstated . $LABEL$ 1 +accuracy and realism are terrific , but if your film becomes boring , and your dialogue is n't smart , then you need to use more poetic license . $LABEL$ 0 +elling really is about a couple of crazy guys , and it 's therapeutic to laugh along with them . $LABEL$ 1 +... too gory to be a comedy and too silly to be an effective horror film . $LABEL$ 0 +a boring , formulaic mix of serial killers and stalk 'n' slash . $LABEL$ 0 +a refreshing korean film about five female high school friends who face an uphill battle when they try to take their relationships into deeper waters . $LABEL$ 1 +hu and liu offer natural , matter-of-fact performances that glint with sorrow , longing and love . $LABEL$ 1 +the kids often appear to be reading the lines and are incapable of conveying any emotion . $LABEL$ 0 +just one more collection of penis , breast and flatulence gags in search of a story . $LABEL$ 0 +not a bad journey at all . $LABEL$ 1 +has a shambling charm ... a cheerfully inconsequential diversion . $LABEL$ 1 +the film 's 45-minute running time stops shy of overkill , though viewers may be more exhausted than the athletes onscreen . $LABEL$ 0 +collateral damage is , despite its alleged provocation post-9 \/ 11 , an antique , in the end . $LABEL$ 0 +even those of a single digit age will be able to recognize that this story is too goofy ... even for disney . $LABEL$ 0 +bubba ho-tep is a wonderful film with a bravura lead performance by bruce campbell that does n't deserve to leave the building until everyone is aware of it . $LABEL$ 1 +the movie is as far as you can get from racy , to the point where it almost stops the blood flow to your brain ; it has a dull , costumey feel . $LABEL$ 0 +hilarious , touching and wonderfully dyspeptic . $LABEL$ 1 +it is a film that will have people walking out halfway through , will encourage others to stand up and applaud , and will , undoubtedly , leave both camps engaged in a ferocious debate for years to come . $LABEL$ 1 +a cumbersome and cliche-ridden movie greased with every emotional device known to man . $LABEL$ 0 +a comprehensive and provocative film -- one that pushes the boundaries of biography , and challenges its audience . $LABEL$ 1 +despite the authenticity of the trappings , the film is overblown in its plotting , hackneyed in its dialogue and anachronistic in its style . $LABEL$ 0 +the character is too forced and overwritten to be funny or believable much of the time , and clayburgh does n't always improve the over-the-top mix . $LABEL$ 0 +this version incarnates the prophetic book in a way even its exacting author might admire . $LABEL$ 1 +herzog is obviously looking for a moral to his fable , but the notion that a strong , unified showing among germany and eastern european jews might have changed 20th-century history is undermined by ahola 's inadequate performance . $LABEL$ 0 +the performances are so leaden , michael rymer 's direction is so bloodless and the dialogue is so corny that the audience laughs out loud . $LABEL$ 0 +a thoughtful , provocative , insistently humanizing film . $LABEL$ 1 +the movie bounces all over the map . $LABEL$ 0 +a frustrating combination of strained humor and heavy-handed sentimentality . $LABEL$ 0 +it 's traditional moviemaking all the way , but it 's done with a lot of careful period attention as well as some very welcome wit . $LABEL$ 1 +it 's as close as we 'll ever come to looking through a photographer 's viewfinder as he works . $LABEL$ 1 +the film is all a little lit crit 101 , but it 's extremely well played and often very funny . $LABEL$ 1 +de oliveira creates an emotionally rich , poetically plump and visually fulsome , but never showy , film whose bittersweet themes are reinforced and brilliantly personified by michel piccoli . $LABEL$ 1 +funny and , at times , poignant , the film from director george hickenlooper all takes place in pasadena , `` a city where people still read . '' $LABEL$ 1 +too loud , too long and too frantic by half , die another day suggests that the bond franchise has run into a creative wall that 007 can not fly over , tunnel under or barrel through . $LABEL$ 0 +the film is itself a sort of cinematic high crime , one that brings military courtroom dramas down very , very low . $LABEL$ 0 +fuller would surely have called this gutsy and at times exhilarating movie a great yarn . $LABEL$ 1 +a long slog for anyone but the most committed pokemon fan . $LABEL$ 0 +though avary has done his best to make something out of ellis ' nothing novel , in the end , his rules is barely worth following . $LABEL$ 0 +this idea has lost its originality ... and neither star appears very excited at rehashing what was basically a one-joke picture . $LABEL$ 0 +little more than a frothy vanity project . $LABEL$ 0 +a depressing confirmation of everything those of us who do n't object to the description `` unelected '' have suspected all along : george w. bush is an incurious , uncharismatic , overgrown frat boy with a mean streak a mile wide . $LABEL$ 0 +an enchanting film that presents an audacious tour of the past and takes within its warm embrace the bounties of cultural artifacts inside st. petersburg 's hermitage museum . $LABEL$ 1 +the new guy does have a heart . $LABEL$ 1 +screenwriters scott abbott and michael petroni have turned rice 's complex akasha into a cartoon monster . $LABEL$ 0 +nolan bravely treads where few american films dare to delve -- into the world of ambivalence and ambiguity ... $LABEL$ 1 +few films this year have been as resolute in their emotional nakedness . $LABEL$ 1 +i did n't laugh at the ongoing efforts of cube , and his skinny buddy mike epps , to make like laurel and hardy 'n the hood . $LABEL$ 0 +the streets , shot by cinematographer michael ballhaus , may be as authentic as they are mean , but it is nearly impossible to care about what happens on them . $LABEL$ 0 +if you 're looking for comedy to be served up , better look elsewhere . $LABEL$ 0 +the movie makes absolutely no sense . $LABEL$ 0 +it extends the writings of jean genet and john rechy , the films of fassbinder , perhaps even the nocturnal works of goya . $LABEL$ 1 +edited and shot with a syncopated style mimicking the work of his subjects , pray turns the idea of the documentary on its head , making it rousing , invigorating fun lacking any mtv puffery . $LABEL$ 1 +this ecologically minded , wildlife friendly film teaches good ethics while entertaining with its unconventionally wacky but loving family $LABEL$ 1 +almost everything else is wan . $LABEL$ 0 +as hugh grant says repeatedly throughout the movie , ` lovely ! $LABEL$ 1 +it never fails to engage us . $LABEL$ 1 +only an epic documentary could get it all down , and spike lee 's jim brown : all american at long last gives its subject a movie worthy of his talents . $LABEL$ 1 +shadyac shoots his film like an m. night shyamalan movie , and he frequently maintains the same snail 's pace ; he just forgot to add any genuine tension . $LABEL$ 0 +waydowntown is by no means a perfect film , but its boasts a huge charm factor and smacks of originality . $LABEL$ 1 +i complain all the time about seeing the same ideas repeated in films over and over again , but the bourne identity proves that a fresh take is always possible . $LABEL$ 1 +the stupidest , most insulting movie of 2002 's first quarter . $LABEL$ 0 +no more . $LABEL$ 0 +-lrb- newton -rrb- wanders through charlie completely unaware she needs to show some presence and star quality . $LABEL$ 0 +i did n't believe for a moment in these villains or their plot . $LABEL$ 0 +a tale of horror and revenge that is nearly perfect in its relentless descent to the depths of one man 's tortured soul . $LABEL$ 1 +an original gem about an obsession with time . $LABEL$ 1 +she lists ingredients , but never mixes and stirs . $LABEL$ 0 +none of this violates the letter of behan 's book , but missing is its spirit , its ribald , full-throated humor . $LABEL$ 0 +a journey through memory , a celebration of living , and a sobering rumination on fatality , classism , and ignorance . $LABEL$ 1 +this is art paying homage to art . $LABEL$ 1 +happily for mr. chin -- though unhappily for his subjects -- the invisible hand of the marketplace wrote a script that no human screenwriter could have hoped to match . $LABEL$ 1 +makes s&m seem very romantic , and maggie gyllenhaal is a delight . $LABEL$ 1 +like most bond outings in recent years , some of the stunts are so outlandish that they border on being cartoonlike . $LABEL$ 0 +it has the courage to wonder about big questions with sincerity and devotion . $LABEL$ 1 +in the second half of the film , frei 's control loosens in direct proportion to the amount of screen time he gives nachtwey for self-analysis . $LABEL$ 0 +the year 's happiest surprise , a movie that deals with a real subject in an always surprising way . $LABEL$ 1 +an intelligent , moving and invigorating film . $LABEL$ 1 +daring , mesmerizing and exceedingly hard to forget . $LABEL$ 1 +... as the story congeals you feel the pieces of the star wars saga falling into place in a way that makes your spine tingle with revelation and excitement . $LABEL$ 1 +never -lrb- sinks -rrb- into exploitation . $LABEL$ 1 +leaves you with a knot in your stomach , its power is undercut by its own head-banging obviousness . $LABEL$ 0 +the cast is so low-wattage that none of the characters comes off as big ... and the setting remains indistinct . $LABEL$ 0 +a splendid entertainment , young in spirit but accomplished in all aspects with the fullness of spirit and sense of ease that comes only with experience . $LABEL$ 1 +it 's hard not to be seduced by -lrb- witherspoon 's -rrb- charisma , even in this run-of-the-mill vehicle , because this girl knows how to drive it to the max . $LABEL$ 1 +glib , satirical documentary that fudges facts , makes facile points and engages in the cinematic equivalent of tabloid journalism . $LABEL$ 0 +with the film 's striking ending , one realizes that we have a long way to go before we fully understand all the sexual permutations involved . $LABEL$ 1 +you 'll have more fun setting fire to yourself in the parking lot . $LABEL$ 0 +foster nails the role , giving a tight , focused performance illuminated by shards of feeling . $LABEL$ 1 +it dares to be a little different , and that shading is what makes it worthwhile . $LABEL$ 1 +fear dot com is so rambling and disconnected it never builds any suspense . $LABEL$ 0 +tuck everlasting achieves a delicate balance of romantic innocence and philosophical depth . $LABEL$ 1 +this is carion 's debut feature but his script and direction hums with a confidence that many spend entire careers trying to reach . $LABEL$ 1 +an elegant , exquisitely modulated psychological thriller . $LABEL$ 1 +stars matthew perry and elizabeth hurley illicit more than a chuckle , and more jokes land than crash , but ultimately serving sara does n't distinguish itself from the herd . $LABEL$ 0 +hey , who else needs a shower ? $LABEL$ 0 +but even a hero can stumble sometimes . $LABEL$ 0 +the tone shifts abruptly from tense to celebratory to soppy . $LABEL$ 0 +moore 's performance impresses almost as much as her work with haynes in 1995 's safe . $LABEL$ 1 +not even the hanson brothers can save it $LABEL$ 0 +a picture that extols the virtues of comradeship and community in a spunky , spirited fashion . $LABEL$ 1 +too bad , but thanks to some lovely comedic moments and several fine performances , it 's not a total loss . $LABEL$ 1 +his characters are engaging , intimate and the dialogue is realistic and greatly moving . $LABEL$ 1 +now trimmed by about 20 minutes , this lavish three-year-old production has enough grandeur and scale to satisfy as grown-up escapism . $LABEL$ 1 +an imaginative comedy\/thriller . $LABEL$ 1 +technically , the film is about as interesting as an insurance commercial . $LABEL$ 0 +the only thing in pauline and paulette that you have n't seen before is a scene featuring a football field-sized oriental rug crafted out of millions of vibrant flowers . $LABEL$ 0 +offers enough playful fun to entertain the preschool set while embracing a wholesome attitude . $LABEL$ 1 +there are times when a rumor of angels plays like an extended episode of touched by an angel -- a little too much dancing , a few too many weeping scenes -- but i liked its heart and its spirit . $LABEL$ 1 +for anyone who grew up on disney 's 1950 treasure island , or remembers the 1934 victor fleming classic , this one feels like an impostor . $LABEL$ 0 +... an inviting piece of film . $LABEL$ 1 +... a big , baggy , sprawling carnival of a movie , stretching out before us with little rhyme or reason . $LABEL$ 0 +flashy , pretentious and as impenetrable as morvern 's thick , working-class scottish accent . $LABEL$ 0 +maudlin and melodramatic we expected . $LABEL$ 0 +shocking only in that it reveals the filmmaker 's bottomless pit of self-absorption . $LABEL$ 0 +the visuals alone make metropolis worth seeing . $LABEL$ 1 +uncertain in tone ... a garbled exercise in sexual politics , a junior varsity short cuts by way of very bad things . $LABEL$ 0 +a waste of good performances . $LABEL$ 0 +one of those movies where you walk out of the theater not feeling cheated exactly , but feeling pandered to , which , in the end , might be all the more infuriating . $LABEL$ 0 +a bit of an unwieldy mess . $LABEL$ 0 +the picture , scored by a perversely cheerful marcus miller accordion\/harmonica\/banjo abomination , is a monument to bad in all its florid variety . $LABEL$ 0 +julia is played with exasperating blandness by laura regan . $LABEL$ 0 +a romantic comedy that operates by the rules of its own self-contained universe . $LABEL$ 1 +liman , of swingers and go , makes his big-budget action film debut something of a clunker as he delivers a long , low-heat chase , interrupted by a middling car chase . $LABEL$ 0 +a triumph of art direction over narrative , but what art direction ! $LABEL$ 1 +propelled not by characters but by caricatures . $LABEL$ 0 +never mind whether you buy the stuff about barris being a cia hit man . $LABEL$ 0 +here 's a self-congratulatory 3d imax rah-rah . $LABEL$ 0 +every bit as bogus as most disney live action family movies are -- no real plot , no real conflict , no real point . $LABEL$ 0 +one of the most haunting , viciously honest coming-of-age films in recent memory . $LABEL$ 1 +the film has just enough of everything -- re-enactments , archival footage , talking-head interviews -- and the music is simply sublime . $LABEL$ 1 +i like the new footage and still love the old stuff . $LABEL$ 1 +i weep for the future when a good portion of the respected critical community in this country consider blue crush to be an intelligent film about young women . $LABEL$ 0 +without september 11 , collateral damage would have been just another bad movie . $LABEL$ 0 +gollum 's ` performance ' is incredible ! $LABEL$ 1 +superior genre storytelling , which gets under our skin simply by crossing the nuclear line . $LABEL$ 1 +there are films that try the patience of even the most cinema-besotted critic -- and this was one of them . $LABEL$ 0 +an unabashedly schmaltzy and thoroughly enjoyable true story . $LABEL$ 1 +if this dud had been made in the '70s , it would have been called the hills have antlers and played for about three weeks in drive-ins . $LABEL$ 0 +a deliciously mordant , bitter black comedy . $LABEL$ 1 +a sophomoric exploration of ` life problems ' most people solved long ago -- or at least got tired of hearing people kvetch about . $LABEL$ 0 +flavorful and romantic , you could call this how martha got her groove back -- assuming , that is , she ever had one to begin with . $LABEL$ 1 +director rob marshall went out gunning to make a great one . $LABEL$ 1 +lanie 's professional success means she must be a failure at life , because she 's driven by ambition and does n't know how to have fun . $LABEL$ 0 +it almost plays like solaris , but with guns and jokes . $LABEL$ 1 +kwan makes the mix-and - match metaphors intriguing , while lulling us into torpor with his cultivated allergy to action . $LABEL$ 0 +you could nap for an hour and not miss a thing . $LABEL$ 0 +the tenderness of the piece is still intact . $LABEL$ 1 +these people would n't know subtle characterization if it put on a giant furry monster costume and then gave them a lapdance . $LABEL$ 0 +a graceless , witless attempt at mating some like it hot with the wwii espionage thriller . $LABEL$ 0 +the impact of the armenian genocide is diluted by too much stage business in the modern day . $LABEL$ 0 +while undercover brother is definitely one for the masses , it 's also full of sharp , smart satire . $LABEL$ 1 +visits spy-movie territory like a novel you ca n't put down , examines a footnote to history seldom brought to light on the screen , and keeps you guessing from first frame to last . $LABEL$ 1 +it suggests the wide-ranging effects of media manipulation , from the kind of reporting that is done by the supposedly liberal media ... to the intimate and ultimately tragic heartache of maverick individuals like hatfield and hicks . $LABEL$ 1 +this warm and gentle romantic comedy has enough interesting characters to fill several movies , and its ample charms should win over the most hard-hearted cynics . $LABEL$ 1 +half of it is composed of snappy patter and pseudo-sophisticated cultural observations , while the remainder ... would be more at home on a daytime television serial . $LABEL$ 0 +though howard demonstrates a great eye as a director , this southern gothic drama is sadly a tough sit , with an undeveloped narrative and enough flashbacks and heavy-handed metaphors to choke a horse -- or at least slow him down to a canter . $LABEL$ 0 +a tough go , but leigh 's depth and rigor , and his skill at inspiring accomplished portrayals that are all the more impressive for their lack of showiness , offsets to a notable degree the film 's often-mined and despairing milieu . $LABEL$ 1 +at first , the sight of a blind man directing a film is hilarious , but as the film goes on , the joke wears thin . $LABEL$ 0 +a charming romantic comedy that is by far the lightest dogme film and among the most enjoyable . $LABEL$ 1 +while the isle is both preposterous and thoroughly misogynistic , its vistas are incredibly beautiful to look at . $LABEL$ 1 +denis and co-writer michele petin 's impeccable screenplay penetrates with a rawness that that is both unflinching and tantalizing . $LABEL$ 1 +expect to be reminded of other , better films , especially seven , which director william malone slavishly copies . $LABEL$ 0 +lathan and diggs have considerable personal charm , and their screen rapport makes the old story seem new . $LABEL$ 1 +the reason this picture works better than its predecessors is that myers is no longer simply spoofing the mini-mod-madness of '60s spy movies . $LABEL$ 1 +he has not learnt that storytelling is what the movies are about . $LABEL$ 0 +an intelligent , earnest , intimate film that drops the ball only when it pauses for blunt exposition to make sure you 're getting its metaphysical point . $LABEL$ 1 +majidi 's poetic love story is a ravishing consciousness-raiser , if a bit draggy at times . $LABEL$ 1 +westfeldt and juergensen exude a chemistry and comfort level that 's both saucy and endearing . $LABEL$ 1 +quite funny for the type of movie it is ... $LABEL$ 1 +run , do n't walk , to see this barbed and bracing comedy on the big screen . $LABEL$ 1 +matthew mcconaughey tries , and fails , to control the screen with swaggering machismo and over-the-top lunacy . $LABEL$ 0 +a predictable and stereotypical little b-movie . $LABEL$ 0 +i 'm not suggesting that you actually see it , unless you 're the kind of person who has seen every wim wenders film of the '70s . $LABEL$ 0 +dialogue-heavy and too cerebral for its own good -- or , at any rate , too cerebral for its racy subject matter . $LABEL$ 0 +when it 's all wet , blue crush is highly enjoyable . $LABEL$ 1 +a somewhat crudely constructed but gripping , questing look at a person so racked with self-loathing , he becomes an enemy to his own race . $LABEL$ 1 +usually when i get this much syrup , i like pancakes to go with it . $LABEL$ 0 +mr. wedge and mr. saldanha handle the mix of verbal jokes and slapstick well . $LABEL$ 1 +longley has constructed a remarkably coherent , horrifically vivid snapshot of those turbulent days . $LABEL$ 1 +a slick , well-oiled machine , exquisitely polished and upholstered . $LABEL$ 1 +the result is mesmerizing -- filled with menace and squalor . $LABEL$ 1 +do n't plan on the perfect ending , but sweet home alabama hits the mark with critics who escaped from a small town life . $LABEL$ 1 +a stunning piece of visual poetry that will , hopefully , be remembered as one of the most important stories to be told in australia 's film history . $LABEL$ 1 +too timid to bring a sense of closure to an ugly chapter of the twentieth century . $LABEL$ 0 +plays less like a coming-of-age romance than an infomercial . $LABEL$ 0 +all that -lrb- powerpuff girls -rrb- charm is present in the movie , but it 's spread too thin . $LABEL$ 0 +jirí hubac 's script is a gem . $LABEL$ 1 +as -lrb- the characters -rrb- get more depressed , the story gets more tiresome , especially as it continues to mount a conspicuous effort to be profound . $LABEL$ 0 +even when foreign directors ... borrow stuff from hollywood , they invariably shake up the formula and make it more interesting . $LABEL$ 1 +feels like six different movies fighting each other for attention . $LABEL$ 0 +this bold and lyrical first feature from raja amari expands the pat notion that middle-aged women just wanna have fun into a rousing treatise of sensual empowerment . $LABEL$ 1 +often gruelling and heartbreaking to witness , but seldahl and wollter 's sterling performances raise this far above the level of the usual maudlin disease movie . $LABEL$ 1 +a mix of velocity and idiocy , this ruinous remake lacks the brawn -- and the brains -- of the 1970s original . $LABEL$ 0 +cantet perfectly captures the hotel lobbies , two-lane highways , and roadside cafes that permeate vincent 's days $LABEL$ 1 +friday after next has the same problem that next friday did -- it 's called where 's chris tucker when you need him ? $LABEL$ 0 +extremely confusing . $LABEL$ 0 +well-intentioned though it may be , its soap-opera morality tales have the antiseptic , preprogrammed feel of an after-school special . $LABEL$ 0 +but fans should have fun meeting a brand-new pokemon called celebi . $LABEL$ 1 +son of the bride may be a good half-hour too long but comes replete with a flattering sense of mystery and quietness . $LABEL$ 0 +it 's laughing at us . $LABEL$ 0 +like most sequels , it takes what worked last time , repeats it and adds more characters , more stunts , more stuff in attempt to camouflage its sameness . $LABEL$ 0 +this film 's relationship to actual tension is the same as what christmas-tree flocking in a spray can is to actual snow : a poor -- if durable -- imitation . $LABEL$ 0 +helmer devito ... attempts to do too many things in this story about ethics , payola , vice , murder , kids ' tv and revenge . $LABEL$ 0 +the humor is hinged on the belief that knees in the crotch , elbows in the face and spit in the eye are inherently funny . $LABEL$ 0 +4 friends , 2 couples , 2000 miles , and all the pabst blue ribbon beer they can drink - it 's the ultimate redneck road-trip . $LABEL$ 1 +still , i 'm not quite sure what the point is ... $LABEL$ 0 +has it ever been possible to say that williams has truly inhabited a character ? $LABEL$ 0 +after that , it just gets stupid and maudlin . $LABEL$ 0 +unfortunately , heartbreak hospital wants to convey the same kind of haughtiness in its own sketchy material but this territory has already been explored previously with better aplomb and sardonic wit . $LABEL$ 0 +by the end of no such thing the audience , like beatrice , has a watchful affection for the monster . $LABEL$ 1 +a baffling misfire , and possibly the weakest movie -lrb- woody allen -rrb- has made in the last twenty years . $LABEL$ 0 +the production values are up there . $LABEL$ 1 +rates an ` e ' for effort -- and a ` b ' for boring . $LABEL$ 0 +the pianist is a fine valedictory work for polanski , made richer by his own experiences , making his other movies somehow richer in the bargain . $LABEL$ 1 +being author wells ' great-grandson , you 'd think filmmaker simon wells would have more reverence for the material . $LABEL$ 0 +a modest and messy metaphysical thriller offering more questions than answers . $LABEL$ 0 +it 's the best film of the year so far , the benchmark against which all other best picture contenders should be measured . $LABEL$ 1 +smith 's approach is never to tease , except gently and in that way that makes us consider our own eccentricities and how they are expressed through our homes . $LABEL$ 1 +a shambles of a movie -- visually unattractive , unbearably loud and utterly silly ... its hilarity is completely unintentional . $LABEL$ 0 +its direction , its script , and weaver 's performance as a vaguely discontented woman of substance make for a mildly entertaining 77 minutes , if that 's what you 're in the mood for . $LABEL$ 1 +it is so refreshing to see robin williams turn 180 degrees from the string of insultingly innocuous and sappy fiascoes he 's been making for the last several years . $LABEL$ 1 +`` collateral damage '' goes by the numbers and reps decent action entertainment -- until the silly showdown ending that forces the viewer to totally suspend disbelief $LABEL$ 0 +still , this thing feels flimsy and ephemeral . $LABEL$ 0 +a blessed gift to film geeks and historians . $LABEL$ 1 +what jackson has accomplished here is amazing on a technical level . $LABEL$ 1 +it should be mentioned that the set design and interiors of the haunted vessel are more than effectively creepy and moodily lit . $LABEL$ 1 +there 's no denying the physically spectacular qualities of the film ... or the emotional integrity of the performances . $LABEL$ 1 +whether you 're moved and love it , or bored or frustrated by the film , you 'll still feel something . $LABEL$ 1 +a psychologically rich and suspenseful moral thriller with a stellar performance by al pacino . $LABEL$ 1 +an absorbing , slice-of-depression life that touches nerves and rings true . $LABEL$ 1 +moderately involving despite bargain-basement photography and hackneyed romance . $LABEL$ 0 +this is a film well worth seeing , talking and singing heads and all . $LABEL$ 1 +what was subtle and mystifying in the novella is now broad and farcical . $LABEL$ 0 +the plot is so predictable and sentimental that viewers are likely to lose interest before sandrine and her goats walk off into the sunset . $LABEL$ 0 +roger michell , who did an appealing job directing persuasion and notting hill in england , gets too artsy in his american debut . $LABEL$ 1 +maybe it 's asking too much , but if a movie is truly going to inspire me , i want a little more than this . $LABEL$ 0 +... there are enough moments of heartbreaking honesty to keep one glued to the screen . $LABEL$ 1 +i loved it ! $LABEL$ 1 +brilliant ! ' $LABEL$ 1 +some studio pizazz might have helped . $LABEL$ 0 +it will come as no surprise that the movie is n't scary . $LABEL$ 0 +all the well-meaningness in the world ca n't erase the fact that the believer feels like a 12-step program for the jewish nazi . $LABEL$ 0 +a grim , flat and boring werewolf movie that refuses to develop an energy level . $LABEL$ 0 +a hideous , confusing spectacle , one that may well put the nail in the coffin of any future rice adaptations . $LABEL$ 0 +as tweedy talks about canning his stockbroker and repairing his pool , you yearn for a few airborne tv sets or nude groupies on the nod to liven things up . $LABEL$ 0 +cedar takes a very open-minded approach to this sensitive material , showing impressive control , both visually and in the writing . $LABEL$ 1 +you can practically smell the patchouli oil . $LABEL$ 0 +cute , funny , heartwarming digitally animated feature film with plenty of slapstick humor for the kids , lots of in-jokes for the adults and heart enough for everyone . $LABEL$ 1 +what full frontal lacks in thematic coherence it largely makes up for as loosey-goosey , experimental entertainment . $LABEL$ 1 +mark me down as a non-believer in werewolf films that are not serious and rely on stupidity as a substitute for humor . $LABEL$ 0 +maguire is a surprisingly effective peter\/spider-man . $LABEL$ 1 +windtalkers is shapelessly gratifying , the kind of movie that invites you to pick apart its faults even as you have to admit that somehow it hit you where you live . $LABEL$ 1 +for its seriousness , high literary aspirations and stunning acting , the film can only be applauded . $LABEL$ 1 +so clichéd that , at one point , they literally upset an apple cart . $LABEL$ 0 +a byzantine melodrama that stimulates the higher brain functions as well as the libido . $LABEL$ 1 +cho 's fearless in picking apart human foibles , not afraid to lay her life bare in front of an audience . $LABEL$ 1 +about nowhere kids who appropriated turfs as they found them and become self-made celebrity athletes -- a low-down version of the american dream . $LABEL$ 1 +... an unimaginative , nasty , glibly cynical piece of work . $LABEL$ 0 +... in this incarnation its fizz is infectious . $LABEL$ 1 +it 's just incredibly dull . $LABEL$ 0 +genuinely touching because it 's realistic about all kinds of love . $LABEL$ 1 +nicolas philibert observes life inside a one-room schoolhouse in northern france in his documentary to be and to have , easily one of the best films of the year . $LABEL$ 1 +it 's rare to find a film that dazzles the eye , challenges the brain , and satisfies our lust for fast-paced action , but minority report delivers all that and a whole lot more . $LABEL$ 1 +a charming , quirky and leisurely paced scottish comedy -- except with an outrageous central gimmick that could have been a reject from monty python 's meaning of life . $LABEL$ 1 +a graceful , contemplative film that gradually and artfully draws us into a world where the personal and the political get fatally intertwined . $LABEL$ 1 +what will , most likely , turn out to be the most repellent movie of 2002 . $LABEL$ 0 +a little too pat for its own good . $LABEL$ 0 +the story is familiar from its many predecessors ; like them , it eventually culminates in the not-exactly - stunning insight that crime does n't pay . $LABEL$ 0 +even legends like alfred hitchcock and john huston occasionally directed trifles ... so it 's no surprise to see a world-class filmmaker like zhang yimou behind the camera for a yarn that 's ultimately rather inconsequential . $LABEL$ 0 +if nothing else , this movie introduces a promising , unusual kind of psychological horror . $LABEL$ 1 +a sermonizing and lifeless paean to teenage dullards . $LABEL$ 0 +for all its highfalutin title and corkscrew narrative , the movie turns out to be not much more than a shaggy human tale . $LABEL$ 0 +had anyone here done anything remotely intelligent , we all could have stopped watching long ago . $LABEL$ 0 +a teasing drama whose relentless good-deed\/bad-deed reversals are just interesting enough to make a sinner like me pray for an even more interesting , less symmetrical , less obviously cross-shaped creation . $LABEL$ 1 +there is not a character in the movie with a shred of plausibility , not an event that is believable , not a confrontation that is not staged , not a moment that is not false . $LABEL$ 0 +bad company leaves a bad taste , not only because of its bad-luck timing , but also the staleness of its script . $LABEL$ 0 +mckay deflates his piece of puffery with a sour cliche and heavy doses of mean-spiritedness $LABEL$ 0 +ethan hawke has always fancied himself the bastard child of the beatnik generation and it 's all over his chelsea walls . $LABEL$ 0 +the film might have been more satisfying if it had , in fact , been fleshed out a little more instead of going for easy smiles . $LABEL$ 0 +an unbelievably fun film just a leading man away from perfection . $LABEL$ 1 +extremely dumb . $LABEL$ 0 +flotsam in the sea of moviemaking , not big enough for us to worry about it causing significant harm and not smelly enough to bother despising . $LABEL$ 0 +cliches are as thick as the cigarette smoke . $LABEL$ 0 +leave these flowers unpicked -- they 're dead on the vine . $LABEL$ 0 +when the plot kicks in , the film loses credibility . $LABEL$ 0 +may be spoofing an easy target -- those old ' 50 's giant creature features -- but ... it acknowledges and celebrates their cheesiness as the reason why people get a kick out of watching them today . $LABEL$ 1 +the unceasing sadism is so graphically excessive , the director just ends up exposing his own obsession . $LABEL$ 0 +imagine the james woods character from videodrome making a home movie of audrey rose and showing it to the kid from the sixth sense and you 've imagined the ring . $LABEL$ 0 +this film was made to get laughs from the slowest person in the audience -- just pure slapstick with lots of inane , inoffensive screaming and exaggerated facial expressions . $LABEL$ 0 +it 's so underwritten that you ca n't figure out just where the other characters , including ana 's father and grandfather , come down on the issue of ana 's future . $LABEL$ 0 +think of it as a sort of comfort food for the mind . $LABEL$ 1 +hilarious , acidic brit comedy . $LABEL$ 1 +an incredibly clever and superbly paced caper filled with scams within scams within scams . $LABEL$ 1 +myers never knows when to let a gag die ; thus , we 're subjected to one mind-numbingly lengthy riff on poo and pee jokes after another . $LABEL$ 0 +but watching huppert , a great actress tearing into a landmark role , is riveting . $LABEL$ 1 +a marvellous journey from childhood idealism to adolescent self-absorption . $LABEL$ 1 +whether seen on a 10-inch television screen or at your local multiplex , the edge-of-your-seat , educational antics of steve irwin are priceless entertainment . $LABEL$ 1 +how did it ever get made ? $LABEL$ 0 +it is also , at times , curiously moving . $LABEL$ 1 +it is inspirational in characterizing how people from such diverse cultures share the same human and spiritual needs . $LABEL$ 1 +a candid and often fascinating documentary about a pentecostal church in dallas that assembles an elaborate haunted house each year to scare teenagers into attending services . $LABEL$ 1 +the invincible werner herzog is alive and well and living in la $LABEL$ 1 +worth the effort to watch . $LABEL$ 1 +everything that has to do with yvan and charlotte , and everything that has to do with yvan 's rambunctious , jewish sister and her non-jew husband , feels funny and true . $LABEL$ 1 +grant gets to display his cadness to perfection , but also to show acting range that may surprise some who thought light-hearted comedy was his forte . $LABEL$ 1 +just a bloody mess . $LABEL$ 0 +suffers from rambling , repetitive dialogue and the visual drabness endemic to digital video . $LABEL$ 0 +the film is often filled with a sense of pure wonderment and excitement not often seen in today 's cinema du sarcasm $LABEL$ 1 +i do n't think i 've been as entranced and appalled by an asian film since shinya tsukamoto 's iron man . $LABEL$ 1 +the powers team has fashioned a comedy with more laughs than many , no question . $LABEL$ 1 +anchored by a terrific performance by abbass , satin rouge shows that the idea of women 's self-actualization knows few continental divides . $LABEL$ 1 +kaufman creates an eerie sense of not only being there at the time of these events but the very night matthew was killed . $LABEL$ 1 +as an actor , the rock is aptly named . $LABEL$ 0 +thoughtful , provocative and entertaining . $LABEL$ 1 +scene-by-scene , things happen , but you 'd be hard-pressed to say what or why . $LABEL$ 0 +at nearly three hours , the whole of safe conduct is less than the sum of its parts . $LABEL$ 0 +dawdles and drags when it should pop ; it does n't even have the virtue of enough mindless violence to break up the tedium of all its generational bonding . $LABEL$ 0 +places a slightly believable love triangle in a difficult-to-swallow setting , and then disappointingly moves the story into the realm of an improbable thriller . $LABEL$ 0 +trivial where it should be profound , and hyper-cliched where it should be sincere . $LABEL$ 0 +there 's not much more to this adaptation of the nick hornby novel than charm -- effortless , pleasurable , featherweight charm . $LABEL$ 1 +good for a few unintentional laughs , `` extreme ops '' was obviously made for the `` xxx '' crowd , people who enjoy mindless action without the benefit of decent acting , writing , and direction . $LABEL$ 0 +tim story 's not there yet - but ` barbershop ' shows he 's on his way . $LABEL$ 1 +a sports movie with action that 's exciting on the field and a story you care about off it . $LABEL$ 1 +those outside show business will enjoy a close look at people they do n't really want to know . $LABEL$ 1 +the values that have held the enterprise crew together through previous adventures and perils do so again-courage , self-sacrifice and patience under pressure . $LABEL$ 1 +what happened with pluto nash ? $LABEL$ 0 +notorious c.h.o. has oodles of vulgar highlights . $LABEL$ 0 +before long , the film starts playing like general hospital crossed with a saturday night live spoof of dog day afternoon . $LABEL$ 0 +it 's just a silly black genre spoof . $LABEL$ 0 +as written by michael berg and michael j. wilson from a story by wilson , this relentless , all-wise-guys-all-the-time approach tries way too hard and gets tiring in no time at all . $LABEL$ 0 +in fessenden 's horror trilogy , this theme has proved important to him and is especially so in the finale . $LABEL$ 1 +splashes its drama all over the screen , subjecting its audience and characters to action that feels not only manufactured , but also so false you can see the filmmakers ' puppet strings . $LABEL$ 0 +offers that rare combination of entertainment and education . $LABEL$ 1 +romanek keeps the film constantly taut ... reflecting the character 's instability with a metaphorical visual style and an unnerving , heartbeat-like score . $LABEL$ 1 +despite the long running time , the pace never feels slack -- there 's no scene that screams `` bathroom break ! '' $LABEL$ 1 +greene delivers a typically solid performance in a role that is a bit of a departure from the noble characters he has played in the past , and he is matched by schweig , who carries the film on his broad , handsome shoulders . $LABEL$ 1 +moore 's complex and important film is also , believe it or not , immensely entertaining , a david and goliath story that 's still very much playing itself out . $LABEL$ 1 +there 's no denying the elaborateness of the artist 's conceptions , nor his ability to depict them with outrageous elan , but really the whole series is so much pretentious nonsense , lavishly praised by those who equate obscurity with profundity . $LABEL$ 0 +as a belated nod to some neglected all-stars , standing in the shadows of motown is cultural history of the best kind : informative , revealing and richly entertaining . $LABEL$ 1 +engagingly captures the maddening and magnetic ebb and flow of friendship . $LABEL$ 1 +eventually , it wins you over . $LABEL$ 1 +you 'll be left with the sensation of having just witnessed a great performance and , perhaps , give in to the urge to get on your feet and shake it . $LABEL$ 1 +if we do n't demand a standard of quality for the art that we choose , we deserve the trash that we get . $LABEL$ 0 +the acting alone is worth the price of admission . $LABEL$ 1 +i admired this work a lot . $LABEL$ 1 +might have been better off as a documentary , with less of mr. eyre 's uninspired dramatics and more of his sense of observation and outrage . $LABEL$ 0 +it tries too hard , and overreaches the logic of its own world . $LABEL$ 0 +highlights are the terrific performances by christopher plummer , as the prime villain , and nathan lane as vincent crummles , the eccentric theater company manager . $LABEL$ 1 +bullock does a good job here of working against her natural likability . $LABEL$ 1 +the 3d images only enhance the film 's otherworldly quality , giving it a strange combo of you-are-there closeness with the disorienting unreality of the seemingly broken-down fourth wall of the movie screen . $LABEL$ 1 +this version 's no classic like its predecessor , but its pleasures are still plentiful . $LABEL$ 1 +it 's neither as romantic nor as thrilling as it should be . $LABEL$ 0 +if this is the danish idea of a good time , prospective tourists might want to consider a different destination -- some jolly country embroiled in a bloody civil war , perhaps . $LABEL$ 0 +but some unexpected zigs and zags help . $LABEL$ 1 +we can see the wheels turning , and we might resent it sometimes , but this is still a nice little picture , made by bright and friendly souls with a lot of good cheer . $LABEL$ 1 +it is not a mass-market entertainment but an uncompromising attempt by one artist to think about another . $LABEL$ 1 +an irresistible combination of a rousing good story set on a truly grand scale . $LABEL$ 1 +de niro and mcdormand give solid performances , but their screen time is sabotaged by the story 's inability to create interest . $LABEL$ 1 +the master of disaster - it 's a piece of dreck disguised as comedy . $LABEL$ 0 +as weber and weissman demonstrate with such insight and celebratory verve , the cockettes were n't as much about gender , sexual preference or political agitprop as they were simply a triumph of the indomitable human will to rebel , connect and create . $LABEL$ 1 +a psychological thriller with a smart script and an obsessive-compulsive 's attention to detail . $LABEL$ 1 +interacting eyeball-to-eyeball and toe-to-toe , hopkins and norton are a winning combination -- but fiennes steals ` red dragon ' right from under their noses . $LABEL$ 1 +what could and should have been biting and droll is instead a tepid waste of time and talent . $LABEL$ 0 +if you think that jennifer lopez has shown poor judgment in planning to marry ben affleck , wait till you see maid in manhattan . $LABEL$ 0 +a map of the inner rhythms of love and jealousy and sacrifice drawn with a master 's steady stroke . $LABEL$ 1 +there is n't a weak or careless performance amongst them . $LABEL$ 1 +the perfect film for those who like sick comedies that can be snide . $LABEL$ 1 +it virtually defines a comedy that 's strongly mediocre , with funny bits surfacing every once in a while . $LABEL$ 0 +the film benefits greatly from a less manic tone than its predecessor , as cho appears to have settled comfortably into her skin . $LABEL$ 1 +fans of nijinsky will savor every minute of cox 's work . $LABEL$ 1 +novak manages to capture a cruelly hilarious vein of black comedy in the situation with his cast of non-actors and a gritty , no-budget approach . $LABEL$ 1 +what really surprises about wisegirls is its low-key quality and genuine tenderness . $LABEL$ 1 +i enjoyed the ride -lrb- bumps and all -rrb- , creamy depth , and ultimate theme . $LABEL$ 1 +what you get with empire is a movie you 've seen many times before , repackaged as new material because there is a latino in the lead . $LABEL$ 0 +a very average science fiction film . $LABEL$ 0 +it 's a great deal of sizzle and very little steak . $LABEL$ 0 +the film is like a series of beginnings and middles that never take off . $LABEL$ 0 +verbinski substitutes atmosphere for action , tedium for thrills . $LABEL$ 0 +no reason for anyone to invest their hard-earned bucks into a movie which obviously did n't invest much into itself either . $LABEL$ 0 +the charms of willful eccentricity , at least as evidenced by this latest cinematic essay , are beginning to wear a bit thin . $LABEL$ 0 +though everything might be literate and smart , it never took off and always seemed static . $LABEL$ 0 +we miss the quirky amazement that used to come along for an integral part of the ride . $LABEL$ 0 +complex , affecting and uniquely almodóvar , the film evokes strong emotions and pushes viewers to question their deepest notions of moral right and wrong . $LABEL$ 1 +a savvy exploration of paranoia and insecurity in america 's culture of fear . $LABEL$ 1 +while the mystery surrounding the nature of the boat 's malediction remains intriguing enough to sustain mild interest , the picture refuses to offer much accompanying sustenance in the way of characterization , humor or plain old popcorn fun . $LABEL$ 0 +theirs is a simple and heart-warming story , full of mirth that should charm all but the most cynical . $LABEL$ 1 +cho 's fans are sure to be entertained ; it 's only fair in the interest of full disclosure to say that -- on the basis of this film alone -- i 'm not one of them . $LABEL$ 0 +while it would be easy to give crush the new title of two weddings and a funeral , it 's a far more thoughtful film than any slice of hugh grant whimsy . $LABEL$ 1 +while benigni -lrb- who stars and co-wrote -rrb- seems to be having a wonderful time , he might be alone in that . $LABEL$ 0 +smith 's point is simple and obvious -- people 's homes are extensions of themselves , and particularly eccentric people have particularly eccentric living spaces -- but his subjects are charmers . $LABEL$ 1 +divertingly ridiculous , headbangingly noisy . $LABEL$ 0 +extremely boring . $LABEL$ 0 +an impossible romance , but we root for the patronized iranian lad . $LABEL$ 1 +i doubt anyone will remember the picture by the time christmas really rolls around , but maybe it 'll be on video by then . $LABEL$ 0 +eight crazy nights is a showcase for sandler 's many talents . $LABEL$ 1 +too lazy to take advantage of its semi-humorous premise . $LABEL$ 0 +if there 's a way to effectively teach kids about the dangers of drugs , i think it 's in projects like the -lrb- unfortunately r-rated -rrb- paid . $LABEL$ 1 +you 'll be more entertained getting hit by a bus . $LABEL$ 0 +an enjoyable film for the family , amusing and cute for both adults and kids . $LABEL$ 1 +it 's a glorious groove that leaves you wanting more . $LABEL$ 1 +there are touching moments in etoiles , but for the most part this is a dull , dour documentary on what ought to be a joyful or at least fascinating subject . $LABEL$ 0 +more honest about alzheimer 's disease , i think , than iris . $LABEL$ 1 +what 's at stake in this film is nothing more than an obsolete , if irritating , notion of class . $LABEL$ 0 +offensive in the way it exploits the hot-button issue of domestic abuse for cheap thrills and disgusting in the manner it repeatedly puts a small child in jeopardy , treating her as little more than a prop to be cruelly tormented . $LABEL$ 0 +some movies are like a tasty hors-d'oeuvre ; this one is a feast . $LABEL$ 1 +it would n't be my preferred way of spending 100 minutes or $ 7.00 . $LABEL$ 0 +you might not want to hang out with samantha , but you 'll probably see a bit of yourself in her unfinished story . $LABEL$ 1 +a monster combat thriller as impersonal in its relentlessness as the videogame series that inspired it . $LABEL$ 0 +effectively feeds our senses with the chilling sights and sounds from within the camp to create a completely numbing experience . $LABEL$ 1 +life is a crock -- or something like it . $LABEL$ 0 +a richly imagined and admirably mature work from a gifted director who definitely has something on his mind . $LABEL$ 1 +from spiritual rebirth to bruising defeat , vincent 's odyssey resonates in a profound way , comparable to the classic films of jean renoir . $LABEL$ 1 +is n't quite the equal of woo 's best earlier work , but it 's easily his finest american film ... comes close to recapturing the brilliance of his hong kong films . $LABEL$ 1 +the weight of water uses water as a metaphor for subconscious desire , but this leaky script barely stays afloat . $LABEL$ 0 +automatically pegs itself for the straight-to-video sci-fi rental shelf . $LABEL$ 0 +one minute , you think you 're watching a serious actioner ; the next , it 's as though clips from the pink panther strikes again and\/or sailor moon have been spliced in . $LABEL$ 0 +director benoit jacquot , making his first opera-to-film translation with tosca , conveys the heaving passion of puccini 's famous love-jealousy - murder-suicide fandango with great cinematic innovation . $LABEL$ 1 +a boring , wincingly cute and nauseatingly politically correct cartoon guaranteed to drive anyone much over age 4 screaming from the theater . $LABEL$ 0 +never quite transcends jokester status ... and the punchline does n't live up to barry 's dead-eyed , perfectly chilled delivery . $LABEL$ 0 +choppy editing and too many repetitive scenes spoil what could have been an important documentary about stand-up comedy . $LABEL$ 0 +makes an aborbing if arguable case for the man 's greatness . $LABEL$ 1 +an unsatisfying hybrid of blair witch and typical stalk-and-slash fare , where the most conservative protagonist is always the last one living . $LABEL$ 0 +the diversity of the artists represented , both in terms of style and ethnicity , prevents the proceedings from feeling repetitious , as does the appropriately brief 40-minute running time . $LABEL$ 1 +unfortunately , they 're sandwiched in between the most impossibly dry account of kahlo 's life imaginable . $LABEL$ 0 +this extremely unfunny film clocks in at 80 minutes , but feels twice as long . $LABEL$ 0 +it 's like a poem . $LABEL$ 1 +a strong first quarter , slightly less so second quarter , and average second half . $LABEL$ 0 +earnest but earthbound ... a slow , soggy , soporific , visually dank crime melodrama\/character study that would be more at home on the small screen but for its stellar cast . $LABEL$ 0 +it 's as flat as an open can of pop left sitting in the sun . $LABEL$ 0 +a movie far more cynical and lazy than anything a fictitious charlie kaufman might object to . $LABEL$ 0 +a sour , nasty offering . $LABEL$ 0 +everyone connected to this movie seems to be part of an insider clique , which tends to breed formulaic films rather than fresh ones . $LABEL$ 0 +this time kaufman 's imagination has failed him . $LABEL$ 0 +... breathes surprising new life into the familiar by amalgamating genres and adding true human complexity to its not-so-stock characters . ' $LABEL$ 1 +suggests puns about ingredients and soup and somebody being off their noodle , but let 's just say the ingredients do n't quite add up to a meal . $LABEL$ 0 +the movie has an avalanche of eye-popping visual effects . $LABEL$ 1 +this is junk food cinema at its greasiest . $LABEL$ 0 +clever , brutal and strangely soulful movie . $LABEL$ 1 +-lrb- director -rrb- byler may yet have a great movie in him , but charlotte sometimes is only half of one . $LABEL$ 0 +if you liked the 1982 film then , you 'll still like it now . $LABEL$ 1 +a miniscule little bleep on the film radar , but one that many more people should check out $LABEL$ 1 +shamelessly sappy and , worse , runs away from its own provocative theme . $LABEL$ 0 +choose your reaction : a. -rrb- that sure is funny ! $LABEL$ 1 +it 's the kind of movie that ends up festooning u.s. art house screens for no reason other than the fact that it 's in french -lrb- well , mostly -rrb- with english subtitles and is magically ` significant ' because of that . $LABEL$ 0 +droll caper-comedy remake of `` big deal on madonna street '' that 's a sly , amusing , laugh-filled little gem in which the ultimate `` bellini '' begins to look like a `` real kaputschnik . '' $LABEL$ 1 +call me a wimp , but i cried , not once , but three times in this animated sweet film . $LABEL$ 1 +japan 's premier stylist of sex and blood hits audiences with what may be his most demented film to date . $LABEL$ 1 +and if the hours wins ` best picture ' i just might . $LABEL$ 1 +another rent installment for the ian fleming estate . $LABEL$ 0 +instead of kicking off the intrigue and suspense and mystery of the whole thing , hart 's war , like the st. louis rams in the super bowl , waits until after halftime to get started . $LABEL$ 0 +murderous maids may well be the most comprehensive of these films and also strike closest to the truth . $LABEL$ 1 +some of seagal 's action pictures are guilty pleasures , but this one is so formulaic that it seems to be on auto-pilot . $LABEL$ 0 +one of the greatest family-oriented , fantasy-adventure movies ever . $LABEL$ 1 +for caine lovers only . $LABEL$ 0 +a trashy , exploitative , thoroughly unpleasant experience . $LABEL$ 0 +opens at a funeral , ends on the protagonist 's death bed and does n't get much livelier in the three hours in between . $LABEL$ 0 +... surprisingly inert for a movie in which the main character travels back and forth between epochs . $LABEL$ 0 +thrilling , provocative and darkly funny , this timely sci-fi mystery works on so many different levels that it not only invites , it demands repeated viewings . $LABEL$ 1 +farrell ... thankfully manages to outshine the role and successfully plays the foil to willis 's world-weary colonel . $LABEL$ 1 +that zhang would make such a strainingly cute film -- with a blind orphan at its center , no less -- indicates where his ambitions have wandered . $LABEL$ 1 +those who would follow haneke on his creepy explorations ... are rewarded by brutal , committed performances from huppert and magimel . $LABEL$ 1 +but it pays a price for its intricate intellectual gamesmanship . $LABEL$ 0 +a fascinating and fun film . $LABEL$ 1 +the use of cgi and digital ink-and-paint make the thing look really slick . $LABEL$ 1 +a sad , superior human comedy played out on the back roads of life . $LABEL$ 1 +the lack of opposing viewpoints soon grows tiresome -- the film feels more like a series of toasts at a testimonial dinner than a documentary . $LABEL$ 0 +wait for video -- and then do n't rent it . $LABEL$ 0 +remember when bond had more glamour than clamor ? $LABEL$ 0 +-lrb- i -rrb- f you 've been to more than one indie flick in your life , chances are you 've already seen this kind of thing . $LABEL$ 0 +excellent acting and direction . $LABEL$ 1 +a tender and touching drama , based on the true story of a troubled african-american 's quest to come to terms with his origins , reveals the yearning we all have in our hearts for acceptance within the family circle . $LABEL$ 1 +a very funny movie . $LABEL$ 1 +ranks among willams ' best screen work . $LABEL$ 1 +you can feel the heat that ignites this gripping tale , and the humor and humanity that root it in feeling . $LABEL$ 1 +this may not have the dramatic gut-wrenching impact of other holocaust films , but it 's a compelling story , mainly because of the way it 's told by the people who were there . $LABEL$ 1 +these spiders can outrun a motorcycle and wrap a person in a sticky cocoon in seconds , but they fall short of being interesting or entertaining . $LABEL$ 0 +it 's a terrific american sports movie and dennis quaid is its athletic heart . $LABEL$ 1 +there are weird resonances between actor and role here , and they 're not exactly flattering . $LABEL$ 0 +the fight scenes are fun , but it grows tedious . $LABEL$ 0 +considering the harsh locations and demanding stunts , this must have been a difficult shoot , but the movie proves rough going for the audience as well . $LABEL$ 0 +an idealistic love story that brings out the latent 15-year-old romantic in everyone . $LABEL$ 1 +what kids will discover is a new collectible . $LABEL$ 1 +could the whole plan here have been to produce something that makes fatal attraction look like a classic by comparison ? $LABEL$ 0 +even die-hard fans of japanese animation ... will find this one a challenge . $LABEL$ 0 +it 's a brave attempt to tap into the heartbeat of the world , a salute to the universal language of rhythm and a zippy sampling of sounds . $LABEL$ 1 +ford deserves to be remembered at oscar time for crafting this wonderful portrait of a conflicted soldier . $LABEL$ 1 +that rara avis : the intelligent romantic comedy with actual ideas on its mind . $LABEL$ 1 +could the country bears really be as bad as its trailers ? $LABEL$ 0 +while mcfarlane 's animation lifts the film firmly above the level of other coming-of-age films ... it 's also so jarring that it 's hard to get back into the boys ' story . $LABEL$ 0 +when -lrb- de palma 's -rrb- bad , he 's really bad , and femme fatale ranks with the worst he has done . $LABEL$ 0 +behind the snow games and lovable siberian huskies -lrb- plus one sheep dog -rrb- , the picture hosts a parka-wrapped dose of heart . $LABEL$ 1 +a captivating cross-cultural comedy of manners . $LABEL$ 1 +hawke draws out the best from his large cast in beautifully articulated portrayals that are subtle and so expressive they can sustain the poetic flights in burdette 's dialogue . $LABEL$ 1 +a deceivingly simple film , one that grows in power in retrospect . $LABEL$ 1 +dolgin and franco fashion a fascinating portrait of a vietnamese-born youngster who eagerly and easily assimilated as an all-american girl with a brand new name in southern tennessee . $LABEL$ 1 +look , this is a terrific flick replete with dazzling camera-work , dancing and music . $LABEL$ 1 +presents an astute appraisal of middle american musical torpor and the desperate struggle to escape it . $LABEL$ 1 +mocking them now is an exercise in pointlessness . $LABEL$ 0 +this is how you use special effects . $LABEL$ 1 +like its two predecessors , 1983 's koyaanisqatsi and 1988 's powaqqatsi , the cinematic collage naqoyqatsi could be the most navel-gazing film ever . $LABEL$ 0 +what 's most striking about this largely celebratory film ... is the sense of isolation that permeates these bastions of individuality in an ikea world . $LABEL$ 1 +he 's super spy ! $LABEL$ 1 +though the book runs only about 300 pages , it is so densely packed ... that even an ambitious adaptation and elaborate production like mr. schepisi 's seems skimpy and unclear . $LABEL$ 0 +i do n't know precisely what to make of steven soderbergh 's full frontal , though that did n't stop me from enjoying much of it . $LABEL$ 1 +has the feel of an unedited personal journal . $LABEL$ 0 +the film takes too long getting to the good stuff , then takes too long figuring out what to do next . $LABEL$ 0 +skip work to see it at the first opportunity . $LABEL$ 1 +ecks this one off your must-see list . $LABEL$ 0 +gosling provides an amazing performance that dwarfs everything else in the film . $LABEL$ 1 +the movie has very little to offer besides unintentional laughs . $LABEL$ 0 +ostensibly celebrates middle-aged girl power , even as it presents friendship between women as pathetic , dysfunctional and destructive . $LABEL$ 0 +the movie will reach far beyond its core demographic . $LABEL$ 1 +so many documentaries like this presuppose religious bigotry or zealous nuttiness of its antagonists , but family fundamentals displays a rare gift for unflinching impartiality . $LABEL$ 1 +smart science fiction for grown-ups , with only a few false steps along the way . $LABEL$ 1 +the movie is one of the best examples of artful large format filmmaking you are likely to see anytime soon . $LABEL$ 1 +merely as a technical , logistical feat , russian ark marks a cinematic milestone . $LABEL$ 1 +but if it is indeed a duty of art to reflect life , than leigh has created a masterful piece of artistry right here . $LABEL$ 1 +not a movie but a live-action agitprop cartoon so shameless and coarse , it 's almost funny . $LABEL$ 0 +murder and mayhem of this sort quickly becomes monotonous . $LABEL$ 0 +even with all those rough edges safely sanded down , the american insomnia is still pretty darned good . $LABEL$ 1 +the reason we keep seeing the same movie with roughly the same people every year is because so many of us keep going and then , out of embarrassment or stupidity , not warning anyone . $LABEL$ 0 +there is not an ounce of honesty in the entire production . $LABEL$ 0 +it 's getting harder and harder to ignore the fact that hollywood is n't laughing with us , folks . $LABEL$ 0 +gee , a second assassin shot kennedy ? $LABEL$ 0 +birot 's directorial debut -lrb- she co-wrote the script with christophe honoré -rrb- is n't so much bad as it is bland . $LABEL$ 0 +as bundy , michael reilly burke -lrb- octopus 2 : river of fear -rrb- has just the right amount of charisma and menace . $LABEL$ 1 +it feels like a community theater production of a great broadway play : even at its best , it will never hold a candle to the original . $LABEL$ 0 +scarlet diva has a voyeuristic tug , but all in all it 's a lot less sensational than it wants to be . $LABEL$ 0 +b. -rrb- that sure is pathetic ! $LABEL$ 0 +this pep-talk for faith , hope and charity does little to offend , but if saccharine earnestness were a crime , the film 's producers would be in the clink for life . $LABEL$ 0 +the director , steven shainberg , has succeeded by focusing intently on his characters , making them quirky individuals rather than figures of fun . $LABEL$ 1 +it 's a decent glimpse into a time period , and an outcast , that is no longer accessible , but it does n't necessarily shed more light on its subject than the popular predecessor . $LABEL$ 1 +-lrb- u -rrb- nrelentingly stupid . $LABEL$ 0 +the film makes a tragic error by going on for too long , trying to mirror every subsequent event in chinese history : war , revolution , communism , etc. . $LABEL$ 0 +compelling as it is exotic , fast runner has a plot that rivals shakespeare for intrigue , treachery and murder . $LABEL$ 1 +renner 's performance as dahmer is unforgettable , deeply absorbing . $LABEL$ 1 +big fat liar is just futile silliness looking to tap into the kiddie sensibilities . $LABEL$ 0 +afraid to pitch into farce , yet only half-hearted in its spy mechanics , all the queen 's men is finally just one long drag . $LABEL$ 0 +a painfully leaden film destined for pre-dawn cable television slots . $LABEL$ 0 +it would be hard to think of a recent movie that has worked this hard to achieve this little fun . $LABEL$ 0 +a recipe for cinematic disaster ... part quentin tarantino , part guy ritchie , and part 1960s spy spoof , it 's all bad . $LABEL$ 0 +hands down the year 's most thought-provoking film . $LABEL$ 1 +the furious coherence that -lrb- deniro -rrb- brings to this part only underscores the fuzzy sentimentality of the movie itself , which feels , as it plods toward the end , less like a movie than like the filmed reading of a script in need of polishing . $LABEL$ 0 +you might not buy the ideas . $LABEL$ 0 +looks like a high school film project completed the day before it was due . $LABEL$ 0 +as shaky as the plot is , kaufman 's script is still memorable for some great one-liners . $LABEL$ 1 +not for everyone , but for those with whom it will connect , it 's a nice departure from standard moviegoing fare . $LABEL$ 1 +this road movie gives you emotional whiplash , and you 'll be glad you went along for the ride . $LABEL$ 1 +too stupid to be satire , too obviously hateful to be classified otherwise , frank novak 's irritating slice of lumpen life is as reliably soul-killing as its title is nearly meaningless . $LABEL$ 0 +at times , however , dogtown and z-boys lapses into an insider 's lingo and mindset that the uninitiated may find hard to follow , or care about . $LABEL$ 0 +a compelling journey ... and `` his best friend remembers '' is up there with the finest of specials . $LABEL$ 1 +a real movie , about real people , that gives us a rare glimpse into a culture most of us do n't know . $LABEL$ 1 +after seeing swept away , i feel sorry for madonna . $LABEL$ 0 +but buying into sham truths and routine `` indie '' filmmaking , freundlich has made just another safe movie . $LABEL$ 0 +a clutchy , indulgent and pretentious travelogue and diatribe against ... well , just stuff . $LABEL$ 0 +the vampire thriller blade ii starts off as a wild hoot and then sucks the blood out of its fun -- toward the end , you can feel your veins cringing from the workout . $LABEL$ 0 +what makes the movie a comedy is the way it avoids the more serious emotions involved . $LABEL$ 1 +it 's not horrible , just horribly mediocre . $LABEL$ 0 +the title 's lameness should clue you in on how bad the movie is . $LABEL$ 0 +a gimmick in search of a movie : how to get carvey into as many silly costumes and deliver as many silly voices as possible , plot mechanics be damned . $LABEL$ 0 +nothing about it fits . $LABEL$ 0 +the makers have forsaken the entertaining elements of the original and , instead , rehash old jokes and leave any life at the doorstep . $LABEL$ 0 +ordinary melodrama that is heavy on religious symbols but wafer-thin on dramatic substance $LABEL$ 0 +it 's a good film -- not a classic , but odd , entertaining and authentic . $LABEL$ 1 +a bold and subversive film that cuts across the grain of what is popular and powerful in this high-tech age , speaking its truths with spellbinding imagery and the entrancing music of philip glass . $LABEL$ 1 +it 's rather like a lifetime special -- pleasant , sweet and forgettable . $LABEL$ 1 +must-see viewing for anyone involved in the high-tech industry . $LABEL$ 1 +does what a fine documentary does best : it extends a warm invitation into an unfamiliar world , then illuminates it fully and allows the larger implications of the journey to sink in unobtrusively . $LABEL$ 1 +when the first few villians are introduced as `` spider '' and `` snake '' you know you 're in for a real winner , creativity at its peak . $LABEL$ 0 +this is n't a `` friday '' worth waiting for . $LABEL$ 0 +maybe i found the proceedings a little bit too conventional . $LABEL$ 0 +even the unwatchable soapdish is more original . $LABEL$ 0 +a wildly funny prison caper . $LABEL$ 1 +it 's not exactly a gourmet meal but the fare is fair , even coming from the drive-thru . $LABEL$ 1 +obvious politics and rudimentary animation reduce the chances that the appeal of hey arnold ! $LABEL$ 0 +nair stuffs the film with dancing , henna , ornamentation , and group song , but her narrative clichés and telegraphed episodes smell of old soap opera . $LABEL$ 0 +unfortunately , the picture failed to capture me . $LABEL$ 0 +its save-the-planet message clashes with its crass marketing . $LABEL$ 0 +when a film is created solely because it 's a marketable product , soulless and ugly movies like this are the result . $LABEL$ 0 +often hilarious , well-shot and , importantly , entertaining , hell house is a fascinating document of an event that has to be seen to be believed . $LABEL$ 1 +there 's enough science to make it count as educational , and enough beauty to make it unforgettable . $LABEL$ 1 +it 's also heavy-handed and devotes too much time to bigoted views . $LABEL$ 0 +although very much like the first movie based on j.k. rowling 's phenomenal fantasy best sellers , this second go-round possesses a quite pleasing , headlong thrust and a likably delinquent attitude . $LABEL$ 1 +merchant effectively translates naipaul 's lively mix of characters from the page to screen . $LABEL$ 1 +others may find it migraine-inducing , despite moore 's attempts at whimsy and spoon feeding . $LABEL$ 0 +you 've seen them a million times . $LABEL$ 0 +the comic performances are all spot on , especially lee ross 's turn as ken . $LABEL$ 1 +nothing plot-wise is worth e-mailing home about . $LABEL$ 0 +message movie or an action-packed submarine spectacular ? $LABEL$ 1 +disney 's live-action division has a history of releasing cinematic flotsam , but this is one occasion when they have unearthed a rare gem . $LABEL$ 1 +first good , then bothersome . $LABEL$ 0 +adam sandler is to gary cooper what a gnat is to a racehorse . $LABEL$ 0 +even by dumb action-movie standards , ballistic : ecks vs. sever is a dumb action movie . $LABEL$ 0 +if no one singles out any of these performances as award-worthy , it 's only because we would expect nothing less from this bunch . $LABEL$ 1 +... watching this film nearly provoked me to take my own life . $LABEL$ 0 +but this time there 's some mold on the gold . $LABEL$ 0 +a model of what films like this should be like . $LABEL$ 1 +a soggy , cliche-bound epic-horror yarn that ends up being even dumber than its title . $LABEL$ 0 +-lrb- t -rrb- hose same extremes prevent us from taking its message seriously , and the stepford wives mentality does n't work in a modern context . $LABEL$ 0 +a movie for 11-year-old boys with sports dreams of their own and the preteen girls who worship lil ' bow wow . $LABEL$ 1 +aside from being the funniest movie of the year , simone , andrew niccol 's brilliant anti-hollywood satire , has a wickedly eccentric enchantment to it . $LABEL$ 1 +a fast-moving and remarkable film that appears destined to become a landmark in japanese animation . $LABEL$ 1 +a truly moving experience , and a perfect example of how art -- when done right -- can help heal , clarify , and comfort . $LABEL$ 1 +the hours is what movies are supposed to be ... $LABEL$ 1 +just another fish-out-of-water story that barely stays afloat . $LABEL$ 0 +when it really counts ... bloody sunday connects on a visceral level that transcends language . $LABEL$ 1 +... with the candy-like taste of it fading faster than 25-cent bubble gum , i realized this is a throwaway movie that wo n't stand the test of time . $LABEL$ 0 +a remarkable 179-minute meditation on the nature of revolution . $LABEL$ 1 +nothing more than a mediocre trifle . $LABEL$ 0 +full of profound , real-life moments that anyone can relate to , it deserves a wide audience . $LABEL$ 1 +you would be better off investing in the worthy emi recording that serves as the soundtrack , or the home video of the 1992 malfitano-domingo production . $LABEL$ 0 +audiences can be expected to suspend their disbelief only so far -- and that does not include the 5 o'clock shadow on the tall wooden kid as he skips off to school . $LABEL$ 0 +a perverse little truffle , dainty psychological terror on the outside with a creamy filling of familial jealousy and unrepentant domestic psychopathy . $LABEL$ 1 +as a randy film about sexy people in gorgeous places being pushed and pulled -lrb- literally and figuratively -rrb- by desire ... -lrb- sex and lucía -rrb- makes for an arousing good time . $LABEL$ 1 +a work of intricate elegance , literary lyricism and profound common sense . $LABEL$ 1 +solid , lump-in-the-throat family entertainment that derives its power by sticking to the facts . $LABEL$ 1 +for all its serious sense of purpose ... -lrb- it -rrb- finds a way to lay bare the tragedies of its setting with a good deal of warmth and humor . $LABEL$ 1 +far from perfect , but its heart is in the right place ... innocent and well-meaning . $LABEL$ 1 +despite its flaws , secretary stays in your head and makes you question your own firmly held positions . $LABEL$ 1 +the film hinges on its performances , and both leads are up to the task . $LABEL$ 1 +the irwins emerge unscathed , but the fictional footage is unconvincing and criminally badly acted . $LABEL$ 0 +it helps that the central performers are experienced actors , and that they know their roles so well . $LABEL$ 1 +the title trapped turns out to be a pretty fair description of how you feel while you 're watching this ultra-manipulative thriller . $LABEL$ 0 +the thriller side of this movie is falling flat , as the stalker does n't do much stalking , and no cop or lawyer grasps the concept of actually investigating the case . $LABEL$ 0 +as with too many studio pics , plot mechanics get in the way of what should be the lighter-than-air adventure . $LABEL$ 0 +it 's an awfully derivative story . $LABEL$ 0 +now it 's a bad , embarrassing movie . $LABEL$ 0 +fails to bring as much to the table . $LABEL$ 0 +sturdy , entertaining period drama ... both caine and fraser have their moments . $LABEL$ 1 +focuses on joan 's raging hormones and sledgehammers the audience with spanish inquisitions about her `` madness '' so much that i became mad that i wasted 123 minutes and $ 9.50 on this 21st century torture device . $LABEL$ 0 +there are moments in this account of the life of artist frida kahlo that are among cinema 's finest this year . $LABEL$ 1 +dark , resonant , inventively detailed and packed with fleet turns of plot and a feast of visual amazement . $LABEL$ 1 +narc may not get an ` a ' for originality , but it wears its b-movie heritage like a badge of honor . $LABEL$ 1 +the story may not be new , but australian director john polson , making his american feature debut , jazzes it up adroitly . $LABEL$ 1 +i admired it , particularly that unexpected downer of an ending . $LABEL$ 1 +a tv episode inflated past its natural length . $LABEL$ 0 +zany , exuberantly irreverent animated space adventure . $LABEL$ 1 +the creaking , rusty ship makes a fine backdrop , but the ghosts ' haunting is routine . $LABEL$ 0 +it 's not so much enjoyable to watch as it is enlightening to listen to new sides of a previous reality , and to visit with some of the people who were able to make an impact in the theater world . $LABEL$ 1 +celebrated at sundance , this slight comedy of manners has winning performances and a glossy , glib charm that 's hard to beat . $LABEL$ 1 +-lrb- davis -rrb- has a bright , chipper style that keeps things moving , while never quite managing to connect her wish-fulfilling characters to the human race . $LABEL$ 1 +enough trivializes an important crisis , reduces it to an almost comic embarrassment . $LABEL$ 0 +the film is an enjoyable family film -- pretty much aimed at any youngster who loves horses . $LABEL$ 1 +watching trouble every day , at least if you do n't know what 's coming , is like biting into what looks like a juicy , delicious plum on a hot summer day and coming away with your mouth full of rotten pulp and living worms . $LABEL$ 0 +rarely do films come along that are as intelligent , exuberant , and moving as monsoon wedding . $LABEL$ 1 +the laser-projected paintings provide a spell-casting beauty , while russell and dreyfus are a romantic pairing of hearts , preciously exposed as history corners them . $LABEL$ 1 +there are a few laughs and clever sight gags scattered about , but not enough to make this anything more than another big-budget bust . $LABEL$ 0 +a thoughtful look at a painful incident that made headlines in 1995 . $LABEL$ 1 +an intermittently pleasing but mostly routine effort . $LABEL$ 0 +the film has a few cute ideas and several modest chuckles but it is n't exactly kiddie-friendly ... alas , santa is more ho-hum than ho-ho-ho and the snowman -lrb- who never gets to play that flute -rrb- has all the charm of a meltdown . $LABEL$ 0 +marisa tomei is good , but just a kiss is just a mess . $LABEL$ 0 +as teen movies go , `` orange county '' is a refreshing change $LABEL$ 1 +attal mixes comedy with a serious exploration of ego and jealousy within a seemingly serene marriage . $LABEL$ 1 +with a story inspired by the tumultuous surroundings of los angeles , where feelings of marginalization loom for every dreamer with a burst bubble , the dogwalker has a few characters and ideas , but it never manages to put them on the same path . $LABEL$ 0 +a mostly tired retread of several other mob tales . $LABEL$ 0 +flaunts its quirky excesses like a new year 's eve drunk sporting a paper party hat . $LABEL$ 0 +lame , haphazard teen comedy . $LABEL$ 0 +somewhat blurred , but kinnear 's performance is razor sharp . $LABEL$ 1 +... fifty minutes of tedious adolescent melodramatics followed by thirty-five minutes of inflated nonsense . $LABEL$ 0 +no number of fantastic sets , extras , costumes and spectacular locales can disguise the emptiness at the center of the story . $LABEL$ 0 +a slick , skillful little horror film . $LABEL$ 1 +there are as many misses as hits , but ultimately , it finds humor in the foibles of human behavior , and it 's a welcome return to the roots of a genre that should depend on surprises . $LABEL$ 1 +more a load of enjoyable , conan-esque claptrap than the punishing , special-effects soul assaults the mummy pictures represent . $LABEL$ 1 +on the surface , it 's a lovers-on-the-run crime flick , but it has a lot in common with piesiewicz 's and kieslowski 's earlier work , films like the double life of veronique . $LABEL$ 1 +in the end , punch-drunk love is one of those films that i wanted to like much more than i actually did . $LABEL$ 0 +it helps that lil bow wow ... tones down his pint-sized gangsta act to play someone who resembles a real kid . $LABEL$ 1 +finds a way to tell a simple story , perhaps the simplest story of all , in a way that seems compelling and even original . $LABEL$ 1 +most of the supporting characters in eastwood films are weak , as are most of the subplots . $LABEL$ 0 +began life as a computer game , then morphed into a movie -- a bad one , of course . $LABEL$ 0 +it 's a beautifully accomplished lyrical meditation on a bunch of despondent and vulnerable characters living in the renown chelsea hotel ... $LABEL$ 1 +much of what is meant to be ` inspirational ' and ` uplifting ' is simply distasteful to audiences not already sharing -lrb- the movie 's -rrb- mindset . $LABEL$ 0 +but based on cq , i 'll certainly be keeping an eye out for his next project . $LABEL$ 1 +disturbing and brilliant documentary . $LABEL$ 1 +chaotic , self-indulgent and remarkably ugly to look at , it 's ... like a series of pretentiously awful student films strung together into one feature-length horror . $LABEL$ 0 +windtalkers celebrates the human spirit and packs an emotional wallop . $LABEL$ 1 +what it lacks in originality it makes up for in intelligence and b-grade stylishness . $LABEL$ 1 +an exciting and involving rock music doc , a smart and satisfying look inside that tumultuous world . $LABEL$ 1 +the lack of pace kills it , although , in a movie about cancer , this might be apt . $LABEL$ 0 +alas , it 's neither . $LABEL$ 0 +... this movie has a glossy coat of action movie excess while remaining heartless at its core . $LABEL$ 0 +men in black ii has sequel-itis something fierce . $LABEL$ 0 +not too far below the gloss you can still feel director denis villeneuve 's beating heart and the fondness he has for his characters . $LABEL$ 1 +it 's astonishing . $LABEL$ 1 +a film that takes you inside the rhythms of its subject : you experience it as you watch . $LABEL$ 1 +a resonant tale of racism , revenge and retribution . $LABEL$ 1 +a mostly intelligent , engrossing and psychologically resonant suspenser . $LABEL$ 1 +between bedroom scenes , viewers may find themselves wishing they could roll over and take a nap . $LABEL$ 0 +the central story lacks punch . $LABEL$ 0 +not every animated film from disney will become a classic , but forgive me if i 've come to expect more from this studio than some 79-minute after-school `` cartoon '' . $LABEL$ 0 +a didactic and dull documentary glorifying software anarchy . $LABEL$ 0 +a well-made thriller with a certain level of intelligence and non-reactionary morality . $LABEL$ 1 +if you 're like me , a sucker for a good old fashion romance and someone who shamelessly loves to eat , then mostly martha offers all the perfect ingredients to more than satisfy your appetite . $LABEL$ 1 +all in all , there 's only one thing to root for : expulsion for everyone . $LABEL$ 0 +it 's never a good sign when a film 's star spends the entirety of the film in a coma . $LABEL$ 0 +we need -lrb- moore 's -rrb- noisy , cocky energy , his passion and class consciousness ; we need his shticks , we need his stones . $LABEL$ 1 +roman coppola may never become the filmmaker his dad was , but heck -- few filmmakers will . $LABEL$ 1 +gets under the skin of a man who has just lost his wife . $LABEL$ 1 +national lampoon 's van wilder could be the worst thing to come out of national lampoon since class reunion $LABEL$ 0 +the acting by the over-25s lacks spark , with csokas particularly unconnected . $LABEL$ 0 +-lrb- broomfield -rrb- uncovers a story powerful enough to leave the screen sizzling with intrigue . $LABEL$ 1 +it 's the kind of pigeonhole-resisting romp that hollywood too rarely provides . $LABEL$ 1 +has a plot full of twists upon knots ... and a nonstop parade of mock-tarantino scuzbag types that starts out clever but veers into overkill . $LABEL$ 0 +there 's nothing provocative about this film save for the ways in which it studiously avoids provoking thought . $LABEL$ 0 +a gentle blend of present day testimonials , surviving footage of burstein and his family performing , historical archives , and telling stills . $LABEL$ 1 +-lrb- it 's -rrb- a prison soccer movie starring charismatic tough guy vinnie jones , but it had too much spitting for me to enjoy . $LABEL$ 0 +there are slow and repetitive parts , but it has just enough spice to keep it interesting . $LABEL$ 1 +rambles on in a disjointed , substandard fashion from one poorly executed action sequence to the next . $LABEL$ 0 +if this is satire , it 's the smug and self-congratulatory kind that lets the audience completely off the hook . $LABEL$ 0 +here , adrian lyne comes as close to profundity as he is likely to get . $LABEL$ 1 +jagger the actor is someone you want to see again . $LABEL$ 1 +the level of maturity displayed by this 33-year-old first-time feature director is astonishing , considering her inexperience and her subject matter . $LABEL$ 1 +murder by numbers is like a couple of mediocre tv-movie - of-the-week films clumsily stuck together . $LABEL$ 0 +but in imax 3-d , the clichés disappear into the vertiginous perspectives opened up by the photography . $LABEL$ 1 +there 's more scatological action in 8 crazy nights than a proctologist is apt to encounter in an entire career . $LABEL$ 0 +the two leads chomp considerably more scenery with their acting than fire-breathing monsters barbecue with their breath ... $LABEL$ 0 +... a roller-coaster ride of a movie $LABEL$ 1 +just like hearst 's enormous yacht , it 's slow and unwieldy and takes a long time to reach its destination . $LABEL$ 0 +tsai ming-liang has taken his trademark style and refined it to a crystalline point . $LABEL$ 1 +god help the poor woman if attal is this insecure in real life : his fictional yvan 's neuroses are aggravating enough to exhaust the patience of even the most understanding spouse . $LABEL$ 0 +the film is surprisingly well-directed by brett ratner , who keeps things moving well -- at least until the problematic third act . $LABEL$ 1 +the story feels more like a serious read , filled with heavy doses of always enticing sayles dialogue . $LABEL$ 1 +the hours makes you examine your own life in much the same way its characters do , and the experience is profound . $LABEL$ 1 +hugh grant and sandra bullock are two such likeable actors . $LABEL$ 1 +in its ragged , cheap and unassuming way , the movie works . $LABEL$ 1 +while the film misfires at every level , the biggest downside is the paucity of laughter in what 's supposed to be a comedy . $LABEL$ 0 +i love the way that it took chances and really asks you to take these great leaps of faith and pays off . $LABEL$ 1 +lacks heart , depth and , most of all , purpose . $LABEL$ 0 +oedekerk wrote patch adams , for which he should not be forgiven . $LABEL$ 0 +with a story as bizarre and mysterious as this , you do n't want to be worrying about whether the ineffectual broomfield is going to have the courage to knock on that door . $LABEL$ 0 +marries the amateurishness of the blair witch project with the illogic of series 7 : the contenders to create a completely crass and forgettable movie . $LABEL$ 0 +the movie 's eventual success should be credited to dennis quaid , in fighting trim shape as an athlete as well as an actor $LABEL$ 1 +the actors do n't inhabit their roles -- they 're trapped by them , forced to change behavior in bizarre unjustified fashion and spout dialog that consists mostly of platitudes . $LABEL$ 0 +strong setup and ambitious goals fade as the film descends into unsophisticated scare tactics and b-film thuggery . $LABEL$ 0 +vile and tacky are the two best adjectives to describe ghost ship . $LABEL$ 0 +bow 's best moments are when he 's getting busy on the basketball court because that 's when he really scores . $LABEL$ 1 +a movie that tries to fuse the two ` woods ' but winds up a bolly-holly masala mess . $LABEL$ 0 +but that 's just the problem with it - the director has n't added enough of his own ingredients . $LABEL$ 0 +who knows what exactly godard is on about in this film , but his words and images do n't have to add up to mesmerize you . $LABEL$ 1 +it becomes gimmicky instead of compelling . $LABEL$ 0 +sets up a nice concept for its fiftysomething leading ladies , but fails loudly in execution . $LABEL$ 0 +undone by its overly complicated and derivative screenplay , the glacier-paced direction and the stereotypical characters . $LABEL$ 0 +some , like ballistic , arrive stillborn ... looking like the beaten , well-worn video box cover of seven years into the future . $LABEL$ 0 +the sort of movie that gives tastelessness a bad rap . $LABEL$ 0 +this time out , -lrb- sade -rrb- is an unsettlingly familiar figure -- in turns loyal and deceitful , responsible and reckless , idealistically selfless and coldly self-interested . $LABEL$ 0 +a pleasant romantic comedy . $LABEL$ 1 +the director 's twitchy sketchbook style and adroit perspective shifts grow wearisome amid leaden pacing and indifferent craftsmanship -lrb- most notably wretched sound design -rrb- . $LABEL$ 0 +must be seen to be believed . $LABEL$ 1 +... a poignant and powerful narrative that reveals that reading writing and arithmetic are not the only subjects to learn in life . $LABEL$ 1 +this is a film brimming with detail and nuance and one that speaks volumes about the ability of the human spirit to find solace in events that could easily crush it forever . $LABEL$ 1 +birot is a competent enough filmmaker , but her story has nothing fresh or very exciting about it . $LABEL$ 0 +it 's a minor comedy that tries to balance sweetness with coarseness , while it paints a sad picture of the singles scene . $LABEL$ 1 +it delivers some chills and sustained unease , but flounders in its quest for deeper meaning . $LABEL$ 0 +shot perhaps ` artistically ' with handheld cameras and apparently no movie lights by joaquin baca-asay , the low-budget production swings annoyingly between vertigo and opacity . $LABEL$ 0 +it 's painful . $LABEL$ 0 +a simple , sometimes maddeningly slow film that has just enough charm and good acting to make it interesting , but is ultimately pulled under by the pacing and lack of creativity within . $LABEL$ 0 +as blunt as it is in depicting child abuse , el bola is a movie steeped in an ambiguity that lends its conflicts a symbolic resonance . $LABEL$ 1 +morton is , as usual , brilliant . $LABEL$ 1 +the picture is a primer on what happens when lack of know-how mixes with lack of give-a-damn . $LABEL$ 0 +... a weak , manipulative , pencil-thin story that is miraculously able to entertain anyway . $LABEL$ 0 +what could have become just another cautionary fable is allowed to play out as a clever , charming tale -- as pleasantly in its own way as its self-dramatizing characters . $LABEL$ 1 +culkin , who 's in virtually every scene , shines as a young man who uses sarcastic lies like a shield . $LABEL$ 1 +for anyone who remembers the '60s or is interested in one man 's response to stroke , ram dass : fierce grace is worth seeking out . $LABEL$ 1 +falters when it takes itself too seriously and when it depends too heavily on its otherwise talented cast to clown in situations that are n't funny . $LABEL$ 0 +it wo n't be long before you 'll spy i spy at a video store near you . $LABEL$ 0 +an engaging overview of johnson 's eccentric career . $LABEL$ 1 +proof that a thriller can be sleekly shot , expertly cast , paced with crisp professionalism ... and still be a letdown if its twists and turns hold no more surprise than yesterday 's weather report . $LABEL$ 0 +the movie stays afloat thanks to its hallucinatory production design . $LABEL$ 1 +this goofy gangster yarn never really elevates itself from being yet another earnestly generic crime-busting comic vehicle -- a well-intentioned remake that shows some spunk and promise but fails to register as anything distinctive or daring $LABEL$ 0 +sorry , charlie $LABEL$ 0 +it 's a hoot and a half , and a great way for the american people to see what a candidate is like when he 's not giving the same 15-cent stump speech . $LABEL$ 1 +in scope , ambition and accomplishment , children of the century ... takes kurys ' career to a whole new level . $LABEL$ 1 +the sad thing about knockaround guys is its lame aspiration for grasping the coolness vibes when in fact the film is n't as flippant or slick as it thinks it is . $LABEL$ 0 +the more kevin costner rests on his pretty-boy laurels , the public is , regrettably , going to have tepid films like dragonfly tossed at them . $LABEL$ 0 +... -lrb- a -rrb- strained comedy that jettisons all opportunities for rock to make his mark by serving up the usual chaotic nonsense . $LABEL$ 0 +blessed with immense physical prowess he may well be , but ahola is simply not an actor . $LABEL$ 0 +another big , dumb action movie in the vein of xxx , the transporter is riddled with plot holes big enough for its titular hero to drive his sleek black bmw through . $LABEL$ 0 +nothing denis has made before , like beau travil and nenette et boni , could prepare us for this gory , perverted , sex-soaked riff on the cannibal genre . $LABEL$ 0 +led by griffin 's smartly nuanced performance and enthusiasm , the cast has a lot of fun with the material . $LABEL$ 1 +it 's frustrating to see these guys -- who are obviously pretty clever -- waste their talent on parodies of things they probably thought were funniest when they were high . $LABEL$ 0 +i watched the brainless insanity of no such thing with mounting disbelief . $LABEL$ 0 +the angst-ridden , affluent slacker characters are more grating than engaging . $LABEL$ 0 +he just wants them to be part of the action , the wallpaper of his chosen reality . $LABEL$ 1 +the movie 's ripe , enrapturing beauty will tempt those willing to probe its inscrutable mysteries . $LABEL$ 1 +like so many other allegedly scary movies , it gets so tangled up in the twist that it chokes the energy right out of the very audience it seeks to frighten . $LABEL$ 0 +is n't it great ? $LABEL$ 1 +enormously likable , partly because it is aware of its own grasp of the absurd . $LABEL$ 1 +this is as powerful a set of evidence as you 'll ever find of why art matters , and how it can resonate far beyond museum walls and through to the most painfully marginal lives . $LABEL$ 1 +guillen rarely gets beneath the surface of things . $LABEL$ 0 +the film is exhilarating to watch because sandler , liberated from the constraints of formula , reveals unexpected depths as an actor . $LABEL$ 1 +ranging from funny to shattering and featuring some of the year 's best acting , personal velocity gathers plenty of dramatic momentum . $LABEL$ 1 +the film is faithful to what one presumes are the book 's twin premises -- that we become who we are on the backs of our parents , but we have no idea who they were at our age ; and that time is a fleeting and precious commodity no matter how old you are . $LABEL$ 1 +some decent actors inflict big damage upon their reputations . $LABEL$ 0 +human nature talks the talk , but it fails to walk the silly walk that distinguishes the merely quirky from the surreal . $LABEL$ 0 +does n't amount to much of anything . $LABEL$ 0 +huppert gives erika a persona that is so intriguing that you find yourself staring hypnotically at her , trying to understand her and wondering if she 'll crack . $LABEL$ 1 +an exceedingly clever piece of cinema . $LABEL$ 1 +lead provocatuers testud and parmentier give superlative performances $LABEL$ 1 +apallingly absurd ... the chemistry or lack thereof between newton and wahlberg could turn an imax theater into a 9 '' black and white portable tv . $LABEL$ 0 +meandering , sub-aquatic mess : it 's so bad it 's good , but only if you slide in on a freebie . $LABEL$ 0 +rather quickly , the film falls into a soothing formula of brotherly conflict and reconciliation . $LABEL$ 1 +when the painted backdrops in a movie are more alive than its characters , you know you 're in trouble . $LABEL$ 0 +this overproduced and generally disappointing effort is n't likely to rouse the rush hour crowd . $LABEL$ 0 +having never been a huge fan of dickens ' 800-page novel , it surprised me how much pleasure i had watching mcgrath 's version . $LABEL$ 1 +the noble tradition of men in drag hits an all-time low in sorority boys , whose makers apparently believe that women 's clothing can cover up any deficiency in acting , writing or direction . $LABEL$ 0 +if you collected all the moments of coherent dialogue , they still would n't add up to the time required to boil a four - minute egg . $LABEL$ 0 +the problem with this film is that it 's forced to make its characters idiots in order to advance the plot . $LABEL$ 0 +it 's disappointing when filmmakers throw a few big-name actors and cameos at a hokey script . $LABEL$ 0 +the story is naturally poignant , but first-time screenwriter paul pender overloads it with sugary bits of business . $LABEL$ 0 +so lazy and slipshod it confuses the mere flashing of kinky soft-core imagery with naughty fun . $LABEL$ 0 +a love for films shines through each frame and the era is recreated with obvious affection , scored to perfection with some tasty boogaloo beats . $LABEL$ 1 +i tried to read the time on my watch . $LABEL$ 0 +writer\/director john mckay ignites some charming chemistry between kate and jed but , when he veers into sodden melodrama , punctuated by violins , it 's disastrous and kate 's jealous female friends become downright despicable . $LABEL$ 0 +the movie takes itself too seriously and , as a result , it makes for only intermittent fun . $LABEL$ 0 +i like frank the pug , though . $LABEL$ 1 +an overstuffed compendium of teen-catholic-movie dogma . $LABEL$ 0 +an involving true story of a chinese actor who takes up drugs and winds up in an institution -- acted mostly by the actual people involved . $LABEL$ 1 +nearly surreal , dabbling in french , this is no simple movie , and you 'll be taking a risk if you choose to see it . $LABEL$ 0 +would seem to have a lock on the title of ugliest movie of the year . $LABEL$ 0 +an incendiary , deeply thought-provoking look at one of the most peculiar -lrb- and peculiarly venomous -rrb- bigotries in our increasingly frightening theocracy $LABEL$ 1 +lee jeong-hyang tells it so lovingly and films it so beautifully that i could n't help being captivated by it . $LABEL$ 1 +the episodic film makes valid points about the depersonalization of modern life . $LABEL$ 1 +it 's almost impossible not to be moved by the movie 's depiction of sacrifice and its stirring epilogue in post-soviet russia . $LABEL$ 1 +though the film 's scenario is certainly not earthshaking , this depiction of fluctuating female sexuality has two winning lead performances and charm to spare . $LABEL$ 1 +kinnear gives a tremendous performance . $LABEL$ 1 +perhaps no picture ever made has more literally showed that the road to hell is paved with good intentions . $LABEL$ 1 +dull , if not devoid of wit , this shaggy dog longs to frisk through the back alleys of history , but scarcely manages more than a modest , snoozy charm . $LABEL$ 0 +... both hokey and super-cool , and definitely not in a hurry , so sit back , relax and have a few laughs while the little ones get a fuzzy treat . ' $LABEL$ 1 +windtalkers blows this way and that , but there 's no mistaking the filmmaker in the tall grass , true to himself . $LABEL$ 1 +an intriguing and entertaining introduction to johnson . $LABEL$ 1 +ray liotta and jason patric do some of their best work in their underwritten roles , but do n't be fooled : nobody deserves any prizes here . $LABEL$ 0 +sushi for the connoisseurs of the macabre . $LABEL$ 0 +it further declares its director , zhang yang of shower , as a boldly experimental , contemporary stylist with a bright future . $LABEL$ 1 +the only way this supernatural snore-fest could give anyone a case of the frights is if they were put to sleep by the movie and had a nightmare . $LABEL$ 0 +although it bangs a very cliched drum at times , this crowd-pleaser 's fresh dialogue , energetic music , and good-natured spunk are often infectious . $LABEL$ 1 +claude miller airs out a tight plot with an easy pace and a focus on character drama over crime-film complications . $LABEL$ 1 +to imagine the life of harry potter as a martial arts adventure told by a lobotomized woody allen is to have some idea of the fate that lies in store for moviegoers lured to the mediocrity that is kung pow : enter the fist . $LABEL$ 0 +the film is just a big , gorgeous , mind-blowing , breath-taking mess . $LABEL$ 1 +daughter from danang is a film that should be seen by all , especially those who are n't aware of , or have forgotten about the unmentioned victims of war . $LABEL$ 1 +it 's also the year 's sweetest movie . $LABEL$ 1 +this is such a high-energy movie where the drumming and the marching are so excellent , who cares if the story 's a little weak . $LABEL$ 1 +a whole lot foul , freaky and funny . $LABEL$ 1 +there are a few stabs at absurdist comedy ... but mostly the humor is of the sweet , gentle and occasionally cloying kind that has become an iranian specialty . $LABEL$ 1 +for me , this opera is n't a favorite , so it 's a long time before the fat lady sings . $LABEL$ 0 +a 93-minute condensation of a 26-episode tv series , with all of the pitfalls of such you 'd expect . $LABEL$ 0 +and in truth , cruel as it may sound , he makes arnold schwarzenegger look like spencer tracy . $LABEL$ 0 +given that both movies expect us to root for convicted violent felons over those assigned to protect us from same , we need every bit of sympathy the cons can muster ; this time , there is n't much . $LABEL$ 0 +`` antwone fisher '' is an earnest , by-the-numbers effort by washington . $LABEL$ 1 +succeeds in providing a disquiet world the long-dreaded completion of the police academy series . $LABEL$ 1 +if you 're not the target demographic ... this movie is one long chick-flick slog . $LABEL$ 0 +the actors are forced to grapple with hazy motivations that never come into focus . $LABEL$ 0 +the best you can say about it is it 's so uninspired , it barely gives one pause when considering some of the other dreck out there right now . $LABEL$ 0 +by presenting an impossible romance in an impossible world , pumpkin dares us to say why either is impossible -- which forces us to confront what 's possible and what we might do to make it so . $LABEL$ 1 +after making several adaptations of other writers ' work , armenian-canadian director atom egoyan broached an original treatment of a deeply personal subject . $LABEL$ 1 +all the necessary exposition prevents the picture from rising above your generic sand 'n' sandal adventure . $LABEL$ 0 +audiences will find no mention of political prisoners or persecutions that might paint the castro regime in less than saintly tones . $LABEL$ 0 +... just a big mess of a movie , full of images and events , but no tension or surprise . $LABEL$ 0 +i kept wishing i was watching a documentary about the wartime navajos and what they accomplished instead of all this specious hollywood hoo-ha . $LABEL$ 0 +the film delivers not just the full assault of reno 's immense wit and insight , but a time travel back to what it felt like during those unforgettably uncertain days . $LABEL$ 1 +one groan-inducing familiarity begets another . $LABEL$ 0 +john mctiernan 's botched remake may be subtler than norman jewison 's 1975 ultraviolent futuristic corporate-sports saga . $LABEL$ 0 +an earnest , heartrending look at the divide between religious fundamentalists and their gay relatives . $LABEL$ 1 +a pleasurably jacked-up piece of action moviemaking . $LABEL$ 1 +but an unwillingness to explore beyond the surfaces of her characters prevents nettelbeck 's film from coming together . $LABEL$ 0 +too clunky and too busy ribbing itself to be truly entertaining . $LABEL$ 0 +the enormous comic potential of an oafish idiot impersonating an aristocrat remains sadly unrealized . $LABEL$ 0 +everywhere the camera looks there is something worth seeing . $LABEL$ 1 +the best thing the film does is to show us not only what that mind looks like , but how the creative process itself operates . $LABEL$ 1 +a modest pleasure that accomplishes its goals with ease and confidence . $LABEL$ 1 +one of the best examples of how to treat a subject , you 're not fully aware is being examined , much like a photo of yourself you did n't know was being taken . $LABEL$ 1 +mixes likeable personalities , inventive photography and cutting , and wall-to-wall toe-tapping music to paint a picture of a subculture that is at once exhilarating , silly , perverse , hopeful and always fun . $LABEL$ 1 +but i was n't . $LABEL$ 0 +though of particular interest to students and enthusiast of international dance and world music , the film is designed to make viewers of all ages , cultural backgrounds and rhythmic ability want to get up and dance . $LABEL$ 1 +a silly , self-indulgent film about a silly , self-indulgent filmmaker . $LABEL$ 0 +most impressive , though , is the film 's open-ended finale that refuses to entirely close its characters ' emotional wounds . $LABEL$ 1 +it 's a movie forged in the fires of chick flick hell . $LABEL$ 0 +it 's fairly self-aware in its dumbness . $LABEL$ 0 +credit must be given to harland williams , michael rosenbaum and barry watson , who inject far more good-natured spirit and talent into this project than it deserves $LABEL$ 1 +the piano teacher is the sort of movie that discourages american audiences from ever wanting to see another foreign film . $LABEL$ 0 +watching it is rather like viewing a long soap opera in which only the first episode was any good . $LABEL$ 0 +a simmering psychological drama in which the bursts of sudden violence are all the more startling for the slow buildup that has preceded them . $LABEL$ 1 +there 's a disreputable air about the whole thing , and that 's what makes it irresistible . $LABEL$ 1 +a pleasant ramble through the sort of idoosyncratic terrain that errol morris has often dealt with ... it does possess a loose , lackadaisical charm . $LABEL$ 1 +this is one of the most visually stunning and thematically moving epics in recent memory , and in spite of numerous minor flaws , scorsese 's best in more than a decade . $LABEL$ 1 +for a good chunk of its running time , trapped is an effective and claustrophobic thriller . $LABEL$ 1 +full frontal is the antidote for soderbergh fans who think he 's gone too commercial since his two oscar nominated films in 2000 $LABEL$ 1 +even the imaginative gore ca n't hide the musty scent of todd farmer 's screenplay , which is a simple retread of the 1979 alien , with a plucky heroine battling a monster loose in a spaceship . $LABEL$ 0 +as if to prove a female director can make a movie with no soft edges , kathryn bigelow offers no sugar-coating or interludes of lightness . $LABEL$ 1 +the filmmakers juggle and juxtapose three story lines but fail to come up with one cogent point , unless it 's that life stinks , especially for sensitive married women who really love other women . $LABEL$ 0 +made by jackasses for jackasses . $LABEL$ 0 +if melville is creatively a great whale , this film is canned tuna . $LABEL$ 0 +pretentious editing ruins a potentially terrific flick . $LABEL$ 0 +topkapi this is not . $LABEL$ 0 +but he somehow pulls it off . $LABEL$ 1 +bartleby is a one-joke movie , and a bad joke at that . $LABEL$ 0 +it is risky , intelligent , romantic and rapturous from start to finish . $LABEL$ 1 +a worthwhile way to spend two hours . $LABEL$ 1 +never again swings between false sentiment and unfunny madcap comedy and , along the way , expects the audience to invest in the central relationship as some kind of marriage of true minds . $LABEL$ 0 +two generations within one family test boundaries in this intelligent and restrained coming-of-age drama . $LABEL$ 1 +-lrb- gai -rrb- comes closer to any actress i can remember to personifying independence in its purest and , yes , most intimidating form . $LABEL$ 1 +a broadly played , lowbrow comedy in which the cast delivers mildly amusing performances and no farm animals were injured by any of the gags . $LABEL$ 1 +filmmakers have to dig deep to sink this low . $LABEL$ 0 +then lower them a bit more . $LABEL$ 0 +i cry for i spy -- or i would if this latest and laziest imaginable of all vintage-tv spinoffs were capable of engendering an emotional response of any kind . $LABEL$ 0 +a very bad sign . $LABEL$ 0 +well , it does go on forever . $LABEL$ 0 +this is n't just the cliffsnotes version of nicholas nickleby , it 's the cliffsnotes with pages missing . $LABEL$ 0 +it 's all very cute , though not terribly funny if you 're more than six years old . $LABEL$ 1 +fortunately for all involved , this movie is likely to disappear as quickly as an ice cube thrown into a pot of boiling water . $LABEL$ 0 +guided more by intellect than heart , his story flattens instead of sharpens . $LABEL$ 0 +it 's an old story , but a lively script , sharp acting and partially animated interludes make just a kiss seem minty fresh . $LABEL$ 1 +it 's the kind of movie you ca n't quite recommend because it is all windup and not much of a pitch , yet you ca n't bring yourself to dislike it . $LABEL$ 0 +an excellent romp that boasts both a heart and a mind . $LABEL$ 1 +john leguizamo may be a dramatic actor -- just not in this movie . $LABEL$ 0 +tender yet lacerating and darkly funny fable . $LABEL$ 1 +this delicately observed story , deeply felt and masterfully stylized , is a triumph for its maverick director . $LABEL$ 1 +a generation x artifact , capturing a brief era of insanity in the sports arena that surely can not last . $LABEL$ 0 +the film 's center will not hold . $LABEL$ 0 +it is far from the worst , thanks to the topical issues it raises , the performances of stewart and hardy , and that essential feature -- a decent full-on space battle . $LABEL$ 1 +it 's also stupider . $LABEL$ 0 +none of these characters resembles anyone you 've ever met in real life , unless you happen to know annoyingly self-involved people who speak in glib sentences that could have only come from the pen of a screenwriter . $LABEL$ 0 +sensitive , insightful and beautifully rendered film . $LABEL$ 1 +a bowel-curdling , heart-stopping recipe for terror . $LABEL$ 1 +although based on a real-life person , john , in the movie , is a rather dull person to be stuck with for two hours . $LABEL$ 0 +` abandon all hope , ye who enter here ' ... you should definitely let dante 's gloomy words be your guide . $LABEL$ 0 +an ultra-low-budget indie debut that smacks more of good intentions than talent . $LABEL$ 0 +there 's not enough to sustain the comedy . $LABEL$ 0 +fairly successful at faking some pretty cool stunts but a complete failure at trying to create some pretty cool characters . $LABEL$ 0 +the film is really not so much bad as bland . $LABEL$ 0 +schmaltzy and unfunny , adam sandler 's cartoon about hanukkah is numbingly bad , little nicky bad , 10 worst list bad . $LABEL$ 0 +a vivid cinematic portrait . $LABEL$ 1 +it 's a refreshing change from the self-interest and paranoia that shape most american representations of castro . $LABEL$ 1 +the bourne identity is what summer screen escapism used to be in the decades when it was geared more to grownups . $LABEL$ 1 +it could change america , not only because it is full of necessary discussion points , but because it is so accessible that it makes complex politics understandable to viewers looking for nothing but energetic entertainment . $LABEL$ 1 +frenetic but not really funny . $LABEL$ 0 +sandra nettelbeck beautifully orchestrates the transformation of the chilly , neurotic , and self-absorbed martha as her heart begins to open . $LABEL$ 1 +it 's a film that hinges on its casting , and glover really does n't fit the part . $LABEL$ 0 +ritchie 's treatment of the class reversal is majorly ham-fisted , from the repetitive manifestos that keep getting thrown in people 's faces to the fact amber is such a joke . $LABEL$ 0 +this is such a dazzlingly self-assured directorial debut that it 's hard to know what to praise first . $LABEL$ 1 +apparently kissing leads to suicide attempts and tragic deaths . $LABEL$ 0 +andy garcia enjoys one of his richest roles in years and mick jagger gives his best movie performance since , well , performance . $LABEL$ 1 +-lrb- anderson -rrb- uses a hit-or-miss aesthetic that hits often enough to keep the film entertaining even if none of it makes a lick of sense . $LABEL$ 1 +this is a startling film that gives you a fascinating , albeit depressing view of iranian rural life close to the iraqi border . $LABEL$ 1 +this film looks like it was produced in 1954 , shelved for 48 years , and repackaged for a 2002 audience . $LABEL$ 0 +dazzling and sugar-sweet , a blast of shallow magnificence that only sex , scandal , and a chorus line of dangerous damsels can deliver . $LABEL$ 1 +from the big giant titles of the opening credits to elmer bernstein 's perfectly melodic score , haynes gets just about everything right . $LABEL$ 1 +watching it is rather like an overlong visit from a large group of your relatives . $LABEL$ 0 +as the story moves inexorably through its seven day timeframe , the picture becomes increasingly mesmerizing . $LABEL$ 1 +working from elliott 's memoir , rohmer fashions the sort of delicate , articulate character - and - relationship study he 's favored for decades . $LABEL$ 1 +watching scarlet diva , one is poised for titillation , raw insight or both . $LABEL$ 1 +intended to be a comedy about relationships , this wretched work falls flat in just about every conceivable area . $LABEL$ 0 +-lrb- a -rrb- rare , beautiful film . $LABEL$ 1 +... the film falls back on the same old formula of teen sex , outrageous pranks and scenes designed to push the envelope of bad taste for laughs . $LABEL$ 0 +suffocated at conception by its munchausen-by-proxy mum . $LABEL$ 0 +while not all transitions to adulthood are so fraught , there 's much truth and no small amount of poetry in girls ca n't swim . $LABEL$ 1 +opens as promising as any war\/adventure film you 'll ever see and dissolves into a routine courtroom drama , better suited for a movie titled `` glory : a soldier 's story . '' $LABEL$ 0 +it 's -lrb- ricci 's -rrb- best work yet , this girl-woman who sincerely believes she can thwart the world 's misery with blind good will . $LABEL$ 1 +this may be the dumbest , sketchiest movie on record about an aspiring writer 's coming-of-age . $LABEL$ 0 +evokes a little of the fear that parents have for the possible futures of their children -- and the sometimes bad choices mothers and fathers make in the interests of doing them good . $LABEL$ 1 +as expected , sayles ' smart wordplay and clever plot contrivances are as sharp as ever , though they may be overshadowed by some strong performances . $LABEL$ 1 +too bad the former murphy brown does n't pop reese back . $LABEL$ 0 +it 's predictable , but it jumps through the expected hoops with style and even some depth . $LABEL$ 1 +george clooney proves he 's quite a talented director and sam rockwell shows us he 's a world-class actor with confessions of a dangerous mind . $LABEL$ 1 +... mesmerizing , an eye-opening tour of modern beijing culture in a journey of rebellion , retreat into oblivion and return . $LABEL$ 1 +the film is painfully authentic , and the performances of the young players are utterly convincing . $LABEL$ 1 +a potent allegorical love story . $LABEL$ 1 +provides an intriguing window into the imagination and hermetic analysis of todd solondz . $LABEL$ 1 +it 's endearing to hear madame d. refer to her husband as ` jackie ' -- and he does make for excellent company , not least as a self-conscious performer . $LABEL$ 1 +so few movies explore religion that it 's disappointing to see one reduce it to an idea that fits in a sampler . $LABEL$ 0 +needless to say , the dramatics that follow are utter hooey . $LABEL$ 0 +calling this movie brainless would be paying it a compliment : it 's more like entertainment for trolls . $LABEL$ 0 +it is a kickass , dense sci-fi action thriller hybrid that delivers and then some . $LABEL$ 1 +it 's a movie -- and an album -- you wo n't want to miss . $LABEL$ 1 +now , if it only had a brain . $LABEL$ 0 +a budget affair that exposes the generally sad existence of the bedouins while providing a precious twinkle of insight into their lives . $LABEL$ 1 +like a south-of-the-border melrose place . $LABEL$ 0 +it 's a bittersweet and lyrical mix of elements . $LABEL$ 1 +this series should have died long ago , but they keep bringing it back another day as punishment for paying money to see the last james bond movie . $LABEL$ 0 +fans of behan 's work and of irish movies in general will be rewarded by borstal boy . $LABEL$ 1 +everytime you think undercover brother has run out of steam , it finds a new way to surprise and amuse . $LABEL$ 1 +a startling and fresh examination of how the bike still remains an ambiguous icon in chinese society . $LABEL$ 1 +although it 's a bit smug and repetitive , this documentary engages your brain in a way few current films do . $LABEL$ 1 +watching haneke 's film is , aptly enough , a challenge and a punishment . $LABEL$ 0 +once the audience figure out what 's being said , the filmmaker 's relative passivity will make it tough for them to really care . $LABEL$ 0 +but like bruce springsteen 's gone-to-pot asbury park , new jersey , this sad-sack waste of a movie is a city of ruins . $LABEL$ 0 +stay clear of reminding yourself that it 's a `` true story '' and you 're likely to have one helluva time at the movies . $LABEL$ 1 +so routine , familiar and predictable , it raises the possibility that it wrote itself as a newly automated final draft computer program . $LABEL$ 0 +in the process , they demonstrate that there 's still a lot of life in hong kong cinema . $LABEL$ 1 +though mama takes a bit too long to find its rhythm and a third-act plot development is somewhat melodramatic , its ribald humor and touching nostalgia are sure to please anyone in search of a jules and jim for the new millennium . $LABEL$ 1 +it 's absolutely spooky how lillard channels the shagster right down to the original casey kasem-furnished voice . $LABEL$ 1 +like those to rome , all roads in the banger sisters inevitably lead to a joke about hawn 's breasts , which constantly threaten to upstage the woman sporting them . $LABEL$ 0 +a provocative movie about loss , anger , greed , jealousy , sickness and love . $LABEL$ 1 +its scenes and sensibility are all more than familiar , but it exudes a kind of nostalgic spy-movie charm and , at the same time , is so fresh and free of the usual thriller nonsense that it all seems to be happening for the first time . $LABEL$ 1 +a soggy , shapeless mess ... just a dumb excuse for a waterlogged equivalent of a haunted-house movie . $LABEL$ 0 +there 's an audience for it , but it could have been funnier and more innocent . $LABEL$ 0 +achieves a sort of filmic epiphany that revels in the true potential of the medium . $LABEL$ 1 +if you sometimes like to go to the movies to have fun , wasabi is a good place to start . $LABEL$ 1 +but hard-to-believe plot twists force the movie off track in its final half hour . $LABEL$ 0 +... always remains movingly genuine . $LABEL$ 1 +maybe it 's the star power of the cast or the redundant messages , but something aboul `` full frontal '' seems , well , contrived . $LABEL$ 0 +the situations and jokes are as predictable and as lowbrow as the endless pratfalls the boys take in their high heels . $LABEL$ 0 +schindler 's list it ai n't . $LABEL$ 0 +a compelling portrait of moral emptiness $LABEL$ 1 +let your silly childhood nostalgia slumber unmolested . $LABEL$ 0 +-lrb- a -rrb- superbly controlled , passionate adaptation of graham greene 's 1955 novel . $LABEL$ 1 +a refreshingly honest and ultimately touching tale of the sort of people usually ignored in contemporary american film . $LABEL$ 1 +no , it 's the repetition of said behavior , and so children of the century is more mindless love than mad , more grating and boring than anything else . $LABEL$ 0 +a comic gem with some serious sparkles . $LABEL$ 1 +desperately unfunny when it tries to makes us laugh and desperately unsuspenseful when it tries to make us jump out of our seats . $LABEL$ 0 +the movie is a blast of educational energy , as bouncy animation and catchy songs escort you through the entire 85 minutes . $LABEL$ 1 +a bravura exercise in emptiness . $LABEL$ 0 +this concoction , so bizarre to the adult mind , is actually a charming triumph where its intended under-12 audience is concerned . $LABEL$ 1 +this one 's weaker than most . $LABEL$ 0 +a lighthearted , feel-good film that embraces the time-honored truth that the most powerful thing in life is love . $LABEL$ 1 +the story bogs down in a mess of purposeless violence . $LABEL$ 0 +i spy is an embarrassment , a monotonous , disjointed jumble of borrowed plot points and situations . $LABEL$ 0 +a mawkish , implausible platonic romance that makes chaplin 's city lights seem dispassionate by comparison . $LABEL$ 0 +rich in detail , gorgeously shot and beautifully acted , les destinees is , in its quiet , epic way , daring , inventive and refreshingly unusual . $LABEL$ 1 +an offbeat , sometimes gross and surprisingly appealing animated film about the true meaning of the holidays . $LABEL$ 1 +another great ` what you do n't see ' is much more terrifying than what you do see thriller , coupled with some arresting effects , incandescent tones and stupendous performances $LABEL$ 1 +if you pitch your expectations at an all time low , you could do worse than this oddly cheerful -- but not particularly funny -- body-switching farce . $LABEL$ 0 +feels less like it 's about teenagers , than it was written by teenagers . $LABEL$ 0 +going to the website may be just as fun -lrb- and scary -rrb- as going to the film . $LABEL$ 0 +is this progress ? $LABEL$ 0 +for a shoot - 'em - up , ballistic is oddly lifeless . $LABEL$ 0 +one of the best of the year . $LABEL$ 1 +there are moments it can be heart-rending in an honest and unaffected -lrb- and gentle -rrb- way . $LABEL$ 1 +credibility levels are low and character development a non-starter . $LABEL$ 0 +looks awfully like one long tourist spot for a mississippi that may never have existed outside of a scriptwriter 's imagination . $LABEL$ 0 +a solidly seaworthy chiller . $LABEL$ 1 +when it comes to entertainment , children deserve better than pokemon 4ever . $LABEL$ 0 +if this is the resurrection of the halloween franchise , it would have been better off dead . $LABEL$ 0 +still , i thought it could have been more . $LABEL$ 0 +a recent favourite at sundance , this white-trash satire will inspire the affection of even those unlucky people who never owned a cassette of def leppard 's pyromania . $LABEL$ 1 +though it is by no means his best work , laissez-passer is a distinguished and distinctive effort by a bona-fide master , a fascinating film replete with rewards to be had by all willing to make the effort to reap them . $LABEL$ 1 +like mike does n't win any points for originality . $LABEL$ 0 +ms. fulford-wierzbicki is almost spooky in her sulky , calculating lolita turn . $LABEL$ 1 +the movie has a soft , percolating magic , a deadpan suspense . $LABEL$ 1 +legendary irish writer brendan behan 's memoir , borstal boy , has been given a loving screen transferral . $LABEL$ 1 +at times funny and at other times candidly revealing , it 's an intriguing look at two performers who put themselves out there because they love what they do . $LABEL$ 1 +it 's often faintly amusing , but the problems of the characters never become important to us , and the story never takes hold . $LABEL$ 0 +it 's amazingly perceptive in its subtle , supportive but unsentimental look at the marks family . $LABEL$ 1 +it uses an old-time formula , it 's not terribly original and it 's rather messy -- but you just have to love the big , dumb , happy movie my big fat greek wedding . $LABEL$ 1 +if you liked such movies as notting hill , four weddings and a funeral , bridget jones ' diary or high fidelity , then you wo n't want to miss about a boy . $LABEL$ 1 +katz uses archival footage , horrifying documents of lynchings , still photographs and charming old reel-to-reel recordings of meeropol entertaining his children to create his song history , but most powerful of all is the song itself $LABEL$ 1 +-lrb- it 's -rrb- difficult to get beyond the overall blandness of american chai , despite its likable performances and refreshingly naive point of view . $LABEL$ 0 +a worthy tribute to a great humanitarian and her vibrant ` co-stars . ' $LABEL$ 1 +but as a movie , it 's a humorless , disjointed mess . $LABEL$ 0 +what 's next ? $LABEL$ 1 +frustratingly , dridi tells us nothing about el gallo other than what emerges through his music . $LABEL$ 0 +showtime is closer to slowtime . $LABEL$ 0 +tim allen is great in his role but never hogs the scenes from his fellow cast , as there are plenty of laughs and good lines for everyone in this comedy . $LABEL$ 1 +britney has been delivered to the big screen safe and sound , the way we like our 20-year-old superstar girls to travel on the fame freeway . $LABEL$ 1 +has little on its mind aside from scoring points with drag gags . $LABEL$ 0 +an enchanting spectacular for potter fans anxious to ride the hogwarts express toward a new year of magic and mischief . $LABEL$ 1 +it 's a nicely detailed world of pawns , bishops and kings , of wagers in dingy backrooms or pristine forests . $LABEL$ 1 +a real clunker . $LABEL$ 0 +the film seems a dead weight . $LABEL$ 0 +the voices are fine as well . $LABEL$ 1 +it turns out to be a cut above the norm , thanks to some clever writing and sprightly acting . $LABEL$ 1 +an awkward and indigestible movie . $LABEL$ 0 +showtime is one of the hapless victims of the arrogant `` if we put together a wry white man and a chatty black man and give them guns , the movie will be funny '' syndrome . $LABEL$ 0 +a frisky and fresh romantic comedy exporing sexual politics and the challenges of friendships between women . $LABEL$ 1 +but the characters tend to be cliches whose lives are never fully explored . $LABEL$ 0 +as your relatives swap one mundane story after another , you begin to wonder if they are ever going to depart . $LABEL$ 0 +wasabi is slight fare indeed , with the entire project having the feel of something tossed off quickly -lrb- like one of hubert 's punches -rrb- , but it should go down smoothly enough with popcorn . $LABEL$ 1 +the film equivalent of a toy chest whose contents get scattered over the course of 80 minutes . $LABEL$ 0 +go see it and enjoy . $LABEL$ 1 +her film is unrelentingly claustrophobic and unpleasant . $LABEL$ 0 +chicago is sophisticated , brash , sardonic , completely joyful in its execution . $LABEL$ 1 +obstacles are too easily overcome and there is n't much in the way of character development in the script . $LABEL$ 0 +a hysterical yet humorless disquisition on the thin line between sucking face and literally sucking face . $LABEL$ 0 +the cold and dreary weather is a perfect metaphor for the movie itself , which contains few laughs and not much drama . $LABEL$ 0 +on its own cinematic terms , it successfully showcases the passions of both the director and novelist byatt . $LABEL$ 1 +pryor lite , with half the demons , half the daring , much less talent , many fewer laughs . $LABEL$ 0 +this is a terrific character study , a probe into the life of a complex man . $LABEL$ 1 +a romantic comedy , yes , but one with characters who think and talk about their goals , and are working on hard decisions . $LABEL$ 1 +any film featuring young children threatened by a terrorist bomb can no longer pass as mere entertainment . $LABEL$ 0 +what parents will suspect is that they 're watching a 76-minute commercial . $LABEL$ 0 +do n't let your festive spirit go this far . $LABEL$ 0 +eastwood is an icon of moviemaking , one of the best actors , directors and producers around , responsible for some excellent work . $LABEL$ 1 +a historical epic with the courage of its convictions about both scope and detail . $LABEL$ 1 +a thinly veiled excuse for wilson to play his self-deprecating act against murphy 's well-honed prima donna shtick . $LABEL$ 0 +an epic of grandeur and scale that 's been decades gone from the popcorn pushing sound stages of hollywood . $LABEL$ 1 +preposterous and tedious , sonny is spiked with unintentional laughter that , unfortunately , occurs too infrequently to make the film even a guilty pleasure . $LABEL$ 0 +it will delight newcomers to the story and those who know it from bygone days . $LABEL$ 1 +the saturation bombing of reggio 's images and glass ' evocative music ... ultimately leaves viewers with the task of divining meaning . $LABEL$ 0 +as a witness to several greek-american weddings -- but , happily , a victim of none -- i can testify to the comparative accuracy of ms. vardalos ' memories and insights . $LABEL$ 1 +a wonderful character-based comedy . $LABEL$ 1 +k-19 may not hold a lot of water as a submarine epic , but it holds even less when it turns into an elegiacally soggy saving private ryanovich . $LABEL$ 0 +do n't waste your money . $LABEL$ 0 +dreary , highly annoying ... ` some body ' will appeal to no one . $LABEL$ 0 +just when the movie seems confident enough to handle subtlety , it dives into soapy bathos . $LABEL$ 0 +a carefully structured scream of consciousness that is tortured and unsettling -- but unquestionably alive . $LABEL$ 1 +punish the vehicle to adore the star . $LABEL$ 0 +reign of fire may be little more than another platter of reheated aliens , but it 's still pretty tasty . $LABEL$ 1 +thoughtful , even stinging at times , and lots of fun . $LABEL$ 1 +it 's a humble effort , but spiced with wry humor and genuine pathos , especially between morgan and redgrave . $LABEL$ 1 +the editing is chaotic , the photography grainy and badly focused , the writing unintentionally hilarious , the direction unfocused , the performances as wooden . $LABEL$ 0 +the movie feels like it 's going to be great , and it carries on feeling that way for a long time , but takeoff just never happens . $LABEL$ 0 +an uneven but intriguing drama that is part homage and part remake of the italian masterpiece . $LABEL$ 1 +a sweet-natured reconsideration of one of san francisco 's most vital , if least widely recognized , creative fountainheads . $LABEL$ 1 +with spy kids 2 : the island of lost dreams writer\/director\/producer robert rodriguez has cobbled together a film that feels like a sugar high gone awry . $LABEL$ 0 +i found it slow , drab , and bordering on melodramatic . $LABEL$ 0 +-lrb- sen 's -rrb- soap opera-ish approach undermines his good intentions . $LABEL$ 0 +the stories here suffer from the chosen format . $LABEL$ 0 +... a cute and sometimes side-splittingly funny blend of legally blonde and drop dead gorgeous , starring piper perabo in what could be her breakthrough role . $LABEL$ 1 +offers a breath of the fresh air of true sophistication . $LABEL$ 1 +a pro-fat farce that overcomes much of its excessive moral baggage thanks to two appealing lead performances . $LABEL$ 1 +there is no entry portal in the rules of attraction , and i spent most of the movie feeling depressed by the shallow , selfish , greedy characters . $LABEL$ 0 +at the bottom rung of the series ' entries . $LABEL$ 0 +whatever eyre 's failings as a dramatist , he deserves credit for bringing audiences into this hard and bitter place . $LABEL$ 1 +the spark of special anime magic here is unmistakable and hard to resist . $LABEL$ 1 +despite apparent motives to the contrary , it ends up being , like -lrb- seinfeld 's -rrb- revered tv show , about pretty much nothing . $LABEL$ 0 +mr. parker has brilliantly updated his source and grasped its essence , composing a sorrowful and hilarious tone poem about alienated labor , or an absurdist workplace sitcom . $LABEL$ 1 +the transporter is as lively and as fun as it is unapologetically dumb $LABEL$ 1 +... too dull to enjoy . $LABEL$ 0 +this is cool , slick stuff , ready to quench the thirst of an audience that misses the summer blockbusters . $LABEL$ 1 +characters wander into predictably treacherous situations even though they should know better . $LABEL$ 0 +with a cast that includes some of the top actors working in independent film , lovely & amazing involves us because it is so incisive , so bleakly amusing about how we go about our lives . $LABEL$ 1 +... -lrb- like -rrb- channel surfing between the discovery channel and a late-night made-for-cable action movie . $LABEL$ 0 +i hated every minute of it . $LABEL$ 0 +this is a very fine movie -- go see it . $LABEL$ 1 +this is n't my favorite in the series , still i enjoyed it enough to recommend . $LABEL$ 1 +a benign but forgettable sci-fi diversion . $LABEL$ 0 +a bigger holiday downer than your end-of-year 401 -lrb- k -rrb- statement . $LABEL$ 0 +godawful boring slug of a movie . $LABEL$ 0 +provide -lrb- s -rrb- nail-biting suspense and credible characters without relying on technology-of-the-moment technique or pretentious dialogue . $LABEL$ 1 +but like most rabbits , it seems to lack substance . $LABEL$ 0 +once you get into its rhythm ... the movie becomes a heady experience . $LABEL$ 1 +it is intensely personal and yet -- unlike quills -- deftly shows us the temper of the times . $LABEL$ 1 +just because it really happened to you , honey , does n't mean that it 's interesting to anyone else . $LABEL$ 0 +hayek is stunning as frida and ... a star-making project . $LABEL$ 1 +about as cutting-edge as pet rock : the movie . $LABEL$ 0 +a quietly reflective and melancholy new zealand film about an eventful summer in a 13-year-old girl 's life . $LABEL$ 1 +an amazing and incendiary movie that dives straight into the rough waters of contradiction . $LABEL$ 1 +benefits from a strong performance from zhao , but it 's dong jie 's face you remember at the end . $LABEL$ 1 +it 's a worthwhile tutorial in quantum physics and slash-dash $LABEL$ 1 +the acting is stiff , the story lacks all trace of wit , the sets look like they were borrowed from gilligan 's island -- and the cgi scooby might well be the worst special-effects creation of the year . $LABEL$ 0 +star wars is back in a major way . $LABEL$ 1 +unlike the nauseating fictions peddled by such ` have-yourself-a-happy-little-holocaust ' movies as life is beautiful and jakob the liar , the grey zone is honest enough to deny the possibility of hope in auschwitz . $LABEL$ 1 +director nalin pan does n't do much to weigh any arguments one way or the other . $LABEL$ 0 +the pivotal narrative point is so ripe the film ca n't help but go soft and stinky . $LABEL$ 0 +most of the action setups are incoherent . $LABEL$ 0 +compelling revenge thriller , though somewhat weakened by a miscast leading lady . $LABEL$ 1 +if you 're not into the pokemon franchise , this fourth animated movie in four years wo n't convert you -- or even keep your eyes open . $LABEL$ 0 +in a normal screen process , these bromides would be barely enough to sustain an interstitial program on the discovery channel . $LABEL$ 0 +the only thing worse than your substandard , run-of-the-mill hollywood picture is an angst-ridden attempt to be profound . $LABEL$ 0 +winds up feeling like lots of other quirky movies that try to score hipness points with young adults . $LABEL$ 0 +an instant candidate for worst movie of the year . $LABEL$ 0 +a highly intriguing thriller , coupled with some ingenious plot devices and some lavishly built settings . . $LABEL$ 1 +director kapur is a filmmaker with a real flair for epic landscapes and adventure , and this is a better film than his earlier english-language movie , the overpraised elizabeth . $LABEL$ 1 +good actress . $LABEL$ 1 +an overblown clunker full of bad jokes , howling cliches and by-the-numbers action sequences . $LABEL$ 0 +i can only imagine one thing worse than kevin spacey trying on an irish accent , and that 's sultry linda fiorentino doing the same thing . $LABEL$ 0 +on the right track to something that 's creepy and effective ... it 's just going to take more than a man in a bullwinkle costume to get there . $LABEL$ 0 +if myers decides to make another austin powers movie , maybe he should just stick with austin and dr evil . $LABEL$ 0 +an atonal estrogen opera that demonizes feminism while gifting the most sympathetic male of the piece with a nice vomit bath at his wedding . $LABEL$ 0 +bad beyond belief and ridiculous beyond description . $LABEL$ 0 +however , it lacks grandeur and that epic quality often associated with stevenson 's tale as well as with earlier disney efforts . $LABEL$ 0 +a classy item by a legend who may have nothing left to prove but still has the chops and drive to show how its done . $LABEL$ 1 +it sounds sick and twisted , but the miracle of shainberg 's film is that it truly is romance $LABEL$ 1 +what could have been a neat little story about believing in yourself is swamped by heavy-handed melodrama . $LABEL$ 0 +a very funny look at how another culture handles the process of courting and marriage . $LABEL$ 1 +instead , we just get messy anger , a movie as personal therapy . $LABEL$ 0 +like old myths and wonder tales spun afresh . $LABEL$ 1 +with danilo donati 's witty designs and dante spinotti 's luscious cinematography , this might have made a decent children 's movie -- if only benigni had n't insisted on casting himself in the title role . $LABEL$ 1 +nervy and sensitive , it taps into genuine artistic befuddlement , and at the same time presents a scathing indictment of what drives hollywood . $LABEL$ 1 +i regret to report that these ops are just not extreme enough . $LABEL$ 0 +i loved looking at this movie . $LABEL$ 1 +binoche and magimel are perfect in these roles . $LABEL$ 1 +doug liman , the director of bourne , directs the traffic well , gets a nice wintry look from his locations , absorbs us with the movie 's spycraft and uses damon 's ability to be focused and sincere . $LABEL$ 1 +the film 's sharp , often mischievous sense of humor will catch some off guard ... $LABEL$ 1 +i wish i could say `` thank god it 's friday '' , but the truth of the matter is i was glad when it was over . $LABEL$ 0 +lauren ambrose comes alive under the attention from two strangers in town - with honest performances and realistic interaction between the characters , this is a coming-of-age story with a twist . $LABEL$ 1 +occasionally , in the course of reviewing art-house obscurities and slam-bam action flicks , a jaded critic smacks into something truly new . $LABEL$ 1 +`` men in black ii , '' has all the earmarks of a sequel . $LABEL$ 1 +this is a raw and disturbing tale that took five years to make , and the trio 's absorbing narrative is a heart-wrenching showcase indeed . $LABEL$ 1 +yeah , these flicks are just that damn good . $LABEL$ 1 +a worthy entry into a very difficult genre . $LABEL$ 1 +soul is what 's lacking in every character in this movie and , subsequently , the movie itself . $LABEL$ 0 +majidi gets uniformly engaging performances from his largely amateur cast . $LABEL$ 1 +an impressive if flawed effort that indicates real talent . $LABEL$ 1 +the best way to hope for any chance of enjoying this film is by lowering your expectations . $LABEL$ 0 +still pretentious and filled with subtext , but entertaining enough at ` face value ' to recommend to anyone looking for something different . $LABEL$ 1 +woo 's fights have a distinct flair . $LABEL$ 1 +the only thing that could possibly make them less interesting than they already are is for them to get full montied into a scrappy , jovial team . $LABEL$ 0 +... has virtually no script at all ... $LABEL$ 0 +we are left with a superficial snapshot that , however engaging , is insufficiently enlightening and inviting . $LABEL$ 0 +why he was given free reign over this project -- he wrote , directed , starred and produced -- is beyond me . $LABEL$ 0 +gloriously goofy -lrb- and gory -rrb- midnight movie stuff . $LABEL$ 1 +the film makes a strong case for the importance of the musicians in creating the motown sound . $LABEL$ 1 +at its best , the good girl is a refreshingly adult take on adultery ... $LABEL$ 1 +nair does capture the complexity of a big family and its trials and tribulations ... $LABEL$ 1 +throwing caution to the wind with an invitation to the hedonist in us all , nair has constructed this motion picture in such a way that even the most cynical curmudgeon with find himself or herself smiling at one time or another . $LABEL$ 1 +although life or something like it is very much in the mold of feel-good movies , the cast and director stephen herek 's polished direction pour delightfully piquant wine from aged bottles . $LABEL$ 1 +at its best early on as it plays the culture clashes between the brothers . $LABEL$ 1 +the story ... is moldy and obvious . $LABEL$ 0 +scotland , pa. is a strangely drab romp . $LABEL$ 0 +better at putting you to sleep than a sound machine . $LABEL$ 0 +... one of the most ingenious and entertaining thrillers i 've seen in quite a long time . $LABEL$ 1 +denzel washington 's efforts are sunk by all the sanctimony . $LABEL$ 0 +despite a powerful portrayal by binoche , it 's a period romance that suffers from an overly deliberate pace and uneven narrative momentum . $LABEL$ 0 +she must have a very strong back . $LABEL$ 1 +we get some truly unique character studies and a cross-section of americana that hollywood could n't possibly fictionalize and be believed . $LABEL$ 1 +the story drifts so inexorably into cliches about tortured -lrb- and torturing -rrb- artists and consuming but impossible love that you ca n't help but become more disappointed as each overwrought new sequence plods on . $LABEL$ 0 +an utterly compelling ` who wrote it ' in which the reputation of the most famous author who ever lived comes into question . $LABEL$ 1 +this is the kind of movie that used to be right at home at the saturday matinee , and it still is . $LABEL$ 1 +not sweet enough to liven up its predictable story and will leave even fans of hip-hop sorely disappointed . $LABEL$ 0 +-lrb- drumline -rrb- is entertaining for what it does , and admirable for what it does n't do . $LABEL$ 1 +the two leads are almost good enough to camouflage the dopey plot , but so much naturalistic small talk , delivered in almost muffled exchanges , eventually has a lulling effect . $LABEL$ 0 +despite a story predictable enough to make the sound of music play like a nail-biting thriller , its heart is so much in the right place it is difficult to get really peeved at it . $LABEL$ 1 +noyce 's film is contemplative and mournfully reflective . $LABEL$ 1 +despite the premise of a good story ... it wastes all its star power on cliched or meaningless roles . $LABEL$ 0 +succumbs to the same kind of maudlin , sentimental mysticism that mars the touched by an angel school of non-god spiritual-uplift movies . $LABEL$ 0 +watching beanie and his gang put together his slasher video from spare parts and borrowed materials is as much fun as it must have been for them to make it . $LABEL$ 1 +bears is bad . $LABEL$ 0 +any movie this boring should be required to have ushers in the theater that hand you a cup of coffee every few minutes . $LABEL$ 0 +a film of precious increments artfully camouflaged as everyday activities . $LABEL$ 1 +the inherent strength of the material as well as the integrity of the filmmakers gives this coming-of-age story restraint as well as warmth . $LABEL$ 1 +i just did n't care as much for the story . $LABEL$ 0 +very solid , very watchable first feature for director peter sheridan $LABEL$ 1 +while super troopers is above academy standards , its quintet of writers could still use some more schooling . $LABEL$ 0 +the overall effect is so completely inane that one would have to be mighty bored to even think of staying with this for more than , say , ten ... make that three minutes . $LABEL$ 0 +pumpkin sits in a patch somewhere between mirthless todd solondzian satire and callow student film . $LABEL$ 0 +if kaufman kept cameron diaz a prisoner in a cage with her ape , in his latest , he 'd have them mate . $LABEL$ 0 +still , it gets the job done -- a sleepy afternoon rental . $LABEL$ 0 +consider the title 's clunk-on-the-head that suggests the overtime someone put in to come up with an irritatingly unimaginative retread concept . $LABEL$ 0 +leave it to rohmer , now 82 , to find a way to bend current technique to the service of a vision of the past that is faithful to both architectural glories and commanding open spaces of the city as it was more than two centuries ago . $LABEL$ 1 +sam jones became a very lucky filmmaker the day wilco got dropped from their record label , proving that one man 's ruin may be another 's fortune . $LABEL$ 1 +a minor picture with a major identity crisis -- it 's sort of true and it 's sort of bogus and it 's ho-hum all the way through . $LABEL$ 0 +a taut , intelligent psychological drama . $LABEL$ 1 +barney has created a tour de force that is weird , wacky and wonderful . $LABEL$ 1 +it settles for being merely grim . $LABEL$ 0 +a work of astonishing delicacy and force . $LABEL$ 1 +dark and disturbing , but also surprisingly funny . $LABEL$ 1 +a loving little film of considerable appeal . $LABEL$ 1 +watching the film is like reading a times portrait of grief that keeps shifting focus to the journalist who wrote it . $LABEL$ 0 +a free-for-all of half-baked thoughts , clumsily used visual tricks and self-indulgent actor moments . $LABEL$ 0 +the problem is n't that the movie hits so close to home so much as that it hits close to home while engaging in such silliness as that snake-down-the-throat business and the inevitable shot of schwarzenegger outrunning a fireball . $LABEL$ 0 +can see where this dumbed-down concoction is going . $LABEL$ 0 +parker holds true to wilde 's own vision of a pure comedy with absolutely no meaning , and no desire to be anything but a polished , sophisticated entertainment that is in love with its own cleverness . $LABEL$ 1 +these are names to remember , in order to avoid them in the future . $LABEL$ 0 +if somebody was bored and ... decided to make a dull , pretentious version of jesus ' son , they 'd come up with something like bart freundlich 's world traveler . $LABEL$ 0 +new best friend should n't have gone straight to video ; it should have gone straight to a mystery science theater 3000 video . $LABEL$ 0 +as a revenge thriller , the movie is serviceable , but it does n't really deliver the delicious guilty pleasure of the better film versions . $LABEL$ 0 +i was perplexed to watch it unfold with an astonishing lack of passion or uniqueness . $LABEL$ 0 +-lrb- director peter -rrb- jackson and his crew have so steeped themselves in the majesty of tolkien 's writing that every frame produces new joys , whether you 're a fan of the books or not . $LABEL$ 1 +... ambition is in short supply in the cinema , and egoyan tackles his themes and explores his characters ' crises with seriousness and compassion . $LABEL$ 1 +it does n't help that the director and cinematographer stephen kazmierski shoot on grungy video , giving the whole thing a dirty , tasteless feel . $LABEL$ 0 +-lrb- two -rrb- fairly dull -- contrasting and interlocking stories about miserable scandinavian settlers in 18th-century canada , and yuppie sailboaters in the here and now . $LABEL$ 0 +somewhere short of tremors on the modern b-scene : neither as funny nor as clever , though an agreeably unpretentious way to spend ninety minutes . $LABEL$ 0 +their film falters , however , in its adherence to the disney philosophy of required poignancy , a salute that i 'd hoped the movie would avoid . $LABEL$ 0 +the latest installment in the pokemon canon , pokemon 4ever is surprising less moldy and trite than the last two , likely because much of the japanese anime is set in a scenic forest where pokemon graze in peace . $LABEL$ 1 +it 's still worth a look . $LABEL$ 1 +jolie 's performance vanishes somewhere between her hair and her lips . $LABEL$ 0 +never engaging , utterly predictable and completely void of anything remotely interesting or suspenseful . $LABEL$ 0 +although trying to balance self-referential humor and a normal ol' slasher plot seemed like a decent endeavor , the result does n't fully satisfy either the die-hard jason fans or those who can take a good joke . $LABEL$ 0 +a pleasant enough movie , held together by skilled ensemble actors . $LABEL$ 1 +intriguing and beautiful film , but those of you who read the book are likely to be disappointed . $LABEL$ 1 +too close to phantom menace for comfort . $LABEL$ 0 +without heavy-handedness , dong provides perspective with his intelligent grasp of human foibles and contradictions . $LABEL$ 1 +somehow we 're meant to buy that this doting mother would shun her kids , travel to one of the most dangerous parts of the world , don fatigues and become g.i. jane . $LABEL$ 0 +marvelous , merry and , yes , melancholy film . $LABEL$ 1 +reinforces the talents of screenwriter charlie kaufman , creator of adaptation and being john malkovich . $LABEL$ 1 +the timing in nearly every scene seems a half beat off . $LABEL$ 0 +more than makes up for its mawkish posing by offering rousing spates of genuine feeling . $LABEL$ 1 +a woozy , roisterous , exhausting mess , and the off-beat casting of its two leads turns out to be as ill-starred as you might expect . $LABEL$ 0 +the story 's so preposterous that i did n't believe it for a second , despite the best efforts of everyone involved . $LABEL$ 0 +its underlying mythology is a hodgepodge of inconsistencies that pose the question : since when did dumb entertainment have to be this dumb ? $LABEL$ 0 +and forget about any attempt at a plot ! $LABEL$ 0 +watstein handily directs and edits around his screenplay 's sappier elements ... and sustains off the hook 's buildup with remarkable assuredness for a first-timer . $LABEL$ 1 +ice cube holds the film together with an engaging and warm performance ... $LABEL$ 1 +all this turns out to be neither funny nor provocative - only dull . $LABEL$ 0 +tom green just gives them a bad odor . $LABEL$ 0 +it 's obviously struck a responsive chord with many south koreans , and should work its magic in other parts of the world . $LABEL$ 1 +it has fun being grown up . $LABEL$ 1 +this is a great subject for a movie , but hollywood has squandered the opportunity , using it as a prop for warmed-over melodrama and the kind of choreographed mayhem that director john woo has built his career on . $LABEL$ 0 +children may not understand everything that happens -- i 'm not sure even miyazaki himself does -- but they will almost certainly be fascinated , and undoubtedly delighted . $LABEL$ 1 +a distant , even sterile , yet compulsively watchable look at the sordid life of hogan 's heroes star bob crane . $LABEL$ 1 +this is the type of movie best enjoyed by frat boys and college kids while sucking on the bong and downing one alcoholic beverage after another . $LABEL$ 0 +the film is a travesty of the genre and even as spoof takes itself too seriously . $LABEL$ 0 +the long-range appeal of `` minority report '' should transcend any awards it bags . $LABEL$ 1 +the film starts out as competent but unremarkable ... and gradually grows into something of considerable power . $LABEL$ 1 +ihops do n't pile on this much syrup . $LABEL$ 0 +a pleasant enough comedy that should have found a summer place . $LABEL$ 1 +the unique tug-of-war with viewer expectations is undeniable , if not a pleasure in its own right . $LABEL$ 1 +this is a particularly toxic little bonbon , palatable to only a chosen and very jaundiced few . $LABEL$ 0 +sound the trumpets : for the first time since desperately seeking susan , madonna does n't suck as an actress . $LABEL$ 1 +the truth is that the truth about charlie gets increasingly tiresome . $LABEL$ 0 +much-anticipated and ultimately lackluster movie . $LABEL$ 0 +disturbingly superficial in its approach to the material . $LABEL$ 0 +flat , but with a revelatory performance by michelle williams . $LABEL$ 0 +unless you are in dire need of a diesel fix , there is no real reason to see it . $LABEL$ 0 +the movie gets muted and routine . $LABEL$ 0 +madonna still ca n't act a lick . $LABEL$ 0 +if you 're not a prepubescent girl , you 'll be laughing at britney spears ' movie-starring debut whenever it does n't have you impatiently squinting at your watch . $LABEL$ 0 +some actors have so much charisma that you 'd be happy to listen to them reading the phone book . $LABEL$ 1 +energetic and boldly provocative . $LABEL$ 1 +not only does the movie fail to make us part of its reality , it fails the most basic relevancy test as well . $LABEL$ 0 +the kooky yet shadowy vision clooney sustains throughout is daring , inventive and impressive . $LABEL$ 1 +i 'd give real money to see the perpetrators of chicago torn apart by dingoes . $LABEL$ 0 +occasionally funny and consistently odd , and it works reasonably well as a star vehicle for zhao . $LABEL$ 1 +awkward but sincere and , ultimately , it wins you over . $LABEL$ 1 +the whole damn thing is ripe for the jerry springer crowd . $LABEL$ 0 +a lousy movie that 's not merely unwatchable , but also unlistenable . $LABEL$ 0 +flounders due to the general sense that no two people working on the production had exactly the same thing in mind . $LABEL$ 0 +with youthful high spirits , tautou remains captivating throughout michele 's religious and romantic quests , and she is backed by a likable cast . $LABEL$ 1 +if this is an example of the type of project that robert redford 's lab is willing to lend its imprimatur to , then perhaps it 's time to rethink independent films . $LABEL$ 0 +a great comedy filmmaker knows great comedy need n't always make us laugh . $LABEL$ 1 +while this film is not in the least surprising , it is still ultimately very satisfying . $LABEL$ 1 +remarkably accessible and affecting . $LABEL$ 1 +writhing under dialogue like ` you 're from two different worlds ' and ` tonight the maid is a lie and this , this is who you are , ' this schlock-filled fairy tale hits new depths of unoriginality and predictability . $LABEL$ 0 +this cheery , down-to-earth film is warm with the cozy feeling of relaxing around old friends . $LABEL$ 1 +plays as hollow catharsis , with lots of tears but very little in the way of insights . $LABEL$ 0 +will probably stay in the shadow of its two older , more accessible qatsi siblings . $LABEL$ 0 +credibility sinks into a mire of sentiment . $LABEL$ 0 +director brian levant , who never strays far from his sitcom roots , skates blithely from one implausible situation to another , pausing only to tie up loose ends with more bows than you 'll find on a french poodle . $LABEL$ 0 +it 's hard to tell with all the crashing and banging where the salesmanship ends and the movie begins . $LABEL$ 0 +but it 's emotionally engrossing , too , thanks to strong , credible performances from the whole cast . $LABEL$ 1 +francophiles will snicker knowingly and you 'll want to slap them . $LABEL$ 0 +-lrb- plays -rrb- in broad outline as pandering middle-age buddy-comedy . $LABEL$ 0 +one hour photo is an intriguing snapshot of one man and his delusions ; it 's just too bad it does n't have more flashes of insight . $LABEL$ 0 +a one-trick pony whose few t&a bits still ca n't save itself from being unoriginal , unfunny and unrecommendable . $LABEL$ 0 +this examination of aquatic life off the shores of the baja california peninsula of mexico offers an engrossing way to demonstrate the virtues of the imax format . $LABEL$ 1 +an ungainly , comedy-deficient , b-movie rush job ... $LABEL$ 0 +will only satisfy those who ca n't tell the difference between the good , the bad and the ugly . $LABEL$ 0 +if this movie were a book , it would be a page-turner , you ca n't wait to see what happens next . $LABEL$ 1 +` dragonfly ' is a movie about a bus wreck that turns into a film wreck . $LABEL$ 0 +-lrb- villeneuve -rrb- seems to realize intuitively that even morality is reduced to an option by the ultimate mysteries of life and death . $LABEL$ 1 +rather , you 'll have to wrestle disbelief to the ground and then apply the chloroform-soaked handkerchief . $LABEL$ 0 +feel bad for king , who 's honestly trying , and schwartzman , who 's shot himself in the foot . $LABEL$ 0 +involving at times , but lapses quite casually into the absurd . $LABEL$ 0 +for benigni it was n't shakespeare whom he wanted to define his career with but pinocchio . $LABEL$ 1 +starts off with a bang , but then fizzles like a wet stick of dynamite at the very end . $LABEL$ 0 +together , tok and o orchestrate a buoyant , darkly funny dance of death . $LABEL$ 1 +de niro looks bored , murphy recycles murphy , and you mentally add showtime to the pile of hollywood dreck that represents nothing more than the art of the deal . $LABEL$ 0 +the film 's real appeal wo n't be to clooney fans or adventure buffs , but to moviegoers who enjoy thinking about compelling questions with no easy answers . $LABEL$ 1 +guaranteed to move anyone who ever shook , rattled , or rolled . $LABEL$ 1 +unlike his directorial efforts , la femme nikita and the professional , the transporter lacks besson 's perspective as a storyteller . $LABEL$ 0 +at about 95 minutes , treasure planet maintains a brisk pace as it races through the familiar story . $LABEL$ 1 +this limp gender-bender-baller from a first-time director and rookie screenwriter steals wholesale from that 1982 's tootsie , forgetting only to retain a single laugh . $LABEL$ 0 +so stupid , so ill-conceived , so badly drawn , it created whole new levels of ugly . $LABEL$ 0 +there has been much puzzlement among critics about what the election symbolizes . $LABEL$ 0 +a masterful film from a master filmmaker , unique in its deceptive grimness , compelling in its fatalist worldview . $LABEL$ 1 +a great idea becomes a not-great movie . $LABEL$ 0 +an inspiring and heart-affecting film about the desperate attempts of vietnamese refugees living in u.s. relocation camps to keep their hopes alive in 1975 . $LABEL$ 1 +its over-reliance on genre conventions , character types and formulaic conflict resolutions crushes all the goodwill it otherwise develops . $LABEL$ 0 +demme 's loose approach kills the suspense . $LABEL$ 0 +harsh , effective documentary on life in the israeli-occupied palestinian territories . $LABEL$ 1 +steers turns in a snappy screenplay that curls at the edges ; it 's so clever you want to hate it . $LABEL$ 1 +this is what imax was made for : strap on a pair of 3-d goggles , shut out the real world , and take a vicarious voyage to the last frontier -- space . $LABEL$ 1 +but this costly dud is a far cry from either the book or the beloved film . $LABEL$ 0 +the essential problem in orange county is that , having created an unusually vivid set of characters worthy of its strong cast , the film flounders when it comes to giving them something to do . $LABEL$ 0 +... if you 're in a mind set for goofy comedy , the troopers will entertain with their gross outs , bawdy comedy and head games . $LABEL$ 1 +a work of the utmost subtlety and perception , it marks the outstanding feature debut of writer-director eric byler , who understands the power of the implicit and the virtues of simplicity and economy . $LABEL$ 1 +there are just enough twists in the tale to make it far more satisfying than almost any horror film in recent memory . $LABEL$ 1 +... hudlin is stuck trying to light a fire with soggy leaves . $LABEL$ 0 +... a haunting vision , with images that seem more like disturbing hallucinations . $LABEL$ 0 +consists of a plot and jokes done too often by people far more talented than ali g $LABEL$ 0 +a breezy , diverting , conventional , well-acted tale of two men locked in an ongoing game of cat-and-cat . $LABEL$ 1 +the premise is in extremely bad taste , and the film 's supposed insights are so poorly thought-out and substance-free that even a high school senior taking his or her first psychology class could dismiss them . $LABEL$ 0 +imagine a really bad community theater production of west side story without the songs . $LABEL$ 0 +smith profiles five extraordinary american homes , and because the owners seem fully aware of the uses and abuses of fame , it 's a pleasure to enjoy their eccentricities . $LABEL$ 1 +with its hints of a greater intelligence lurking somewhere , the ring makes its stupidity more than obvious . $LABEL$ 0 +an afterschool special without the courage of its convictions . $LABEL$ 0 +uneasy mishmash of styles and genres . $LABEL$ 0 +the period -- swinging london in the time of the mods and the rockers -- gets the once-over once again in gangster no. 1 , but falls apart long before the end . $LABEL$ 0 +earnest falls short of its ideal predecessor largely due to parker 's ill-advised meddling with the timeless source material . $LABEL$ 0 +tailored to entertain ! $LABEL$ 1 +in his debut as a film director , denzel washington delivers a lean and engaging work . $LABEL$ 1 +the scope of the silberstein family is large and we grow attached to their lives , full of strength , warmth and vitality . . $LABEL$ 1 +the tone is balanced , reflective and reasonable . $LABEL$ 1 +a real story about real people living their lives concerned about the future of an elderly , mentally handicapped family member . $LABEL$ 1 +if shayamalan wanted to tell a story about a man who loses his faith , why did n't he just do it , instead of using bad sci-fi as window dressing ? $LABEL$ 0 +the way coppola professes his love for movies -- both colorful pop junk and the classics that unequivocally qualify as art -- is giddily entertaining . $LABEL$ 1 +an intimate , good-humored ethnic comedy like numerous others but cuts deeper than expected . $LABEL$ 1 +fans of the animated wildlife adventure show will be in warthog heaven ; others need not necessarily apply . $LABEL$ 1 +the story loses its bite in a last-minute happy ending that 's even less plausible than the rest of the picture . $LABEL$ 0 +it is interesting and fun to see goodall and her chimpanzees on the bigger-than-life screen . $LABEL$ 1 +branagh , in his most forceful non-shakespeare screen performance , grounds even the softest moments in the angry revolt of his wit . $LABEL$ 1 +a droll , well-acted , character-driven comedy with unexpected deposits of feeling . $LABEL$ 1 +the screenplay sabotages the movie 's strengths at almost every juncture . $LABEL$ 0 +a beautiful and haunting examination of the stories we tell ourselves to make sense of the mundane horrors of the world . $LABEL$ 1 +he 'd create a movie better than this . $LABEL$ 0 +my response to the film is best described as lukewarm . $LABEL$ 0 +diane lane shines in unfaithful . $LABEL$ 1 +drags along in a dazed and enervated , drenched-in-the - past numbness . $LABEL$ 0 +thurman and lewis are hilarious throughout . $LABEL$ 1 +extreme oops - oops , ops , no matter how you spell it , it 's still a mistake to go see it . $LABEL$ 0 +an uneven film dealing with too many problems to be taken seriously . $LABEL$ 0 +ana is a vivid , vibrant individual and the movie 's focus upon her makes it successful and accessible . $LABEL$ 1 +... a polished and relatively sincere piece of escapism . $LABEL$ 1 +as an entertainment , the movie keeps you diverted and best of all , it lightens your wallet without leaving a sting . $LABEL$ 1 +aspires for the piquant but only really achieves a sort of ridiculous sourness . $LABEL$ 0 +chicago is , in many ways , an admirable achievement . $LABEL$ 1 +fisher has bared his soul and confronted his own shortcomings here in a way ... that feels very human and very true to life . $LABEL$ 1 +a charming yet poignant tale of the irrevocable ties that bind . $LABEL$ 1 +or some damn thing . $LABEL$ 0 +its mysteries are transparently obvious , and it 's too slowly paced to be a thriller . $LABEL$ 0 +its gross-out gags and colorful set pieces ... are of course stultifyingly contrived and too stylized by half . $LABEL$ 0 +there is a refreshing absence of cynicism in stuart little 2 -- quite a rarity , even in the family film market . $LABEL$ 1 +creepy but ultimately unsatisfying thriller . $LABEL$ 0 +without resorting to hyperbole , i can state that kissing jessica stein may be the best same-sex romance i have seen . $LABEL$ 1 +a sensitive and expertly acted crowd-pleaser that is n't above a little broad comedy and a few unabashedly sentimental tears . $LABEL$ 1 +the experience of watching blobby old-school cgi animation in this superlarge format is just surreal enough to be diverting . $LABEL$ 1 +... too slow , too boring , and occasionally annoying . $LABEL$ 0 +this is pretty dicey material . $LABEL$ 0 +the premise is overshadowed by the uberviolence of the clericks as this becomes just another kung-fu sci-fi movie with silly action sequences . $LABEL$ 0 +subversive , meditative , clinical and poetic , the piano teacher is a daring work of genius . $LABEL$ 1 +-lrb- a -rrb- hollywood sheen bedevils the film from the very beginning ... -lrb- but -rrb- lohman 's moist , deeply emotional eyes shine through this bogus veneer ... $LABEL$ 1 +it does n't do the original any particular dishonor , but neither does it exude any charm or personality . $LABEL$ 0 +... blade ii is more enjoyable than the original . $LABEL$ 1 +there 's suspension of disbelief and then there 's bad screenwriting ... this film packs a wallop of the latter . $LABEL$ 0 +an often-deadly boring , strange reading of a classic whose witty dialogue is treated with a baffling casual approach $LABEL$ 0 +the problem with concept films is that if the concept is a poor one , there 's no saving the movie . $LABEL$ 0 +safe conduct , however ambitious and well-intentioned , fails to hit the entertainment bull 's - eye . $LABEL$ 0 +a film made with as little wit , interest , and professionalism as artistically possible for a slummy hollywood caper flick . $LABEL$ 0 +but here 's the real damn : it is n't funny , either . $LABEL$ 0 diff --git a/text_defense/201.SST2/stsa.binary.train.dat b/text_defense/201.SST2/stsa.binary.train.dat new file mode 100644 index 0000000000000000000000000000000000000000..6fb7e4b1cd2af81adc6bdb761ebbffb0d410ac6c --- /dev/null +++ b/text_defense/201.SST2/stsa.binary.train.dat @@ -0,0 +1,6920 @@ +a stirring , funny and finally transporting re-imagining of beauty and the beast and 1930s horror films $LABEL$ 1 +apparently reassembled from the cutting-room floor of any given daytime soap . $LABEL$ 0 +they presume their audience wo n't sit still for a sociology lesson , however entertainingly presented , so they trot out the conventional science-fiction elements of bug-eyed monsters and futuristic women in skimpy clothes . $LABEL$ 0 +this is a visually stunning rumination on love , memory , history and the war between art and commerce . $LABEL$ 1 +jonathan parker 's bartleby should have been the be-all-end-all of the modern-office anomie films . $LABEL$ 1 +campanella gets the tone just right -- funny in the middle of sad in the middle of hopeful . $LABEL$ 1 +a fan film that for the uninitiated plays better on video with the sound turned down . $LABEL$ 0 +béart and berling are both superb , while huppert ... is magnificent . $LABEL$ 1 +a little less extreme than in the past , with longer exposition sequences between them , and with fewer gags to break the tedium . $LABEL$ 0 +the film is strictly routine . $LABEL$ 0 +a lyrical metaphor for cultural and personal self-discovery and a picaresque view of a little-remembered world . $LABEL$ 1 +the most repugnant adaptation of a classic text since roland joffé and demi moore 's the scarlet letter . $LABEL$ 0 +for something as splendid-looking as this particular film , the viewer expects something special but instead gets -lrb- sci-fi -rrb- rehash . $LABEL$ 0 +this is a stunning film , a one-of-a-kind tour de force . $LABEL$ 1 +may be more genial than ingenious , but it gets the job done . $LABEL$ 1 +there is a freedom to watching stunts that are this crude , this fast-paced and this insane . $LABEL$ 1 +if the tuxedo actually were a suit , it would fit chan like a $ 99 bargain-basement special . $LABEL$ 0 +as quiet , patient and tenacious as mr. lopez himself , who approaches his difficult , endless work with remarkable serenity and discipline . $LABEL$ 1 +final verdict : you 've seen it all before . $LABEL$ 0 +blue crush follows the formula , but throws in too many conflicts to keep the story compelling . $LABEL$ 0 +you ... get a sense of good intentions derailed by a failure to seek and strike just the right tone . $LABEL$ 0 +a slick , engrossing melodrama . $LABEL$ 1 +a wretched movie that reduces the second world war to one man 's quest to find an old flame . $LABEL$ 0 +will undoubtedly play well in european markets , where mr. besson is a brand name , and in asia , where ms. shu is an institution , but american audiences will probably find it familiar and insufficiently cathartic . $LABEL$ 0 +lacks the inspiration of the original and has a bloated plot that stretches the running time about 10 minutes past a child 's interest and an adult 's patience . $LABEL$ 0 +the santa clause 2 proves itself a more streamlined and thought out encounter than the original could ever have hoped to be . $LABEL$ 1 +the film is moody , oozing , chilling and heart-warming all at once ... a twisting , unpredictable , cat-and-mouse thriller . $LABEL$ 1 +too bad . $LABEL$ 0 +a strong first act and absolutely , inescapably gorgeous , skyscraper-trapeze motion of the amazing spider-man . $LABEL$ 1 +gooding offers a desperately ingratiating performance . $LABEL$ 0 +a well-intentioned effort that 's still too burdened by the actor 's offbeat sensibilities for the earnest emotional core to emerge with any degree of accessibility . $LABEL$ 0 +a fun ride . $LABEL$ 1 +an edgy thriller that delivers a surprising punch . $LABEL$ 1 +` what 's the russian word for wow !? ' $LABEL$ 1 +otto-sallies has a real filmmaker 's eye . $LABEL$ 1 +lurid and less than lucid work . $LABEL$ 0 +with its parade of almost perpetually wasted characters ... margarita feels like a hazy high that takes too long to shake . $LABEL$ 0 +i could just feel the screenwriter at every moment ` tap , tap , tap , tap , tapping away ' on this screenplay . $LABEL$ 0 +overall , cletis tout is a winning comedy that excites the imagination and tickles the funny bone . $LABEL$ 1 +you live the mood rather than savour the story . $LABEL$ 1 +the movie is so thoughtlessly assembled . $LABEL$ 1 +some body is a shaky , uncertain film that nevertheless touches a few raw nerves . $LABEL$ 1 +it 's a very sincere work , but it would be better as a diary or documentary . $LABEL$ 1 +while american adobo has its heart -lrb- and its palate -rrb- in the right place , its brain is a little scattered -- ditsy , even . $LABEL$ 0 +unfolds with such a wallop of you-are-there immediacy that when the bullets start to fly , your first instinct is to duck . $LABEL$ 1 +and it 's a lousy one at that . $LABEL$ 0 +it 's not too fast and not too slow . $LABEL$ 1 +it 's an entertaining movie , and the effects , boosted to the size of a downtown hotel , will all but take you to outer space . $LABEL$ 1 +it is as uncompromising as it is nonjudgmental , and makes clear that a prostitute can be as lonely and needy as any of the clients . $LABEL$ 1 +compellingly watchable . $LABEL$ 1 +despite some comic sparks , welcome to collinwood never catches fire . $LABEL$ 0 +though jackson does n't always succeed in integrating the characters in the foreground into the extraordinarily rich landscape , it must be said that he is an imaginative filmmaker who can see the forest for the trees . $LABEL$ 1 +not only does spider-man deliver , but i suspect it might deliver again and again . $LABEL$ 1 +it 's worth taking the kids to . $LABEL$ 1 +without shakespeare 's eloquent language , the update is dreary and sluggish . $LABEL$ 0 +dense , exhilarating documentary . $LABEL$ 1 +... feels as if -lrb- there 's -rrb- a choke leash around your neck so director nick cassavetes can give it a good , hard yank whenever he wants you to feel something . $LABEL$ 0 +poignant if familiar story of a young person suspended between two cultures . $LABEL$ 1 +methodical , measured , and gently tedious in its comedy , secret ballot is a purposefully reductive movie -- which may be why it 's so successful at lodging itself in the brain . $LABEL$ 1 +though a touch too arthouse 101 in its poetic symbolism , heaven proves to be a good match of the sensibilities of two directors . $LABEL$ 1 +superbly photographed and staged by mendes with a series of riveting set pieces the likes of which mainstream audiences have rarely seen . $LABEL$ 1 +a metaphor for a modern-day urban china searching for its identity . $LABEL$ 1 +it 's a square , sentimental drama that satisfies , as comfort food often can . $LABEL$ 1 +the wonderfully lush morvern callar is pure punk existentialism , and ms. ramsay and her co-writer , liana dognini , have dramatized the alan warner novel , which itself felt like an answer to irvine welsh 's book trainspotting . $LABEL$ 1 +admirers of director abel ferrara may be relieved that his latest feature , r xmas , marks a modest if encouraging return to form . $LABEL$ 1 +not once in the rush to save the day did i become very involved in the proceedings ; to me , it was just a matter of ` eh . ' $LABEL$ 0 +an ugly-duckling tale so hideously and clumsily told it feels accidental . $LABEL$ 0 +becomes a bit of a mishmash : a tearjerker that does n't and a thriller that wo n't . $LABEL$ 0 +could i have been more geeked when i heard that apollo 13 was going to be released in imax format ? $LABEL$ 1 +this is a very ambitious project for a fairly inexperienced filmmaker , but good actors , good poetry and good music help sustain it . $LABEL$ 1 +more successful at relating history than in creating an emotionally complex , dramatically satisfying heroine $LABEL$ 0 +cho 's timing is priceless . $LABEL$ 1 +criminal conspiracies and true romances move so easily across racial and cultural lines in the film that it makes my big fat greek wedding look like an apartheid drama . $LABEL$ 1 +there 's something to be said for a studio-produced film that never bothers to hand viewers a suitcase full of easy answers . $LABEL$ 1 +what elevates the movie above the run-of-the-mill singles blender is its surreal sense of humor and technological finish . $LABEL$ 1 +nicholson 's understated performance is wonderful . $LABEL$ 1 +the filmmakers know how to please the eye , but it is not always the prettiest pictures that tell the best story . $LABEL$ 1 +it 's unfortunate that wallace , who wrote gibson 's braveheart as well as the recent pearl harbor , has such an irrepressible passion for sappy situations and dialogue . $LABEL$ 0 +jackson shamefully strolls through this mess with a smug grin , inexplicably wearing a kilt and carrying a bag of golf clubs over one shoulder . $LABEL$ 0 +... a fascinating curiosity piece -- fascinating , that is , for about ten minutes . $LABEL$ 0 +over and over again . $LABEL$ 0 +nolan proves that he can cross swords with the best of them and helm a more traditionally plotted popcorn thriller while surrendering little of his intellectual rigor or creative composure . $LABEL$ 1 +this bond film goes off the beaten path , not necessarily for the better . $LABEL$ 0 +... its solemn pretension prevents us from sharing the awe in which it holds itself . $LABEL$ 0 +the drama discloses almost nothing . $LABEL$ 0 +a sham construct based on theory , sleight-of-hand , and ill-wrought hypothesis . $LABEL$ 0 +isabelle huppert excels as the enigmatic mika and anna mouglalis is a stunning new young talent in one of chabrol 's most intense psychological mysteries . $LABEL$ 1 +like its parade of predecessors , this halloween is a gory slash-fest . $LABEL$ 1 +perhaps the best sports movie i 've ever seen . $LABEL$ 1 +this pathetic junk is barely an hour long . $LABEL$ 0 +ou 've got to love a disney pic with as little cleavage as this one has , and a heroine as feisty and principled as jane . $LABEL$ 1 +this is a gorgeous film - vivid with color , music and life . $LABEL$ 1 +playing a role of almost bergmanesque intensity ... bisset is both convincing and radiant . $LABEL$ 1 +the trappings of i spy are so familiar you might as well be watching a rerun . $LABEL$ 0 +it treats ana 's journey with honesty that is tragically rare in the depiction of young women in film . $LABEL$ 1 +leigh makes these lives count . $LABEL$ 1 +ambitious , unsettling psychodrama that takes full , chilling advantage of its rough-around-the-edges , low-budget constraints . $LABEL$ 1 +the woodman seems to have directly influenced this girl-meets-girl love story , but even more reassuring is how its makers actually seem to understand what made allen 's romantic comedies so pertinent and enduring . $LABEL$ 1 +i could n't recommend this film more . $LABEL$ 1 +an inexperienced director , mehta has much to learn . $LABEL$ 0 +you can taste it , but there 's no fizz . $LABEL$ 0 +a reworking of die hard and cliffhanger but it 's nowhere near as exciting as either . $LABEL$ 0 +a moving tale of love and destruction in unexpected places , unexamined lives . $LABEL$ 1 +it has more than a few moments that are insightful enough to be fondly remembered in the endlessly challenging maze of moviegoing . $LABEL$ 1 +why ? $LABEL$ 0 +and that is where ararat went astray . $LABEL$ 0 +vincent gallo is right at home in this french shocker playing his usual bad boy weirdo role . $LABEL$ 1 +clockstoppers is one of those crazy , mixed-up films that does n't know what it wants to be when it grows up . $LABEL$ 0 +sandra bullock , despite downplaying her good looks , carries a little too much ai n't - she-cute baggage into her lead role as a troubled and determined homicide cop to quite pull off the heavy stuff . $LABEL$ 0 +it 's mostly a pleasure to watch . $LABEL$ 1 +its spirit of iconoclastic abandon -- however canned -- makes for unexpectedly giddy viewing . $LABEL$ 1 +a kilted jackson is an unsettling sight , and indicative of his , if you will , out-of-kilter character , who rambles aimlessly through ill-conceived action pieces . $LABEL$ 0 +i did n't find much fascination in the swinging . $LABEL$ 0 +this is no `` waterboy ! '' $LABEL$ 0 +but the nerve-raked acting , the crackle of lines , the impressive stagings of hardware , make for some robust and scary entertainment . $LABEL$ 1 +baby-faced renner is eerily convincing as this bland blank of a man with unimaginable demons within . $LABEL$ 1 +the kind of primal storytelling that george lucas can only dream of . $LABEL$ 1 +uplifting as only a document of the worst possibilities of mankind can be , and among the best films of the year . $LABEL$ 1 +the irwins ' scenes are fascinating ; the movie as a whole is cheap junk and an insult to their death-defying efforts . $LABEL$ 0 +it 's a frightful vanity film that , no doubt , pays off what debt miramax felt they owed to benigni . $LABEL$ 0 +he seems to want both , but succeeds in making neither . $LABEL$ 0 +by turns fanciful , grisly and engagingly quixotic . $LABEL$ 1 +the re-release of ron howard 's apollo 13 in the imax format proves absolutely that really , really , really good things can come in enormous packages . $LABEL$ 1 +i 've never seen -lrb- a remake -rrb- do anything as stomach-turning as the way adam sandler 's new movie rapes , pillages and incinerates frank capra 's classic ... $LABEL$ 0 +those who want to be jolted out of their gourd should drop everything and run to ichi . $LABEL$ 1 +mr. deeds is , as comedy goes , very silly -- and in the best way . $LABEL$ 1 +this amiable picture talks tough , but it 's all bluster -- in the end it 's as sweet as greenfingers ... $LABEL$ 1 +my little eye is the best little `` horror '' movie i 've seen in years . $LABEL$ 1 +the movie is a negligible work of manipulation , an exploitation piece doing its usual worst to guilt-trip parents . $LABEL$ 0 +it may ... work as a jaunt down memory lane for teens and young adults who grew up on televised scooby-doo shows or reruns . $LABEL$ 1 +suffers from a flat script and a low budget . $LABEL$ 0 +the movie is well done , but slow . $LABEL$ 0 +the master of disguise is awful . $LABEL$ 0 +the film is one of the year 's best . $LABEL$ 1 +one of the year 's most weirdly engaging and unpredictable character pieces . $LABEL$ 1 +the direction occasionally rises to the level of marginal competence , but for most of the film it is hard to tell who is chasing who or why . $LABEL$ 0 +the three leads produce adequate performances , but what 's missing from this material is any depth of feeling . $LABEL$ 0 +`` looking for leonard '' just seems to kinda sit in neutral , hoping for a stiff wind to blow it uphill or something . $LABEL$ 0 +the most surprising thing about this film is that they are actually releasing it into theaters . $LABEL$ 0 +... one resurrection too many . $LABEL$ 0 +oh , look at that clever angle ! $LABEL$ 1 +no , i hate it . $LABEL$ 0 +for a long time the film succeeds with its dark , delicate treatment of these characters and its unerring respect for them . $LABEL$ 1 +the casting of raymond j. barry as the ` assassin ' greatly enhances the quality of neil burger 's impressive fake documentary . $LABEL$ 1 +the film is like sitting in a downtown café , overhearing a bunch of typical late-twenty-somethings natter on about nothing , and desperately wishing you could change tables . $LABEL$ 0 +the filmmakers want nothing else than to show us a good time , and in their cheap , b movie way , they succeed . $LABEL$ 1 +a rollicking ride , with jaw-dropping action sequences , striking villains , a gorgeous color palette , astounding technology , stirring music and a boffo last hour that leads up to a strangely sinister happy ending . $LABEL$ 1 +an hour and a half of joyful solo performance . $LABEL$ 1 +contrived pastiche of caper clichés . $LABEL$ 0 +a triumph , a film that hews out a world and carries us effortlessly from darkness to light . $LABEL$ 1 +steven soderbergh 's digital video experiment is a clever and cutting , quick and dirty look at modern living and movie life . $LABEL$ 1 +kinnear 's performance is a career-defining revelation . $LABEL$ 1 +not only a reminder of how they used to make movies , but also how they sometimes still can be made . $LABEL$ 1 +the dragons are the real stars of reign of fire and you wo n't be disappointed . $LABEL$ 1 +if you 're over 25 , have an iq over 90 , and have a driver 's license , you should be able to find better entertainment . $LABEL$ 0 +for devotees of french cinema , safe conduct is so rich with period minutiae it 's like dying and going to celluloid heaven . $LABEL$ 1 +scherfig , who has had a successful career in tv , tackles more than she can handle . $LABEL$ 0 +this sade is hardly a perverse , dangerous libertine and agitator -- which would have made for better drama . $LABEL$ 0 +by the end of the movie , you 're definitely convinced that these women are spectacular . $LABEL$ 1 +... a plotline that 's as lumpy as two-day old porridge ... the filmmakers ' paws , sad to say , were all over this `` un-bear-able '' project ! $LABEL$ 0 +the modern-day royals have nothing on these guys when it comes to scandals . $LABEL$ 0 +essentially `` fatal attraction '' remade for viewers who were in diapers when the original was released in 1987 . $LABEL$ 0 +it does n't really know or care about the characters , and uses them as markers for a series of preordained events . $LABEL$ 0 +` opening up ' the play more has partly closed it down . $LABEL$ 0 +even though it 's common knowledge that park and his founding partner , yong kang , lost kozmo in the end , you ca n't help but get caught up in the thrill of the company 's astonishing growth . $LABEL$ 1 +lots of effort and intelligence are on display but in execution it is all awkward , static , and lifeless rumblings . $LABEL$ 0 +every moment crackles with tension , and by the end of the flick , you 're on the edge of your seat . $LABEL$ 1 +the imax screen enhances the personal touch of manual animation . $LABEL$ 1 +coal is n't as easy to come by as it used to be and this would be a worthy substitute for naughty children 's stockings . $LABEL$ 0 +as pedestrian as they come . $LABEL$ 0 +why , you may ask , why should you buy the movie milk when the tv cow is free ? $LABEL$ 0 +sunk by way too much indulgence of scene-chewing , teeth-gnashing actorliness . $LABEL$ 0 +that 's fun for kids of any age . $LABEL$ 1 +raimi and his team could n't have done any better in bringing the story of spider-man to the big screen . $LABEL$ 1 +a colorful , joyous celebration of life ; a tapestry woven of romance , dancing , singing , and unforgettable characters . $LABEL$ 1 +a rip-roaring comedy action fest that 'll put hairs on your chest . $LABEL$ 1 +the premise of jason x is silly but strangely believable . $LABEL$ 1 +the modern-day characters are nowhere near as vivid as the 19th-century ones . $LABEL$ 0 +chelsea walls is a case of too many chefs fussing over too weak a recipe . $LABEL$ 0 +the cast ... keeps this pretty watchable , and casting mick jagger as director of the escort service was inspired . $LABEL$ 1 +-lrb- the kid 's -rrb- just too bratty for sympathy , and as the film grows to its finale , his little changes ring hollow . $LABEL$ 0 +contradicts everything we 've come to expect from movies nowadays . $LABEL$ 1 +there is little question that this is a serious work by an important director who has something new to say about how , in the flip-flop of courtship , we often reel in when we should be playing out . $LABEL$ 1 +the script has less spice than a rat burger and the rock 's fighting skills are more in line with steven seagal . $LABEL$ 0 +the solid filmmaking and convincing characters makes this a high water mark for this genre . $LABEL$ 1 +the kind of movie that comes along only occasionally , one so unconventional , gutsy and perfectly executed it takes your breath away . $LABEL$ 1 +with an admirably dark first script by brent hanley , paxton , making his directorial feature debut , does strong , measured work . $LABEL$ 1 +funny , somber , absurd , and , finally , achingly sad , bartleby is a fine , understated piece of filmmaking . $LABEL$ 1 +every now and again , a movie comes along to remind us of how very bad a motion picture can truly be . $LABEL$ 0 +unfortunately , there is almost nothing in this flat effort that will amuse or entertain them , either . $LABEL$ 0 +schrader examines crane 's decline with unblinking candor . $LABEL$ 1 +that the e-graveyard holds as many good ideas as bad is the cold comfort that chin 's film serves up with style and empathy . $LABEL$ 1 +you would n't want to live waydowntown , but it is a hilarious place to visit . $LABEL$ 1 +the bai brothers have taken an small slice of history and opened it up for all of us to understand , and they 've told a nice little story in the process . $LABEL$ 1 +there 's not one decent performance from the cast and not one clever line of dialogue . $LABEL$ 0 +translation : ` we do n't need to try very hard . ' $LABEL$ 0 +return to never land is reliable , standard disney animated fare , with enough creative energy and wit to entertain all ages . $LABEL$ 1 +it sticks rigidly to the paradigm , rarely permitting its characters more than two obvious dimensions and repeatedly placing them in contrived , well-worn situations . $LABEL$ 0 +caine makes us watch as his character awakens to the notion that to be human is eventually to have to choose . $LABEL$ 1 +a captivating and intimate study about dying and loving ... $LABEL$ 1 +oversexed , at times overwrought comedy\/drama that offers little insight into the experience of being forty , female and single . $LABEL$ 0 +the world needs more filmmakers with passionate enthusiasms like martin scorsese . $LABEL$ 1 +the director seems to take an unseemly pleasure in -lrb- the characters ' -rrb- misery and at the same time to congratulate himself for having the guts to confront it . $LABEL$ 0 +the history is fascinating ; the action is dazzling . $LABEL$ 1 +the unexpected thing is that its dying , in this shower of black-and-white psychedelia , is quite beautiful . $LABEL$ 1 +i also believe that resident evil is not it . $LABEL$ 0 +offers a clear-eyed chronicle of a female friendship that is more complex and honest than anything represented in a hollywood film . $LABEL$ 1 +meeting , even exceeding expectations , it 's the best sequel since the empire strikes back ... a majestic achievement , an epic of astonishing grandeur and surprising emotional depth . $LABEL$ 1 +while general audiences might not come away with a greater knowledge of the facts of cuban music , they 'll be treated to an impressive and highly entertaining celebration of its sounds . $LABEL$ 1 +not only better than its predecessor , it may rate as the most magical and most fun family fare of this or any recent holiday season . $LABEL$ 1 +... may work as an addictive guilty pleasure but the material never overcomes its questionable satirical ambivalence . $LABEL$ 0 +death to smoochy tells a moldy-oldie , not-nearly - as-nasty - as-it - thinks-it-is joke . $LABEL$ 0 +spielberg 's picture is smarter and subtler than -lrb- total recall and blade runner -rrb- , although its plot may prove too convoluted for fun-seeking summer audiences . $LABEL$ 1 +hart 's war seems to want to be a character study , but apparently ca n't quite decide which character . $LABEL$ 0 +smaller numbered kidlets will enjoy . $LABEL$ 1 +offers no new insight on the matter , nor do its characters exactly spring to life . $LABEL$ 0 +i 'm convinced i could keep a family of five blind , crippled , amish people alive in this situation better than these british soldiers do at keeping themselves kicking . $LABEL$ 0 +the connected stories of breitbart and hanussen are actually fascinating , but the filmmaking in invincible is such that the movie does not do them justice . $LABEL$ 0 +the characters are more deeply thought through than in most ` right-thinking ' films . $LABEL$ 1 +these characters are so well established that the gang feels comfortable with taking insane liberties and doing the goofiest stuff out of left field , and i 'm all for that . $LABEL$ 1 +with a completely predictable plot , you 'll swear that you 've seen it all before , even if you 've never come within a mile of the longest yard . $LABEL$ 0 +the jokes are sophomoric , stereotypes are sprinkled everywhere and the acting ranges from bad to bodacious . $LABEL$ 0 +cho 's latest comic set is n't as sharp or as fresh as i 'm the one that i want ... but it 's still damn funny stuff . $LABEL$ 1 +much has been written about those years when the psychedelic '60s grooved over into the gay '70s , but words do n't really do the era justice . $LABEL$ 1 +one of the best looking and stylish animated movies in quite a while ... $LABEL$ 1 +light the candles , bring out the cake and do n't fret about the calories because there 's precious little substance in birthday girl -- it 's simply , and surprisingly , a nice , light treat . $LABEL$ 1 +it 's good , hard-edged stuff , violent and a bit exploitative but also nicely done , morally alert and street-smart . $LABEL$ 1 +sayles ... once again strands his superb performers in the same old story . $LABEL$ 0 +high crimes carries almost no organic intrigue as a government \/ marine\/legal mystery , and that 's because the movie serves up all of that stuff , nearly subliminally , as the old-hat province of male intrigue . $LABEL$ 0 +nicole kidman makes it a party worth attending . $LABEL$ 1 +bogdanovich puts history in perspective and , via kirsten dunst 's remarkable performance , he showcases davies as a young woman of great charm , generosity and diplomacy . $LABEL$ 1 +the gentle comic treatment of adolescent sturm und drang should please fans of chris fuhrman 's posthumously published cult novel . $LABEL$ 1 +shatner is probably the funniest person in the film , which gives you an idea just how bad it was . $LABEL$ 0 +this is a fragmented film , once a good idea that was followed by the bad idea to turn it into a movie . $LABEL$ 0 +there 's some outrageously creative action in the transporter ... -lrb- b -rrb- ut by the time frank parachutes down onto a moving truck , it 's just another cartoon with an unstoppable superman . $LABEL$ 0 +for those of an indulgent , slightly sunbaked and summery mind , sex and lucia may well prove diverting enough . $LABEL$ 1 +it might be ` easier ' to watch on video at home , but that should n't stop die-hard french film connoisseurs from going out and enjoying the big-screen experience . $LABEL$ 1 +-lrb- reno -rrb- delivers a monologue that manages to incorporate both the horror and the absurdity of the situation in a well-balanced fashion . $LABEL$ 1 +rich in atmosphere of the post-war art world , it manages to instruct without reeking of research library dust . $LABEL$ 1 +more good than great but freeman and judd make it work . $LABEL$ 1 +it 's nice to see piscopo again after all these years , and chaykin and headly are priceless . $LABEL$ 1 +never again , while nothing special , is pleasant , diverting and modest -- definitely a step in the right direction . $LABEL$ 1 +if the last man were the last movie left on earth , there would be a toss-up between presiding over the end of cinema as we know it and another night of delightful hand shadows . $LABEL$ 0 +she is a lioness , protecting her cub , and he a reluctant villain , incapable of controlling his crew . $LABEL$ 1 +this is an interesting movie ! '' $LABEL$ 1 +it 's simply stupid , irrelevant and deeply , truly , bottomlessly cynical . $LABEL$ 0 +the movie is almost completely lacking in suspense , surprise and consistent emotional conviction . $LABEL$ 0 +the characters are so generic and the plot so bland that even as rogue cia assassins working for chris cooper 's agency boss close in on the resourceful amnesiac , we do n't feel much for damon\/bourne or his predicament . $LABEL$ 0 +like a can of 2-day old coke . $LABEL$ 0 +this masterfully calibrated psychological thriller thrives on its taut performances and creepy atmosphere even if the screenplay falls somewhat short . $LABEL$ 1 +yes , i suppose it 's lovely that cal works out his issues with his dad and comes to terms with his picture-perfect life -- but world traveler gave me no reason to care , so i did n't . $LABEL$ 0 +that the film opens with maggots crawling on a dead dog is not an out of place metaphor . $LABEL$ 0 +if the plot seems a bit on the skinny side , that 's because panic room is interested in nothing more than sucking you in ... and making you sweat . $LABEL$ 1 +drumline ably captures the complicated relationships in a marching band . $LABEL$ 1 +the entire cast is first-rate , especially sorvino . $LABEL$ 1 +it 's a drag how nettelbeck sees working women -- or at least this working woman -- for whom she shows little understanding . $LABEL$ 0 +nothing about this movie works . $LABEL$ 0 +a solidly entertaining little film . $LABEL$ 1 +-lrb- `` safe conduct '' -rrb- is a long movie at 163 minutes but it fills the time with drama , romance , tragedy , bravery , political intrigue , partisans and sabotage . $LABEL$ 1 +although mainstream american movies tend to exploit the familiar , every once in a while a film arrives from the margin that gives viewers a chance to learn , to grow , to travel . $LABEL$ 1 +a hit - and-miss affair , consistently amusing but not as outrageous or funny as cho may have intended or as imaginative as one might have hoped . $LABEL$ 0 +this is an exercise in chilling style , and twohy films the sub , inside and out , with an eye on preserving a sense of mystery . $LABEL$ 1 +hey everybody , wanna watch a movie in which a guy dressed as a children 's party clown gets violently gang-raped ? $LABEL$ 0 +it makes compelling , provocative and prescient viewing . $LABEL$ 1 +a flawed but engrossing thriller . $LABEL$ 1 +never comes together as a coherent whole . $LABEL$ 0 +a decided lack of spontaneity in its execution and a dearth of real poignancy in its epiphanies . $LABEL$ 0 +what sets ms. birot 's film apart from others in the genre is a greater attention to the parents -- and particularly the fateful fathers -- in the emotional evolution of the two bewitched adolescents . $LABEL$ 1 +like most of jaglom 's films , some of it is honestly affecting , but more of it seems contrived and secondhand . $LABEL$ 0 +it 's a wise and powerful tale of race and culture forcefully told , with superb performances throughout . $LABEL$ 1 +one of those terrific documentaries that collect a bunch of people who are enthusiastic about something and then figures out how to make us share their enthusiasm . $LABEL$ 1 +not only are the film 's sopranos gags incredibly dated and unfunny , they also demonstrate how desperate the makers of this ` we 're - doing-it-for - the-cash ' sequel were . $LABEL$ 0 +i have to admit that i am baffled by jason x. $LABEL$ 0 +the film gets close to the chimps the same way goodall did , with a serious minded patience , respect and affection . $LABEL$ 1 +a rip-off twice removed , modeled after -lrb- seagal 's -rrb- earlier copycat under siege , sometimes referred to as die hard on a boat . $LABEL$ 0 +ms. seigner and mr. serrault bring fresh , unforced naturalism to their characters . $LABEL$ 1 +that 's muy loco , but no more ridiculous than most of the rest of `` dragonfly . '' $LABEL$ 0 +but the movie that does n't really deliver for country music fans or for family audiences $LABEL$ 0 +if you answered yes , by all means enjoy the new guy . $LABEL$ 1 +generates an enormous feeling of empathy for its characters . $LABEL$ 1 +the low-key direction is pleasingly emphatic in this properly intense , claustrophobic tale of obsessive love . $LABEL$ 1 +those prone to indignation need not apply ; those susceptible to blue hilarity , step right up . $LABEL$ 1 +an intriguing look at the french film industry during the german occupation ; its most delightful moments come when various characters express their quirky inner selves . $LABEL$ 1 +would make an excellent companion piece to the similarly themed ` the french lieutenant 's woman . ' $LABEL$ 1 +if you like quirky , odd movies and\/or the ironic , here 's a fun one . $LABEL$ 1 +no french people were harmed during the making of this movie , but they were insulted and the audience was put through torture for an hour and a half . $LABEL$ 0 +woody allen can write and deliver a one liner as well as anybody . $LABEL$ 1 +the most consistently funny of the austin powers films . $LABEL$ 1 +it 's both degrading and strangely liberating to see people working so hard at leading lives of sexy intrigue , only to be revealed by the dispassionate gantz brothers as ordinary , pasty lumpen . $LABEL$ 1 +paid in full is remarkably engaging despite being noticeably derivative of goodfellas and at least a half dozen other trouble-in-the-ghetto flicks . $LABEL$ 1 +the plot has a number of holes , and at times it 's simply baffling . $LABEL$ 0 +the redeeming feature of chan 's films has always been the action , but the stunts in the tuxedo seem tired and , what 's worse , routine . $LABEL$ 0 +amazingly lame . $LABEL$ 0 +not even felinni would know what to make of this italian freakshow . $LABEL$ 0 +garcía bernal and talancón are an immensely appealing couple , and even though their story is predictable , you 'll want things to work out . $LABEL$ 1 +-- but certainly hard to hate . $LABEL$ 1 +finely crafted , finely written , exquisitely performed $LABEL$ 1 +parker can not sustain the buoyant energy level of the film 's city beginnings into its country conclusion ' $LABEL$ 0 +the story is a rather simplistic one : grief drives her , love drives him , and a second chance to find love in the most unlikely place - it struck a chord in me . $LABEL$ 1 +a cockeyed shot all the way . $LABEL$ 0 +clare peploe 's airless movie adaptation could use a little american pie-like irreverence . $LABEL$ 0 +a woefully dull , redundant concept that bears more than a whiff of exploitation , despite iwai 's vaunted empathy . $LABEL$ 0 +a cutesy romantic tale with a twist . $LABEL$ 1 +about one in three gags in white 's intermittently wise script hits its mark ; the rest are padding unashamedly appropriated from the teen-exploitation playbook . $LABEL$ 0 +it plods along methodically , somehow under the assumption that its `` dead wife communicating from beyond the grave '' framework is even remotely new or interesting . $LABEL$ 0 +give credit to everyone from robinson down to the key grip that this bold move works . $LABEL$ 1 +enough said , except : film overboard ! $LABEL$ 0 +a suffocating rape-payback horror show that hinges on the subgenre 's most enabling victim ... and an ebullient affection for industrial-model meat freezers . $LABEL$ 1 +while we no longer possess the lack-of-attention span that we did at seventeen , we had no trouble sitting for blade ii . $LABEL$ 1 +a collage of clichés and a dim echo of allusions to other films . $LABEL$ 0 +combine the paranoid claustrophobia of a submarine movie with the unsettling spookiness of the supernatural -- why did n't hollywood think of this sooner ? $LABEL$ 1 +if damon and affleck attempt another project greenlight , next time out they might try paying less attention to the miniseries and more attention to the film it is about . $LABEL$ 0 +the screenplay by james eric , james horton and director peter o'fallon ... is so pat it makes your teeth hurt . $LABEL$ 0 +i 'm giving it thumbs down due to the endlessly repetitive scenes of embarrassment . $LABEL$ 0 +not only does leblanc make one spectacularly ugly-looking broad , but he appears miserable throughout as he swaggers through his scenes . $LABEL$ 0 +an elegant work , food of love is as consistently engaging as it is revealing . $LABEL$ 1 +the pain , loneliness and insecurity of the screenwriting process are vividly and painfully brought to slovenly life in this self-deprecating , biting and witty feature written by charlie kaufman and his twin brother , donald , and directed by spike jonze . $LABEL$ 1 +... a weak and ineffective ghost story without a conclusion or pay off . $LABEL$ 0 +if you 're a fan of the series you 'll love it and probably want to see it twice . $LABEL$ 1 +the film never finds its tone and several scenes run too long . $LABEL$ 0 +suffers from a lack of clarity and audacity that a subject as monstrous and pathetic as dahmer demands . $LABEL$ 0 +it 's not a motion picture ; it 's an utterly static picture . $LABEL$ 0 +it 's probably not easy to make such a worthless film ... $LABEL$ 0 +the film is bright and flashy in all the right ways . $LABEL$ 1 +a brisk , reverent , and subtly different sequel . $LABEL$ 1 +a macabre and very stylized swedish fillm about a modern city where all the religious and civic virtues that hold society in place are in tatters . $LABEL$ 1 +does an impressive job of relating the complicated history of the war and of filling in the background . $LABEL$ 1 +a fascinating documentary that provides a rounded and revealing overview of this ancient holistic healing system $LABEL$ 1 +a cautionary tale about the folly of superficiality that is itself endlessly superficial . $LABEL$ 0 +quitting , however , manages just to be depressing , as the lead actor phones in his autobiographical performance . $LABEL$ 0 +i did go back and check out the last 10 minutes , but these were more repulsive than the first 30 or 40 minutes . $LABEL$ 0 +in the end , the movie bogs down in insignificance , saying nothing about kennedy 's assassination and revealing nothing about the pathology it pretends to investigate . $LABEL$ 0 +it 's refreshing to see a movie that embraces its old-fashioned themes and in the process comes out looking like something wholly original . $LABEL$ 1 +it must be the end of the world : the best film so far this year is a franchise sequel starring wesley snipes . $LABEL$ 1 +boomers and their kids will have a barrie good time . $LABEL$ 1 +wow . $LABEL$ 1 +if disney 's cinderella proved that ' a dream is a wish your heart makes , ' then cinderella ii proves that a nightmare is a wish a studio 's wallet makes . $LABEL$ 0 +been there , done that ... a thousand times already , and better . $LABEL$ 0 +an infuriating film . $LABEL$ 0 +a film with a great premise but only a great premise . $LABEL$ 1 +seagal ran out of movies years ago , and this is just the proof . $LABEL$ 0 +a backhanded ode to female camaraderie penned by a man who has little clue about either the nature of women or of friendship . $LABEL$ 0 +the fetid underbelly of fame has never looked uglier . $LABEL$ 0 +by halfway through this picture i was beginning to hate it , and , of course , feeling guilty for it ... then , miracle of miracles , the movie does a flip-flop . $LABEL$ 1 +soulless and -- even more damning -- virtually joyless , xxx achieves near virtuosity in its crapulence . $LABEL$ 0 +what the movie lacks in action it more than makes up for in drama , suspense , revenge , and romance . $LABEL$ 1 +sweet home alabama is n't going to win any academy awards , but this date-night diversion will definitely win some hearts . $LABEL$ 1 +it 's a satisfying summer blockbuster and worth a look . $LABEL$ 1 +a party-hearty teen flick that scalds like acid . $LABEL$ 0 +the movie is ... very funny as you peek at it through the fingers in front of your eyes . $LABEL$ 1 +while the story is better-focused than the incomprehensible anne rice novel it 's based upon , queen of the damned is a pointless , meandering celebration of the goth-vampire , tortured woe-is-me lifestyle . $LABEL$ 0 +originality ai n't on the menu , but there 's never a dull moment in the giant spider invasion comic chiller . $LABEL$ 1 +like mike is a slight and uninventive movie : like the exalted michael jordan referred to in the title , many can aspire but none can equal . $LABEL$ 0 +the cast , collectively a successful example of the lovable-loser protagonist , shows deft comic timing . $LABEL$ 1 +a grittily beautiful film that looks , sounds , and feels more like an extended , open-ended poem than a traditionally structured story . $LABEL$ 1 +strangely comes off as a kingdom more mild than wild . $LABEL$ 1 +a few hours after you 've seen it , you forget you 've been to the movies . $LABEL$ 0 +yet it 's not quite the genre-busting film it 's been hyped to be because it plays everything too safe . $LABEL$ 0 +the biggest problem with roger avary 's uproar against the mpaa is that , even in all its director 's cut glory , he 's made a film that 's barely shocking , barely interesting and most of all , barely anything . $LABEL$ 0 +peralta captures , in luminous interviews and amazingly evocative film from three decades ago , the essence of the dogtown experience . $LABEL$ 1 +manages to accomplish what few sequels can -- it equals the original and in some ways even betters it . $LABEL$ 1 +the end result is like cold porridge with only the odd enjoyably chewy lump . $LABEL$ 0 +it shows that some studios firmly believe that people have lost the ability to think and will forgive any shoddy product as long as there 's a little girl-on-girl action . $LABEL$ 0 +despite a quieter middle section , involving aragorn 's dreams of arwen , this is even better than the fellowship . $LABEL$ 1 +that such a horrible movie could have sprung from such a great one is one of the year 's worst cinematic tragedies . $LABEL$ 0 +a fleet-footed and pleasingly upbeat family diversion . $LABEL$ 1 +australian filmmaker david flatman uses the huge-screen format to make an old-fashioned nature film that educates viewers with words and pictures while entertaining them . $LABEL$ 1 +`` mr. deeds '' is suitable summer entertainment that offers escapism without requiring a great deal of thought . $LABEL$ 1 +lame sweet home leaves no southern stereotype unturned . $LABEL$ 0 +rice is too pedestrian a filmmaker to bring any edge or personality to the rising place that would set it apart from other deep south stories . $LABEL$ 0 +it 's always disappointing when a documentary fails to live up to -- or offer any new insight into -- its chosen topic . $LABEL$ 0 +yet another iteration of what 's become one of the movies ' creepiest conventions , in which the developmentally disabled are portrayed with almost supernatural powers to humble , teach and ultimately redeem their mentally `` superior '' friends , family ... $LABEL$ 0 +you may be galled that you 've wasted nearly two hours of your own precious life with this silly little puddle of a movie . $LABEL$ 0 +mr. scorsese 's bravery and integrity in advancing this vision can hardly be underestimated . $LABEL$ 1 +more intellectually scary than dramatically involving . $LABEL$ 0 +the movie is like a year late for tapping into our reality tv obsession , and even tardier for exploiting the novelty of the `` webcast . '' $LABEL$ 0 +fun and nimble . $LABEL$ 1 +when the casting call for this movie went out , it must have read ` seeking anyone with acting ambition but no sense of pride or shame . ' $LABEL$ 0 +the movie is a desperate miscalculation . $LABEL$ 0 +what they 're doing is a matter of plumbing arrangements and mind games , of no erotic or sensuous charge . $LABEL$ 0 +plays like a glossy melodrama that occasionally verges on camp . $LABEL$ 0 +what ultimately makes windtalkers a disappointment is the superficial way it deals with its story . $LABEL$ 0 +polanski has found the perfect material with which to address his own world war ii experience in his signature style . $LABEL$ 1 +the main story ... is compelling enough , but it 's difficult to shrug off the annoyance of that chatty fish . $LABEL$ 0 +the film boasts at least a few good ideas and features some decent performances , but the result is disappointing . $LABEL$ 1 +it 's no surprise that as a director washington demands and receives excellent performances , from himself and from newcomer derek luke . $LABEL$ 1 +if mostly martha is mostly unsurprising , it 's still a sweet , even delectable diversion . $LABEL$ 1 +top-notch action powers this romantic drama . $LABEL$ 1 +roman polanski 's autobiographical gesture at redemption is better than ` shindler 's list ' - it is more than merely a holocaust movie . $LABEL$ 1 +an admitted egomaniac , evans is no hollywood villain , and yet this grating showcase almost makes you wish he 'd gone the way of don simpson . $LABEL$ 0 +confessions may not be a straightforward bio , nor does it offer much in the way of barris ' motivations , but the film is an oddly fascinating depiction of an architect of pop culture . $LABEL$ 1 +the inherent limitations of using a video game as the source material movie are once again made all too clear in this schlocky horror\/action hybrid . $LABEL$ 0 +takes a simple premise and carries it to unexpected heights . $LABEL$ 1 +` moore is like a progressive bull in a china shop , a provocateur crashing into ideas and special-interest groups as he slaps together his own brand of liberalism . ' $LABEL$ 0 +the film reminds me of a vastly improved germanic version of my big fat greek wedding -- with better characters , some genuine quirkiness and at least a measure of style . $LABEL$ 1 +the star who helped give a spark to `` chasing amy '' and `` changing lanes '' falls flat as thinking man cia agent jack ryan in this summer 's new action film , `` the sum of all fears . '' $LABEL$ 0 +a good film with a solid pedigree both in front of and , more specifically , behind the camera . $LABEL$ 1 +a marvelous performance by allison lohman as an identity-seeking foster child . $LABEL$ 1 +a slow-moving police-procedural thriller that takes its title all too literally . $LABEL$ 0 +since dahmer resorts to standard slasher flick thrills when it should be most in the mind of the killer , it misses a major opportunity to be truly revelatory about his psyche . $LABEL$ 0 +leigh is n't breaking new ground , but he knows how a daily grind can kill love . $LABEL$ 1 +the master of disguise represents adam sandler 's latest attempt to dumb down the universe . $LABEL$ 0 +i ca n't say this enough : this movie is about an adult male dressed in pink jammies . $LABEL$ 0 +-lrb- a -rrb- boldly stroked , luridly coloured , uni-dimensional nonsense machine that strokes the eyeballs while it evaporates like so much crypt mist in the brain . $LABEL$ 0 +once one experiences mr. haneke 's own sadistic tendencies toward his audience , one is left with a sour taste in one 's mouth , and little else . $LABEL$ 0 +with so many bad romances out there , this is the kind of movie that deserves a chance to shine . $LABEL$ 1 +about schmidt is undoubtedly one of the finest films of the year . $LABEL$ 1 +it does n't reach them , but the effort is gratefully received . $LABEL$ 1 +- i also wanted a little alien as a friend ! $LABEL$ 1 +the work of a filmmaker who has secrets buried at the heart of his story and knows how to take time revealing them . $LABEL$ 1 +for this sort of thing to work , we need agile performers , but the proficient , dull sorvino has no light touch , and rodan is out of his league . $LABEL$ 0 +juliette binoche 's sand is vivacious , but it 's hard to sense that powerhouse of 19th-century prose behind her childlike smile . $LABEL$ 1 +most of the storylines feel like time fillers between surf shots . $LABEL$ 0 +a powerful performance from mel gibson and a brutal 90-minute battle sequence that does everything but issue you a dog-tag and an m-16 . $LABEL$ 1 +woody allen has really found his groove these days . $LABEL$ 1 +the screenwriters dig themselves in deeper every time they toss logic and science into what is essentially a `` dungeons and dragons '' fantasy with modern military weaponry ... $LABEL$ 0 +delirious fun . $LABEL$ 1 +what might have been acceptable on the printed page of iles ' book does not translate well to the screen . $LABEL$ 0 +ice cube is n't quite out of ripe screwball ideas , but friday after next spreads them pretty thin . $LABEL$ 0 +director david fincher and writer david koepp ca n't sustain it . $LABEL$ 0 +mckay shows crushingly little curiosity about , or is ill-equipped to examine , the interior lives of the characters in his film , much less incorporate them into his narrative . $LABEL$ 0 +what lifts the film high above run-of-the-filth gangster flicks is its refusal to recognise any of the signposts , as if discovering a way through to the bitter end without a map . $LABEL$ 1 +it gets the details of its time frame right but it completely misses its emotions . $LABEL$ 0 +entirely appropriately , the tale unfolds like a lazy summer afternoon and concludes with the crisp clarity of a fall dawn . $LABEL$ 1 +what we have is a character faced with the possibility that her life is meaningless , vapid and devoid of substance , in a movie that is definitely meaningless , vapid and devoid of substance . $LABEL$ 0 +with a cast of a-list brit actors , it is worth searching out . $LABEL$ 1 +it 's refreshing that someone understands the need for the bad boy ; diesel , with his brawny frame and cool , composed delivery , fits the bill perfectly . $LABEL$ 1 +for all of its insights into the dream world of teen life , and its electronic expression through cyber culture , the film gives no quarter to anyone seeking to pull a cohesive story out of its 2 1\/2 - hour running time . $LABEL$ 0 +with flashbulb editing as cover for the absence of narrative continuity , undisputed is nearly incoherent , an excuse to get to the closing bout ... by which time it 's impossible to care who wins . $LABEL$ 0 +clooney directs this film always keeping the balance between the fantastic and the believable ... $LABEL$ 1 +happy times maintains an appealing veneer without becoming too cute about it . $LABEL$ 1 +tv skit-com material fervently deposited on the big screen . $LABEL$ 0 +a compelling film . $LABEL$ 1 +the film 's unhurried pace is actually one of its strengths . $LABEL$ 1 +it certainly wo n't win any awards in the plot department but it sets out with no pretensions and delivers big time . $LABEL$ 1 +most of the things that made the original men in black such a pleasure are still there . $LABEL$ 1 +cold , sterile and lacking any color or warmth . $LABEL$ 0 +a ` girls gone wild ' video for the boho art-house crowd , the burning sensation is n't a definitive counter-cultural document -- its makers are n't removed and inquisitive enough for that . $LABEL$ 0 +... the movie feels stitched together from stock situations and characters from other movies . $LABEL$ 0 +with an obvious rapport with her actors and a striking style behind the camera , hélène angel is definitely a director to watch . $LABEL$ 1 +a deft , delightful mix of sulky teen drama and overcoming-obstacles sports-movie triumph . $LABEL$ 1 +men in black ii achieves ultimate insignificance -- it 's the sci-fi comedy spectacle as whiffle-ball epic . $LABEL$ 0 +there 's nothing to gain from watching they . $LABEL$ 0 +debut effort by `` project greenlight '' winner is sappy and amateurish . $LABEL$ 0 +your 20th outing shows off a lot of stamina and vitality , and get this , madonna 's cameo does n't suck ! $LABEL$ 1 +an absurdist spider web . $LABEL$ 0 +a journey that is as difficult for the audience to take as it is for the protagonist -- yet it 's potentially just as rewarding . $LABEL$ 1 +rather less than the sum of its underventilated père-fils confrontations . $LABEL$ 0 +an entertaining documentary that freshly considers arguments the bard 's immortal plays were written by somebody else . $LABEL$ 1 +stay away . $LABEL$ 0 +contrasting the original ringu with the current americanized adaptation is akin to comparing the evil dead with evil dead ii $LABEL$ 0 +skip this dreck , rent animal house and go back to the source . $LABEL$ 0 +beautifully filmed and well acted ... but admittedly problematic in its narrative specifics . $LABEL$ 1 +if you 're burnt out on it 's a wonderful life marathons and bored with a christmas carol , it might just be the movie you 're looking for . $LABEL$ 1 +the film 's highlight is definitely its screenplay , both for the rhapsodic dialogue that jumps off the page , and for the memorable character creations . $LABEL$ 1 +the movie , like bartleby , is something of a stiff -- an extra-dry office comedy that seems twice as long as its 83 minutes . $LABEL$ 0 +it 's sort of a 21st century morality play with a latino hip hop beat . $LABEL$ 1 +should n't have been allowed to use the word `` new '' in its title , because there 's not an original character , siuation or joke in the entire movie . $LABEL$ 0 +decent but dull . $LABEL$ 0 +get out your pooper-scoopers . $LABEL$ 0 +humor in i spy is so anemic . $LABEL$ 0 +at least it 's a fairly impressive debut from the director , charles stone iii . $LABEL$ 1 +try as you might to resist , if you 've got a place in your heart for smokey robinson , this movie will worm its way there . $LABEL$ 1 +if the film has a problem , its shortness disappoints : you want the story to go on and on . $LABEL$ 1 +there 's not a fresh idea at the core of this tale . $LABEL$ 0 +this film is so different from the apple and so striking that it can only encourage us to see samira makhmalbaf as a very distinctive sensibility , working to develop her own film language with conspicuous success . $LABEL$ 1 +this is a movie where the most notable observation is how long you 've been sitting still . $LABEL$ 0 +technically and artistically inept . $LABEL$ 0 +... overly melodramatic ... $LABEL$ 0 +trouble every day is a success in some sense , but it 's hard to like a film so cold and dead . $LABEL$ 0 +... stumbles over every cheap trick in the book trying to make the outrage come even easier . $LABEL$ 0 +in all the annals of the movies , few films have been this odd , inexplicable and unpleasant . $LABEL$ 0 +allen 's funniest and most likeable movie in years . $LABEL$ 1 +highly uneven and inconsistent ... margarita happy hour kinda resembles the el cheapo margaritas served within . $LABEL$ 0 +the effort is sincere and the results are honest , but the film is so bleak that it 's hardly watchable . $LABEL$ 0 +the scriptwriters are no less a menace to society than the film 's characters . $LABEL$ 0 +a big-budget\/all-star movie as unblinkingly pure as the hours is a distinct rarity , and an event . $LABEL$ 1 +an enormously entertaining movie , like nothing we 've ever seen before , and yet completely familiar . $LABEL$ 1 +even as the hero of the story rediscovers his passion in life , the mood remains oddly detached . $LABEL$ 0 +deepa mehta provides an accessible introduction as well as some intelligent observations on the success of bollywood in the western world . $LABEL$ 1 +a cheap scam put together by some cynical creeps at revolution studios and imagine entertainment to make the suckers out there surrender $ 9 and 93 minutes of unrecoverable life . $LABEL$ 0 +not once does it come close to being exciting . $LABEL$ 0 +it 's a hellish , numbing experience to watch , and it does n't offer any insights that have n't been thoroughly debated in the media already , back in the dahmer heyday of the mid - '90s . $LABEL$ 0 +the film is hampered by its predictable plot and paper-thin supporting characters . $LABEL$ 0 +... standard guns versus martial arts cliche with little new added . $LABEL$ 1 +a noble failure . $LABEL$ 0 +much of what we see is horrible but it 's also undeniably exceedingly clever . $LABEL$ 1 +there 's not a comedic moment in this romantic comedy . $LABEL$ 0 +any rock pile will do for a set . $LABEL$ 0 +the hook is the drama within the drama , as an unsolved murder and an unresolved moral conflict jockey for the spotlight . $LABEL$ 1 +a muddle splashed with bloody beauty as vivid as any scorsese has ever given us . $LABEL$ 1 +marinated in clichés and mawkish dialogue . $LABEL$ 0 +this movie , a certain scene in particular , brought me uncomfortably close to losing my lunch . $LABEL$ 0 +in addition to gluing you to the edge of your seat , changing lanes is also a film of freshness , imagination and insight . $LABEL$ 1 +in the end , the film feels homogenized and a bit contrived , as if we 're looking back at a tattered and ugly past with rose-tinted glasses . $LABEL$ 0 +while the frequent allusions to gurus and doshas will strike some westerners as verging on mumbo-jumbo ... broad streaks of common sense emerge with unimpeachable clarity . $LABEL$ 1 +the movie is hardly a masterpiece , but it does mark ms. bullock 's best work in some time . $LABEL$ 1 +unless you come in to the film with a skateboard under your arm , you 're going to feel like you were n't invited to the party . $LABEL$ 0 +an energetic and engaging film that never pretends to be something it is n't . $LABEL$ 1 +a compelling story of musical passion against governmental odds . $LABEL$ 1 +a rumor of angels does n't just slip -- it avalanches into forced fuzziness . $LABEL$ 0 +mindless yet impressively lean spinoff of last summer 's bloated effects fest the mummy returns . $LABEL$ 1 +what 's needed so badly but what is virtually absent here is either a saving dark humor or the feel of poetic tragedy . $LABEL$ 0 +stone seems to have a knack for wrapping the theater in a cold blanket of urban desperation . $LABEL$ 0 +` alice 's adventure through the looking glass and into zombie-land ' is filled with strange and wonderful creatures . $LABEL$ 1 +late marriage is an in-your-face family drama and black comedy that is filled with raw emotions conveying despair and love . $LABEL$ 1 +remember it . $LABEL$ 1 +thoroughly enjoyable . $LABEL$ 1 +begins like a docu-drama but builds its multi-character story with a flourish . $LABEL$ 1 +the best comedy concert movie i 've seen since cho 's previous concert comedy film , i 'm the one that i want , in 2000 . $LABEL$ 1 +you 'll end up moved . $LABEL$ 1 +i 've yet to find an actual vietnam war combat movie actually produced by either the north or south vietnamese , but at least now we 've got something pretty damn close . $LABEL$ 1 +while it 's all quite tasteful to look at , the attention process tends to do a little fleeing of its own . $LABEL$ 0 +a visual spectacle full of stunning images and effects . $LABEL$ 1 +it 's always fascinating to watch marker the essayist at work . $LABEL$ 1 +the film , despite the gratuitous cinematic distractions impressed upon it , is still good fun . $LABEL$ 1 +but even while his characters are acting horribly , he is always sympathetic . $LABEL$ 1 +narc is all menace and atmosphere . $LABEL$ 0 +there is simply not enough of interest onscreen to sustain its seventy-minute running time . $LABEL$ 0 +-lrb- stevens is -rrb- so stoked to make an important film about human infidelity and happenstance that he tosses a kitchen sink onto a story already overladen with plot conceits . $LABEL$ 0 +kurys seems intimidated by both her subject matter and the period trappings of this debut venture into the heritage business . $LABEL$ 0 +it dabbles all around , never gaining much momentum . $LABEL$ 0 +being unique does n't necessarily equate to being good , no matter how admirably the filmmakers have gone for broke . $LABEL$ 0 +that rare documentary that incorporates so much of human experience -- drama , conflict , tears and surprise -- that it transcends the normal divisions between fiction and nonfiction film . $LABEL$ 1 +hashiguchi covers this territory with wit and originality , suggesting that with his fourth feature -- the first to be released in the u.s. -- a major director is emerging in world cinema . $LABEL$ 1 +when -lrb- reno -rrb- lets her radical flag fly , taking angry potshots at george w. bush , henry kissinger , larry king , et al. , reno devolves into a laugh-free lecture . $LABEL$ 0 +never capitalizes on this concept and opts for the breezy and amateurish feel of an after school special on the subject of tolerance . $LABEL$ 0 +despite its visual virtuosity , ` naqoyqatsi ' is banal in its message and the choice of material to convey it . $LABEL$ 0 +while the filmmaking may be a bit disjointed , the subject matter is so fascinating that you wo n't care . $LABEL$ 1 +paul bettany is cool . $LABEL$ 1 +collateral damage is trash , but it earns extra points by acting as if it were n't . $LABEL$ 0 +it 's anchored by splendid performances from an honored screen veteran and a sparkling newcomer who instantly transform themselves into a believable mother\/daughter pair . $LABEL$ 1 +the one not-so-small problem with expecting is that the entire exercise has no real point . $LABEL$ 0 +when you 've got the wildly popular vin diesel in the equation , it adds up to big box office bucks all but guaranteed . $LABEL$ 1 +the problem with all of this : it 's not really funny . $LABEL$ 0 +one hour photo may seem disappointing in its generalities , but it 's the little nuances that perhaps had to escape from director mark romanek 's self-conscious scrutiny to happen , that finally get under your skin . $LABEL$ 0 +a modestly surprising movie . $LABEL$ 1 +it 's impossible to indulge the fanciful daydreams of janice beard -lrb- eileen walsh -rrb- when her real-life persona is so charmless and vacant . $LABEL$ 0 +as the movie traces mr. brown 's athletic exploits , it is impossible not to be awed by the power and grace of one of the greatest natural sportsmen of modern times . $LABEL$ 1 +to others , it will remind them that hong kong action cinema is still alive and kicking . $LABEL$ 1 +with tiny little jokes and nary an original idea , this sappy ethnic sleeper proves that not only blockbusters pollute the summer movie pool . $LABEL$ 0 +confuses its message with an ultimate desire to please , and contorting itself into an idea of expectation is the last thing any of these three actresses , nor their characters , deserve . $LABEL$ 0 +it 's a fine , focused piece of work that reopens an interesting controversy and never succumbs to sensationalism . $LABEL$ 1 +a heartening tale of small victories and enduring hope . $LABEL$ 1 +this franchise has not spawned a single good film . $LABEL$ 0 +a taut , sobering film . $LABEL$ 1 +ear-splitting exercise in formula crash-and-bash action . $LABEL$ 0 +just about everyone involved here seems to be coasting . $LABEL$ 0 +what sets this romantic comedy apart from most hollywood romantic comedies is its low-key way of tackling what seems like done-to-death material . $LABEL$ 1 +claims to sort the bad guys from the good , which is its essential problem . $LABEL$ 0 +surprisingly , the film is a hilarious adventure and i shamelessly enjoyed it . $LABEL$ 1 +woo has as much right to make a huge action sequence as any director , but how long will filmmakers copy the `` saving private ryan '' battle scenes before realizing steven spielberg got it right the first time ? $LABEL$ 0 +although it starts off so bad that you feel like running out screaming , it eventually works its way up to merely bad rather than painfully awful . $LABEL$ 0 +makes 98 minutes feel like three hours . $LABEL$ 0 +the entire point of a shaggy dog story , of course , is that it goes nowhere , and this is classic nowheresville in every sense . $LABEL$ 0 +shame on writer\/director vicente aranda for making a florid biopic about mad queens , obsessive relationships , and rampant adultery so dull . $LABEL$ 0 +spinning a web of dazzling entertainment may be overstating it , but `` spider-man '' certainly delivers the goods . $LABEL$ 1 +like the hanks character , he 's a slow study : the action is stilted and the tabloid energy embalmed . $LABEL$ 0 +a poignant lyricism runs through balzac and the little chinese seamstress that transforms this story about love and culture into a cinematic poem . $LABEL$ 1 +... is funny in the way that makes you ache with sadness -lrb- the way chekhov is funny -rrb- , profound without ever being self-important , warm without ever succumbing to sentimentality . $LABEL$ 1 +paul bettany is good at being the ultra-violent gangster wannabe , but the movie is certainly not number 1 . $LABEL$ 0 +the verdict : two bodies and hardly a laugh between them . $LABEL$ 0 +in xxx , diesel is that rare creature -- an action hero with table manners , and one who proves that elegance is more than tattoo deep . $LABEL$ 1 +there is a strong directorial stamp on every frame of this stylish film that is able to visualize schizophrenia but is still confident enough to step back and look at the sick character with a sane eye . $LABEL$ 1 +it 's funny , as the old saying goes , because it 's true . $LABEL$ 1 +special p.o.v. camera mounts on bikes , skateboards , and motorcycles provide an intense experience when splashed across the immense imax screen . $LABEL$ 1 +taken outside the context of the current political climate -lrb- see : terrorists are more evil than ever ! -rrb- $LABEL$ 0 +a little weak -- and it is n't that funny . $LABEL$ 0 +writer-director ritchie reduces wertmuller 's social mores and politics to tiresome jargon . $LABEL$ 0 +a forceful drama of an alienated executive who re-invents himself . $LABEL$ 1 +one of those exceedingly rare films in which the talk alone is enough to keep us involved . $LABEL$ 1 +an almost unbearably morbid love story . $LABEL$ 0 +a mean-spirited film made by someone who surely read the catcher in the rye but clearly suffers from dyslexia $LABEL$ 0 +if they broke out into elaborate choreography , singing and finger snapping it might have held my attention , but as it stands i kept looking for the last exit from brooklyn . $LABEL$ 0 +there 's a sheer unbridled delight in the way the story unfurls ... $LABEL$ 1 +implicitly acknowledges and celebrates the glorious chicanery and self-delusion of this most american of businesses , and for that reason it may be the most oddly honest hollywood document of all . $LABEL$ 1 +very well written and directed with brutal honesty and respect for its audience . $LABEL$ 1 +impostor is a step down for director gary fleder . $LABEL$ 0 +moving and vibrant . $LABEL$ 1 +jacquot 's strategy allows his cast the benefit of being able to give full performances ... while demonstrating vividly that the beauty and power of the opera reside primarily in the music itself . $LABEL$ 1 +hawn and sarandon form an acting bond that makes the banger sisters a fascinating character study with laughs to spare . $LABEL$ 1 +may puzzle his most ardent fans . $LABEL$ 0 +in other words , it 's badder than bad . $LABEL$ 0 +may prove to be -lrb- tsai 's -rrb- masterpiece . $LABEL$ 1 +one of the best , most understated performances of -lrb- jack nicholson 's -rrb- career . $LABEL$ 1 +after all , he took three minutes of dialogue , 30 seconds of plot and turned them into a 90-minute movie that feels five hours long . $LABEL$ 0 +the master of disguise falls under the category of ` should have been a sketch on saturday night live . ' $LABEL$ 0 +shows holmes has the screen presence to become a major-league leading lady , -lrb- but -rrb- the movie itself is an underachiever , a psychological mystery that takes its sweet time building to a climax that 's scarcely a surprise by the time it arrives . $LABEL$ 0 +but it was n't . $LABEL$ 0 +foster breathes life into a roll that could have otherwise been bland and run of the mill . $LABEL$ 1 +in old-fashioned screenwriting parlance , ms. shreve 's novel proved too difficult a text to ` lick , ' despite the efforts of a first-rate cast . $LABEL$ 0 +well-acted , well-directed and , for all its moodiness , not too pretentious . $LABEL$ 1 +a tired , predictable , bordering on offensive , waste of time , money and celluloid . $LABEL$ 0 +there 's no disguising this as one of the worst films of the summer . $LABEL$ 0 +frida is n't that much different from many a hollywood romance . $LABEL$ 0 +follows the original film virtually scene for scene and yet manages to bleed it almost completely dry of humor , verve and fun . $LABEL$ 0 +scott baio is turning in some delightful work on indie projects . $LABEL$ 1 +keenly observed and refreshingly natural , swimming gets the details right , from its promenade of barely clad bodies in myrtle beach , s.c. , to the adrenaline jolt of a sudden lunch rush at the diner . $LABEL$ 1 +like vardalos and corbett , who play their roles with vibrant charm , the film , directed by joel zwick , is heartfelt and hilarious in ways you ca n't fake . $LABEL$ 1 +a lame comedy . $LABEL$ 0 +deliberately and devotedly constructed , far from heaven is too picture postcard perfect , too neat and new pin-like , too obviously a recreation to resonate . $LABEL$ 1 +morvern rocks . $LABEL$ 1 +a positively thrilling combination of ethnography and all the intrigue , betrayal , deceit and murder of a shakespearean tragedy or a juicy soap opera . $LABEL$ 1 +when ` science fiction ' takes advantage of the fact that its intended audience has n't yet had much science , it does a disservice to the audience and to the genre . $LABEL$ 0 +illiterate , often inert sci-fi action thriller . $LABEL$ 0 +as janice , eileen walsh , an engaging , wide-eyed actress whose teeth are a little too big for her mouth , infuses the movie with much of its slender , glinting charm . $LABEL$ 1 +a film of quiet power . $LABEL$ 1 +overwrought , melodramatic bodice-ripper . $LABEL$ 0 +zhuangzhuang creates delicate balance of style , text , and subtext that 's so simple and precise that anything discordant would topple the balance , but against all odds , nothing does . $LABEL$ 1 +because the film deliberately lacks irony , it has a genuine dramatic impact ; it plays like a powerful 1957 drama we 've somehow never seen before . $LABEL$ 1 +it 's a very valuable film ... $LABEL$ 1 +bad movie . $LABEL$ 0 +just when you think you are making sense of it , something happens that tells you there is no sense . $LABEL$ 0 +the rich performances by friel -- and especially williams , an american actress who becomes fully english -- round out the square edges . $LABEL$ 1 +the film rehashes several old themes and is capped with pointless extremes -- it 's insanely violent and very graphic . $LABEL$ 0 +an undistinguished attempt to make a classic theater piece cinematic . $LABEL$ 0 +it 's pauly shore awful . $LABEL$ 0 +, `` they 're out there ! '' $LABEL$ 1 +a sour attempt at making a farrelly brothers-style , down-and-dirty laugher for the female set . $LABEL$ 0 +what could have been right at home as a nifty plot line in steven soderbergh 's traffic fails to arrive at any satisfying destination . $LABEL$ 0 +oh , james ! $LABEL$ 1 +got some good , organic character work , lots of obvious political insights and little room for engaging , imaginative filmmaking in its nearly 2 1\/2 - hour , dissipated length . $LABEL$ 1 +an emotionally and spiritually compelling journey seen through the right eyes , with the right actors and with the kind of visual flair that shows what great cinema can really do . $LABEL$ 1 +an inept , tedious spoof of '70s kung fu pictures , it contains almost enough chuckles for a three-minute sketch , and no more . $LABEL$ 0 +a vivid , sometimes surreal , glimpse into the mysteries of human behavior . $LABEL$ 1 +it 's no accident that the accidental spy is a solid action pic that returns the martial arts master to top form . $LABEL$ 1 +a wild comedy that could only spring from the demented mind of the writer of being john malkovich . $LABEL$ 1 +it 's affecting , amusing , sad and reflective . $LABEL$ 1 +how can such a cold movie claim to express warmth and longing ? $LABEL$ 0 +the film did n't convince me that calvin jr. 's barbershop represents some sort of beacon of hope in the middle of chicago 's south side . $LABEL$ 0 +exciting documentary . $LABEL$ 1 +at its most basic , this cartoon adventure is that wind-in-the-hair exhilarating . $LABEL$ 1 +a winning piece of work filled with love for the movies of the 1960s . $LABEL$ 1 +her film is like a beautiful food entrée that is n't heated properly , so that it ends up a bit cold and relatively flavorless . $LABEL$ 0 +the most excruciating 86 minutes one might sit through this summer that do not involve a dentist drill . $LABEL$ 0 +gives everyone something to shout about . $LABEL$ 1 +it 's a setup so easy it borders on facile , but keeping the film from cheap-shot mediocrity is its crack cast . $LABEL$ 1 +the chateau is a risky venture that never quite goes where you expect and often surprises you with unexpected comedy . $LABEL$ 1 +deliciously mean-spirited and wryly observant . $LABEL$ 1 +as dumb and cheesy as they may be , the cartoons look almost shakespearean -- both in depth and breadth -- after watching this digital-effects-heavy , supposed family-friendly comedy . $LABEL$ 1 +though clearly well-intentioned , this cross-cultural soap opera is painfully formulaic and stilted . $LABEL$ 0 +jones has tackled a meaty subject and drawn engaging characters while peppering the pages with memorable zingers . $LABEL$ 1 +reassuring , retro uplifter . $LABEL$ 1 +the most brilliant work in this genre since the 1984 uncut version of sergio leone 's flawed but staggering once upon a time in america . $LABEL$ 1 +there are deeply religious and spiritual people in this world who would argue that entering a church , synagogue or temple does n't mean you have to check your brain at the door . $LABEL$ 1 +this is unusual , food-for-thought cinema that 's as entertaining as it is instructive . $LABEL$ 1 +much credit must be given to the water-camera operating team of don king , sonny miller , and michael stewart . $LABEL$ 1 +a sugar-coated rocky whose valuable messages are forgotten 10 minutes after the last trombone honks . $LABEL$ 0 +what begins brightly gets bogged down over 140 minutes . $LABEL$ 0 +a painfully slow cliche-ridden film filled with more holes than clyde barrow 's car . $LABEL$ 0 +the best of the pierce brosnan james bond films to date . $LABEL$ 1 +drumline is -- the mere suggestion , albeit a visually compelling one , of a fully realized story . $LABEL$ 1 +to be influenced chiefly by humanity 's greatest shame , reality shows -- reality shows for god 's sake ! $LABEL$ 0 +take away the controversy , and it 's not much more watchable than a mexican soap opera . $LABEL$ 0 +the audacity to view one of shakespeare 's better known tragedies as a dark comedy is , by itself , deserving of discussion . $LABEL$ 0 +the success of undercover brother is found in its ability to spoof both black and white stereotypes equally . $LABEL$ 1 +too damn weird to pass up , and for the blacklight crowd , way cheaper -lrb- and better -rrb- than pink floyd tickets . $LABEL$ 1 +you expect more from director michael apted -lrb- enigma -rrb- and screenwriter nicholas kazan -lrb- reversal of fortune -rrb- than this cliche pileup . $LABEL$ 0 +director jay russell weighs down his capricious fairy-tale with heavy sentiment and lightweight meaning . $LABEL$ 0 +a good-natured ensemble comedy that tries hard to make the most of a bumper cast , but never quite gets off the ground . $LABEL$ 0 +a moving and solidly entertaining comedy\/drama that should bolster director and co-writer juan josé campanella 's reputation in the united states . $LABEL$ 1 +everything is off . $LABEL$ 0 +working from a surprisingly sensitive script co-written by gianni romoli ... ozpetek avoids most of the pitfalls you 'd expect in such a potentially sudsy set-up . $LABEL$ 1 +pretend like your sat scores are below 120 and you might not notice the flaws . $LABEL$ 0 +mordantly funny and intimately knowing ... $LABEL$ 1 +i ca n't remember the last time i saw worse stunt editing or cheaper action movie production values than in extreme ops . $LABEL$ 0 +it 's tommy 's job to clean the peep booths surrounding her , and after viewing this one , you 'll feel like mopping up , too . $LABEL$ 0 +each of these stories has the potential for touched by an angel simplicity and sappiness , but thirteen conversations about one thing , for all its generosity and optimism , never resorts to easy feel-good sentiments . $LABEL$ 1 +there 's ... an underlying old world sexism to monday morning that undercuts its charm . $LABEL$ 0 +what a great shame that such a talented director as chen kaige has chosen to make his english-language debut with a film so poorly plotted and scripted . $LABEL$ 0 +i liked a lot of the smaller scenes . $LABEL$ 1 +some of the computer animation is handsome , and various amusing sidekicks add much-needed levity to the otherwise bleak tale , but overall the film never rises above mediocrity . $LABEL$ 0 +beresford nicely mixes in as much humor as pathos to take us on his sentimental journey of the heart . $LABEL$ 1 +nothing can detract from the affection of that moral favorite : friends will be friends through thick and thin . $LABEL$ 1 +bring tissues . $LABEL$ 1 +an enthralling , entertaining feature . $LABEL$ 1 +as a director , paxton is surprisingly brilliant , deftly sewing together what could have been a confusing and horrifying vision into an intense and engrossing head-trip . $LABEL$ 1 +well-made but mush-hearted . $LABEL$ 1 +labute masterfully balances both traditional or modern stories together in a manner that one never overwhelms the other . $LABEL$ 1 +assured , glossy and shot through with brittle desperation . $LABEL$ 1 +a damn fine and a truly distinctive and a deeply pertinent film . $LABEL$ 1 +filmmaker stacy peralta has a flashy editing style that does n't always jell with sean penn 's monotone narration , but he respects the material without sentimentalizing it . $LABEL$ 1 +despite its promising cast of characters , big trouble remains a loosely tied series of vignettes which only prove that ` zany ' does n't necessarily mean ` funny . ' $LABEL$ 0 +a surprisingly sweet and gentle comedy . $LABEL$ 1 +... begins with promise , but runs aground after being snared in its own tangled plot . $LABEL$ 0 +although what time offers tsai 's usual style and themes , it has a more colorful , more playful tone than his other films . $LABEL$ 1 +a dull , inconsistent , dishonest female bonding picture . $LABEL$ 0 +a must-see for fans of thoughtful war films and those interested in the sights and sounds of battle . $LABEL$ 1 +with an unflappable air of decadent urbanity , everett remains a perfect wildean actor , and a relaxed firth displays impeccable comic skill . $LABEL$ 1 +by no means a slam-dunk and sure to ultimately disappoint the action fans who will be moved to the edge of their seats by the dynamic first act , it still comes off as a touching , transcendent love story . $LABEL$ 0 +it has that rare quality of being able to creep the living hell out of you ... $LABEL$ 1 +i encourage young and old alike to go see this unique and entertaining twist on the classic whale 's tale -- you wo n't be sorry ! $LABEL$ 1 +what goes on for the 110 minutes of `` panic room '' is a battle of witlessness between a not-so-bright mother and daughter and an even less capable trio of criminals . $LABEL$ 0 +in comparison to his earlier films it seems a disappointingly thin slice of lower-class london life ; despite the title ... amounts to surprisingly little . $LABEL$ 0 +the script was reportedly rewritten a dozen times -- either 11 times too many or else too few . $LABEL$ 0 +the master of disguise may have made a great saturday night live sketch , but a great movie it is not . $LABEL$ 0 +if we 're to slap protagonist genevieve leplouff because she 's french , do we have that same option to slap her creators because they 're clueless and inept ? $LABEL$ 0 +i 've had more interesting -- and , dare i say , thematically complex -- bowel movements than this long-on-the-shelf , point-and-shoot exercise in gimmicky crime drama . $LABEL$ 0 +i 've seen some bad singer-turned actors , but lil bow wow takes the cake . $LABEL$ 0 +`` nicholas nickleby '' is a perfect family film to take everyone to since there 's no new `` a christmas carol '' out in the theaters this year . $LABEL$ 1 +it wo n't hold up over the long haul , but in the moment , finch 's tale provides the forgettable pleasures of a saturday matinee . $LABEL$ 1 +was that movie nothing more than a tepid exercise in trotting out a formula that worked five years ago but has since lost its fizz ? $LABEL$ 0 +how good this film might be , depends if you believe that the shocking conclusion is too much of a plunge or not . $LABEL$ 1 +a cellophane-pop remake of the punk classic ladies and gentlemen , the fabulous stains ... crossroads is never much worse than bland or better than inconsequential . $LABEL$ 0 +pretty good little movie . $LABEL$ 1 +if nothing else , `` rollerball '' 2002 may go down in cinema history as the only movie ever in which the rest of the cast was outshined by ll cool j. $LABEL$ 0 +angel presents events partly from the perspective of aurelie and christelle , and infuses the film with the sensibility of a particularly nightmarish fairytale . $LABEL$ 1 +nemesis suffers from a paunchy midsection , several plodding action sequences and a wickedly undramatic central theme . $LABEL$ 0 +even when he 's not at his most critically insightful , godard can still be smarter than any 50 other filmmakers still at work . $LABEL$ 1 +the fascination comes in the power of the huston performance , which seems so larger than life and yet so fragile , and in the way the ivan character accepts the news of his illness so quickly but still finds himself unable to react . $LABEL$ 1 +-lrb- t -rrb- he film is never sure to make a clear point -- even if it seeks to rely on an ambiguous presentation . $LABEL$ 0 +this movie is about the worst thing chan has done in the united states . $LABEL$ 0 +amazing ! $LABEL$ 1 +the ya-ya 's have many secrets and one is - the books are better . $LABEL$ 0 +the plot 's contrivances are uncomfortably strained . $LABEL$ 0 +a thoroughly entertaining comedy that uses grant 's own twist of acidity to prevent itself from succumbing to its own bathos . $LABEL$ 1 +kids will love its fantasy and adventure , and grownups should appreciate its whimsical humor . $LABEL$ 1 +-lrb- allen 's -rrb- best works understand why snobbery is a better satiric target than middle-america diversions could ever be . $LABEL$ 1 +the stars may be college kids , but the subject matter is as adult as you can get : the temptations of the flesh are unleashed by a slightly crazed , overtly determined young woman and a one-night swim turns into an ocean of trouble . $LABEL$ 1 +we 've liked klein 's other work but rollerball left us cold . $LABEL$ 0 +both a grand tour through 300 hundred years of russian cultural identity and a stunning technical achievement . $LABEL$ 1 +a markedly inactive film , city is conversational bordering on confessional . $LABEL$ 0 +clever and unflinching in its comic barbs , slap her is a small but rewarding comedy that takes aim at contemporary southern adolescence and never lets up . $LABEL$ 1 +soderbergh , like kubrick before him , may not touch the planet 's skin , but understands the workings of its spirit . $LABEL$ 1 +there is no denying the power of polanski 's film ... $LABEL$ 1 +to be oblivious to the existence of this film would be very sweet indeed . $LABEL$ 0 +though it goes further than both , anyone who has seen the hunger or cat people will find little new here , but a tasty performance from vincent gallo lifts this tale of cannibal lust above the ordinary . $LABEL$ 1 +the beautifully choreographed kitchen ballet is simple but absorbing . $LABEL$ 1 +from the opening strains of the average white band 's `` pick up the pieces '' , you can feel the love . $LABEL$ 1 +empire ca n't make up its mind whether it wants to be a gangster flick or an art film . $LABEL$ 0 +the result is so tame that even slightly wised-up kids would quickly change the channel . $LABEL$ 0 +a penetrating , potent exploration of sanctimony , self-awareness , self-hatred and self-determination . $LABEL$ 1 +thirteen conversations about one thing lays out a narrative puzzle that interweaves individual stories , and , like a mobius strip , elliptically loops back to where it began . $LABEL$ 1 +director peter kosminsky gives these women a forum to demonstrate their acting ` chops ' and they take full advantage . $LABEL$ 1 +storytelling feels slight . $LABEL$ 0 +witty , vibrant , and intelligent . $LABEL$ 1 +despite its shortcomings , girls ca n't swim represents an engaging and intimate first feature by a talented director to watch , and it 's a worthy entry in the french coming-of-age genre . $LABEL$ 1 +interesting and thoroughly unfaithful version of carmen $LABEL$ 1 +thanks to a small star with big heart , this family film sequel is plenty of fun for all . $LABEL$ 1 +for most of the distance the picture provides a satisfyingly unsettling ride into the dark places of our national psyche . $LABEL$ 1 +it 's a smart , funny look at an arcane area of popular culture , and if it is n't entirely persuasive , it does give exposure to some talented performers . $LABEL$ 1 +we get the comedy we settle for . $LABEL$ 0 +eerily accurate depiction of depression . $LABEL$ 0 +schrader aims to present an unflinching look at one man 's downfall , brought about by his lack of self-awareness . $LABEL$ 0 +feels like the work of someone who may indeed have finally aged past his prime ... and , perhaps more than he realizes , just wants to be liked by the people who can still give him work . $LABEL$ 0 +extraordinary debut from josh koury . $LABEL$ 1 +... a bland murder-on-campus yawner . $LABEL$ 0 +cannon 's confidence and laid-back good spirits are , with the drumming routines , among the film 's saving graces . $LABEL$ 1 +just like a splendid meal , red dragon satisfies -- from its ripe recipe , inspiring ingredients , certified cuisine and palatable presentation . $LABEL$ 1 +feels more like a rejected x-files episode than a credible account of a puzzling real-life happening . $LABEL$ 0 +features what is surely the funniest and most accurate depiction of writer 's block ever . $LABEL$ 1 +whenever it threatens to get bogged down in earnest dramaturgy , a stirring visual sequence like a surge through swirling rapids or a leap from pinnacle to pinnacle rouses us . $LABEL$ 1 +surprisingly powerful and universal . $LABEL$ 1 +the story has its redundancies , and the young actors , not very experienced , are sometimes inexpressive . $LABEL$ 0 +even murphy 's expert comic timing and famed charisma ca n't rescue this effort . $LABEL$ 0 +a captivating coming-of-age story that may also be the first narrative film to be truly informed by the wireless age . $LABEL$ 1 +an intelligent , multi-layered and profoundly humanist -lrb- not to mention gently political -rrb- meditation on the values of knowledge , education , and the affects of cultural and geographical displacement . $LABEL$ 1 +if hill is n't quite his generation 's don siegel -lrb- or robert aldrich -rrb- , it 's because there 's no discernible feeling beneath the chest hair ; it 's all bluster and cliché . $LABEL$ 0 +and neither do cliches , no matter how ` inside ' they are . $LABEL$ 0 +strictly a ` guy 's film ' in the worst sense of the expression . $LABEL$ 0 +a lightweight , uneven action comedy that freely mingles french , japanese and hollywood cultures . $LABEL$ 0 +irwin and his director never come up with an adequate reason why we should pay money for what we can get on television for free . $LABEL$ 0 +can you bear the laughter ? $LABEL$ 1 +`` abandon '' will leave you wanting to abandon the theater . $LABEL$ 0 +the movie fails to portray its literarily talented and notorious subject as anything much more than a dirty old man . $LABEL$ 0 +not as good as the full monty , but a really strong second effort . $LABEL$ 1 +asks what truth can be discerned from non-firsthand experience , and specifically questions cinema 's capability for recording truth . $LABEL$ 1 +audiences are advised to sit near the back and squint to avoid noticing some truly egregious lip-non-synching , but otherwise the production is suitably elegant . $LABEL$ 1 +... a solid , unassuming drama . $LABEL$ 1 +a formula family tearjerker told with a heavy irish brogue ... accentuating , rather than muting , the plot 's saccharine thrust . $LABEL$ 1 +it 's fairly solid -- not to mention well edited so that it certainly does n't feel like a film that strays past the two and a half mark . $LABEL$ 1 +the holiday message of the 37-minute santa vs. the snowman leaves a lot to be desired . $LABEL$ 0 +a vile , incoherent mess ... a scummy ripoff of david cronenberg 's brilliant ` videodrome . ' $LABEL$ 0 +discursive but oddly riveting documentary . $LABEL$ 1 +what 's most offensive is n't the waste of a good cast , but the film 's denial of sincere grief and mourning in favor of bogus spiritualism . $LABEL$ 0 +like a medium-grade network sitcom -- mostly inoffensive , fitfully amusing , but ultimately so weightless that a decent draft in the auditorium might blow it off the screen . $LABEL$ 0 +a little melodramatic , but with enough hope to keep you engaged . $LABEL$ 1 +not only is it a charming , funny and beautifully crafted import , it uses very little dialogue , making it relatively effortless to read and follow the action at the same time . $LABEL$ 1 +just about all of the film is confusing on one level or another , making ararat far more demanding than it needs to be . $LABEL$ 0 +though it lacks the utter authority of a genre gem , there 's a certain robustness to this engaging mix of love and bloodletting . $LABEL$ 1 +it 's touching and tender and proves that even in sorrow you can find humor . $LABEL$ 1 +collapses after 30 minutes into a slap-happy series of adolescent violence . $LABEL$ 0 +a spiffy animated feature about an unruly adolescent boy who is yearning for adventure and a chance to prove his worth . $LABEL$ 1 +payne constructs a hilarious ode to middle america and middle age with this unlikely odyssey , featuring a pathetic , endearing hero who is all too human . $LABEL$ 1 +a surprisingly flat retread , hobbled by half-baked setups and sluggish pacing . $LABEL$ 0 +fierce , glaring and unforgettable . $LABEL$ 1 +the film does n't show enough of the creative process or even of what was created for the non-fan to figure out what makes wilco a big deal . $LABEL$ 0 +there are laughs aplenty , and , as a bonus , viewers do n't have to worry about being subjected to farts , urine , feces , semen , or any of the other foul substances that have overrun modern-day comedies . $LABEL$ 1 +a lot more dimensional and complex than its sunny disposition would lead you to believe . $LABEL$ 1 +miller has crafted an intriguing story of maternal instincts and misguided acts of affection . $LABEL$ 1 +sometimes there are very , very good reasons for certain movies to be sealed in a jar and left on a remote shelf indefinitely . $LABEL$ 0 +an instantly forgettable snow-and-stuntwork extravaganza that likely will be upstaged by an avalanche of more appealing holiday-season product . $LABEL$ 0 +some movies suck you in despite their flaws , and heaven is one such beast . $LABEL$ 1 +with a `` spy kids '' sequel opening next week , why bother with a contemptible imitator starring a `` snl '' has-been acting like an 8-year-old channeling roberto benigni ? $LABEL$ 0 +muddled , melodramatic paranormal romance is an all-time low for kevin costner . $LABEL$ 0 +in a summer of clones , harvard man is something rare and riveting : a wild ride that relies on more than special effects . $LABEL$ 1 +so original in its base concept that you can not help but get caught up . $LABEL$ 1 +but even then , i 'd recommend waiting for dvd and just skipping straight to her scenes . $LABEL$ 0 +this new zealand coming-of-age movie is n't really about anything . $LABEL$ 0 +quitting offers piercing domestic drama with spikes of sly humor . $LABEL$ 1 +mama africa pretty much delivers on that promise . $LABEL$ 1 +we hate -lrb- madonna -rrb- within the film 's first five minutes , and she lacks the skill or presence to regain any ground . $LABEL$ 0 +much smarter and more attentive than it first sets out to be . $LABEL$ 1 +one regards reign of fire with awe . $LABEL$ 1 +it 's tough to tell which is in more abundant supply in this woefully hackneyed movie , directed by scott kalvert , about street gangs and turf wars in 1958 brooklyn -- stale cliches , gratuitous violence , or empty machismo . $LABEL$ 0 +the story is also as unoriginal as they come , already having been recycled more times than i 'd care to count . $LABEL$ 0 +you 've already seen city by the sea under a variety of titles , but it 's worth yet another visit . $LABEL$ 1 +in one scene , we get a stab at soccer hooliganism , a double-barreled rip-off of quentin tarantino 's climactic shootout -- and meat loaf explodes . $LABEL$ 0 +is the kind of movie that 's critic-proof , simply because it aims so low . $LABEL$ 0 +to the civilized mind , a movie like ballistic : ecks vs. sever is more of an ordeal than an amusement . $LABEL$ 0 +a different movie -- sometimes tedious -- by a director many viewers would like to skip but film buffs should get to know . $LABEL$ 1 +my precious new star wars movie is a lumbering , wheezy drag ... $LABEL$ 0 +a dull , simple-minded and stereotypical tale of drugs , death and mind-numbing indifference on the inner-city streets . $LABEL$ 0 +throw smoochy from the train ! $LABEL$ 0 +an alternately raucous and sappy ethnic sitcom ... you 'd be wise to send your regrets . $LABEL$ 0 +none of this is half as moving as the filmmakers seem to think . $LABEL$ 0 +the heedless impetuousness of youth is on full , irritating display in -lrb- this -rrb- meandering and pointless french coming-of-age import from writer-director anne-sophie birot . $LABEL$ 0 +a low-budget affair , tadpole was shot on digital video , and the images often look smeary and blurry , to the point of distraction . $LABEL$ 0 +irwin is so earnest that it 's hard to resist his pleas to spare wildlife and respect their environs . $LABEL$ 1 +a miraculous movie , i 'm going home is so slight , yet overflows with wisdom and emotion . $LABEL$ 1 +the story 's pathetic and the gags are puerile . . $LABEL$ 0 +showtime is n't particularly assaultive , but it can still make you feel that you never want to see another car chase , explosion or gunfight again . $LABEL$ 0 +by the final whistle you 're convinced that this mean machine was a decent tv outing that just does n't have big screen magic . $LABEL$ 0 +first , for a movie that tries to be smart , it 's kinda dumb . $LABEL$ 0 +and people make fun of me for liking showgirls . $LABEL$ 0 +... the story simply putters along looking for astute observations and coming up blank . $LABEL$ 0 +it has a caffeinated , sloppy brilliance , sparkling with ideas you wish had been developed with more care , but animated by an energy that puts the dutiful efforts of more disciplined grade-grubbers to shame . $LABEL$ 1 +if you 're not deeply touched by this movie , check your pulse . $LABEL$ 1 +whether it 's the worst movie of 2002 , i ca n't say for sure : memories of rollerball have faded , and i skipped country bears . $LABEL$ 0 +children , christian or otherwise , deserve to hear the full story of jonah 's despair -- in all its agonizing , catch-22 glory -- even if they spend years trying to comprehend it . $LABEL$ 1 +muccino , who directed from his own screenplay , is a canny crowd pleaser , and the last kiss ... provides more than enough sentimental catharsis for a satisfying evening at the multiplex . $LABEL$ 1 +has a solid emotional impact . $LABEL$ 1 +dogtown is hollow , self-indulgent , and - worst of all - boring . $LABEL$ 0 +the sweetest thing leaves a bitter taste . $LABEL$ 0 +one of those films that seems tailor made to air on pay cable to offer some modest amusements when one has nothing else to watch . $LABEL$ 0 +has enough wit , energy and geniality to please not only the fanatical adherents on either side , but also people who know nothing about the subject and think they 're not interested . $LABEL$ 1 +lawrence should stick to his day job . $LABEL$ 0 +by turns numbingly dull-witted and disquietingly creepy . $LABEL$ 0 +buy is an accomplished actress , and this is a big , juicy role . $LABEL$ 1 +maid in manhattan proves that it 's easier to change the sheets than to change hackneyed concepts when it comes to dreaming up romantic comedies . $LABEL$ 0 +thought-provoking and stylish , if also somewhat hermetic . $LABEL$ 1 +a cleverly crafted but ultimately hollow mockumentary . $LABEL$ 0 +jacquot has filmed the opera exactly as the libretto directs , ideally capturing the opera 's drama and lyricism . $LABEL$ 1 +the misery of these people becomes just another voyeuristic spectacle , to be consumed and forgotten . $LABEL$ 0 +from a deceptively simple premise , this deeply moving french drama develops a startling story that works both as a detailed personal portrait and as a rather frightening examination of modern times . $LABEL$ 1 +unexpected , and often contradictory , truths emerge . $LABEL$ 1 +has the capability of effecting change and inspiring hope . $LABEL$ 1 +even if you 're an elvis person , you wo n't find anything to get excited about on this dvd . $LABEL$ 0 +together writer-director danny verete 's three tales comprise a powerful and reasonably fulfilling gestalt . $LABEL$ 1 +writer\/director walter hill is in his hypermasculine element here , once again able to inject some real vitality and even art into a pulpy concept that , in many other hands would be completely forgettable . $LABEL$ 1 +goldbacher draws on an elegant visual sense and a talent for easy , seductive pacing ... but she and writing partner laurence coriat do n't manage an equally assured narrative coinage . $LABEL$ 1 +the script is smart and dark - hallelujah for small favors . $LABEL$ 1 +even though we know the outcome , the seesawing of the general 's fate in the arguments of competing lawyers has the stomach-knotting suspense of a legal thriller , while the testimony of witnesses lends the film a resonant undertone of tragedy . $LABEL$ 1 +you 're not merely watching history , you 're engulfed by it . $LABEL$ 1 +i am more offended by his lack of faith in his audience than by anything on display here . $LABEL$ 0 +we 're drawn in by the dark luster . $LABEL$ 1 +the darker elements of misogyny and unprovoked violence suffocate the illumination created by the two daughters and the sparse instances of humor meant to shine through the gloomy film noir veil . $LABEL$ 0 +it 's not a great monster movie . $LABEL$ 0 +it 's a lovely , sad dance highlighted by kwan 's unique directing style . $LABEL$ 1 +it 's so downbeat and nearly humorless that it becomes a chore to sit through -- despite some first-rate performances by its lead . $LABEL$ 0 +the all-french cast is marveilleux . $LABEL$ 1 +if the title is a jeopardy question , then the answer might be `` how does steven seagal come across these days ? '' $LABEL$ 0 +the emperor 's club , ruthless in its own placid way , finds one of our most conservative and hidebound movie-making traditions and gives it new texture , new relevance , new reality . $LABEL$ 1 +that storytelling has value can not be denied . $LABEL$ 1 +the whole thing comes off like a particularly amateurish episode of bewitched that takes place during spring break . $LABEL$ 0 +it 's hard to believe that something so short could be so flabby . $LABEL$ 0 +it establishes its ominous mood and tension swiftly , and if the suspense never rises to a higher level , it is nevertheless maintained throughout . $LABEL$ 1 +solondz may well be the only one laughing at his own joke $LABEL$ 0 +deep intelligence and a warm , enveloping affection breathe out of every frame . $LABEL$ 1 +swinging , the film makes it seem , is not a hobby that attracts the young and fit . $LABEL$ 0 +there 's a reason why halftime is only fifteen minutes long . $LABEL$ 0 +winds up being both revelatory and narcissistic , achieving some honest insight into relationships that most high-concept films candy-coat with pat storylines , precious circumstances and beautiful stars . $LABEL$ 1 +in its own floundering way , it gets to you . $LABEL$ 1 +behind the glitz , hollywood is sordid and disgusting . $LABEL$ 0 +this mild-mannered farce , directed by one of its writers , john c. walsh , is corny in a way that bespeaks an expiration date passed a long time ago . $LABEL$ 0 +with very little to add beyond the dark visions already relayed by superb recent predecessors like swimming with sharks and the player , this latest skewering ... may put off insiders and outsiders alike . $LABEL$ 0 +significantly better than its 2002 children 's - movie competition . $LABEL$ 1 +this is an elegantly balanced movie -- every member of the ensemble has something fascinating to do -- that does n't reveal even a hint of artifice . $LABEL$ 1 +cox creates a fluid and mesmerizing sequence of images to match the words of nijinsky 's diaries . $LABEL$ 1 +with the exception of mccoist , the players do n't have a clue on the park . $LABEL$ 0 +no amount of good acting is enough to save oleander 's uninspired story . $LABEL$ 0 +everyone 's to blame here . $LABEL$ 0 +evokes the 19th century with a subtlety that is an object lesson in period filmmaking . $LABEL$ 1 +an odd , haphazard , and inconsequential romantic comedy . $LABEL$ 0 +... another example of how sandler is losing his touch . $LABEL$ 0 +an awful lot like one of -lrb- spears ' -rrb- music videos in content -- except that it goes on for at least 90 more minutes and , worse , that you have to pay if you want to see it . $LABEL$ 0 +stale and clichéd to a fault . $LABEL$ 0 +... built on the premise that middle-class arkansas consists of monster truck-loving good ol' boys and peroxide blond honeys whose worldly knowledge comes from tv reruns and supermarket tabloids . $LABEL$ 0 +zellweger 's whiny pouty-lipped poof faced and spindly attempt at playing an ingenue makes her nomination as best actress even more of a an a $LABEL$ 0 +holofcener rejects patent solutions to dramatize life 's messiness from inside out , in all its strange quirks . $LABEL$ 1 +i still want my money back . $LABEL$ 0 +no one involved , save dash , shows the slightest aptitude for acting , and the script , credited to director abdul malik abbott and ernest ` tron ' anderson , seems entirely improvised . $LABEL$ 0 +it 's the kind of effectively creepy-scary thriller that has you fixating on a far corner of the screen at times because your nerves just ca n't take it any more . $LABEL$ 1 +narratively , trouble every day is a plodding mess . $LABEL$ 0 +well-done supernatural thriller with keen insights into parapsychological phenomena and the soulful nuances of the grieving process . $LABEL$ 1 +if there 's no art here , it 's still a good yarn -- which is nothing to sneeze at these days . $LABEL$ 1 +the cumulative effect of watching this 65-minute trifle is rather like being trapped while some weird relative trots out the video he took of the family vacation to stonehenge . $LABEL$ 0 +its sheer dynamism is infectious . $LABEL$ 1 +the film is reasonably entertaining , though it begins to drag two-thirds through , when the melodramatic aspects start to overtake the comedy . $LABEL$ 1 +simultaneously heart-breaking and very funny , the last kiss is really all about performances . $LABEL$ 1 +start reading your scripts before signing that dotted line . $LABEL$ 0 +jackson and co have brought back the value and respect for the term epic cinema . $LABEL$ 1 +a pathetically inane and unimaginative cross between xxx and vertical limit . $LABEL$ 0 +max pokes , provokes , takes expressionistic license and hits a nerve ... as far as art is concerned , it 's mission accomplished . $LABEL$ 1 +the power of shanghai ghetto , a documentary by dana janklowicz-mann and amir mann , rests in the voices of men and women , now in their 70s , who lived there in the 1940s . $LABEL$ 1 +` punch-drunk love is so convinced of its own brilliance that , if it were a person , you 'd want to smash its face in . ' $LABEL$ 0 +a sentimental mess that never rings true . $LABEL$ 0 +a fascinating case study of flower-power liberation -- and the price that was paid for it . $LABEL$ 1 +-lrb- janey -rrb- forgets about her other obligations , leading to a tragedy which is somehow guessable from the first few minutes , maybe because it echoes the by now intolerable morbidity of so many recent movies . $LABEL$ 0 +the only problem is that , by the end , no one in the audience or the film seems to really care . $LABEL$ 0 +a film without surprise geared toward maximum comfort and familiarity . $LABEL$ 0 +... although this idea is `` new '' the results are tired . $LABEL$ 0 +remarkable for its excellent storytelling , its economical , compressed characterisations and for its profound humanity , it 's an adventure story and history lesson all in one . $LABEL$ 1 +mike white 's deft combination of serious subject matter and dark , funny humor make `` the good girl '' a film worth watching . $LABEL$ 1 +a film that will be best appreciated by those willing to endure its extremely languorous rhythms , waiting for happiness is ultimately thoughtful without having much dramatic impact . $LABEL$ 1 +this may be the first cartoon ever to look as if it were being shown on the projection television screen of a sports bar . $LABEL$ 0 +it 's a treat -- a delightful , witty , improbable romantic comedy with a zippy jazzy score ... grant and bullock make it look as though they are having so much fun . $LABEL$ 1 +the trouble is , its filmmakers run out of clever ideas and visual gags about halfway through . $LABEL$ 0 +even when crush departs from the 4w formula ... it feels like a glossy rehash . $LABEL$ 0 +nair does n't treat the issues lightly . $LABEL$ 1 +a compelling motion picture that illustrates an american tragedy . $LABEL$ 1 +it 's that painful . $LABEL$ 0 +smart , sassy interpretation of the oscar wilde play . $LABEL$ 1 +there 's nothing more satisfying during a summer of event movies than a spy thriller like the bourne identity that 's packed with just as much intelligence as action . $LABEL$ 1 +though writer\/director bart freundlich 's film ultimately becomes a simplistic story about a dysfunctional parent-child relationship , it has some special qualities and the soulful gravity of crudup 's anchoring performance . $LABEL$ 1 +the early and middle passages are surprising in how much they engage and even touch us . $LABEL$ 1 +-lrb- cho 's face is -rrb- an amazing slapstick instrument , creating a scrapbook of living mug shots . $LABEL$ 1 +if ever such a dependable concept was botched in execution , this is it . $LABEL$ 0 +his -lrb- nelson 's -rrb- screenplay needs some serious re-working to show more of the dilemma , rather than have his characters stage shouting matches about it . $LABEL$ 0 +terminally brain dead production . $LABEL$ 0 +-lrb- grant -rrb- goes beyond his usual fluttering and stammering and captures the soul of a man in pain who gradually comes to recognize it and deal with it . $LABEL$ 1 +the movie suffers from two fatal ailments -- a dearth of vitality and a story that 's shapeless and uninflected . $LABEL$ 0 +bigelow handles the nuclear crisis sequences evenly but milks drama when she should be building suspense , and drags out too many scenes toward the end that should move quickly . $LABEL$ 0 +while most films these days are about nothing , this film seems to be about everything that 's plaguing the human spirit in a relentlessly globalizing world . $LABEL$ 1 +one senses in world traveler and in his earlier film that freundlich bears a grievous but obscure complaint against fathers , and circles it obsessively , without making contact . $LABEL$ 0 +well-meant but unoriginal . $LABEL$ 0 +it 's an effort to watch this movie , but it eventually pays off and is effective if you stick with it . $LABEL$ 1 +it 's burns ' visuals , characters and his punchy dialogue , not his plot , that carry waydowntown . $LABEL$ 1 +the real triumphs in igby come from philippe , who makes oliver far more interesting than the character 's lines would suggest , and sarandon , who could n't be better as a cruel but weirdly likable wasp matron . $LABEL$ 1 +the quiet american is n't a bad film , it 's just one that could easily wait for your pay per view dollar . $LABEL$ 0 +no. . $LABEL$ 0 +kapur weighs down the tale with bogus profundities . $LABEL$ 0 +my big fat greek wedding is that rare animal known as ' a perfect family film , ' because it 's about family . $LABEL$ 1 +even though many of these guys are less than adorable -lrb- their lamentations are pretty much self-centered -rrb- , there 's something vital about the movie . $LABEL$ 1 +while it may not add up to the sum of its parts , holofcener 's film offers just enough insight to keep it from being simpleminded , and the ensemble cast is engaging enough to keep you from shifting in your chair too often . $LABEL$ 1 +an ugly , revolting movie . $LABEL$ 0 +if you are into splatter movies , then you will probably have a reasonably good time with the salton sea . $LABEL$ 1 +the characterizations and dialogue lack depth or complexity , with the ironic exception of scooter . $LABEL$ 0 +shanghai ghetto may not be as dramatic as roman polanski 's the pianist , but its compassionate spirit soars every bit as high . $LABEL$ 1 +but it 's hardly a necessary enterprise . $LABEL$ 0 +ratliff 's two previous titles , plutonium circus and purgatory county show his penchant for wry , contentious configurations , and this film is part of that delicate canon . $LABEL$ 1 +distinctly sub-par ... more likely to drown a viewer in boredom than to send any shivers down his spine . $LABEL$ 0 +it 's a shame that the storyline and its underlying themes ... finally seem so impersonal or even shallow . $LABEL$ 0 +as it stands , crocodile hunter has the hurried , badly cobbled look of the 1959 godzilla , which combined scenes of a japanese monster flick with canned shots of raymond burr commenting on the monster 's path of destruction . $LABEL$ 0 +leigh succeeds in delivering a dramatic slap in the face that 's simultaneously painful and refreshing . $LABEL$ 1 +i liked the original short story but this movie , even at an hour and twenty-some minutes , it 's too long and it goes nowhere . $LABEL$ 0 +it 's the kind of under-inspired , overblown enterprise that gives hollywood sequels a bad name . $LABEL$ 0 +the movie starts with a legend and ends with a story that is so far-fetched it would be impossible to believe if it were n't true . $LABEL$ 0 +really does feel like a short stretched out to feature length . $LABEL$ 0 +a breezy blend of art , history , esoteric musings and philosophy . $LABEL$ 1 +unexpected moments of authentically impulsive humor are the hallmark of this bittersweet , uncommonly sincere movie that portrays the frank humanity of ... emotional recovery . $LABEL$ 1 +stands as a document of what it felt like to be a new yorker -- or , really , to be a human being -- in the weeks after 9\/11 . $LABEL$ 1 +my wife is an actress works as well as it does because -lrb- the leads -rrb- are such a companionable couple . $LABEL$ 1 +about schmidt is nicholson 's goofy , heartfelt , mesmerizing king lear . $LABEL$ 1 +a comedy that is warm , inviting , and surprising . $LABEL$ 1 +hatfield and hicks make the oddest of couples , and in this sense the movie becomes a study of the gambles of the publishing world , offering a case study that exists apart from all the movie 's political ramifications . $LABEL$ 1 +the movie is so contrived , nonsensical and formulaic that , come to think of it , the day-old shelf would be a more appropriate location to store it . $LABEL$ 0 +this sensitive , smart , savvy , compelling coming-of-age drama delves into the passive-aggressive psychology of co-dependence and the struggle for self-esteem . $LABEL$ 1 +enigma looks great , has solid acting and a neat premise . $LABEL$ 1 +eventually , they will have a showdown , but , by then , your senses are as mushy as peas and you do n't care who fires the winning shot . $LABEL$ 0 +as warm as it is wise , deftly setting off uproarious humor with an underlying seriousness that sneaks up on the viewer , providing an experience that is richer than anticipated . $LABEL$ 1 +godard 's ode to tackling life 's wonderment is a rambling and incoherent manifesto about the vagueness of topical excess ... in praise of love remains a ponderous and pretentious endeavor that 's unfocused and tediously exasperating . $LABEL$ 0 +this ready-made midnight movie probably wo n't stand the cold light of day , but under the right conditions , it 's goofy -lrb- if not entirely wholesome -rrb- fun . $LABEL$ 1 +hampered -- no , paralyzed -- by a self-indulgent script ... that aims for poetry and ends up sounding like satire . $LABEL$ 0 +although sensitive to a fault , it 's often overwritten , with a surfeit of weighty revelations , flowery dialogue , and nostalgia for the past and roads not taken . $LABEL$ 0 +several uninteresting , unlikeable people do bad things to and with each other in `` unfaithful . '' $LABEL$ 0 +... a low rate annie featuring some kid who ca n't act , only echoes of jordan , and weirdo actor crispin glover screwing things up old school . $LABEL$ 0 +this version does justice both to stevenson and to the sci-fi genre . $LABEL$ 1 +surprisingly , considering that baird is a former film editor , the movie is rather choppy . $LABEL$ 0 +directing with a sure and measured hand , -lrb- haneke -rrb- steers clear of the sensational and offers instead an unflinching and objective look at a decidedly perverse pathology . $LABEL$ 1 +... it was n't the subject matter that ultimately defeated the film ... it was the unfulfilling , incongruous , `` wait a second , did i miss something ? '' $LABEL$ 0 +wiseman is patient and uncompromising , letting his camera observe and record the lives of women torn apart by a legacy of abuse . $LABEL$ 1 +it 's a compelling and horrifying story , and the laramie project is worthwhile for reminding us that this sort of thing does , in fact , still happen in america . $LABEL$ 1 +ub equally spoofs and celebrates the more outre aspects of ` black culture ' and the dorkier aspects of ` white culture , ' even as it points out how inseparable the two are . $LABEL$ 1 +full frontal , which opens today nationwide , could almost be classified as a movie-industry satire , but it lacks the generous inclusiveness that is the genre 's definitive , if disingenuous , feature . $LABEL$ 0 +ultimately ... the movie is too heady for children , and too preachy for adults . $LABEL$ 0 +could n't someone take rob schneider and have him switch bodies with a funny person ? $LABEL$ 0 +in the wrong hands , i.e. peploe 's , it 's simply unbearable $LABEL$ 0 +what saves it ... and makes it one of the better video-game-based flicks , is that the film acknowledges upfront that the plot makes no sense , such that the lack of linearity is the point of emotional and moral departure for protagonist alice . $LABEL$ 1 +like an afterschool special with costumes by gianni versace , mad love looks better than it feels . $LABEL$ 0 +a strong script , powerful direction and splendid production design allows us to be transported into the life of wladyslaw szpilman , who is not only a pianist , but a good human being . $LABEL$ 1 +miller tells this very compelling tale with little fuss or noise , expertly plucking tension from quiet . $LABEL$ 1 +it has no affect on the kurds , but it wore me down . $LABEL$ 0 +the wanton slipperiness of \* corpus and its amiable jerking and reshaping of physical time and space would make it a great piece to watch with kids and use to introduce video as art . $LABEL$ 1 +the real star of this movie is the score , as in the songs translate well to film , and it 's really well directed . $LABEL$ 1 +instead of letting the laughs come as they may , lawrence unleashes his trademark misogyny -- er , comedy -- like a human volcano or an overflowing septic tank , take your pick . $LABEL$ 0 +this tuxedo ... should have been sent back to the tailor for some major alterations . $LABEL$ 0 +ever see one of those comedies that just seem like a bad idea from frame one ? $LABEL$ 0 +the film is impressive for the sights and sounds of the wondrous beats the world has to offer . $LABEL$ 1 +for most of its footage , the new thriller proves that director m. night shyamalan can weave an eerie spell and that mel gibson can gasp , shudder and even tremble without losing his machismo . $LABEL$ 1 +downright transparent is the script 's endless assault of embarrassingly ham-fisted sex jokes that reek of a script rewrite designed to garner the film a `` cooler '' pg-13 rating . $LABEL$ 0 +the performances are so overstated , the effect comes off as self-parody . $LABEL$ 0 +in terms of execution this movie is careless and unfocused . $LABEL$ 0 +the story ultimately takes hold and grips hard . $LABEL$ 1 +the whole movie is simply a lazy exercise in bad filmmaking that asks you to not only suspend your disbelief but your intelligence as well . $LABEL$ 0 +it puts washington , as honest working man john q. archibald , on a pedestal , then keeps lifting the pedestal higher . $LABEL$ 1 +i have not been this disappointed by a movie in a long time . $LABEL$ 0 +an alternately fascinating and frustrating documentary . $LABEL$ 1 +a directorial tour de force by bernard rose , ivans xtc . $LABEL$ 1 +unfortunately , one hour photo lives down to its title . $LABEL$ 0 +for a guy who has waited three years with breathless anticipation for a new hal hartley movie to pore over , no such thing is a big letdown . $LABEL$ 0 +beautifully produced . $LABEL$ 1 +a compelling coming-of-age drama about the arduous journey of a sensitive young girl through a series of foster homes and a fierce struggle to pull free from her dangerous and domineering mother 's hold over her . $LABEL$ 1 +lee 's achievement extends to his supple understanding of the role that brown played in american culture as an athlete , a movie star , and an image of black indomitability . $LABEL$ 1 +it 's definitely an improvement on the first blade , since it does n't take itself so deadly seriously . $LABEL$ 1 +yet this one makes up for in heart what it lacks in outright newness . $LABEL$ 1 +the most memorable moment was when green threw medical equipment at a window ; not because it was particularly funny , but because i had a serious urge to grab the old lady at the end of my aisle 's walker and toss it at the screen in frustration . $LABEL$ 0 +the premise of `` abandon '' holds promise , ... but its delivery is a complete mess . $LABEL$ 0 +shyamalan offers copious hints along the way -- myriad signs , if you will -- that beneath the familiar , funny surface is a far bigger , far more meaningful story than one in which little green men come to earth for harvesting purposes . $LABEL$ 1 +call me a cynic , but there 's something awfully deadly about any movie with a life-affirming message . $LABEL$ 0 +we started to wonder if ... some unpaid intern had just typed ` chris rock , ' ` anthony hopkins ' and ` terrorists ' into some univac-like script machine . $LABEL$ 0 +it 's hard to imagine that even very small children will be impressed by this tired retread . $LABEL$ 0 +the art direction is often exquisite , and the anthropomorphic animal characters are beautifully realized through clever makeup design , leaving one to hope that the eventual dvd release will offer subtitles and the original italian-language soundtrack . $LABEL$ 1 +the problem with movies about angels is they have a tendency to slip into hokum . $LABEL$ 0 +lazy filmmaking , with the director taking a hands-off approach when he should have shaped the story to show us why it 's compelling . $LABEL$ 0 +like smoke signals , the film is also imbued with strong themes of familial ties and spirituality that are powerful and moving without stooping to base melodrama $LABEL$ 1 +as with so many merchandised-to-the-max movies of this type , more time appears to have gone into recruiting the right bands for the playlist and the costuming of the stars than into the script , which has a handful of smart jokes and not much else . $LABEL$ 0 +the film 's images give a backbone to the company and provide an emotional edge to its ultimate demise . $LABEL$ 1 +stuffed to the brim with ideas , american instigator michael moore 's film is a rambling examination of american gun culture that uses his usual modus operandi of crucifixion through juxtaposition . $LABEL$ 1 +press the delete key . $LABEL$ 0 +... the kind of entertainment that parents love to have their kids see . $LABEL$ 1 +for all its visual panache and compelling supporting characters , the heart of the film rests in the relationship between sullivan and his son . $LABEL$ 1 +imamura has said that warm water under a red bridge is a poem to the enduring strengths of women . $LABEL$ 1 +a grating , emaciated flick . $LABEL$ 0 +it 's plotless , shapeless -- and yet , it must be admitted , not entirely humorless . $LABEL$ 0 +with a tone as variable as the cinematography , schaeffer 's film never settles into the light-footed enchantment the material needs , and the characters ' quirks and foibles never jell into charm . $LABEL$ 0 +a very slow , uneventful ride around a pretty tattered old carousel . $LABEL$ 0 +jackson is always watchable . $LABEL$ 1 +showtime is a fine-looking film with a bouncy score and a clutch of lively songs for deft punctuation . $LABEL$ 1 +mib ii is a movie that makes it possible for the viewer to doze off for a few minutes or make several runs to the concession stand and\/or restroom and not feel as if he or she has missed anything . $LABEL$ 0 +... bright , intelligent , and humanly funny film . $LABEL$ 1 +too bad kramer could n't make a guest appearance to liven things up . $LABEL$ 0 +300 years of russian history and culture compressed into an evanescent , seamless and sumptuous stream of consciousness . $LABEL$ 1 +the modern remake of dumas 's story is long on narrative and -lrb- too -rrb- short on action . $LABEL$ 0 +seagal is painfully foolish in trying to hold onto what 's left of his passe ' chopsocky glory . $LABEL$ 0 +the enjoyable undercover brother , a zany mix of saturday night live-style parody , '70s blaxploitation films and goofball action comedy gone wild , dishes out a ton of laughs that everyone can enjoy . $LABEL$ 1 +fantastic ! $LABEL$ 1 +there 's not a spark of new inspiration in it , just more of the same , done with noticeably less energy and imagination . $LABEL$ 0 +`` red dragon '' is entertaining . $LABEL$ 1 +hoffman waits too long to turn his movie in an unexpected direction , and even then his tone retains a genteel , prep-school quality that feels dusty and leatherbound . $LABEL$ 0 +secretary is just too original to be ignored . $LABEL$ 1 +while cherish does n't completely survive its tonal transformation from dark comedy to suspense thriller , it 's got just enough charm and appealing character quirks to forgive that still serious problem . $LABEL$ 1 +the lack of naturalness makes everything seem self-consciously poetic and forced ... it 's a pity that -lrb- nelson 's -rrb- achievement does n't match his ambition . $LABEL$ 0 +graham greene 's novel of colonialism and empire is elevated by michael caine 's performance as a weary journalist in a changing world . $LABEL$ 1 +the movie is so resolutely cobbled together out of older movies that it even uses a totally unnecessary prologue , just because it seems obligatory . $LABEL$ 0 +my big fat greek wedding is not only the best date movie of the year , it 's also a -- dare i say it twice -- delightfully charming -- and totally american , i might add -- slice of comedic bliss . $LABEL$ 1 +an off-beat and fanciful film about the human need for monsters to blame for all that is amiss in the world . $LABEL$ 1 +this thing works on no level whatsoever for me . $LABEL$ 0 +a selection of scenes in search of a movie . $LABEL$ 0 +one of the most gloriously unsubtle and adrenalized extreme shockers since the evil dead . $LABEL$ 1 +we do get the distinct impression that this franchise is drawing to a close . $LABEL$ 0 +an unholy mess , driven by the pathetic idea that if you shoot something on crummy-looking videotape , it must be labelled ` hip ' , ` innovative ' and ` realistic ' . $LABEL$ 0 +in the end , the weight of water comes to resemble the kind of soft-core twaddle you 'd expect to see on showtime 's ` red shoe diaries . ' $LABEL$ 0 +meticulously uncovers a trail of outrageous force and craven concealment . $LABEL$ 1 +even if the ring has a familiar ring , it 's still unusually crafty and intelligent for hollywood horror . $LABEL$ 1 +time is a beautiful film to watch , an interesting and at times captivating take on loss and loneliness . $LABEL$ 1 +a moving and weighty depiction of one family 's attempts to heal after the death of a child . $LABEL$ 1 +it 's replaced by some dramatic scenes that are jarring and deeply out of place in what could have -lrb- and probably should have -rrb- been a lighthearted comedy . $LABEL$ 0 +even if you do n't understand what on earth is going on , this is a movie that will stimulate hours of post viewing discussion , if only to be reminded of who did what to whom and why . $LABEL$ 1 +... watching it was painful . $LABEL$ 0 +mostly honest , this somber picture reveals itself slowly , intelligently , artfully . $LABEL$ 1 +the story line may be 127 years old , but el crimen del padre amaro ... could n't be more timely in its despairing vision of corruption within the catholic establishment . $LABEL$ 1 +wait to see it then . $LABEL$ 0 +unless there are zoning ordinances to protect your community from the dullest science fiction , impostor is opening today at a theater near you . $LABEL$ 0 +does a good job of establishing a time and place , and of telling a fascinating character 's story . $LABEL$ 1 +it 's supposed to be a romantic comedy - it suffers from too much norma rae and not enough pretty woman . $LABEL$ 0 +tries to work in the same vein as the brilliance of animal house but instead comes closer to the failure of the third revenge of the nerds sequel . $LABEL$ 0 +for those who pride themselves on sophisticated , discerning taste , this might not seem like the proper cup of tea , however it is almost guaranteed that even the stuffiest cinema goers will laugh their \*\*\* off for an hour-and-a-half . $LABEL$ 1 +a film with contemporary political resonance illustrated by a winning family story . $LABEL$ 1 +disney again ransacks its archives for a quick-buck sequel . $LABEL$ 0 +payami tries to raise some serious issues about iran 's electoral process , but the result is a film that 's about as subtle as a party political broadcast . $LABEL$ 0 +one of the most incoherent features in recent memory . $LABEL$ 0 +a wry , affectionate delight . $LABEL$ 1 +brosnan gives a portrayal as solid and as perfect as his outstanding performance as bond in die another day . $LABEL$ 1 +the problem with the mayhem in formula 51 is not that it 's offensive , but that it 's boring . $LABEL$ 0 +a three-hour cinema master class . $LABEL$ 1 +a quirky comedy set in newfoundland that cleverly captures the dry wit that 's so prevalent on the rock . $LABEL$ 1 +may not be a breakthrough in filmmaking , but it is unwavering and arresting . $LABEL$ 1 +caruso sometimes descends into sub-tarantino cuteness ... but for the most part he makes sure the salton sea works the way a good noir should , keeping it tight and nasty . $LABEL$ 1 +the rest of the film ... is dudsville . $LABEL$ 0 +brutally honest and told with humor and poignancy , which makes its message resonate . $LABEL$ 1 +... a good film that must have baffled the folks in the marketing department . $LABEL$ 1 +director uwe boll and writer robert dean klein fail to generate any interest in an unsympathetic hero caught up in an intricate plot that while cleverly worked out , can not overcome blah characters . $LABEL$ 0 +the metaphors are provocative , but too often , the viewer is left puzzled by the mechanics of the delivery . $LABEL$ 0 +works better in the conception than it does in the execution ... winds up seeming just a little too clever . $LABEL$ 0 +wonderful fencing scenes and an exciting plot make this an eminently engrossing film . $LABEL$ 1 +a bold -lrb- and lovely -rrb- experiment that will almost certainly bore most audiences into their own brightly colored dreams . $LABEL$ 1 +a wonderfully warm human drama that remains vividly in memory long after viewing $LABEL$ 1 +if any of them list this ` credit ' on their resumes in the future , that 'll be much funnier than anything in the film ... $LABEL$ 0 +after you laugh once -lrb- maybe twice -rrb- , you will have completely forgotten the movie by the time you get back to your car in the parking lot . $LABEL$ 0 +the hanukkah spirit seems fried in pork . $LABEL$ 0 +there are plenty of scenes in frida that do work , but rarely do they involve the title character herself . $LABEL$ 1 +it is scott 's convincing portrayal of roger the sad cad that really gives the film its oomph . $LABEL$ 1 +4ever has the same sledgehammer appeal as pokemon videos , but it breathes more on the big screen and induces headaches more slowly . $LABEL$ 1 +a chilling tale of one of the great crimes of 20th century france : the murder of two rich women by their servants in 1933 . $LABEL$ 1 +despite all the closed-door hanky-panky , the film is essentially juiceless . $LABEL$ 0 +it 's one long bore . $LABEL$ 0 +if you are curious to see the darker side of what 's going on with young tv actors -lrb- dawson leery did what ?!? -rrb- , or see some interesting storytelling devices , you might want to check it out , but there 's nothing very attractive about this movie . $LABEL$ 0 +it has a dashing and resourceful hero ; a lisping , reptilian villain ; big fights ; big hair ; lavish period scenery ; and a story just complicated enough to let you bask in your own cleverness as you figure it out . $LABEL$ 1 +none of this is very original , and it is n't particularly funny . $LABEL$ 0 +ice age wo n't drop your jaw , but it will warm your heart , and i 'm giving it a strong thumbs up . $LABEL$ 1 +a tasty masala . $LABEL$ 1 +but it does have one saving grace . $LABEL$ 1 +one ca n't deny its seriousness and quality . $LABEL$ 1 +piccoli gives a superb performance full of deep feeling . $LABEL$ 1 +it 'll keep you wide awake and ... very tense . $LABEL$ 1 +an empty , purposeless exercise . $LABEL$ 0 +too bad . $LABEL$ 0 +rich in shadowy metaphor and as sharp as a samurai sword , jiang wen 's devils on the doorstep is a wartime farce in the alternately comic and gut-wrenching style of joseph heller or kurt vonnegut . $LABEL$ 1 +can be classified as one of those ` alternate reality ' movies ... except that it would have worked so much better dealing in only one reality . $LABEL$ 0 +despite some strong performances , never rises above the level of a telanovela . $LABEL$ 0 +painfully padded . $LABEL$ 0 +the sum of all fears is remarkably fuddled about motives and context , which drains it of the dramatic substance that would shake us in our boots -lrb- or cinema seats -rrb- . $LABEL$ 0 +a diverse and astonishingly articulate cast of palestinian and israeli children . $LABEL$ 1 +highly recommended viewing for its courage , ideas , technical proficiency and great acting . $LABEL$ 1 +none of this is meaningful or memorable , but frosting is n't , either , and you would n't turn down a big bowl of that , would you ? $LABEL$ 1 +a gripping documentary that reveals how deep the antagonism lies in war-torn jerusalem . $LABEL$ 1 +i had a dream that a smart comedy would come along to rescue me from a summer of teen-driven , toilet-humor codswallop , and its name was earnest . $LABEL$ 1 +a delightful surprise because despite all the backstage drama , this is a movie that tells stories that work -- is charming , is moving , is funny and looks professional . $LABEL$ 1 +for all the wit and hoopla , festival in cannes offers rare insight into the structure of relationships . $LABEL$ 1 +every joke is repeated at least -- annoying , is n't it ? $LABEL$ 0 +` anyone with a passion for cinema , and indeed sex , should see it as soon as possible . ' $LABEL$ 1 +a refreshing change from the usual whoopee-cushion effort aimed at the youth market . $LABEL$ 1 +... an interesting slice of history . $LABEL$ 1 +for dance completists only . $LABEL$ 0 +it has the air of a surprisingly juvenile lark , a pop-influenced prank whose charms are immediately apparent and wear thin with repetition . $LABEL$ 0 +it 's uninteresting . $LABEL$ 0 +bray is completely at sea ; with nothing but a savage garden music video on his resume , he has no clue about making a movie . $LABEL$ 0 +a tone poem of transgression . $LABEL$ 1 +seemingly a vehicle to showcase the canadian 's inane ramblings , stealing harvard is a smorgasbord of soliloquies about nothing delivered by the former mr. drew barrymore . $LABEL$ 0 +confusion is one of my least favourite emotions , especially when i have to put up with 146 minutes of it . $LABEL$ 0 +road to perdition does display greatness , and it 's worth seeing . $LABEL$ 1 +ultimately , sarah 's dedication to finding her husband seems more psychotic than romantic , and nothing in the movie makes a convincing case that one woman 's broken heart outweighs all the loss we witness . $LABEL$ 0 +an intense and effective film about loneliness and the chilly anonymity of the environments where so many of us spend so much of our time . $LABEL$ 1 +one of the worst movies of the year . $LABEL$ 0 +like a soft drink that 's been sitting open too long : it 's too much syrup and not enough fizz . $LABEL$ 0 +too bad writer-director adam rifkin situates it all in a plot as musty as one of the golden eagle 's carpets . $LABEL$ 0 +it has more in common with a fireworks display than a movie , which normally is expected to have characters and a storyline . $LABEL$ 0 +a captivatingly quirky hybrid of character portrait , romantic comedy and beat-the-clock thriller . $LABEL$ 1 +manages to delight without much of a story . $LABEL$ 1 +... an hour-and-a-half of inoffensive , unmemorable filler . $LABEL$ 0 +may take its sweet time to get wherever it 's going , but if you have the patience for it , you wo n't feel like it 's wasted yours . $LABEL$ 1 +ultimately , the film never recovers from the clumsy cliché of the ugly american abroad , and the too-frosty exterior ms. paltrow employs to authenticate her british persona is another liability . $LABEL$ 0 +in the book-on-tape market , the film of `` the kid stays in the picture '' would be an abridged edition $LABEL$ 0 +it is bad , but certainly not without merit as entertainment . $LABEL$ 0 +high crimes is a cinematic misdemeanor , a routine crime thriller remarkable only for its lack of logic and misuse of two fine actors , morgan freeman and ashley judd . $LABEL$ 0 +the project 's filmmakers forgot to include anything even halfway scary as they poorly rejigger fatal attraction into a high school setting . $LABEL$ 0 +a high-spirited buddy movie about the reunion of berlin anarchists who face arrest 15 years after their crime . $LABEL$ 1 +... one of the most entertaining monster movies in ages ... $LABEL$ 1 +an infinitely wittier version of the home alone formula . $LABEL$ 1 +devoid of any of the qualities that made the first film so special . $LABEL$ 0 +succeeds where its recent predecessor miserably fails because it demands that you suffer the dreadfulness of war from both sides . $LABEL$ 1 +fontaine masterfully creates a portrait of two strong men in conflict , inextricably entwined through family history , each seeing himself in the other , neither liking what he sees . $LABEL$ 1 +everyone 's insecure in lovely and amazing , a poignant and wryly amusing film about mothers , daughters and their relationships . $LABEL$ 1 +seemingly disgusted with the lazy material and the finished product 's unshapely look , director fisher stevens inexplicably dips key moments from the film in waking life water colors . $LABEL$ 0 +it 's also curious to note that this film , like the similarly ill-timed antitrust , is easily as bad at a fraction the budget . $LABEL$ 0 +do n't let the subtitles fool you ; the movie only proves that hollywood no longer has a monopoly on mindless action . $LABEL$ 0 +the only type of lives this glossy comedy-drama resembles are ones in formulaic mainstream movies . $LABEL$ 0 +fulford-wierzbicki ... deftly captures the wise-beyond-her-years teen . $LABEL$ 1 +you see the movie and you think , zzzzzzzzz . $LABEL$ 0 +much of this slick and sprightly cgi feature is sufficiently funny to amuse even the most resolutely unreligious parents who escort their little ones to megaplex screenings . $LABEL$ 1 +a tightly directed , highly professional film that 's old-fashioned in all the best possible ways . $LABEL$ 1 +confessions is without a doubt a memorable directorial debut from king hunk . $LABEL$ 1 +best enjoyed as a work of fiction inspired by real-life events . $LABEL$ 1 +this is a heartfelt story ... it just is n't a very involving one . $LABEL$ 0 +schnitzler does a fine job contrasting the sleekness of the film 's present with the playful paranoia of the film 's past . ' $LABEL$ 1 +george clooney , in his first directorial effort , presents this utterly ridiculous shaggy dog story as one of the most creative , energetic and original comedies to hit the screen in years . $LABEL$ 1 +` martin lawrence live ' is so self-pitying , i almost expected there to be a collection taken for the comedian at the end of the show . $LABEL$ 0 +the screenplay does too much meandering , norton has to recite bland police procedural details , fiennes wanders around in an attempt to seem weird and distanced , hopkins looks like a drag queen . $LABEL$ 0 +if oscar had a category called best bad film you thought was going to be really awful but was n't , guys would probably be duking it out with the queen of the damned for the honor . $LABEL$ 0 +anyone else who may , for whatever reason , be thinking about going to see this movie is hereby given fair warning . $LABEL$ 0 +i could n't help but feel the wasted potential of this slapstick comedy . $LABEL$ 0 +the latest vapid actor 's exercise to appropriate the structure of arthur schnitzler 's reigen . $LABEL$ 0 +majidi 's direction has never been smoother or more confident . $LABEL$ 1 +there 's only one way to kill michael myers for good : stop buying tickets to these movies . $LABEL$ 0 +fear permeates the whole of stortelling , todd solondz ' oftentimes funny , yet ultimately cowardly autocritique . $LABEL$ 1 +falsehoods pile up , undermining the movie 's reality and stifling its creator 's comic voice . $LABEL$ 0 +bland but harmless . $LABEL$ 0 +like leafing through an album of photos accompanied by the sketchiest of captions . $LABEL$ 0 +judd 's characters ought to pick up the durable best seller smart women , foolish choices for advice . $LABEL$ 0 +the criticism never rises above easy , cynical potshots at morally bankrupt characters ... $LABEL$ 0 +adolescents will be adequately served by the movie 's sophomoric blend of shenanigans and slapstick , although the more lascivious-minded might be disappointed in the relative modesty of a movie that sports a ` topless tutorial service . ' $LABEL$ 1 +about the best thing you could say about narc is that it 's a rock-solid little genre picture . $LABEL$ 1 +an unbelievably stupid film , though occasionally fun enough to make you forget its absurdity . $LABEL$ 0 +star\/producer salma hayek and director julie taymor have infused frida with a visual style unique and inherent to the titular character 's paintings and in the process created a masterful work of art of their own . $LABEL$ 1 +what -lrb- denis -rrb- accomplishes in his chilling , unnerving film is a double portrait of two young women whose lives were as claustrophic , suffocating and chilly as the attics to which they were inevitably consigned . $LABEL$ 1 +to build a feel-good fantasy around a vain dictator-madman is off-putting , to say the least , not to mention inappropriate and wildly undeserved . $LABEL$ 0 +a generic bloodbath that often becomes laughably unbearable when it is n't merely offensive . $LABEL$ 0 +judith and zaza 's extended bedroom sequence ... is so intimate and sensual and funny and psychologically self-revealing that it makes most of what passes for sex in the movies look like cheap hysterics . $LABEL$ 1 +with an unusual protagonist -lrb- a kilt-wearing jackson -rrb- and subject matter , the improbable `` formula 51 '' is somewhat entertaining , but it could have been much stronger . $LABEL$ 1 +this is the kind of movie during which you want to bang your head on the seat in front of you , at its cluelessness , at its idiocy , at its utterly misplaced earnestness . $LABEL$ 0 +its appeal will probably limited to lds church members and undemanding armchair tourists . $LABEL$ 0 +the latest adam sandler assault and possibly the worst film of the year . $LABEL$ 0 +the determination of pinochet 's victims to seek justice , and their often heartbreaking testimony , spoken directly into director patricio guzman 's camera , pack a powerful emotional wallop . $LABEL$ 1 +a beautiful , timeless and universal tale of heated passions -- jealousy , betrayal , forgiveness and murder . $LABEL$ 1 +hill looks to be going through the motions , beginning with the pale script . $LABEL$ 0 +who needs mind-bending drugs when they can see this , the final part of the ` qatsi ' trilogy , directed by godfrey reggio , with music by philip glass ? $LABEL$ 1 +disjointed parody . $LABEL$ 0 +typical animé , with cheapo animation -lrb- like saturday morning tv in the '60s -rrb- , a complex sword-and-sorcery plot and characters who all have big round eyes and japanese names . $LABEL$ 0 +you ca n't believe anyone would really buy this stuff . $LABEL$ 0 +the plot is nothing but boilerplate clichés from start to finish , and the script assumes that not only would subtlety be lost on the target audience , but that it 's also too stupid to realize that they 've already seen this exact same movie a hundred times $LABEL$ 0 +twenty years later , e.t. is still a cinematic touchstone . $LABEL$ 1 +angela gheorghiu as famous prima donna floria tosca , roberto alagna as her lover mario cavaradossi , and ruggero as the villainous , lecherous police chief scarpia , all sing beautifully and act adequately . $LABEL$ 1 +gondry 's direction is adequate ... but what gives human nature its unique feel is kaufman 's script . $LABEL$ 1 +though this rude and crude film does deliver a few gut-busting laughs , its digs at modern society are all things we 've seen before . $LABEL$ 0 +one of the most exciting action films to come out of china in recent years . $LABEL$ 1 +glizty but formulaic and silly ... cagney 's ` top of the world ' has been replaced by the bottom of the barrel . $LABEL$ 0 +makes a joke out of car chases for an hour and then gives us half an hour of car chases . $LABEL$ 0 +-lrb- a -rrb- soulless , stupid sequel ... $LABEL$ 0 +with a large cast representing a broad cross-section , tavernier 's film bounds along with the rat-a-tat energy of `` his girl friday , '' maintaining a light touch while tackling serious themes . $LABEL$ 1 +unpretentious , charming , quirky , original $LABEL$ 1 +humorless , self-conscious art drivel , made without a glimmer of intelligence or invention . $LABEL$ 0 +told just proficiently enough to trounce its overly comfortable trappings . $LABEL$ 1 +if you have n't seen the film lately , you may be surprised at the variety of tones in spielberg 's work . $LABEL$ 1 +any movie that makes hard work seem heroic deserves a look . $LABEL$ 1 +it 's a thin notion , repetitively stretched out to feature length , awash in self-consciously flashy camera effects , droning house music and flat , flat dialogue . $LABEL$ 0 +a dull , dumb and derivative horror film . $LABEL$ 0 +how about surprising us by trying something new ? $LABEL$ 0 +an energetic , violent movie with a momentum that never lets up . $LABEL$ 1 +even by the intentionally low standards of frat-boy humor , sorority boys is a bowser . $LABEL$ 0 +an affable but undernourished romantic comedy that fails to match the freshness of the actress-producer and writer 's previous collaboration , miss congeniality . $LABEL$ 0 +it really is a shame that more wo n't get an opportunity to embrace small , sweet ` evelyn . ' $LABEL$ 1 +caviezel embodies the transformation of his character completely . $LABEL$ 1 +i found it slow , predictable and not very amusing . $LABEL$ 0 +see it . $LABEL$ 1 +as played by ryan gosling , danny is a frighteningly fascinating contradiction . $LABEL$ 1 +the movie spends more time with schneider than with newcomer mcadams , even though her performance is more interesting -lrb- and funnier -rrb- than his . $LABEL$ 0 +oh , and more entertaining , too . $LABEL$ 1 +the genius of the work speaks volumes , offering up a hallucinatory dreamscape that frustrates and captivates . $LABEL$ 1 +austin powers for the most part is extremely funny , the first part making up for any flaws that come later . $LABEL$ 1 +a worthy addition to the cinematic canon , which , at last count , numbered 52 different versions . $LABEL$ 1 +if you like blood , guts and crazy beasts stalking men with guns though ... you will likely enjoy this monster . $LABEL$ 1 +it is a popcorn film , not a must-own , or even a must-see . $LABEL$ 0 +how inept is serving sara ? $LABEL$ 0 +a thoughtful , reverent portrait of what is essentially a subculture , with its own rules regarding love and family , governance and hierarchy . $LABEL$ 1 +-lrb- caine -rrb- proves once again he has n't lost his touch , bringing off a superb performance in an admittedly middling film . $LABEL$ 1 +a vibrant whirlwind of love , family and all that goes with it , my big fat greek wedding is a non-stop funny feast of warmth , colour and cringe . $LABEL$ 1 +the film , like jimmy 's routines , could use a few good laughs . $LABEL$ 0 +like a skillful fisher , the director uses the last act to reel in the audience since its poignancy hooks us completely . $LABEL$ 1 +but once the falcon arrives in the skies above manhattan , the adventure is on red alert . $LABEL$ 1 +as antonia is assimilated into this newfangled community , the film settles in and becomes compulsively watchable in a guilty-pleasure , daytime-drama sort of fashion . $LABEL$ 1 +this is n't a new idea . $LABEL$ 0 +on a cutting room floor somewhere lies ... footage that might have made no such thing a trenchant , ironic cultural satire instead of a frustrating misfire . $LABEL$ 0 +that haynes can both maintain and dismantle the facades that his genre and his character construct is a wonderous accomplishment of veracity and narrative grace . $LABEL$ 1 +just bring on the battle bots , please ! $LABEL$ 1 +but first , you have to give the audience a reason to want to put for that effort $LABEL$ 0 +for all the dolorous trim , secretary is a genial romance that maintains a surprisingly buoyant tone throughout , notwithstanding some of the writers ' sporadic dips into pop freudianism . $LABEL$ 1 +a bright , inventive , thoroughly winning flight of revisionist fancy . $LABEL$ 1 +just about the surest bet for an all-around good time at the movies this summer . $LABEL$ 1 +those of you who are not an eighth grade girl will most likely doze off during this one . $LABEL$ 0 +a rambling ensemble piece with loosely connected characters and plots that never quite gel . $LABEL$ 0 +greg kinnear gives a mesmerizing performance as a full-fledged sex addict who is in complete denial about his obsessive behavior . $LABEL$ 1 +this action-thriller\/dark comedy is one of the most repellent things to pop up in a cinematic year already littered with celluloid garbage . $LABEL$ 0 +metaphors abound , but it is easy to take this film at face value and enjoy its slightly humorous and tender story . $LABEL$ 1 +the movie is the equivalent of french hip-hop , which also seems to play on a 10-year delay . $LABEL$ 0 +a well-rounded tribute to a man whose achievements -- and complexities -- reached far beyond the end zone . $LABEL$ 1 +the film ... presents classic moral-condundrum drama : what would you have done to survive ? $LABEL$ 1 +both shrill and soporific , and because everything is repeated five or six times , it can seem tiresomely simpleminded . $LABEL$ 0 +a rich tale of our times , very well told with an appropriate minimum of means . $LABEL$ 1 +the action here is unusually tame , the characters are too simplistic to maintain interest , and the plot offers few surprises . $LABEL$ 0 +the four feathers has rewards , from the exoticism of its seas of sand to the fierce grandeur of its sweeping battle scenes . $LABEL$ 1 +there 's a delightfully quirky movie to be made from curling , but brooms is n't it . $LABEL$ 0 +i suspect that there are more interesting ways of dealing with the subject . $LABEL$ 0 +a very good film sits in the place where a masterpiece should be . $LABEL$ 1 +changing lanes is an anomaly for a hollywood movie ; it 's a well-written and occasionally challenging social drama that actually has something interesting to say . $LABEL$ 1 +... flat-out amusing , sometimes endearing and often fabulous , with a solid cast , noteworthy characters , delicious dialogue and a wide supply of effective sight gags . $LABEL$ 1 +passionate , irrational , long-suffering but cruel as a tarantula , helga figures prominently in this movie , and helps keep the proceedings as funny for grown-ups as for rugrats . $LABEL$ 1 +whenever you think you 've figured out late marriage , it throws you for a loop . $LABEL$ 1 +the story 's scope and pageantry are mesmerizing , and mr. day-lewis roars with leonine power . $LABEL$ 1 +one problem with the movie , directed by joel schumacher , is that it jams too many prefabricated story elements into the running time . $LABEL$ 0 +barely manages for but a few seconds over its seemingly eternal running time to pique your interest , your imagination , your empathy or anything , really , save your disgust and your indifference . $LABEL$ 0 +the story the movie tells is of brian de palma 's addiction to the junk-calorie suspense tropes that have all but ruined his career . $LABEL$ 0 +miyazaki has created such a vibrant , colorful world , it 's almost impossible not to be swept away by the sheer beauty of his images . $LABEL$ 1 +it 's not a bad premise , just a bad movie . $LABEL$ 0 +when one hears harry shearer is going to make his debut as a film director , one would hope for the best $LABEL$ 1 +if you enjoy being rewarded by a script that assumes you are n't very bright , then blood work is for you . $LABEL$ 0 +great dragons ! $LABEL$ 1 +the powerful success of read my lips with such provocative material shows why , after only three films , director\/co-writer jacques audiard , though little known in this country , belongs in the very top rank of french filmmakers . $LABEL$ 1 +most fish stories are a little peculiar , but this is one that should be thrown back in the river . $LABEL$ 0 +a word of advice to the makers of the singles ward : celebrity cameos do not automatically equal laughs . $LABEL$ 0 +kinnear and dafoe give what may be the performances of their careers . $LABEL$ 1 +a pathetic exploitation film that tries to seem sincere , and just seems worse for the effort . $LABEL$ 0 +pratfalls aside , barbershop gets its greatest play from the timeless spectacle of people really talking to each other . $LABEL$ 1 +`` one look at a girl in tight pants and big tits and you turn stupid ? '' $LABEL$ 0 +kids should have a stirring time at this beautifully drawn movie . $LABEL$ 1 +an unfortunate title for a film that has nothing endearing about it . $LABEL$ 0 +david spade as citizen kane ? $LABEL$ 0 +director tom dey demonstrated a knack for mixing action and idiosyncratic humor in his charming 2000 debut shanghai noon , but showtime 's uninspired send-up of tv cop show cliches mostly leaves him shooting blanks . $LABEL$ 1 +director george hickenlooper has had some success with documentaries , but here his sense of story and his juvenile camera movements smack of a film school undergrad , and his maudlin ending might not have gotten him into film school in the first place . $LABEL$ 0 +like kubrick , soderbergh is n't afraid to try any genre and to do it his own way . $LABEL$ 1 +the very definition of what critics have come to term an `` ambitious failure . '' $LABEL$ 0 +i can imagine this movie as a b & w british comedy , circa 1960 , with peter sellers , kenneth williams , et al. , but at this time , with this cast , this movie is hopeless . $LABEL$ 0 +at times auto focus feels so distant you might as well be watching it through a telescope . $LABEL$ 0 +a brutally dry satire of middle american numbness . $LABEL$ 0 +it is philosophy , illustrated through everyday events . $LABEL$ 1 +this is one of the year 's best films . $LABEL$ 1 +the wild thornberrys movie is pleasant enough and the message of our close ties with animals can certainly not be emphasized enough . $LABEL$ 1 +sounding like arnold schwarzenegger , with a physique to match , -lrb- ahola -rrb- has a wooden delivery and encounters a substantial arc of change that does n't produce any real transformation . $LABEL$ 0 +the strength of the film lies in its two central performances by sven wollter as the stricken composer and viveka seldahl as his desperate violinist wife . $LABEL$ 1 +absorbing character study by andré turpin . $LABEL$ 1 +unfortunately , that 's precisely what arthur dong 's family fundamentals does . $LABEL$ 0 +instead , she sees it as a chance to revitalize what is and always has been remarkable about clung-to traditions . $LABEL$ 1 +an odd drama set in the world of lingerie models and bar dancers in the midwest that held my interest precisely because it did n't try to . $LABEL$ 1 +a headline-fresh thriller set among orthodox jews on the west bank , joseph cedar 's time of favor manages not only to find a compelling dramatic means of addressing a complex situation , it does so without compromising that complexity . $LABEL$ 1 +the way home is an ode to unconditional love and compassion garnered from years of seeing it all , a condition only the old are privy to , and ... often misconstrued as weakness . $LABEL$ 1 +a rude black comedy about the catalytic effect a holy fool has upon those around him in the cutthroat world of children 's television . $LABEL$ 0 +despite its lavish formalism and intellectual austerity , the film manages to keep you at the edge of your seat with its shape-shifting perils , political intrigue and brushes with calamity . $LABEL$ 1 +coppola 's directorial debut is an incredibly layered and stylistic film that , despite a fairly slow paced , almost humdrum approach to character development , still manages at least a decent attempt at meaningful cinema . $LABEL$ 1 +so we got ten little indians meets friday the 13th by way of clean and sober , filmed on the set of carpenter 's the thing and loaded with actors you 're most likely to find on the next inevitable incarnation of the love boat . $LABEL$ 0 +with its lackadaisical plotting and mindless action , all about the benjamins evokes the bottom tier of blaxploitation flicks from the 1970s . $LABEL$ 0 +among the many pleasures are the lively intelligence of the artists and their perceptiveness about their own situations . $LABEL$ 1 +a reminder that beyond all the hype and recent digital glitz , spielberg knows how to tell us about people . $LABEL$ 1 +collapses under its own meager weight . $LABEL$ 0 +does n't deserve a passing grade -lrb- even on a curve -rrb- . $LABEL$ 0 +white oleander may leave you rolling your eyes in the dark , but that does n't mean you wo n't like looking at it . $LABEL$ 1 +at once disarmingly straightforward and strikingly devious . $LABEL$ 1 +if you 're looking for a smart , nuanced look at de sade and what might have happened at picpus , sade is your film . $LABEL$ 1 +i do n't blame eddie murphy but should n't owen wilson know a movie must have a story and a script ? $LABEL$ 0 +a manipulative feminist empowerment tale thinly posing as a serious drama about spousal abuse . $LABEL$ 0 +this in-depth study of important developments of the computer industry should make it required viewing in university computer science departments for years to come . $LABEL$ 1 +the script becomes lifeless and falls apart like a cheap lawn chair . $LABEL$ 0 +this is one of those war movies that focuses on human interaction rather than battle and action sequences ... and it 's all the stronger because of it . $LABEL$ 1 +so devoid of pleasure or sensuality that it can not even be dubbed hedonistic . $LABEL$ 0 +solondz is without doubt an artist of uncompromising vision , but that vision is beginning to feel , if not morally bankrupt , at least terribly monotonous . $LABEL$ 0 +here 's a case of two actors who do everything humanly possible to create characters who are sweet and believable , and are defeated by a screenplay that forces them into bizarre , implausible behavior . $LABEL$ 0 +`` catch me '' feels capable of charming the masses with star power , a pop-induced score and sentimental moments that have become a spielberg trademark . $LABEL$ 1 +`` solaris '' is a shapeless inconsequential move relying on the viewer to do most of the work . $LABEL$ 0 +-lrb- t -rrb- his slop does n't even have potential as a cult film , as it 's too loud to shout insults at the screen . $LABEL$ 0 +it reduces the complexities to bromides and slogans and it gets so preachy-keen and so tub-thumpingly loud it makes you feel like a chump just for sitting through it . $LABEL$ 0 +while solondz tries and tries hard , storytelling fails to provide much more insight than the inside column of a torn book jacket . $LABEL$ 0 +pacino and williams seem to keep upping the ante on each other , just as their characters do in the film . $LABEL$ 1 +this is n't a movie ; it 's a symptom . $LABEL$ 0 +by the end you ca n't help but feel ` stoked . ' $LABEL$ 1 +half past dead is just such an achievement . $LABEL$ 1 +on its own , it 's not very interesting . $LABEL$ 0 +ignore the reputation , and ignore the film . $LABEL$ 0 +the performances of the children , untrained in acting , have an honesty and dignity that breaks your heart . $LABEL$ 1 +peter jackson has done the nearly impossible . $LABEL$ 1 +the movie enters a realm where few non-porn films venture , and comes across as darkly funny , energetic , and surprisingly gentle . $LABEL$ 1 +director chris wedge and screenwriters michael berg , michael j. wilson and peter ackerman create some episodes that rival vintage looney tunes for the most creative mayhem in a brief amount of time . $LABEL$ 1 +and it 's not that funny -- which is just generally insulting . $LABEL$ 0 +evokes the style and flash of the double-cross that made mamet 's `` house of games '' and last fall 's `` heist '' so much fun . $LABEL$ 1 +... the efforts of its star , kline , to lend some dignity to a dumb story are for naught . $LABEL$ 0 +one of the most original american productions this year , you 'll find yourself remembering this refreshing visit to a sunshine state . $LABEL$ 1 +the more you think about the movie , the more you will probably like it . $LABEL$ 1 +some like it hot on the hardwood proves once again that a man in drag is not in and of himself funny . $LABEL$ 0 +there 's a lot of tooth in roger dodger . $LABEL$ 1 +a brutal and funny work . $LABEL$ 1 +ramsay is clearly extraordinarily talented , and based on three short films and two features , here 's betting her third feature will be something to behold . $LABEL$ 1 +we never feel anything for these characters , and as a result the film is basically just a curiosity . $LABEL$ 0 +director shekhar kapur and screenwriters michael schiffer and hossein amini have tried hard to modernize and reconceptualize things , but the barriers finally prove to be too great . $LABEL$ 0 +melds derivative elements into something that is often quite rich and exciting , and always a beauty to behold . $LABEL$ 1 +it 's like going to a house party and watching the host defend himself against a frothing ex-girlfriend . $LABEL$ 0 +a great companion piece to other napoleon films . $LABEL$ 1 +it aimlessly and unsuccessfully attempts to fuse at least three dull plots into one good one . $LABEL$ 0 +however , it 's pleasant enough and its ecological , pro-wildlife sentiments are certainly welcome . $LABEL$ 1 +between bursts of automatic gunfire , the story offers a trenchant critique of capitalism . $LABEL$ 1 +kinnear ... gives his best screen performance with an oddly winning portrayal of one of life 's ultimate losers . $LABEL$ 1 +it has plenty of laughs . $LABEL$ 1 +beautifully crafted , engaging filmmaking that should attract upscale audiences hungry for quality and a nostalgic , twisty yarn that will keep them guessing . $LABEL$ 1 +but the problem with wendigo , for all its effective moments , is n't really one of resources . $LABEL$ 0 +transcends its agenda to deliver awe-inspiring , at times sublime , visuals and offer a fascinating glimpse into the subculture of extreme athletes whose derring-do puts the x into the games . $LABEL$ 1 +-lrb- denis ' -rrb- bare-bones narrative more closely resembles an outline for a '70s exploitation picture than the finished product . $LABEL$ 0 +snipes is both a snore and utter tripe . $LABEL$ 0 +the chateau has one very funny joke and a few other decent ones , but all it amounts to is a mildly funny , sometimes tedious , ultimately insignificant film . $LABEL$ 0 +not only is entry number twenty the worst of the brosnan bunch , it 's one of the worst of the entire franchise . $LABEL$ 0 +shot like a postcard and overacted with all the boozy self-indulgence that brings out the worst in otherwise talented actors ... $LABEL$ 0 +stephen earnhart 's documentary is a decomposition of healthy eccentric inspiration and ambition -- wearing a cloak of unsentimental , straightforward text -- when it 's really an exercise in gross romanticization of the delusional personality type . $LABEL$ 0 +77 minutes of pokemon may not last 4ever , it just seems like it does . $LABEL$ 0 +a colorful , vibrant introduction to a universal human impulse , lushly photographed and beautifully recorded . $LABEL$ 1 +a droll , bitchy frolic which pokes fun at the price of popularity and small-town pretension in the lone star state . $LABEL$ 0 +full of surprises . $LABEL$ 1 +whether or not ram dass proves as clear and reliable an authority on that as he was about inner consciousness , fierce grace reassures us that he will once again be an honest and loving one . $LABEL$ 1 +the whole thing 's fairly lame , making it par for the course for disney sequels . $LABEL$ 0 +vividly demonstrates that the director of such hollywood blockbusters as patriot games can still turn out a small , personal film with an emotional wallop . $LABEL$ 1 +one of the best rock documentaries ever . $LABEL$ 1 +as david letterman and the onion have proven , the worst of tragedies can be fertile sources of humor , but lawrence has only a fleeting grasp of how to develop them . $LABEL$ 0 +somehow ms. griffiths and mr. pryce bring off this wild welsh whimsy . $LABEL$ 1 +if the film 's vision of sport as a secular religion is a bit cloying , its through-line of family and community is heartening in the same way that each season marks a new start . $LABEL$ 1 +while somewhat less than it might have been , the film is a good one , and you 've got to hand it to director george clooney for biting off such a big job the first time out . $LABEL$ 1 +if anything , the film is doing something of a public service -- shedding light on a group of extremely talented musicians who might otherwise go unnoticed and underappreciated by music fans . $LABEL$ 1 +boasting some of the most poorly staged and lit action in memory , impostor is as close as you can get to an imitation movie . $LABEL$ 0 +claude chabrol 's camera has a way of gently swaying back and forth as it cradles its characters , veiling tension beneath otherwise tender movements . $LABEL$ 1 +the crassness of this reactionary thriller is matched only by the ridiculousness of its premise . $LABEL$ 0 +anyone who welcomes a dash of the avant-garde fused with their humor should take pleasure in this crazed , joyous romp of a film . $LABEL$ 1 +it 's about as convincing as any other arnie musclefest , but has a little too much resonance with real world events and ultimately comes off as insultingly simplistic . $LABEL$ 0 +nothing more or less than an outright bodice-ripper -- it should have ditched the artsy pretensions and revelled in the entertaining shallows . $LABEL$ 0 +precocious smarter-than-thou wayward teen struggles to rebel against his oppressive , right-wing , propriety-obsessed family . $LABEL$ 1 +` unfaithful ' cheats on itself and retreats to comfortable territory . $LABEL$ 0 +yes , spirited away is a triumph of imagination , but it 's also a failure of storytelling . $LABEL$ 0 +much of the digitally altered footage appears jagged , as if filmed directly from a television monitor , while the extensive use of stock footage quickly becomes a tiresome cliché . $LABEL$ 0 +the fluid motion is astounding on any number of levels -- including the physical demands made on büttner -- and it implies in its wake the intractable , irreversible flow of history . $LABEL$ 1 +derailed by bad writing and possibly also by some of that extensive post-production reworking to aim the film at young males in the throes of their first full flush of testosterone . $LABEL$ 0 +i like it . $LABEL$ 1 +birot creates a drama with such a well-defined sense of place and age -- as in , 15 years old -- that the torments and angst become almost as operatic to us as they are to her characters . $LABEL$ 1 +` god help us , but capra and cooper are rolling over in their graves . ' $LABEL$ 0 +poignant japanese epic about adolescent anomie and heartbreak . $LABEL$ 1 +a little uneven to be the cat 's meow , but it 's good enough to be the purr . $LABEL$ 1 +-lrb- there 's -rrb- quite a bit of heart , as you would expect from the directors of the little mermaid and aladdin . $LABEL$ 1 +it 's a hoot watching the rock chomp on jumbo ants , pull an arrow out of his back , and leap unscathed through raging fire ! $LABEL$ 1 +giggling at the absurdities and inconsistencies is part of the fun . $LABEL$ 1 +the film is insightful about kissinger 's background and history . $LABEL$ 1 +it makes me feel weird \/ thinking about all the bad things in the world \/ like puppies with broken legs \/ and butterflies that die \/ and movies starring pop queens $LABEL$ 0 +a brilliant , absurd collection of vignettes that , in their own idiosyncratic way , sum up the strange horror of life in the new millennium . $LABEL$ 1 +beautiful , cold , oddly colorful and just plain otherworldly , a freaky bit of art that 's there to scare while we delight in the images . $LABEL$ 1 +this is n't a stand up and cheer flick ; it 's a sit down and ponder affair . $LABEL$ 1 +this story still seems timely and important . $LABEL$ 1 +a sloppy , amusing comedy that proceeds from a stunningly unoriginal premise . $LABEL$ 1 +jae-eun jeong 's take care of my cat brings a beguiling freshness to a coming-of-age story with such a buoyant , expressive flow of images that it emerges as another key contribution to the flowering of the south korean cinema . $LABEL$ 1 +the film 's appeal has a lot to do with the casting of juliette binoche as sand , who brings to the role her pale , dark beauty and characteristic warmth . $LABEL$ 1 +like the english patient and the unbearable lightness of being , the hours is one of those reputedly `` unfilmable '' novels that has bucked the odds to emerge as an exquisite motion picture in its own right . $LABEL$ 1 +the footage of the rappers at play and the prison interview with suge knight are just two of the elements that will grab you . $LABEL$ 1 +-lrb- f -rrb- rom the performances and the cinematography to the outstanding soundtrack and unconventional narrative , the film is blazingly alive and admirable on many levels . $LABEL$ 1 +it 's bedeviled by labored writing and slack direction . $LABEL$ 0 +it is too bad that this likable movie is n't more accomplished . $LABEL$ 0 +quiet , adult and just about more stately than any contemporary movie this year ... a true study , a film with a questioning heart and mind that is n't afraid to admit it does n't have all the answers . $LABEL$ 1 +although god is great addresses interesting matters of identity and heritage , it 's hard to shake the feeling that it was intended to be a different kind of film . $LABEL$ 0 +you can not guess why the cast and crew did n't sign a pact to burn the negative and the script and pretend the whole thing never existed . $LABEL$ 0 +feel free to go get popcorn whenever he 's not onscreen . $LABEL$ 0 +definitely funny stuff , but it 's more of the ` laughing at ' variety than the ` laughing with . ' $LABEL$ 1 +... pray does n't have a passion for the material . $LABEL$ 0 +plays like an unbalanced mixture of graphic combat footage and almost saccharine domestic interludes that are pure hollywood . $LABEL$ 0 +the increasingly diverse french director has created a film that one can honestly describe as looking , sounding and simply feeling like no other film in recent history . $LABEL$ 1 +the film is a confusing melange of tones and styles , one moment a romantic trifle and the next a turgid drama . $LABEL$ 0 +lush and beautifully photographed -lrb- somebody suggested the stills might make a nice coffee table book -rrb- , but ultimately you 'll leave the theater wondering why these people mattered . $LABEL$ 0 +instead of using george and lucy 's most obvious differences to ignite sparks , lawrence desperately looks elsewhere , seizing on george 's haplessness and lucy 's personality tics . $LABEL$ 0 +it recycles every cliché about gays in what is essentially an extended soap opera . $LABEL$ 0 +one of the most splendid entertainments to emerge from the french film industry in years . $LABEL$ 1 +the piano teacher , like its title character , is repellantly out of control . $LABEL$ 0 +the basic premise is intriguing but quickly becomes distasteful and downright creepy . $LABEL$ 0 +it is ok for a movie to be something of a sitcom apparatus , if the lines work , the humor has point and the actors are humanly engaged . $LABEL$ 1 +too campy to work as straight drama and too violent and sordid to function as comedy , vulgar is , truly and thankfully , a one-of-a-kind work . $LABEL$ 0 +this romantic\/comedy asks the question how much souvlaki can you take before indigestion sets in . $LABEL$ 0 +visually breathtaking , viscerally exciting , and dramatically moving , it 's the very definition of epic adventure . $LABEL$ 1 +full frontal had no effect and elicited no sympathies for any of the characters . $LABEL$ 0 +the movie is n't painfully bad , something to be ` fully experienced ' ; it 's just tediously bad , something to be fully forgotten . $LABEL$ 0 +if you 've the patience , there are great rewards here . $LABEL$ 1 +devolves into the derivative , leaning on badly-rendered cgi effects . $LABEL$ 0 +it 's the type of film about growing up that we do n't see often enough these days : realistic , urgent , and not sugarcoated in the least . $LABEL$ 1 +remember back when thrillers actually thrilled ? $LABEL$ 0 +perhaps even the slc high command found writer-director mitch davis 's wall of kitsch hard going . $LABEL$ 0 +the acting is fine but the script is about as interesting as a recording of conversations at the wal-mart checkout line . $LABEL$ 0 +writer\/director alexander payne -lrb- election -rrb- and his co-writer jim taylor brilliantly employ their quirky and fearless ability to look american angst in the eye and end up laughing . $LABEL$ 1 +if you can push on through the slow spots , you 'll be rewarded with some fine acting . $LABEL$ 1 +chris columbus ' sequel is faster , livelier and a good deal funnier than his original . $LABEL$ 1 +this is the stuff that disney movies are made of . $LABEL$ 1 +what 's invigorating about it is that it does n't give a damn . $LABEL$ 1 +it 's difficult to conceive of anyone who has reached puberty actually finding the characters in slackers or their antics amusing , let alone funny . $LABEL$ 0 +the film is a verbal duel between two gifted performers . $LABEL$ 1 +it 's makes a better travelogue than movie . $LABEL$ 0 +it 's a masterpiece . $LABEL$ 1 +been there , done that , liked it much better the first time around - when it was called the professional . $LABEL$ 0 +i have to admit i walked out of runteldat . $LABEL$ 0 +a movie so bad that it quickly enters the pantheon of wreckage that includes battlefield earth and showgirls . $LABEL$ 0 +-- but it makes for one of the most purely enjoyable and satisfying evenings at the movies i 've had in a while . $LABEL$ 1 +the unexplored story opportunities of `` punch-drunk love '' may have worked against the maker 's minimalist intent but it is an interesting exercise by talented writer\/director anderson . $LABEL$ 1 +there are now two signs that m. night shyamalan 's debut feature sucked up all he has to give to the mystic genres of cinema : unbreakable and signs . $LABEL$ 0 +if cinema had been around to capture the chaos of france in the 1790 's , one imagines the result would look like something like this . $LABEL$ 1 +this quiet , introspective and entertaining independent is worth seeking . $LABEL$ 1 +what little atmosphere is generated by the shadowy lighting , macabre sets , and endless rain is offset by the sheer ugliness of everything else . $LABEL$ 0 +what `` empire '' lacks in depth it makes up for with its heart . $LABEL$ 1 +the usual movie rah-rah , pleasantly and predictably delivered in low-key style by director michael apted and writer tom stoppard . $LABEL$ 1 +this starts off with a 1950 's doris day feel and it gets very ugly , very fast . $LABEL$ 0 +standing by yourself is haunting ... -lrb- it 's -rrb- what punk rock music used to be , and what the video medium could use more of : spirit , perception , conviction . $LABEL$ 1 +a lot like the imaginary sport it projects onto the screen -- loud , violent and mindless . $LABEL$ 0 +all in all , a great party . $LABEL$ 1 +a thriller with an edge -- which is to say that it does n't follow the stale , standard , connect-the-dots storyline which has become commonplace in movies that explore the seamy underbelly of the criminal world . $LABEL$ 1 +-lrb- seems -rrb- even more uselessly redundant and shamelessly money-grubbing than most third-rate horror sequels . $LABEL$ 0 +credit director ramsay for taking the sometimes improbable story and making it feel realistic . $LABEL$ 1 +it 's a feel-bad ending for a depressing story that throws a bunch of hot-button items in the viewer 's face and asks to be seen as hip , winking social commentary . $LABEL$ 0 +it 's just that it 's so not-at-all-good . $LABEL$ 0 +-lrb- l -rrb- ame and unnecessary . $LABEL$ 0 +while centered on the life experiences of a particular theatrical family , this marvelous documentary touches -- ever so gracefully -- on the entire history of the yiddish theater , both in america and israel . $LABEL$ 1 +i 'm not sure which will take longer to heal : the welt on johnny knoxville 's stomach from a riot-control projectile or my own tortured psyche . $LABEL$ 0 +... the kind of movie you see because the theater has air conditioning . $LABEL$ 0 +as hannibal would say , yes , ` it 's like having an old friend for dinner ' . $LABEL$ 1 +it 's bright , pristine style and bold colors make it as much fun as reading an oversized picture book before bedtime . $LABEL$ 1 +imagine kevin smith , the blasphemous bad boy of suburban jersey , if he were stripped of most of his budget and all of his sense of humor . $LABEL$ 0 +see scratch for the history , see scratch for the music , see scratch for a lesson in scratching , but , most of all , see it for the passion . $LABEL$ 1 +always destined to be measured against anthony asquith 's acclaimed 1952 screen adaptation . $LABEL$ 1 +try this obscenely bad dark comedy , so crass that it makes edward burns ' sidewalks of new york look like oscar wilde . $LABEL$ 0 +hoffman 's performance is authentic to the core of his being . $LABEL$ 1 +chicago offers much colorful eye candy , including the spectacle of gere in his dancing shoes , hoofing and crooning with the best of them . $LABEL$ 1 +the artwork is spectacular and unlike most animaton from japan , the characters move with grace and panache . $LABEL$ 1 +the best movie in many a moon about the passions that sometimes fuel our best achievements and other times leave us stranded with nothing more than our lesser appetites . $LABEL$ 1 +nothing more than a widget cranked out on an assembly line to see if stupid americans will get a kick out of goofy brits with cute accents performing ages-old slapstick and unfunny tricks . $LABEL$ 0 +bad and baffling from the get-go . $LABEL$ 0 +the obnoxious special effects , the obligatory outbursts of flatulence and the incessant , so-five-minutes-ago pop music on the soundtrack overwhelm what is left of the scruffy , dopey old hanna-barbera charm . $LABEL$ 0 +the filmmakers try to balance pointed , often incisive satire and unabashed sweetness , with results that are sometimes bracing , sometimes baffling and quite often , and in unexpected ways , touching . $LABEL$ 1 +harmless fun . $LABEL$ 1 +astonishingly skillful and moving ... it could become a historically significant work as well as a masterfully made one . $LABEL$ 1 +feeling to it , but like the 1920 's , the trip there is a great deal of fun . $LABEL$ 1 +unsurprisingly , the way this all works out makes the women look more like stereotypical caretakers and moral teachers , instead of serious athletes . $LABEL$ 0 +eight legged freaks is clever and funny , is amused by its special effects , and leaves you feeling like you 've seen a movie instead of an endless trailer . $LABEL$ 1 +the bottom line is the piece works brilliantly . $LABEL$ 1 +purposefully shocking in its eroticized gore , if unintentionally dull in its lack of poetic frissons . $LABEL$ 0 +tends to plod . $LABEL$ 0 +pleasant but not more than recycled jock piffle . $LABEL$ 0 +indeed , the more outrageous bits achieve a shock-you-into-laughter intensity of almost dadaist proportions . $LABEL$ 1 +the one-liners are snappy , the situations volatile and the comic opportunities richly rewarded . $LABEL$ 1 +stupid , infantile , redundant , sloppy , over-the-top , and amateurish . $LABEL$ 0 +the film grows on you . $LABEL$ 1 +though its story is only surface deep , the visuals and enveloping sounds of blue crush make this surprisingly decent flick worth a summertime look-see . $LABEL$ 1 +this chicago has hugely imaginative and successful casting to its great credit , as well as one terrific score and attitude to spare . $LABEL$ 1 +first-time writer-director dylan kidd also has a good ear for dialogue , and the characters sound like real people . $LABEL$ 1 +a whale of a good time for both children and parents seeking christian-themed fun . $LABEL$ 1 +this odd , distant portuguese import more or less borrows from bad lieutenant and les vampires , and comes up with a kind of art-house gay porn film . $LABEL$ 0 +during the tuxedo 's 90 minutes of screen time , there is n't one true ` chan moment ' . $LABEL$ 0 +it 's mildly sentimental , unabashedly consumerist ... studiously inoffensive and completely disposable . $LABEL$ 0 +plays like the old disease-of-the-week small-screen melodramas . $LABEL$ 0 +... pays tribute to heroes the way julia roberts hands out awards -- with phony humility barely camouflaging grotesque narcissism . $LABEL$ 0 +features fincher 's characteristically startling visual style and an almost palpable sense of intensity . $LABEL$ 1 +before long , you 're desperate for the evening to end . $LABEL$ 0 +watchable up until the point where the situations and the dialogue spin hopelessly out of control -- that is to say , when carol kane appears on the screen . $LABEL$ 0 +`` red dragon '' never cuts corners . $LABEL$ 1 +an ambitious movie that , like shiner 's organizing of the big fight , pulls off enough of its effects to make up for the ones that do n't come off . $LABEL$ 1 +although shot with little style , skins is heartfelt and achingly real . $LABEL$ 1 +it looks good , but it is essentially empty . $LABEL$ 0 +young everlyn sampi , as the courageous molly craig , simply radiates star-power potential in this remarkable and memorable film . $LABEL$ 1 +a knowing sense of humor and a lot of warmth ignite son of the bride . $LABEL$ 1 +sure , i hated myself in the morning . $LABEL$ 0 +but ticket-buyers with great expectations will wind up as glum as mr. de niro . $LABEL$ 0 +the film was produced by jerry bruckheimer and directed by joel schumacher , and reflects the worst of their shallow styles : wildly overproduced , inadequately motivated every step of the way and demographically targeted to please every one -lrb- and no one -rrb- . $LABEL$ 0 +it 's a great performance and a reminder of dickens ' grandeur . $LABEL$ 1 +not at all clear what it 's trying to say and even if it were -- i doubt it would be all that interesting . $LABEL$ 0 +a movie where story is almost an afterthought amidst a swirl of colors and inexplicable events . $LABEL$ 0 +real women may have many agendas , but it also will win you over , in a big way . $LABEL$ 1 +what i saw , i enjoyed . $LABEL$ 1 +lazily and glumly settles into a most traditional , reserved kind of filmmaking . $LABEL$ 0 +it appears as if even the filmmakers did n't know what kind of movie they were making . $LABEL$ 0 +the dangerous lives of altar boys ' take on adolescence feels painfully true . $LABEL$ 1 +spider-man is about growing strange hairs , getting a more mature body , and finding it necessary to hide new secretions from the parental units . $LABEL$ 0 +at its best , this is grand-scale moviemaking for a larger-than-life figure , an artist who has been awarded mythic status in contemporary culture . $LABEL$ 1 +there are some movies that hit you from the first scene and you know it 's going to be a trip . $LABEL$ 1 +i 'm not sure these words have ever been together in the same sentence : this erotic cannibal movie is boring . $LABEL$ 0 +maybe you 'll be lucky , and there 'll be a power outage during your screening so you can get your money back . $LABEL$ 0 +with spy kids 2 : the island of lost dreams , however , robert rodriguez adorns his family-film plot with an elegance and maturity that even most contemporary adult movies are lacking . $LABEL$ 1 +... unbearably lame . $LABEL$ 0 +certainly not a good movie , but it was n't horrible either . $LABEL$ 0 +where the film falters is in its tone . $LABEL$ 0 +this film biggest problem ? $LABEL$ 0 +this is a movie that is what it is : a pleasant distraction , a friday night diversion , an excuse to eat popcorn . $LABEL$ 1 +the gags are often a stitch . $LABEL$ 1 +the complex , politically charged tapestry of contemporary chinese life this exciting new filmmaker has brought to the screen is like nothing we westerners have seen before . $LABEL$ 1 +the sinister inspiration that fuelled devito 's early work is confused in death to smoochy into something both ugly and mindless . $LABEL$ 0 +-lrb- shyamalan -rrb- continues to cut a swathe through mainstream hollywood , while retaining an integrity and refusing to compromise his vision . $LABEL$ 1 +as averse as i usually am to feel-good , follow-your-dream hollywood fantasies , this one got to me . $LABEL$ 1 +you 'll know a star when you see one . $LABEL$ 1 +sorority boys , which is as bad at it is cruel , takes every potential laugh and stiletto-stomps the life out of it . $LABEL$ 0 +in between the icy stunts , the actors spout hilarious dialogue about following your dream and ` just letting the mountain tell you what to do . ' $LABEL$ 1 +this gorgeous epic is guaranteed to lift the spirits of the whole family . $LABEL$ 1 +horrible . $LABEL$ 0 +grating and tedious . $LABEL$ 0 +at three hours and with very little story or character development , there is plenty of room for editing , and a much shorter cut surely would have resulted in a smoother , more focused narrative without sacrificing any of the cultural intrigue . $LABEL$ 0 +better effects , better acting and a hilarious kenneth branagh . $LABEL$ 1 +it 's too interested in jerking off in all its byzantine incarnations to bother pleasuring its audience . $LABEL$ 0 +none of this so-called satire has any sting to it , as if woody is afraid of biting the hand that has finally , to some extent , warmed up to him . $LABEL$ 0 +a keep - 'em - guessing plot and an affectionate take on its screwed-up characters . $LABEL$ 1 +a prison comedy that never really busts out of its comfy little cell . $LABEL$ 0 +an elegant and sly deadpan comedy . $LABEL$ 1 +neither as scary-funny as tremors nor demented-funny as starship troopers , the movie is n't tough to take as long as you 've paid a matinee price . $LABEL$ 0 +the delicious trimmings ... arrive early and stay late , filling nearly every minute ... with a lighthearted glow , some impudent snickers , and a glorious dose of humankind 's liberating ability to triumph over a scrooge or two . $LABEL$ 1 +the movie is a dud . $LABEL$ 0 +unfolds in a low-key , organic way that encourages you to accept it as life and go with its flow . $LABEL$ 1 +does n't do more than expand a tv show to movie length . $LABEL$ 0 +one of the best movies of the year . $LABEL$ 1 +by applying definition to both sides of the man , the picture realizes a fullness that does not negate the subject . $LABEL$ 1 +the movie turns out to be -lrb- assayas ' -rrb- homage to the gallic ` tradition of quality , ' in all its fusty squareness . $LABEL$ 0 +once the downward spiral comes to pass , auto focus bears out as your typical junkie opera ... $LABEL$ 0 +` butterfingered ' is the word for the big-fisted direction of jez butterworth , who manages to blast even the smallest sensitivities from the romance with his clamorous approach . $LABEL$ 0 +cal is an unpleasantly shallow and immature character with whom to spend 110 claustrophobic minutes . $LABEL$ 0 +berry 's saucy , full-bodied performance gives this aging series a much needed kick , making `` die another day '' one of the most entertaining bonds in years $LABEL$ 1 +despite the film 's bizarre developments , hoffman keeps us riveted with every painful nuance , unexpected flashes of dark comedy and the character 's gripping humanity . $LABEL$ 1 +if you love reading and\/or poetry , then by all means check it out . $LABEL$ 1 +driven by a fantastic dual performance from ian holm ... the film is funny , insightfully human and a delightful lark for history buffs . $LABEL$ 1 +douglas mcgrath 's nicholas nickleby does dickens as it should be done cinematically . $LABEL$ 1 +diane lane 's sophisticated performance ca n't rescue adrian lyne 's unfaithful from its sleazy moralizing . $LABEL$ 0 +simply put , `` far from heaven '' is a masterpiece . $LABEL$ 1 +shot in rich , shadowy black-and-white , devils chronicles , with increasingly amused irony , the relationship between reluctant captors and befuddled captives . $LABEL$ 1 +mcgrath has deftly trimmed dickens ' wonderfully sprawling soap opera , the better to focus on the hero 's odyssey from cowering poverty to courage and happiness . $LABEL$ 1 +anyone who suffers through this film deserves , at the very least , a big box of consolation candy . $LABEL$ 0 +a worthwhile documentary , whether you 're into rap or not , even if it may still leave you wanting more answers as the credits roll . $LABEL$ 1 +the original was n't a good movie but this remake makes it look like a masterpiece ! $LABEL$ 0 +it 's a fun adventure movie for kids -lrb- of all ages -rrb- that like adventure . $LABEL$ 1 +one sloughs one 's way through the mire of this alleged psychological thriller in search of purpose or even a plot . $LABEL$ 0 +limps along on a squirm-inducing fish-out-of-water formula that goes nowhere and goes there very , very slowly . $LABEL$ 0 +no amount of nostalgia for carvey 's glory days can disguise the fact that the new film is a lame kiddie flick and that carvey 's considerable talents are wasted in it . $LABEL$ 0 +consistently clever and suspenseful . $LABEL$ 1 +this is an ungainly movie , ill-fitting , with its elbows sticking out where the knees should be . $LABEL$ 0 +a real audience-pleaser that will strike a chord with anyone who 's ever waited in a doctor 's office , emergency room , hospital bed or insurance company office . $LABEL$ 1 +... if you , like me , think an action film disguised as a war tribute is disgusting to begin with , then you 're in for a painful ride . $LABEL$ 0 +if you 're as happy listening to movies as you are watching them , and the slow parade of human frailty fascinates you , then you 're at the right film . $LABEL$ 1 +one funny popcorn flick . $LABEL$ 1 +bad company has one of the most moronic screenplays of the year , full of holes that will be obvious even to those who are n't looking for them . $LABEL$ 0 +i 'd be hard pressed to think of a film more cloyingly sappy than evelyn this year . $LABEL$ 0 +a gem of a romantic crime comedy that turns out to be clever , amusing and unpredictable . $LABEL$ 1 +smith finds amusing juxtapositions that justify his exercise . $LABEL$ 1 +a charming , banter-filled comedy ... one of those airy cinematic bon bons whose aims -- and by extension , accomplishments -- seem deceptively slight on the surface . $LABEL$ 1 +it 's that rare family movie -- genuine and sweet without relying on animation or dumb humor . $LABEL$ 1 +hollywood ending is the most disappointing woody allen movie ever . $LABEL$ 0 +it 's mildly amusing , but i certainly ca n't recommend it . $LABEL$ 0 +this dreadfully earnest inversion of the concubine love triangle eschews the previous film 's historical panorama and roiling pathos for bug-eyed mugging and gay-niche condescension . $LABEL$ 0 +formula 51 promises a new kind of high but delivers the same old bad trip . $LABEL$ 0 +what madonna does here ca n't properly be called acting -- more accurately , it 's moving and it 's talking and it 's occasionally gesturing , sometimes all at once . $LABEL$ 0 +rifkin 's references are ... impeccable throughout . $LABEL$ 1 +the director explores all three sides of his story with a sensitivity and an inquisitiveness reminiscent of truffaut . $LABEL$ 1 +the fact that the ` best part ' of the movie comes from a 60-second homage to one of demme 's good films does n't bode well for the rest of it . $LABEL$ 0 +an enjoyable comedy of lingual and cultural differences ... the château is a film -- full of life and small delights -- that has all the wiggling energy of young kitten . $LABEL$ 1 +an engaging , formulaic sports drama that carries a charge of genuine excitement . $LABEL$ 1 +something must have been lost in the translation . $LABEL$ 0 +witty , contemplative , and sublimely beautiful . $LABEL$ 1 +foster and whitaker are especially fine . $LABEL$ 1 +the lightest , most breezy movie steven spielberg has made in more than a decade . $LABEL$ 1 +if i want a real movie , i 'll buy the criterion dvd . $LABEL$ 0 +an earnest , roughshod document , it serves as a workable primer for the region 's recent history , and would make a terrific 10th-grade learning tool . $LABEL$ 1 +a conventional but heartwarming tale . $LABEL$ 1 +a sly female empowerment movie , although not in a way anyone would expect . $LABEL$ 1 +the problem is the needlessly poor quality of its archival prints and film footage . $LABEL$ 0 +there 's something unintentionally comic in the film 's drumbeat about authenticity , given the stale plot and pornographic way the film revels in swank apartments , clothes and parties . $LABEL$ 0 +strange occurrences build in the mind of the viewer and take on extreme urgency . $LABEL$ 1 +the formula is familiar but enjoyable . $LABEL$ 1 +its screenplay serves as auto-critique , and its clumsiness as its own most damning censure . $LABEL$ 0 +less an examination of neo-nazism than a probe into the nature of faith itself . $LABEL$ 1 +good performances and a realistic , non-exploitive approach make paid in full worth seeing . $LABEL$ 1 +just is n't as weird as it ought to be . $LABEL$ 0 +if you love the music , and i do , its hard to imagine having more fun watching a documentary ... $LABEL$ 1 +watching queen of the damned is like reading a research paper , with special effects tossed in . $LABEL$ 0 +stinks from start to finish , like a wet burlap sack of gloom . $LABEL$ 0 +the merchant-ivory team continues to systematically destroy everything we hold dear about cinema , only now it 's begun to split up so that it can do even more damage . $LABEL$ 0 +while there are times when the film 's reach exceeds its grasp , the production works more often than it does n't . $LABEL$ 1 +hugely accomplished slice of hitchcockian suspense . $LABEL$ 1 +exhibits the shallow sensationalism characteristic of soap opera ... more salacious telenovela than serious drama . $LABEL$ 0 +i 'm sure there 's a teenage boy out there somewhere who 's dying for this kind of entertainment . $LABEL$ 0 +why sit through a crummy , wannabe-hip crime comedy that refers incessantly to old movies , when you could just rent those movies instead , let alone seek out a respectable new one ? $LABEL$ 0 +a thoroughly awful movie -- dumb , narratively chaotic , visually sloppy ... a weird amalgam of ` the thing ' and a geriatric ` scream . ' $LABEL$ 0 +contains the humor , characterization , poignancy , and intelligence of a bad sitcom . $LABEL$ 0 +laughably , irredeemably awful . $LABEL$ 0 +one long , numbing action sequence made up mostly of routine stuff yuen has given us before . $LABEL$ 0 +together -lrb- time out and human resources -rrb- establish mr. cantet as france 's foremost cinematic poet of the workplace . $LABEL$ 1 +... a gleefully grungy , hilariously wicked black comedy ... $LABEL$ 1 +with spy kids 2 : the island of lost dreams , the spy kids franchise establishes itself as a durable part of the movie landscape : a james bond series for kids . $LABEL$ 1 +reno himself can take credit for most of the movie 's success . $LABEL$ 1 +outside of burger 's desire to make some kind of film , it 's really unclear why this project was undertaken $LABEL$ 0 +as for children , they wo n't enjoy the movie at all . $LABEL$ 0 +if you saw it on tv , you 'd probably turn it off , convinced that you had already seen that movie . $LABEL$ 0 +while it is interesting to witness the conflict from the palestinian side , longley 's film lacks balance ... and fails to put the struggle into meaningful historical context . $LABEL$ 0 +journalistically dubious , inept and often lethally dull . $LABEL$ 0 +brilliantly written and well-acted , yellow asphalt is an uncompromising film . $LABEL$ 1 +like mike is n't going to make box office money that makes michael jordan jealous , but it has some cute moments , funny scenes , and hits the target audience -lrb- young bow wow fans -rrb- - with nothing but net . $LABEL$ 1 +the gags that fly at such a furiously funny pace that the only rip off that we were aware of was the one we felt when the movie ended so damned soon . $LABEL$ 1 +while the path may be familiar , first-time director denzel washington and a top-notch cast manage to keep things interesting . $LABEL$ 1 +standing in the shadows of motown is the best kind of documentary , one that makes a depleted yesterday feel very much like a brand-new tomorrow . $LABEL$ 1 +a series of escapades demonstrating the adage that what is good for the goose is also good for the gander , some of which occasionally amuses but none of which amounts to much of a story . $LABEL$ 0 +j. lo will earn her share of the holiday box office pie , although this movie makes one thing perfectly clear : she 's a pretty woman , but she 's no working girl . $LABEL$ 1 +this documentary is a dazzling , remarkably unpretentious reminder of what -lrb- evans -rrb- had , lost , and got back . $LABEL$ 1 +their work is fantastic . $LABEL$ 1 +much of the movie 's charm lies in the utter cuteness of stuart and margolo . $LABEL$ 1 +looks and feels like a low-budget hybrid of scarface or carlito 's way . $LABEL$ 0 +a profoundly stupid affair , populating its hackneyed and meanspirited storyline with cardboard characters and performers who value cash above credibility . $LABEL$ 0 +like its script , which nurses plot holes gaping enough to pilot an entire olympic swim team through , the characters in swimfan seem motivated by nothing short of dull , brain-deadening hangover . $LABEL$ 0 +do we really need the tiger beat version ? $LABEL$ 0 +if it 's unnerving suspense you 're after -- you 'll find it with ring , an indisputably spooky film ; with a screenplay to die for . $LABEL$ 1 +gosling creates a staggeringly compelling character , a young man whose sharp intellect is at the very root of his contradictory , self-hating , self-destructive ways . $LABEL$ 1 +a beautiful paean to a time long past . $LABEL$ 1 +an extremely funny , ultimately heartbreaking look at life in contemporary china . $LABEL$ 1 +sheds light on a subject few are familiar with , and makes you care about music you may not have heard before . $LABEL$ 1 +but for the most part , the weight of water comes off as a two-way time-switching myopic mystery that stalls in its lackluster gear of emotional blandness . $LABEL$ 0 +and diesel is n't the actor to save it . $LABEL$ 0 +a feeble tootsie knockoff . $LABEL$ 0 +see it for his performance if nothing else . $LABEL$ 1 +terrific casting and solid execution give all three stories life . $LABEL$ 1 +the skirmishes for power waged among victims and predators settle into an undistinguished rhythm of artificial suspense . $LABEL$ 0 +a thriller without a lot of thrills . $LABEL$ 0 +yet the act is still charming here . $LABEL$ 1 +far more enjoyable than its predecessor . $LABEL$ 1 +a moving essay about the specter of death , especially suicide . $LABEL$ 1 +phillip noyce and all of his actors -- as well as his cinematographer , christopher doyle -- understand the delicate forcefulness of greene 's prose , and it 's there on the screen in their version of the quiet american . $LABEL$ 1 +though it runs 163 minutes , safe conduct is anything but languorous . $LABEL$ 1 +this is the kind of movie that you only need to watch for about thirty seconds before you say to yourself , ` ah , yes , here we have a bad , bad , bad movie . ' $LABEL$ 0 +even at its worst , it 's not half-bad . $LABEL$ 1 +... even if you 've never heard of chaplin , you 'll still be glued to the screen . $LABEL$ 1 +a long , dull procession of despair , set to cello music culled from a minimalist funeral . $LABEL$ 0 +the concert footage is stirring , the recording sessions are intriguing , and -- on the way to striking a blow for artistic integrity -- this quality band may pick up new admirers . $LABEL$ 1 +most of the dialogue made me want to pack raw dough in my ears . $LABEL$ 0 +queen of the damned is too long with too little going on . $LABEL$ 0 +it ai n't art , by a long shot , but unlike last year 's lame musketeer , this dumas adaptation entertains . $LABEL$ 1 +campanella 's competent direction and his excellent cast overcome the obstacles of a predictable outcome and a screenplay that glosses over rafael 's evolution . $LABEL$ 1 +schütte 's dramatic snapshot of the artist three days before his death offers an interesting bit of speculation as to the issues brecht faced as his life drew to a close . $LABEL$ 1 +would be an unendurable viewing experience for this ultra-provincial new yorker if 26-year-old reese witherspoon were not on hand to inject her pure fantasy character , melanie carmichael , with a massive infusion of old-fashioned hollywood magic . $LABEL$ 1 +a horror movie with seriously dumb characters , which somewhat dilutes the pleasure of watching them stalked by creepy-crawly bug things that live only in the darkness . $LABEL$ 0 +their parents would do well to cram earplugs in their ears and put pillowcases over their heads for 87 minutes . $LABEL$ 0 +cloaks a familiar anti-feminist equation -lrb- career - kids = misery -rrb- in tiresome romantic-comedy duds . $LABEL$ 0 +naomi watts is terrific as rachel ; her petite frame and vulnerable persona emphasising her plight and isolation . $LABEL$ 1 +idiotic and ugly . $LABEL$ 0 +` film aficionados can not help but love cinema paradiso , whether the original version or new director 's cut . ' $LABEL$ 1 +hard , endearing , caring , warm . $LABEL$ 1 +the major problem with windtalkers is that the bulk of the movie centers on the wrong character . $LABEL$ 0 +- greaseballs mob action-comedy . $LABEL$ 0 +writer and director otar iosseliani 's pleasant tale about a factory worker who escapes for a holiday in venice reveals how we all need a playful respite from the grind to refresh our souls . $LABEL$ 1 +a refreshingly realistic , affectation-free coming-of-age tale . $LABEL$ 1 +`` simone '' is a fun and funky look into an artificial creation in a world that thrives on artificiality . $LABEL$ 1 +supposedly , pokemon ca n't be killed , but pokemon 4ever practically assures that the pocket monster movie franchise is nearly ready to keel over . $LABEL$ 0 +the acting is amateurish , the cinematography is atrocious , the direction is clumsy , the writing is insipid and the violence is at once luridly graphic and laughably unconvincing . $LABEL$ 0 +you have to see it . $LABEL$ 1 +pray has really done his subject justice . $LABEL$ 1 +woody , what happened ? $LABEL$ 0 +but it 's also disappointing to a certain degree . $LABEL$ 0 +coarse , cliched and clunky , this trifling romantic comedy in which opposites attract for no better reason than that the screenplay demands it squanders the charms of stars hugh grant and sandra bullock . $LABEL$ 0 +bears about as much resemblance to the experiences of most battered women as spider-man does to the experiences of most teenagers . $LABEL$ 0 +at times a bit melodramatic and even a little dated -lrb- depending upon where you live -rrb- , ignorant fairies is still quite good-natured and not a bad way to spend an hour or two . $LABEL$ 1 +a boring masquerade ball where normally good actors , even kingsley , are made to look bad . $LABEL$ 0 +a semi-autobiographical film that 's so sloppily written and cast that you can not believe anyone more central to the creation of bugsy than the caterer had anything to do with it . $LABEL$ 0 +the skills of a calculus major at m.i.t. are required to balance all the formulaic equations in the long-winded heist comedy who is cletis tout ? $LABEL$ 0 +though there are entertaining and audacious moments , the movie 's wildly careening tone and an extremely flat lead performance do little to salvage this filmmaker 's flailing reputation . $LABEL$ 0 +efteriades gives the neighborhood -- scenery , vibe and all -- the cinematic equivalent of a big , tender hug . $LABEL$ 1 +two weeks notice has appeal beyond being a sandra bullock vehicle or a standard romantic comedy . $LABEL$ 1 +could use a little more humanity , but it never lacks in eye-popping visuals . $LABEL$ 1 +the leads are natural and lovely , the pace is serene , the humor wry and sprightly . $LABEL$ 1 +offers big , fat , dumb laughs that may make you hate yourself for giving in . $LABEL$ 0 +hardly a film that comes along every day . $LABEL$ 1 +definitely worth 95 minutes of your time . $LABEL$ 1 +certainly the big finish was n't something galinsky and hawley could have planned for ... but part of being a good documentarian is being there when the rope snaps . $LABEL$ 1 +rollerball is as bad as you think , and worse than you can imagine . $LABEL$ 0 +there 's the plot , and a maddeningly insistent and repetitive piano score that made me want to scream . $LABEL$ 0 +it would be great to see this turd squashed under a truck , preferably a semi . $LABEL$ 0 +the pacing is deadly , the narration helps little and naipaul , a juicy writer , is negated . $LABEL$ 0 +i 'm going to give it a marginal thumbs up . $LABEL$ 1 +this beautifully animated epic is never dull . $LABEL$ 1 +human nature , in short , is n't nearly as funny as it thinks it is ; neither is it as smart . $LABEL$ 0 +davis ... gets vivid performances from her cast and pulls off some deft ally mcbeal-style fantasy sequences . $LABEL$ 1 +even in the summertime , the most restless young audience deserves the dignity of an action hero motivated by something more than franchise possibilities . $LABEL$ 0 +a mesmerizing cinematic poem from the first frame to the last . $LABEL$ 1 +the setting turns out to be more interesting than any of the character dramas , which never reach satisfying conclusions . $LABEL$ 0 +this painfully unfunny farce traffics in tired stereotypes and encumbers itself with complications ... that have no bearing on the story . $LABEL$ 0 +take nothing seriously and enjoy the ride . $LABEL$ 1 +it is different from others in its genre in that it is does not rely on dumb gags , anatomical humor , or character cliches ; it primarily relies on character to tell its story . $LABEL$ 1 +still rapturous after all these years , cinema paradiso stands as one of the great films about movie love . $LABEL$ 1 +be patient with the lovely hush ! $LABEL$ 1 +the actors are simply too good , and the story too intriguing , for technical flaws to get in the way . $LABEL$ 1 +i 'd be lying if i said my ribcage did n't ache by the end of kung pow . $LABEL$ 1 +it may also be the best sex comedy about environmental pollution ever made . $LABEL$ 1 +an entertaining , if ultimately minor , thriller . $LABEL$ 1 +and the reason for that is a self-aware , often self-mocking , intelligence . $LABEL$ 1 +whether jason x is this bad on purpose is never clear . $LABEL$ 0 +all comedy is subversive , but this unrelenting bleak insistence on opting out of any opportunity for finding meaning in relationships or work just becomes sad . $LABEL$ 0 +the movie is concocted and carried out by folks worthy of scorn , and the nicest thing i can say is that i ca n't remember a single name responsible for it . $LABEL$ 0 +all too familiar ... basically the sort of cautionary tale that was old when ` angels with dirty faces ' appeared in 1938 . $LABEL$ 0 +seems like something american and european gay movies were doing 20 years ago . $LABEL$ 0 +this is a truly , truly bad movie . $LABEL$ 0 +the way the roundelay of partners functions , and the interplay within partnerships and among partnerships and the general air of gator-bashing are consistently delightful . $LABEL$ 1 +what ` blade runner ' would 've looked like as a low-budget series on a uhf channel . $LABEL$ 0 +there is a difference between movies with the courage to go over the top and movies that do n't care about being stupid $LABEL$ 0 +an ebullient tunisian film about the startling transformation of a tradition-bound widow who is drawn into the exotic world of belly dancing . $LABEL$ 1 +a lovely film for the holiday season . $LABEL$ 1 +after one gets the feeling that the typical hollywood disregard for historical truth and realism is at work here , it 's a matter of finding entertainment in the experiences of zishe and the fiery presence of hanussen . $LABEL$ 1 +tadpole may be one of the most appealing movies ever made about an otherwise appalling , and downright creepy , subject -- a teenage boy in love with his stepmother . $LABEL$ 1 +a film centering on a traditional indian wedding in contemporary new delhi may not sound like specialized fare , but mira nair 's film is an absolute delight for all audiences . $LABEL$ 1 +the most amazing super-sized dosage of goofball stunts any `` jackass '' fan could want . $LABEL$ 1 +k-19 : the widowmaker is derivative , overlong , and bombastic -- yet surprisingly entertaining . $LABEL$ 1 +every visual joke is milked , every set-up obvious and lengthy , every punchline predictable . $LABEL$ 0 +by that measure , it is a failure . $LABEL$ 0 +rather than real figures , elling and kjell bjarne become symbolic characters whose actions are supposed to relate something about the naïf 's encounter with the world . $LABEL$ 0 +seeing as the film lacks momentum and its position remains mostly undeterminable , the director 's experiment is a successful one . $LABEL$ 1 +... a pretentious mess ... $LABEL$ 0 +full of flatulence jokes and mild sexual references , kung pow ! $LABEL$ 0 +so mind-numbingly awful that you hope britney wo n't do it one more time , as far as movies are concerned . $LABEL$ 0 +laced with liberal doses of dark humor , gorgeous exterior photography , and a stable-full of solid performances , no such thing is a fascinating little tale . $LABEL$ 1 +in the new release of cinema paradiso , the tale has turned from sweet to bittersweet , and when the tears come during that final , beautiful scene , they finally feel absolutely earned . $LABEL$ 1 +remove spider-man the movie from its red herring surroundings and it 's apparent that this is one summer film that satisfies . $LABEL$ 1 +spectators will indeed sit open-mouthed before the screen , not screaming but yawning . $LABEL$ 0 +, the sum of all fears is simply a well-made and satisfying thriller . $LABEL$ 1 +what makes the movie special is its utter sincerity . $LABEL$ 1 +the thing just never gets off the ground . $LABEL$ 0 +after several scenes of this tacky nonsense , you 'll be wistful for the testosterone-charged wizardry of jerry bruckheimer productions , especially because half past dead is like the rock on a wal-mart budget . $LABEL$ 0 +the film oozes craft . $LABEL$ 1 +once the expectation of laughter has been quashed by whatever obscenity is at hand , even the funniest idea is n't funny . $LABEL$ 0 +funny , sexy , devastating and incurably romantic . $LABEL$ 1 +an ambitious , guilt-suffused melodrama crippled by poor casting . $LABEL$ 0 +this is an exercise not in biography but in hero worship . $LABEL$ 0 +the densest distillation of roberts ' movies ever made . $LABEL$ 0 +with this masterful , flawless film , -lrb- wang -rrb- emerges in the front ranks of china 's now numerous , world-renowned filmmakers . $LABEL$ 1 +a live-wire film that never loses its ability to shock and amaze . $LABEL$ 1 +throughout all the tumult , a question comes to mind : so why is this so boring ? $LABEL$ 0 +the large-format film is well suited to capture these musicians in full regalia and the incredible imax sound system lets you feel the beat down to your toes . $LABEL$ 1 +a finely tuned mood piece , a model of menacing atmosphere . $LABEL$ 1 +it 's packed with adventure and a worthwhile environmental message , so it 's great for the kids . $LABEL$ 1 +too bad maggio could n't come up with a better script . $LABEL$ 0 +sensual , funny and , in the end , very touching . $LABEL$ 1 +a movie just for friday fans , critics be damned . $LABEL$ 1 +it 's a fairy tale that comes from a renowned indian film culture that allows americans to finally revel in its splendor . $LABEL$ 1 +all mood and no movie . $LABEL$ 0 +will assuredly rank as one of the cleverest , most deceptively amusing comedies of the year . $LABEL$ 1 +a half-assed film . $LABEL$ 0 +it 's truly awful and heartbreaking subject matter , but one whose lessons are well worth revisiting as many times as possible . $LABEL$ 1 +the most ingenious film comedy since being john malkovich . $LABEL$ 1 +the cast is phenomenal , especially the women . $LABEL$ 1 +inventive , fun , intoxicatingly sexy , violent , self-indulgent and maddening . $LABEL$ 1 +much of it comes from the brave , uninhibited performances by its lead actors . $LABEL$ 1 +a chiller resolutely without chills . $LABEL$ 0 +the first hour is tedious though ford and neeson capably hold our interest , but its just not a thrilling movie . $LABEL$ 0 +and it is . $LABEL$ 1 +even when it drags , we are forced to reflect that its visual imagination is breathtaking $LABEL$ 1 +imperfect ? $LABEL$ 0 +this mess of a movie is nothing short of a travesty of a transvestite comedy . $LABEL$ 0 +a baffling subplot involving smuggling drugs inside danish cows falls flat , and if you 're going to alter the bard 's ending , you 'd better have a good alternative . $LABEL$ 0 +there 's surely something wrong with a comedy where the only belly laughs come from the selection of outtakes tacked onto the end credits . $LABEL$ 0 +no , it 's not as single-minded as john carpenter 's original , but it 's sure a lot smarter and more unnerving than the sequels . $LABEL$ 1 +beating the austin powers films at their own game , this blaxploitation spoof downplays the raunch in favor of gags that rely on the strength of their own cleverness as opposed to the extent of their outrageousness . $LABEL$ 1 +viewers are asked so often to suspend belief that were it not for holm 's performance , the film would be a total washout . $LABEL$ 0 +there 's no palpable chemistry between lopez and male lead ralph fiennes , plus the script by working girl scribe kevin wade is workmanlike in the extreme . $LABEL$ 0 +- spy action flick with antonio banderas and lucy liu never comes together . $LABEL$ 0 +there 's already been too many of these films ... $LABEL$ 0 +we want the funk - and this movie 's got it . $LABEL$ 1 +-lrb- a -rrb- thoughtful , visually graceful work . $LABEL$ 1 +shows moments of promise but ultimately succumbs to cliches and pat storytelling . $LABEL$ 0 +like the rugrats movies , the wild thornberrys movie does n't offer much more than the series , but its emphasis on caring for animals and respecting other cultures is particularly welcome . $LABEL$ 1 +a waterlogged version of ` fatal attraction ' for the teeny-bopper set ... a sad , soggy potboiler that wastes the talents of its attractive young leads . $LABEL$ 0 +the film starts promisingly , but the ending is all too predictable and far too cliched to really work . $LABEL$ 0 +the script manages the rare trick of seeming at once both refreshingly different and reassuringly familiar . $LABEL$ 1 +kudos to the most enchanting film of the year . $LABEL$ 1 +the engagingly primitive animated special effects contribute to a mood that 's sustained through the surprisingly somber conclusion . $LABEL$ 1 +by its modest , straight-ahead standards , undisputed scores a direct hit . $LABEL$ 1 +i 'm guessing the director is a magician . $LABEL$ 1 +a dashing and absorbing outing with one of france 's most inventive directors . $LABEL$ 1 +it irritates and saddens me that martin lawrence 's latest vehicle can explode obnoxiously into 2,500 screens while something of bubba ho-tep 's clearly evident quality may end up languishing on a shelf somewhere . $LABEL$ 0 +that chirpy songbird britney spears has popped up with more mindless drivel . $LABEL$ 0 +none of the characters or plot-lines are fleshed-out enough to build any interest . $LABEL$ 0 +when all is said and done , she loves them to pieces -- and so , i trust , will you . $LABEL$ 1 +ultimately too repellent to fully endear itself to american art house audiences , but it is notable for its stylistic austerity and forcefulness . $LABEL$ 0 +kids do n't mind crappy movies as much as adults , provided there 's lots of cute animals and clumsy people . $LABEL$ 0 +it forces you to watch people doing unpleasant things to each other and themselves , and it maintains a cool distance from its material that is deliberately unsettling . $LABEL$ 0 +wonder , hope and magic can never escape the heart of the boy when the right movie comes along , especially if it begins with the name of star wars $LABEL$ 1 +while the performances are often engaging , this loose collection of largely improvised numbers would probably have worked better as a one-hour tv documentary . $LABEL$ 0 +haneke 's script -lrb- from elfriede jelinek 's novel -rrb- is contrived , unmotivated , and psychologically unpersuasive , with an inconclusive ending . $LABEL$ 0 +there is only so much baked cardboard i need to chew . $LABEL$ 0 +the movie is loaded with good intentions , but in his zeal to squeeze the action and our emotions into the all-too-familiar dramatic arc of the holocaust escape story , minac drains his movie of all individuality . $LABEL$ 0 +tully is worth a look for its true-to-life characters , its sensitive acting , its unadorned view of rural life and the subtle direction of first-timer hilary birmingham . $LABEL$ 1 +filmmaker tian zhuangzhuang triumphantly returns to narrative filmmaking with a visually masterful work of quiet power . $LABEL$ 1 +... a movie that , quite simply , should n't have been made . $LABEL$ 0 +the importance of being earnest , so thick with wit it plays like a reading from bartlett 's familiar quotations $LABEL$ 1 +five screenwriters are credited with the cliché-laden screenplay ; it seems as if each watered down the version of the one before . $LABEL$ 0 +director alfonso cuaron gets vivid , convincing performances from a fine cast , and generally keeps things going at a rapid pace , occasionally using an omniscient voice-over narrator in the manner of french new wave films . $LABEL$ 1 +... manages to deliver a fair bit of vampire fun . $LABEL$ 1 +guys say mean things and shoot a lot of bullets . $LABEL$ 0 +wewannour money back , actually . $LABEL$ 0 +more than anything else , kissing jessica stein injects freshness and spirit into the romantic comedy genre , which has been held hostage by generic scripts that seek to remake sleepless in seattle again and again . $LABEL$ 1 +when cowering and begging at the feet a scruffy giannini , madonna gives her best performance since abel ferrara had her beaten to a pulp in his dangerous game . $LABEL$ 1 +the sheer joy and pride they took in their work -- and in each other -- shines through every frame . $LABEL$ 1 +the cumulative effect of the movie is repulsive and depressing . $LABEL$ 0 +... digs beyond the usual portrayals of good kids and bad seeds to reveal a more ambivalent set of characters and motivations . $LABEL$ 1 +much of all about lily chou-chou is mesmerizing : some of its plaintiveness could make you weep . $LABEL$ 1 +it 's a rollicking adventure for you and all your mateys , regardless of their ages . $LABEL$ 1 +an empty shell of an epic rather than the real deal . $LABEL$ 0 +-lrb- scherfig -rrb- has made a movie that will leave you wondering about the characters ' lives after the clever credits roll . $LABEL$ 1 +it may be a somewhat backhanded compliment to say that the film makes the viewer feel like the movie 's various victimized audience members after a while , but it also happens to be the movie 's most admirable quality $LABEL$ 1 +a delightful entree in the tradition of food movies . $LABEL$ 1 +-lrb- johnnie to and wai ka fai are -rrb- sure to find an enthusiastic audience among american action-adventure buffs , but the film 's interests may be too narrow to attract crossover viewers . $LABEL$ 0 +conceptually brilliant ... plays like a living-room war of the worlds , gaining most of its unsettling force from the suggested and the unknown . $LABEL$ 1 +this feature is about as necessary as a hole in the head $LABEL$ 0 +-lrb- danny huston gives -rrb- an astounding performance that deftly , gradually reveals a real human soul buried beneath a spellbinding serpent 's smirk . $LABEL$ 1 +in addition to hoffman 's powerful acting clinic , this is that rare drama that offers a thoughtful and rewarding glimpse into the sort of heartache everyone has felt , or will feel someday . $LABEL$ 1 +this is n't exactly profound cinema , but it 's good-natured and sometimes quite funny . $LABEL$ 1 +hailed as a clever exercise in neo-hitchcockianism , this clever and very satisfying picture is more accurately chabrolian . $LABEL$ 1 +it leers , offering next to little insight into its intriguing subject . $LABEL$ 0 +a pleasant and engaging enough sit , but in trying to have the best of both worlds it ends up falling short as a whole . $LABEL$ 0 +touches smartly and wistfully on a number of themes , not least the notion that the marginal members of society ... might benefit from a helping hand and a friendly kick in the pants . $LABEL$ 1 +yakusho , as always , is wonderful as the long-faced sad sack ... and his chemistry with shimizu is very believable . $LABEL$ 1 +works , it 's thanks to huston 's revelatory performance . $LABEL$ 1 +ararat feels like a book report $LABEL$ 0 +the beautiful images and solemn words can not disguise the slack complacency of -lrb- godard 's -rrb- vision , any more than the gorgeous piano and strings on the soundtrack can drown out the tinny self-righteousness of his voice . $LABEL$ 0 +tully is in many ways the perfect festival film : a calm , self-assured portrait of small town regret , love , duty and friendship that appeals to the storytelling instincts of a slightly more literate filmgoing audience . $LABEL$ 1 +it 's a shame the marvelous first 101 minutes have to be combined with the misconceived final 5 . $LABEL$ 0 +a surprisingly charming and even witty match for the best of hollywood 's comic-book adaptations . $LABEL$ 1 +my advice is to skip the film and pick up the soundtrack . $LABEL$ 0 +audacious-impossible yet compelling ... $LABEL$ 1 +a quasi-documentary by french filmmaker karim dridi that celebrates the hardy spirit of cuban music . $LABEL$ 1 +family fare . $LABEL$ 1 +the movie resolutely avoids all the comic possibilities of its situation , and becomes one more dumb high school comedy about sex gags and prom dates . $LABEL$ 0 +one of recent memory 's most thoughtful films about art , ethics , and the cost of moral compromise . $LABEL$ 1 +even if you 're an agnostic carnivore , you can enjoy much of jonah simply , and gratefully , as laugh-out-loud lunacy with a pronounced monty pythonesque flavor . $LABEL$ 1 +one of the best of a growing strain of daring films ... that argue that any sexual relationship that does n't hurt anyone and works for its participants is a relationship that is worthy of our respect . $LABEL$ 1 +set in a 1986 harlem that does n't look much like anywhere in new york . $LABEL$ 0 +in the spirit of the season , i assign one bright shining star to roberto benigni 's pinocchio -- but i guarantee that no wise men will be following after it . $LABEL$ 0 +evokes a palpable sense of disconnection , made all the more poignant by the incessant use of cell phones . $LABEL$ 1 +they crush each other under cars , throw each other out windows , electrocute and dismember their victims in full consciousness . $LABEL$ 0 +in addition to scoring high for originality of plot -- putting together familiar themes of family , forgiveness and love in a new way -- lilo & stitch has a number of other assets to commend it to movie audiences both innocent and jaded . $LABEL$ 1 +perhaps it 's cliche to call the film ` refreshing , ' but it is . $LABEL$ 1 +as predictable as the outcome of a globetrotters-generals game , juwanna mann is even more ludicrous than you 'd expect from the guy-in-a-dress genre , and a personal low for everyone involved . $LABEL$ 0 +almodovar is an imaginative teacher of emotional intelligence in this engaging film about two men who discover what william james once called ` the gift of tears . ' $LABEL$ 1 +a fantastically vital movie that manages to invest real humor , sensuality , and sympathy into a story about two adolescent boys . $LABEL$ 1 +... the story is far-flung , illogical , and plain stupid . $LABEL$ 0 +and lee seems just as expectant of an adoring , wide-smiling reception . $LABEL$ 1 +it 's all arty and jazzy and people sit and stare and turn away from one another instead of talking and it 's all about the silences and if you 're into that , have at it . $LABEL$ 0 +an old-fashioned drama of substance about a teacher 's slide down the slippery slope of dishonesty after an encounter with the rich and the powerful who have nothing but disdain for virtue . $LABEL$ 1 +another useless recycling of a brutal mid - '70s american sports movie . $LABEL$ 0 +the kind of movie that leaves vague impressions and a nasty aftertaste but little clear memory of its operational mechanics . $LABEL$ 0 +hartley adds enough quirky and satirical touches in the screenplay to keep the film entertaining . $LABEL$ 1 +as literary desecrations go , this makes for perfectly acceptable , occasionally very enjoyable children 's entertainment . $LABEL$ 1 +this insufferable movie is meant to make you think about existential suffering . $LABEL$ 0 +goofy , nutty , consistently funny . $LABEL$ 1 +two big things are missing -- anything approaching a visceral kick , and anything approaching even a vague reason to sit through it all . $LABEL$ 0 +if `` lilo & stitch '' is n't the most edgy piece of disney animation to hit the silver screen , then this first film to use a watercolor background since `` dumbo '' certainly ranks as the most original in years . $LABEL$ 1 +while it has definite weaknesses -- like a rather unbelievable love interest and a meandering ending -- this '60s caper film is a riveting , brisk delight . $LABEL$ 1 +it 's a talking head documentary , but a great one . $LABEL$ 1 +an extremely unpleasant film . $LABEL$ 0 +director juan jose campanella could have turned this into an argentine retread of `` iris '' or `` american beauty , '' but instead pulls a little from each film and creates something more beautiful than either of those films . $LABEL$ 1 +not good enough to pass for a litmus test of the generation gap and not bad enough to repulse any generation of its fans . $LABEL$ 0 +after seeing the film , i can tell you that there 's no other reason why anyone should bother remembering it . $LABEL$ 0 +it stars schticky chris rock and stolid anthony hopkins , who seem barely in the same movie . $LABEL$ 0 +merely -lrb- and literally -rrb- tosses around sex toys and offers half-hearted paeans to empowerment that are repeatedly undercut by the brutality of the jokes , most at women 's expense . $LABEL$ 0 +terrible . $LABEL$ 0 +throwing in everything except someone pulling the pin from a grenade with his teeth , windtalkers seems to have ransacked every old world war ii movie for overly familiar material . $LABEL$ 0 +chai 's structure and pacing are disconcertingly slack . $LABEL$ 0 +if you grew up on scooby -- you 'll love this movie . $LABEL$ 1 +enjoyably fast-moving , hard-hitting documentary . $LABEL$ 1 +if you come from a family that eats , meddles , argues , laughs , kibbitzes and fights together , then go see this delightful comedy . $LABEL$ 1 +the director mostly plays it straight , turning leys ' fable into a listless climb down the social ladder . $LABEL$ 0 +millions of dollars heaped upon a project of such vast proportions need to reap more rewards than spiffy bluescreen technique and stylish weaponry . $LABEL$ 0 +any film that does n't even in passing mention political prisoners , poverty and the boat loads of people who try to escape the country is less a documentary and more propaganda by way of a valentine sealed with a kiss . $LABEL$ 0 +it 's depressing to see how far herzog has fallen . $LABEL$ 0 +some episodes work , some do n't . $LABEL$ 0 +like its new england characters , most of whom wander about in thick clouds of denial , the movie eventually gets around to its real emotional business , striking deep chords of sadness . $LABEL$ 1 +all the more disquieting for its relatively gore-free allusions to the serial murders , but it falls down in its attempts to humanize its subject . $LABEL$ 0 +a film of empty , fetishistic violence in which murder is casual and fun . $LABEL$ 0 +for those in search of something different , wendigo is a genuinely bone-chilling tale . $LABEL$ 1 +disappointing in comparison to other recent war movies ... or any other john woo flick for that matter . $LABEL$ 0 +it 's a familiar story , but one that is presented with great sympathy and intelligence . $LABEL$ 1 +becomes a fascinating study of isolation and frustration that successfully recreates both the physical setting and emotional tensions of the papin sisters . $LABEL$ 1 +murderous maids pulls no punches in its depiction of the lives of the papin sister and the events that led to their notorious rise to infamy ... $LABEL$ 1 +it 's not nearly as fresh or enjoyable as its predecessor , but there are enough high points to keep this from being a complete waste of time . $LABEL$ 1 +the movie does n't add anything fresh to the myth . $LABEL$ 0 +it is n't that stealing harvard is a horrible movie -- if only it were that grand a failure ! $LABEL$ 0 +the script falls back on too many tried-and-true shenanigans that hardly distinguish it from the next teen comedy . $LABEL$ 0 +a rote exercise in both animation and storytelling . $LABEL$ 0 +in his latest effort , storytelling , solondz has finally made a movie that is n't just offensive -- it also happens to be good . $LABEL$ 1 +enough is not a bad movie , just mediocre . $LABEL$ 0 +a smart , sassy and exceptionally charming romantic comedy . $LABEL$ 1 +stuffy , full of itself , morally ambiguous and nothing to shout about . $LABEL$ 0 +reyes ' directorial debut has good things to offer , but ultimately it 's undone by a sloppy script $LABEL$ 0 +it wears its heart on the sleeve of its gaudy hawaiian shirt . $LABEL$ 0 +it 's a spectacular performance - ahem , we hope it 's only acting . $LABEL$ 1 +... the film 's considered approach to its subject matter is too calm and thoughtful for agitprop , and the thinness of its characterizations makes it a failure as straight drama . ' $LABEL$ 0 +symbolically , warm water under a red bridge is a celebration of feminine energy , a tribute to the power of women to heal . $LABEL$ 1 +you come away from his film overwhelmed , hopeful and , perhaps paradoxically , illuminated . $LABEL$ 1 +equlibrium could pass for a thirteen-year-old 's book report on the totalitarian themes of 1984 and farenheit 451 . $LABEL$ 0 +a film of delicate interpersonal dances . $LABEL$ 1 +-lrb- westbrook -rrb- makes a wonderful subject for the camera . $LABEL$ 1 +cusack 's just brilliant in this . $LABEL$ 1 +what a bewilderingly brilliant and entertaining movie this is . $LABEL$ 1 +never lets go your emotions , taking them to surprising highs , sorrowful lows and hidden impulsive niches ... gorgeous , passionate , and at times uncommonly moving . $LABEL$ 1 +few films have captured the chaos of an urban conflagration with such fury , and audience members will leave feeling as shaken as nesbitt 's cooper looks when the bullets stop flying . $LABEL$ 1 +ferrara 's best film in years . $LABEL$ 1 +we have poignancy jostling against farce , thoughtful dialogue elbowed aside by one-liners , and a visual style that incorporates rotoscope animation for no apparent reason except , maybe , that it looks neat . $LABEL$ 0 +watching war photographer , you come to believe that nachtwey hates the wars he shows and empathizes with the victims he reveals . $LABEL$ 1 +you 'd be hard put to find a movie character more unattractive or odorous -lrb- than leon -rrb- . $LABEL$ 0 +what soured me on the santa clause 2 was that santa bumps up against 21st century reality so hard , it 's icky . $LABEL$ 0 +ash wednesday is not edward burns ' best film , but it is a good and ambitious film . $LABEL$ 1 +the lead actors share no chemistry or engaging charisma . $LABEL$ 0 +ms. phoenix is completely lacking in charm and charisma , and is unable to project either esther 's initial anomie or her eventual awakening . $LABEL$ 0 +when not wallowing in its characters ' frustrations , the movie is busy contriving false , sitcom-worthy solutions to their problems . $LABEL$ 0 +polished , well-structured film . $LABEL$ 1 +the laughs are as rare as snake foo yung . $LABEL$ 0 +an eloquent , reflective and beautifully acted meditation on both the profoundly devastating events of one year ago and the slow , painful healing process that has followed in their wake . $LABEL$ 1 +but there 's plenty to offend everyone ... $LABEL$ 0 +after that it becomes long and tedious like a classroom play in a college history course . $LABEL$ 0 +an exceptionally acted , quietly affecting cop drama . $LABEL$ 1 +one of the best films i have ever seen , constantly pulling the rug from underneath us , seeing things from new sides , plunging deeper , getting more intense . $LABEL$ 1 +stitch is a bad mannered , ugly and destructive little \*\*\*\* . $LABEL$ 0 +an intelligently made -lrb- and beautifully edited -rrb- picture that at the very least has a spark of life to it -- more than you can say for plenty of movies that flow through the hollywood pipeline without a hitch . $LABEL$ 1 +charlie hunnam has the twinkling eyes , repressed smile and determined face needed to carry out a dickensian hero . $LABEL$ 1 +what should have been a painless time-killer becomes instead a grating endurance test . $LABEL$ 0 +the film has -lrb- its -rrb- moments , but they are few and far between . $LABEL$ 0 +if religious films are n't your bailiwick , stay away . $LABEL$ 0 +this enthralling documentary ... is at once playful and haunting , an in-depth portrait of an iconoclastic artist who was fundamentally unknowable even to his closest friends . $LABEL$ 1 +a wild , endearing , masterful documentary . $LABEL$ 1 +a dreadful day in irish history is given passionate , if somewhat flawed , treatment . $LABEL$ 1 +the april 2002 instalment of the american war for independence , complete with loads of cgi and bushels of violence , but not a drop of human blood . $LABEL$ 0 +if there was any doubt that peter o'fallon did n't have an original bone in his body , a rumor of angels should dispel it . $LABEL$ 0 +there is something in full frontal , i guess , about artifice and acting and how it distorts reality for people who make movies and watch them , but like most movie riddles , it works only if you have an interest in the characters you see . $LABEL$ 0 +a minor-league soccer remake of the longest yard . $LABEL$ 0 +` it 's painful to watch witherspoon 's talents wasting away inside unnecessary films like legally blonde and sweet home abomination , i mean , alabama . ' $LABEL$ 0 +it 's absolutely amazing how first-time director kevin donovan managed to find something new to add to the canon of chan . $LABEL$ 1 +it 's as raw and action-packed an experience as a ringside seat at a tough-man contest . $LABEL$ 1 +to me , it sounds like a cruel deception carried out by men of marginal intelligence , with reactionary ideas about women and a total lack of empathy . $LABEL$ 0 +you wo n't have any trouble getting kids to eat up these veggies . $LABEL$ 1 +too bland and fustily tasteful to be truly prurient . $LABEL$ 0 +it does n't work as either . $LABEL$ 0 +this one aims for the toilet and scores a direct hit . $LABEL$ 0 +in the name of an allegedly inspiring and easily marketable flick , the emperor 's club turns a blind eye to the very history it pretends to teach . $LABEL$ 0 +the movie is undone by a filmmaking methodology that 's just experimental enough to alienate the mainstream audience while ringing cliched to hardened indie-heads . $LABEL$ 0 +two tedious acts light on great scares and a good surprise ending . $LABEL$ 1 +and your reward will be a thoughtful , emotional movie experience . $LABEL$ 1 +obvious . $LABEL$ 0 +`` birthday girl '' is an actor 's movie first and foremost . $LABEL$ 1 +the little girls understand , and mccracken knows that 's all that matters . $LABEL$ 1 +the pacing is often way off and there are too many bona fide groaners among too few laughs . $LABEL$ 0 +i liked it because it was so endlessly , grotesquely , inventive . $LABEL$ 1 +that , in itself , is extraordinary . $LABEL$ 1 +yes . $LABEL$ 1 +k-19 : the widowmaker is a great yarn . $LABEL$ 1 +and educational ! $LABEL$ 1 +an undeniably moving film to experience , and ultimately that 's what makes it worth a recommendation . $LABEL$ 1 +confessions is n't always coherent , but it 's sharply comic and surprisingly touching , so hold the gong . $LABEL$ 1 +the film has the thrown-together feel of a summer-camp talent show : hastily written , underrehearsed , arbitrarily plotted and filled with crude humor and vulgar innuendo . $LABEL$ 0 +sharp edges and a deep vein of sadness run through its otherwise comic narrative . $LABEL$ 1 +crush is so warm and fuzzy you might be able to forgive its mean-spirited second half . $LABEL$ 1 +strong filmmaking requires a clear sense of purpose , and in that oh-so-important category , the four feathers comes up short . $LABEL$ 0 +the best didacticism is one carried by a strong sense of humanism , and bertrand tavernier 's oft-brilliant safe conduct -lrb- `` laissez-passer '' -rrb- wears its heart on its sleeve . $LABEL$ 1 +i have returned from the beyond to warn you : this movie is 90 minutes long , and life is too short . $LABEL$ 0 +... despite lagging near the finish line , the movie runs a good race , one that will have you at the edge of your seat for long stretches . ' $LABEL$ 1 +witty and often surprising , a dark little morality tale disguised as a romantic comedy . $LABEL$ 1 +they 're the unnamed , easily substitutable forces that serve as whatever terror the heroes of horror movies try to avoid . $LABEL$ 0 +watching these eccentrics is both inspiring and pure joy . $LABEL$ 1 +spain 's greatest star wattage does n't overcome the tumult of maudlin tragedy . $LABEL$ 0 +director jay russell stomps in hobnail boots over natalie babbitt 's gentle , endearing 1975 children 's novel . $LABEL$ 0 +colorful , energetic and sweetly whimsical ... the rare sequel that 's better than its predecessor . $LABEL$ 1 +... a pretentious and ultimately empty examination of a sick and evil woman . $LABEL$ 0 +a small movie with a big heart . $LABEL$ 1 +maggie g. makes an amazing breakthrough in her first starring role and eats up the screen . $LABEL$ 1 +most of the movie is so deadly dull that watching the proverbial paint dry would be a welcome improvement . $LABEL$ 0 +-lrb- the cockettes -rrb- provides a window into a subculture hell-bent on expressing itself in every way imaginable . ' $LABEL$ 1 +most thrillers send audiences out talking about specific scary scenes or startling moments ; `` frailty '' leaves us with the terrifying message that the real horror may be waiting for us at home . $LABEL$ 1 +the difference between cho and most comics is that her confidence in her material is merited . $LABEL$ 1 +this remake of lina wertmuller 's 1975 eroti-comedy might just be the biggest husband-and-wife disaster since john and bo derek made the ridiculous bolero . $LABEL$ 0 +-lrb- a -rrb- poorly executed comedy . $LABEL$ 0 +holland lets things peter out midway , but it 's notably better acted -- and far less crass - than some other recent efforts in the burgeoning genre of films about black urban professionals . $LABEL$ 1 +... rogers 's mouth never stops shut about the war between the sexes and how to win the battle . $LABEL$ 1 +lawrence plumbs personal tragedy and also the human comedy . $LABEL$ 1 +maintains your sympathy for this otherwise challenging soul by letting you share her one-room world for a while . $LABEL$ 1 +tends to pile too many `` serious issues '' on its plate at times , yet remains fairly light , always entertaining , and smartly written . $LABEL$ 1 +an inventive , absorbing movie that 's as hard to classify as it is hard to resist . $LABEL$ 1 +-lrb- russell -rrb- makes good b movies -lrb- the mask , the blob -rrb- , and the scorpion king more than ably meets those standards . $LABEL$ 1 +what little grace -lrb- rifkin 's -rrb- tale of precarious skid-row dignity achieves is pushed into the margins by predictable plotting and tiresome histrionics . $LABEL$ 0 +the last scenes of the film are anguished , bitter and truthful . $LABEL$ 1 +however sincere it may be , the rising place never quite justifies its own existence . $LABEL$ 0 +the whole thing feels like a ruse , a tactic to cover up the fact that the picture is constructed around a core of flimsy -- or , worse yet , nonexistent -- ideas . $LABEL$ 0 +supposedly authentic account of a historical event that 's far too tragic to merit such superficial treatment . $LABEL$ 0 +no laughs . $LABEL$ 0 +but the actors make this worth a peek . $LABEL$ 1 +a gem of a movie . $LABEL$ 1 +the whole thing plays like a tired tyco ad . $LABEL$ 0 +it 's exactly the kind of movie toback 's detractors always accuse him of making . $LABEL$ 0 +mr. clooney , mr. kaufman and all their collaborators are entitled to take a deep bow for fashioning an engrossing entertainment out of an almost sure-fire prescription for a critical and commercial disaster . $LABEL$ 1 +it would be churlish to begrudge anyone for receiving whatever consolation that can be found in dragonfly , yet it is impossible to find the film anything but appalling , shamelessly manipulative and contrived , and totally lacking in conviction . $LABEL$ 0 +both deserve better . $LABEL$ 0 +between them , de niro and murphy make showtime the most savory and hilarious guilty pleasure of many a recent movie season . $LABEL$ 1 +upsetting and thought-provoking , the film has an odd purity that does n't bring you into the characters so much as it has you study them . $LABEL$ 1 +slap me , i saw this movie . $LABEL$ 0 +visually , ` santa clause 2 ' is wondrously creative . $LABEL$ 1 +a coming-of-age tale from new zealand whose boozy , languid air is balanced by a rich visual clarity and deeply felt performances across the board . $LABEL$ 1 +` it 's better to go in knowing full well what 's going to happen , but willing to let the earnestness of its execution and skill of its cast take you down a familiar road with a few twists . $LABEL$ 1 +a portrait of hell so shattering it 's impossible to shake . $LABEL$ 1 +hopelessly inane , humorless and under-inspired . $LABEL$ 0 +bogdanich is unashamedly pro-serbian and makes little attempt to give voice to the other side . $LABEL$ 0 +like a pack of dynamite sticks , built for controversy . $LABEL$ 0 +take any 12-year-old boy to see this picture , and he 'll be your slave for a year . $LABEL$ 1 +miyazaki 's nonstop images are so stunning , and his imagination so vivid , that the only possible complaint you could have about spirited away is that there is no rest period , no timeout . $LABEL$ 1 +stage director sam mendes showcases tom hanks as a depression era hit-man in this dark tale of revenge . $LABEL$ 1 +vereté has a whip-smart sense of narrative bluffs . $LABEL$ 1 +ponderous , plodding soap opera disguised as a feature film . $LABEL$ 0 +gets the look and the period trappings right , but it otherwise drowns in a sea of visual and verbal clichés . $LABEL$ 0 +director roger kumble offers just enough sweet and traditional romantic comedy to counter the crudity . $LABEL$ 1 +a bittersweet contemporary comedy about benevolent deception , which , while it may not rival the filmmaker 's period pieces , is still very much worth seeing . $LABEL$ 1 +gorgeous to look at but insufferably tedious and turgid ... a curiously constricted epic . $LABEL$ 0 +then again , in a better movie , you might not have noticed . $LABEL$ 0 +a fairly enjoyable mixture of longest yard ... and the 1999 guy ritchie caper lock stock and two smoking barrels . $LABEL$ 1 +the re - enactments , however fascinating they may be as history , are too crude to serve the work especially well . $LABEL$ 0 +if a horror movie 's primary goal is to frighten and disturb , then they works spectacularly well ... a shiver-inducing , nerve-rattling ride . $LABEL$ 1 +oedekerk mugs mercilessly , and the genuinely funny jokes are few and far between . $LABEL$ 0 +often silly -- and gross -- but it 's rarely as moronic as some campus gross-out films . $LABEL$ 0 +spielberg 's first real masterpiece , it deserved all the hearts it won -- and wins still , 20 years later . $LABEL$ 1 +... unlike -lrb- scorsese 's mean streets -rrb- , ash wednesday is essentially devoid of interesting characters or even a halfway intriguing plot . $LABEL$ 0 +you may feel compelled to watch the film twice or pick up a book on the subject . $LABEL$ 1 +slow and ponderous , but rohmer 's drama builds to an intense indoor drama about compassion , sacrifice , and christian love in the face of political corruption . $LABEL$ 1 +sheridan 's take on the author 's schoolboy memoir ... is a rather toothless take on a hard young life . $LABEL$ 0 +godard has never made a more sheerly beautiful film than this unexpectedly moving meditation on love , history , memory , resistance and artistic transcendence . $LABEL$ 1 +under-rehearsed and lifeless $LABEL$ 0 +the film offers an intriguing what-if premise . $LABEL$ 1 +this 10th film in the series looks and feels tired . $LABEL$ 0 +you need n't be steeped in '50s sociology , pop culture or movie lore to appreciate the emotional depth of haynes ' work . $LABEL$ 1 +rarely have i seen a film so willing to champion the fallibility of the human heart . $LABEL$ 1 +a witty , low-key romantic comedy . $LABEL$ 1 +what enlivens this film , beyond the astute direction of cardoso and beautifully detailed performances by all of the actors , is a note of defiance over social dictates . $LABEL$ 1 +a delightful little film that revels in its own simplicity , mostly martha will leave you with a smile on your face and a grumble in your stomach . $LABEL$ 1 +it 's hard to quibble with a flick boasting this many genuine cackles , but notorious c.h.o. still feels like a promising work-in-progress . $LABEL$ 1 +a shoddy male hip hop fantasy filled with guns , expensive cars , lots of naked women and rocawear clothing . $LABEL$ 0 +a strong and confident work which works so well for the first 89 minutes , but ends so horrendously confusing in the final two $LABEL$ 1 +even the hastily and amateurishly drawn animation can not engage . $LABEL$ 0 +with ` bowling for columbine , ' michael moore gives us the perfect starting point for a national conversation about guns , violence , and fear . $LABEL$ 1 +i liked it just enough . $LABEL$ 1 +it 's the funniest american comedy since graffiti bridge . $LABEL$ 1 +after an uncertain start , murder hits and generally sustains a higher plateau with bullock 's memorable first interrogation of gosling . $LABEL$ 1 +although devoid of objectivity and full of nostalgic comments from the now middle-aged participants , dogtown and z-boys has a compelling story to tell . $LABEL$ 1 +... a delicious crime drama on par with the slickest of mamet . $LABEL$ 1 +on top of a foundering performance , -lrb- madonna 's -rrb- denied her own athleticism by lighting that emphasizes every line and sag . $LABEL$ 0 +on the surface a silly comedy , scotland , pa would be forgettable if it were n't such a clever adaptation of the bard 's tragic play . $LABEL$ 1 +mostly works because of the universal themes , earnest performances ... and excellent use of music by india 's popular gulzar and jagjit singh . $LABEL$ 1 +about the only thing to give the movie points for is bravado -- to take an entirely stale concept and push it through the audience 's meat grinder one more time . $LABEL$ 0 +but the performances of pacino , williams , and swank keep the viewer wide-awake all the way through . $LABEL$ 1 +a boring , pretentious muddle that uses a sensational , real-life 19th-century crime as a metaphor for -- well , i 'm not exactly sure what -- and has all the dramatic weight of a raindrop . $LABEL$ 0 +far from heaven is a dazzling conceptual feat , but more than that , it 's a work of enthralling drama . $LABEL$ 1 +blessed with a searing lead performance by ryan gosling -lrb- murder by numbers -rrb- , the movie is powerful and provocative . $LABEL$ 1 +the film desperately sinks further and further into comedy futility . $LABEL$ 0 +it almost feels as if the movie is more interested in entertaining itself than in amusing us . $LABEL$ 0 +a low-rent retread of the alien pictures . $LABEL$ 0 +it merely indulges in the worst elements of all of them . $LABEL$ 0 +there 's none of the happily-ever - after spangle of monsoon wedding in late marriage -- and that 's part of what makes dover kosashvili 's outstanding feature debut so potent . $LABEL$ 1 +the entire film is one big excuse to play one lewd scene after another . $LABEL$ 0 +a fascinating examination of the joyous , turbulent self-discovery made by a proper , middle-aged woman . $LABEL$ 1 +has an unmistakable , easy joie de vivre . $LABEL$ 1 +it 's a rare window on an artistic collaboration . $LABEL$ 1 +report card : does n't live up to the exalted tagline - there 's definite room for improvement . $LABEL$ 0 +too intensely focused on the travails of being hal hartley to function as pastiche , no such thing is hartley 's least accessible screed yet . $LABEL$ 0 +a backstage must-see for true fans of comedy . $LABEL$ 1 +it 's got the brawn , but not the brains . $LABEL$ 0 +lacks dramatic punch and depth . $LABEL$ 0 +it may be a no-brainer , but at least it 's a funny no-brainer . $LABEL$ 1 +like the excruciating end of days , collateral damage presents schwarzenegger as a tragic figure , but sympathy really belongs with any viewer forced to watch him try out so many complicated facial expressions . $LABEL$ 0 +a great cast and a wonderful but sometimes confusing flashback movie about growing up in a dysfunctional family . $LABEL$ 1 +ozpetek offers an aids subtext , skims over the realities of gay sex , and presents yet another tired old vision of the gay community as an all-inclusive world where uptight , middle class bores like antonia can feel good about themselves . $LABEL$ 0 +the leads are so unmemorable , despite several attempts at lengthy dialogue scenes , that one eventually resents having to inhale this gutter romancer 's secondhand material . $LABEL$ 0 +a relative letdown . $LABEL$ 0 +from its nauseating spinning credits sequence to a very talented but underutilized supporting cast , bartleby squanders as much as it gives out . $LABEL$ 0 +a realistically terrifying movie that puts another notch in the belt of the long list of renegade-cop tales . $LABEL$ 1 +brings an irresistible blend of warmth and humor and a consistent embracing humanity in the face of life 's harshness . $LABEL$ 1 +inconsequential road-and-buddy pic . $LABEL$ 0 +it 's been 13 months and 295 preview screenings since i last walked out on a movie , but resident evil really earned my indignant , preemptive departure . $LABEL$ 0 +the leanest and meanest of solondz 's misanthropic comedies . $LABEL$ 1 +about schmidt belongs to nicholson . $LABEL$ 1 +its metaphors are opaque enough to avoid didacticism , and the film succeeds as an emotionally accessible , almost mystical work . $LABEL$ 1 +starts as an intense political and psychological thriller but is sabotaged by ticking time bombs and other hollywood-action cliches . $LABEL$ 0 +even if it pushes its agenda too forcefully , this remains a film about something , one that attempts and often achieves a level of connection and concern . $LABEL$ 1 +the film is grossly contradictory in conveying its social message , if indeed there is one . $LABEL$ 0 +daringly perceptive , taut , piercing and feisty , biggie and tupac is undeniably subversive and involving in its bold presentation . $LABEL$ 1 +boyd 's screenplay -lrb- co-written with guardian hack nick davies -rrb- has a florid turn of phrase that owes more to guy ritchie than the bard of avon . $LABEL$ 0 +not about scares but a mood in which an ominous , pervasive , and unknown threat lurks just below the proceedings and adds an almost constant mindset of suspense . $LABEL$ 1 +this deeply spiritual film taps into the meaning and consolation in afterlife communications . $LABEL$ 1 +i know that i 'll never listen to marvin gaye or the supremes the same way again $LABEL$ 1 +a big , loud , bang-the-drum bore . $LABEL$ 0 +horrendously amateurish filmmaking that is plainly dull and visually ugly when it is n't incomprehensible . $LABEL$ 0 +after collateral damage , you might imagine that most every aggrieved father cliché has been unturned . $LABEL$ 0 +predictable storyline and by-the-book scripting is all but washed away by sumptuous ocean visuals and the cinematic stylings of director john stockwell . $LABEL$ 1 +laugh-out-loud lines , adorably ditsy but heartfelt performances , and sparkling , bittersweet dialogue that cuts to the chase of the modern girl 's dilemma . $LABEL$ 1 +essentially a collection of bits -- and they 're all naughty . $LABEL$ 1 +you get the impression that writer and director burr steers knows the territory ... but his sense of humor has yet to lose the smug self-satisfaction usually associated with the better private schools . $LABEL$ 0 +ultimately engages less for its story of actorly existential despair than for its boundary-hopping formal innovations and glimpse into another kind of chinese ` cultural revolution . ' $LABEL$ 1 +happily , some things are immune to the folly of changing taste and attitude . $LABEL$ 1 +viewers will need all the luck they can muster just figuring out who 's who in this pretentious mess . $LABEL$ 0 +the viewer takes great pleasure in watching the resourceful molly stay a step ahead of her pursuers . $LABEL$ 1 +with we were soldiers , hollywood makes a valiant attempt to tell a story about the vietnam war before the pathology set in . $LABEL$ 1 +i just saw this movie ... well , it 's probably not accurate to call it a movie . $LABEL$ 0 +one of the smarter offerings the horror genre has produced in recent memory , even if it 's far tamer than advertised . $LABEL$ 1 +a well-done film of a self-reflexive , philosophical nature . $LABEL$ 1 +still , it just sits there like a side dish no one ordered . $LABEL$ 0 +filmmakers dana janklowicz-mann and amir mann area headed east , far east , in retelling a historically significant , and personal , episode detailing how one international city welcomed tens of thousands of german jewish refugees while the world 's democracie $LABEL$ 1 +who , exactly , is fighting whom here ? $LABEL$ 0 +can be as tiresome as 9 seconds of jesse helms ' anti- castro rhetoric , which are included $LABEL$ 0 +it 's a lot to ask people to sit still for two hours and change watching such a character , especially when rendered in as flat and impassive a manner as phoenix 's . $LABEL$ 0 +in truth , it has all the heart of a porno flick -lrb- but none of the sheer lust -rrb- . $LABEL$ 0 +cherish would 've worked a lot better had it been a short film . $LABEL$ 0 +if you 're looking for an intelligent movie in which you can release your pent up anger , enough is just the ticket you need . $LABEL$ 1 +maybe there 's a metaphor here , but figuring it out would n't make trouble every day any better . $LABEL$ 0 +a zippy 96 minutes of mediocre special effects , hoary dialogue , fluxing accents , and -- worst of all -- silly-looking morlocks . $LABEL$ 0 +every so often a film comes along that is so insanely stupid , so awful in so many ways that watching it leaves you giddy . $LABEL$ 0 +but it is entertaining on an inferior level . $LABEL$ 1 +plummer steals the show without resorting to camp as nicholas ' wounded and wounding uncle ralph . $LABEL$ 1 +evokes the frustration , the awkwardness and the euphoria of growing up , without relying on the usual tropes . $LABEL$ 0 +it 's a head-turner -- thoughtfully written , beautifully read and , finally , deeply humanizing . $LABEL$ 1 +as it is , it 's too long and unfocused . $LABEL$ 0 +this is not a classical dramatic animated feature , nor a hip , contemporary , in-jokey one . $LABEL$ 0 +i 'm not a fan of the phrase ` life affirming ' because it usually means ` schmaltzy , ' but real women have curves truly is life affirming . $LABEL$ 1 +too much of storytelling moves away from solondz 's social critique , casting its audience as that of intellectual lector in contemplation of the auteur 's professional injuries . $LABEL$ 0 +charlotte sometimes is a gem . $LABEL$ 1 +australia : land beyond time is an enjoyable big movie primarily because australia is a weirdly beautiful place . $LABEL$ 1 +as immaculate as stuart little 2 is , it could be a lot better if it were , well , more adventurous . $LABEL$ 1 +further sad evidence that tom tykwer , director of the resonant and sense-spinning run lola run , has turned out to be a one-trick pony -- a maker of softheaded metaphysical claptrap . $LABEL$ 0 +-lrb- a -rrb- satisfying niblet . $LABEL$ 1 +this is a more fascinating look at the future than `` bladerunner '' and one of the most high-concept sci fi adventures attempted for the screen . $LABEL$ 1 +coupling disgracefully written dialogue with flailing bodily movements that substitute for acting , circuit is the awkwardly paced soap opera-ish story . $LABEL$ 0 +it rapidly develops into a gut-wrenching examination of the way cultural differences and emotional expectations collide . $LABEL$ 1 +you try to guess the order in which the kids in the house will be gored . $LABEL$ 0 +payne has created a beautiful canvas , and nicholson proves once again that he 's the best brush in the business . $LABEL$ 1 +-lrb- siegel -rrb- and co-writers lisa bazadona and grace woodard have relied too much on convention in creating the characters who surround frankie . $LABEL$ 0 +while the material is slight , the movie is better than you might think . $LABEL$ 1 +unambitious writing emerges in the movie , using a plot that could have come from an animated-movie screenwriting textbook . $LABEL$ 0 +the film 's strength is n't in its details , but in the larger picture it paints - of a culture in conflict with itself , with the thin veneer of nationalism that covers our deepest , media-soaked fears . $LABEL$ 1 +i do n't think most of the people who loved the 1989 paradiso will prefer this new version . $LABEL$ 0 +a sluggish pace and lack of genuine narrative hem the movie in every bit as much as life hems in the spirits of these young women . $LABEL$ 0 +broomfield 's style of journalism is hardly journalism at all , and even those with an avid interest in the subject will grow impatient . $LABEL$ 0 +mostly , -lrb- goldbacher -rrb- just lets her complicated characters be unruly , confusing and , through it all , human . $LABEL$ 1 +even with its $ 50-million us budget , pinocchio never quite achieves the feel of a fanciful motion picture . $LABEL$ 0 +adam sandler 's heart may be in the right place , but he needs to pull his head out of his butt $LABEL$ 0 +a genuine mind-bender . $LABEL$ 1 +just as the recent argentine film son of the bride reminded us that a feel-good movie can still show real heart , time of favor presents us with an action movie that actually has a brain . $LABEL$ 1 +that frenetic spectacle -lrb- on the tv show -rrb- has usually been leavened by a charm that 's conspicuously missing from the girls ' big-screen blowout . $LABEL$ 0 +nonchalantly freaky and uncommonly pleasurable , warm water may well be the year 's best and most unpredictable comedy . $LABEL$ 1 +she 's all-powerful , a voice for a pop-cyber culture that feeds on her bjorkness . $LABEL$ 1 +qualities that were once amusing are becoming irritating . $LABEL$ 0 +this is a story that zings all the way through with originality , humour and pathos . $LABEL$ 1 +what a stiflingly unfunny and unoriginal mess this is ! $LABEL$ 0 +too stagey , talky -- and long -- for its own good . $LABEL$ 0 +as pure over-the-top trash , any john waters movie has it beat by a country mile . $LABEL$ 0 +a tasty appetizer that leaves you wanting more . $LABEL$ 1 +on its own staggeringly unoriginal terms , this gender-bending comedy is generally quite funny . $LABEL$ 1 +a clumsily manufactured exploitation flick , a style-free exercise in manipulation and mayhem . $LABEL$ 0 +it lacks the compassion , good-natured humor and the level of insight that made -lrb- eyre 's -rrb- first film something of a sleeper success . $LABEL$ 0 +personally , i 'd rather watch them on the animal planet . $LABEL$ 0 +as commander-in-chief of this film , bigelow demonstrates a breadth of vision and an attention to detail that propels her into the upper echelons of the directing world . $LABEL$ 1 +an annoying orgy of excess and exploitation that has no point and goes nowhere . $LABEL$ 0 +the art demands live viewing . $LABEL$ 1 +paul cox needed to show it . $LABEL$ 0 +astonishing ... -lrb- frames -rrb- profound ethical and philosophical questions in the form of dazzling pop entertainment . $LABEL$ 1 +although the subject matter may still be too close to recent national events , the film works - mostly due to its superior cast of characters . $LABEL$ 1 +a stirring road movie . $LABEL$ 1 +bursting through the constraints of its source , this is one adapted - from-television movie that actually looks as if it belongs on the big screen . $LABEL$ 1 +even with all its botches , enigma offers all the pleasure of a handsome and well-made entertainment . $LABEL$ 1 +the images lack contrast , are murky and are frequently too dark to be decipherable . $LABEL$ 0 +there 's real visual charge to the filmmaking , and a strong erotic spark to the most crucial lip-reading sequence . $LABEL$ 1 +if you 're in the right b-movie frame of mind , it may just scare the pants off you . $LABEL$ 1 +city by the sea is a gritty police thriller with all the dysfunctional family dynamics one could wish for . $LABEL$ 1 +dismally dull sci-fi comedy . $LABEL$ 0 +it 's weird , wonderful , and not necessarily for kids . $LABEL$ 1 +executed with such gentle but insistent sincerity , with such good humor and appreciation of the daily grind that only the most hardhearted scrooge could fail to respond . $LABEL$ 1 +maybe he was reading the minds of the audience . $LABEL$ 1 +grenier is terrific , bringing an unforced , rapid-fire delivery to toback 's heidegger - and nietzsche-referencing dialogue . $LABEL$ 1 +burns ' fifth beer-soaked film feels in almost every possible way -- from the writing and direction to the soggy performances -- tossed off . $LABEL$ 0 +less the sensational true-crime hell-jaunt purists might like and more experimental in its storytelling -lrb- though no less horrifying for it -rrb- . $LABEL$ 1 +it 's not so much a movie as a joint promotion for the national basketball association and teenaged rap and adolescent poster-boy lil ' bow wow . $LABEL$ 0 +it labours as storytelling . $LABEL$ 0 +a first-class road movie that proves you can run away from home , but your ego and all your problems go with you . $LABEL$ 1 +the nonstop artifice ultimately proves tiresome , with the surface histrionics failing to compensate for the paper-thin characterizations and facile situations . $LABEL$ 0 +it makes me say the obvious : abandon all hope of a good movie ye who enter here . $LABEL$ 0 +festers in just such a dungpile that you 'd swear you were watching monkeys flinging their feces at you . $LABEL$ 0 +yes , i have given this movie a rating of zero . $LABEL$ 0 +a buoyant romantic comedy about friendship , love , and the truth that we 're all in this together . $LABEL$ 1 +the locations go from stark desert to gorgeous beaches . $LABEL$ 1 +an acceptable way to pass a little over an hour with moviegoers ages 8-10 , but it 's unlikely to inspire anything more than a visit to mcdonald 's , let alone some savvy street activism . $LABEL$ 0 +those who are n't put off by the film 's austerity will find it more than capable of rewarding them . $LABEL$ 1 +has nothing good to speak about other than the fact that it is relatively short , tries its best to hide the fact that seagal 's overweight and out of shape . $LABEL$ 0 +like a three-ring circus , there are side stories aplenty -- none of them memorable . $LABEL$ 0 +a fascinating literary mystery story with multiple strands about the controversy of who really wrote shakespeare 's plays . $LABEL$ 1 +just too silly and sophomoric to ensnare its target audience . $LABEL$ 0 +... one of the more influential works of the ` korean new wave ' . $LABEL$ 1 +the closest thing to the experience of space travel $LABEL$ 1 +right now , they 're merely signposts marking the slow , lingering death of imagination . $LABEL$ 0 +while easier to sit through than most of jaglom 's self-conscious and gratingly irritating films , it 's still tainted by cliches , painful improbability and murky points . $LABEL$ 0 +bon appétit ! $LABEL$ 1 +as animation increasingly emphasizes the computer and the cool , this is a film that takes a stand in favor of tradition and warmth . $LABEL$ 1 +boy , has this franchise ever run out of gas . $LABEL$ 0 +the film itself is about something very interesting and odd that would probably work better as a real documentary without the insinuation of mediocre acting or a fairly trite narrative . $LABEL$ 0 +two hours of junk . $LABEL$ 0 +this is absolutely and completely ridiculous and an insult to every family whose mother has suffered through the horrible pains of a death by cancer . $LABEL$ 0 +i love the opening scenes of a wintry new york city in 1899 . $LABEL$ 1 +-lrb- d -rrb- espite its familiar subject matter , ice age is consistently amusing and engrossing ... $LABEL$ 1 +though its rather routine script is loaded with familiar situations , the movie has a cinematic fluidity and sense of intelligence that makes it work more than it probably should . $LABEL$ 1 +alternative medicine obviously has its merits ... but ayurveda does the field no favors . $LABEL$ 0 +a living testament to the power of the eccentric and the strange . $LABEL$ 1 +it 's not as awful as some of the recent hollywood trip tripe ... but it 's far from a groundbreaking endeavor . $LABEL$ 0 +infidelity drama is nicely shot , well-edited and features a standout performance by diane lane . $LABEL$ 1 +a soulless jumble of ineptly assembled cliches and pabulum that plays like a 95-minute commercial for nba properties . $LABEL$ 0 +talkiness is n't necessarily bad , but the dialogue frequently misses the mark . $LABEL$ 0 +but the 2002 film does n't really believe in it , and breaks the mood with absurdly inappropriate ` comedy ' scenes . $LABEL$ 0 +not so much farcical as sour . $LABEL$ 0 +like life on the island , the movie grows boring despite the scenery . $LABEL$ 0 +the material and the production itself are little more than routine . $LABEL$ 0 +aspires to the cracked lunacy of the adventures of buckaroo banzai , but thanks to an astonishingly witless script ends up more like the adventures of ford fairlane . $LABEL$ 0 +far more successful , if considerably less ambitious , than last year 's kubrick-meets-spielberg exercise . $LABEL$ 1 +when it 's this rich and luscious , who cares ? $LABEL$ 1 +informative , intriguing , observant , often touching ... gives a human face to what 's often discussed in purely abstract terms . $LABEL$ 1 +a compelling pre-wwii drama with vivid characters and a warm , moving message . $LABEL$ 1 +a bizarre piece of work , with premise and dialogue at the level of kids ' television and plot threads as morose as teen pregnancy , rape and suspected murder $LABEL$ 0 +at best , cletis tout might inspire a trip to the video store -- in search of a better movie experience . $LABEL$ 0 +skip this turd and pick your nose instead because you 're sure to get more out of the latter experience . $LABEL$ 0 +what a concept , what an idea , what a thrill ride . $LABEL$ 1 +unlike most surf movies , blue crush thrillingly uses modern technology to take the viewer inside the wave . $LABEL$ 1 +be forewarned , if you 're depressed about anything before watching this film , you may just end up trying to drown yourself in a lake afterwards . $LABEL$ 0 +it has become apparent that the franchise 's best years are long past . $LABEL$ 0 +it strikes hardest ... when it reminds you how pertinent its dynamics remain . $LABEL$ 1 +most consumers of lo mein and general tso 's chicken barely give a thought to the folks who prepare and deliver it , so , hopefully , this film will attach a human face to all those little steaming cartons . $LABEL$ 1 +even in terms of the low-grade cheese standards on which it operates , it never quite makes the grade as tawdry trash . $LABEL$ 0 +the nicest thing that can be said about stealing harvard -lrb- which might have been called freddy gets molested by a dog -rrb- is that it 's not as obnoxious as tom green 's freddie got fingered . $LABEL$ 0 +ill-considered , unholy hokum . $LABEL$ 0 +it 's just merely very bad . $LABEL$ 0 +a flick about our infantilized culture that is n't entirely infantile . $LABEL$ 1 +rymer does n't trust laughs -- and does n't conjure proper respect for followers of the whole dead-undead genre , who deserve more from a vampire pic than a few shrieky special effects . $LABEL$ 0 +trying to make head or tail of the story in the hip-hop indie snipes is enough to give you brain strain -- and the pay-off is negligible . $LABEL$ 0 +the film does give a pretty good overall picture of the situation in laramie following the murder of matthew shepard . $LABEL$ 1 +this toothless dog , already on cable , loses all bite on the big screen . $LABEL$ 0 +this rich , bittersweet israeli documentary , about the life of song-and-dance-man pasach ` ke burstein and his family , transcends ethnic lines . $LABEL$ 1 +boll uses a lot of quick cutting and blurry step-printing to goose things up , but dopey dialogue and sometimes inadequate performances kill the effect . $LABEL$ 0 +this 90-minute dud could pass for mike tyson 's e ! $LABEL$ 0 +a generic family comedy unlikely to be appreciated by anyone outside the under-10 set . $LABEL$ 0 +an amateurish , quasi-improvised acting exercise shot on ugly digital video . $LABEL$ 0 +the very simple story seems too simple and the working out of the plot almost arbitrary . $LABEL$ 0 +the elements were all there but lack of a pyschological center knocks it flat . $LABEL$ 0 +exactly what its title implies : lusty , boisterous and utterly charming . $LABEL$ 1 +what remains is a variant of the nincompoop benigni persona , here a more annoying , though less angry version of the irresponsible sandlerian manchild , undercut by the voice of the star of road trip . $LABEL$ 0 +cherish is a dud -- a romantic comedy that 's not the least bit romantic and only mildly funny . $LABEL$ 0 +heartwarming here relies less on forced air than on petter næss ' delicate , clever direction ... and a wonderful , imaginative script by axel hellstenius . $LABEL$ 1 +let 's see , a haunted house , a haunted ship , what 's next ... ghost blimp ? $LABEL$ 0 +with its paint fights , motorized scooter chases and dewy-eyed sentiment , it 's a pretty listless collection of kid-movie clichés . $LABEL$ 0 +based on dave barry 's popular book of the same name , the movie benefits from having a real writer plot out all of the characters ' moves and overlapping story . $LABEL$ 1 +what 's missing is what we call the ` wow ' factor . $LABEL$ 0 +normally , rohmer 's talky films fascinate me , but when he moves his setting to the past , and relies on a historical text , he loses the richness of characterization that makes his films so memorable . $LABEL$ 0 +even if it is generally amusing from time to time , i spy has all the same problems the majority of action comedies have . $LABEL$ 0 +you watch for that sense of openness , the little surprises . $LABEL$ 1 +the urban landscapes are detailed down to the signs on the kiosks , and the color palette , with lots of somber blues and pinks , is dreamy and evocative . $LABEL$ 1 +the abiding impression , despite the mild hallucinogenic buzz , is of overwhelming waste -- the acres of haute couture ca n't quite conceal that there 's nothing resembling a spine here . $LABEL$ 0 +it throws quirky characters , odd situations , and off-kilter dialogue at us , all as if to say , `` look at this ! $LABEL$ 1 +alan and his fellow survivors are idiosyncratic enough to lift the movie above its playwriting 101 premise . $LABEL$ 1 +a film neither bitter nor sweet , neither romantic nor comedic , neither warm nor fuzzy . $LABEL$ 1 +of all the halloween 's , this is the most visually unappealing . $LABEL$ 0 +light , silly , photographed with colour and depth , and rather a good time . $LABEL$ 1 +it 's refreshing to see a romance this smart . $LABEL$ 1 +sodden and glum , even in those moments where it 's supposed to feel funny and light . $LABEL$ 0 +with nary a glimmer of self-knowledge , -lrb- crane -rrb- becomes more specimen than character -- and auto focus remains a chilly , clinical lab report . $LABEL$ 0 +nothing about the film -- with the possible exception of elizabeth hurley 's breasts -- is authentic . $LABEL$ 0 +a manically generous christmas vaudeville . $LABEL$ 1 +the powder blues and sun-splashed whites of tunis make an alluring backdrop for this sensuous and spirited tale of a prim widow who finds an unlikely release in belly-dancing clubs . $LABEL$ 1 +with dickens ' words and writer-director douglas mcgrath 's even-toned direction , a ripping good yarn is told . $LABEL$ 1 +i approached the usher and said that if she had to sit through it again , she should ask for a raise . $LABEL$ 0 +it makes you believe the cast and crew thoroughly enjoyed themselves and believed in their small-budget film . $LABEL$ 1 +the film is enriched by an imaginatively mixed cast of antic spirits , headed by christopher plummer as the subtlest and most complexly evil uncle ralph i 've ever seen in the many film and stage adaptations of the work . $LABEL$ 1 +these three films form a remarkably cohesive whole , both visually and thematically , through their consistently sensitive and often exciting treatment of an ignored people . $LABEL$ 1 +smart and alert , thirteen conversations about one thing is a small gem . $LABEL$ 1 +insanely hilarious ! $LABEL$ 1 +... strips bible stores of the potential for sanctimoniousness , making them meaningful for both kids and church-wary adults . $LABEL$ 1 +it 's just weirdness for the sake of weirdness , and where human nature should be ingratiating , it 's just grating . $LABEL$ 0 +its audacious ambitions sabotaged by pomposity , steven soderbergh 's space opera emerges as a numbingly dull experience . $LABEL$ 0 +it works its magic with such exuberance and passion that the film 's length becomes a part of its fun . $LABEL$ 1 +even if the enticing prospect of a lot of nubile young actors in a film about campus depravity did n't fade amid the deliberate , tiresome ugliness , it would be rendered tedious by avary 's failure to construct a story with even a trace of dramatic interest . $LABEL$ 0 +it goes on for too long and bogs down in a surfeit of characters and unnecessary subplots . $LABEL$ 0 +a feel-good movie that does n't give you enough to feel good about . $LABEL$ 0 +give shapiro , goldman , and bolado credit for good intentions , but there 's nothing here that they could n't have done in half an hour . $LABEL$ 0 +i was feeling this movie until it veered off too far into the exxon zone , and left me behind at the station looking for a return ticket to realism . $LABEL$ 0 +if the real-life story is genuinely inspirational , the movie stirs us as well . $LABEL$ 1 +disturbing . $LABEL$ 0 +the large-frame imax camera lends itself beautifully to filming the teeming life on the reefs , making this gorgeous film a must for everyone from junior scientists to grown-up fish lovers . $LABEL$ 1 +it 's hard to pity the ` plain ' girl who becomes a ravishing waif after applying a smear of lip-gloss . $LABEL$ 0 +why anyone who is not a character in this movie should care is beyond me . $LABEL$ 0 +the movie 's major and most devastating flaw is its reliance on formula , though , and it 's quite enough to lessen the overall impact the movie could have had . $LABEL$ 0 +it is depressing , ruthlessly pained and depraved , the movie equivalent of staring into an open wound . $LABEL$ 0 +as aimless as an old pickup skidding completely out of control on a long patch of black ice , the movie makes two hours feel like four . $LABEL$ 0 +a comedy-drama of nearly epic proportions rooted in a sincere performance by the title character undergoing midlife crisis . $LABEL$ 1 +... contains very few laughs and even less surprises . $LABEL$ 0 +a horrible , 99-minute stink bomb . $LABEL$ 0 +you can watch , giggle and get an adrenaline boost without feeling like you 've completely lowered your entertainment standards . $LABEL$ 1 +earnest and heartfelt but undernourished and plodding . $LABEL$ 1 +a dull , somnambulant exercise in pretension whose pervasive quiet is broken by frequent outbursts of violence and noise . $LABEL$ 0 +it is n't quite one of the worst movies of the year . $LABEL$ 0 +the film presents visceral and dangerously honest revelations about the men and machines behind the curtains of our planet . $LABEL$ 1 +handled correctly , wilde 's play is a masterpiece of elegant wit and artifice . $LABEL$ 1 +this is the best star trek movie in a long time . $LABEL$ 1 +a remarkably alluring film set in the constrictive eisenhower era about one suburban woman 's yearning in the face of a loss that shatters her cheery and tranquil suburban life . $LABEL$ 1 +instead of simply handling conventional material in a conventional way , secretary takes the most unexpected material and handles it in the most unexpected way . $LABEL$ 1 +a winning comedy with its wry observations about long-lived friendships and the ways in which we all lose track of ourselves by trying to please others . $LABEL$ 1 +writer-director randall wallace has bitten off more than he or anyone else could chew , and his movie veers like a drunken driver through heavy traffic . $LABEL$ 0 +like kissing jessica stein , amy 's orgasm has a key strength in its willingness to explore its principal characters with honesty , insight and humor . $LABEL$ 1 +an edifying glimpse into the wit and revolutionary spirit of these performers and their era . $LABEL$ 1 +starts promisingly but disintegrates into a dreary , humorless soap opera . $LABEL$ 0 +the touch is generally light enough and the performances , for the most part , credible . $LABEL$ 1 +it is sentimental but feels free to offend , is analytical and then surrenders to the illogic of its characters , is about grief and yet permits laughter . $LABEL$ 1 +eight legged freaks wo n't join the pantheon of great monster\/science fiction flicks that we have come to love ... $LABEL$ 0 +howard and his co-stars all give committed performances , but they 're often undone by howard 's self-conscious attempts to find a ` literary ' filmmaking style to match his subject . $LABEL$ 0 +the actors must indeed be good to recite some of this laughable dialogue with a straight face . $LABEL$ 0 +it 's better suited for the history or biography channel , but there 's no arguing the tone of the movie - it leaves a bad taste in your mouth and questions on your mind . $LABEL$ 0 +a story which fails to rise above its disgusting source material . $LABEL$ 0 +belongs in the too-hot-for-tv direct-to-video\/dvd category , and this is why i have given it a one-star rating . $LABEL$ 0 +imagine a film that begins as a seven rip-off , only to switch to a mix of the shining , the thing , and any naked teenagers horror flick from the 1980s . $LABEL$ 0 +without a fresh infusion of creativity , 4ever is neither a promise nor a threat so much as wishful thinking . $LABEL$ 0 +this humbling little film , fueled by the light comedic work of zhao benshan and the delicate ways of dong jie , is just the sort for those moviegoers who complain that ` they do n't make movies like they used to anymore . ' $LABEL$ 1 +what does n't this film have that an impressionable kid could n't stand to hear ? $LABEL$ 1 +stevens ' vibrant creative instincts are the difference between this and countless other flicks about guys and dolls . $LABEL$ 1 +` in this poor remake of such a well loved classic , parker exposes the limitations of his skill and the basic flaws in his vision . ' $LABEL$ 0 +overall tomfoolery like this is a matter of taste . $LABEL$ 0 +a soap-opera quality twist in the last 20 minutes ... almost puts the kibosh on what is otherwise a sumptuous work of b-movie imagination . $LABEL$ 0 +the actors try hard but come off too amateurish and awkward . $LABEL$ 0 +occasionally loud and offensive , but more often , it simply lulls you into a gentle waking coma . $LABEL$ 0 +we 've seen it all before in one form or another , but director hoffman , with great help from kevin kline , makes us care about this latest reincarnation of the world 's greatest teacher . $LABEL$ 1 +easily the most thoughtful fictional examination of the root causes of anti-semitism ever seen on screen . $LABEL$ 1 +despite suffering a sense-of-humour failure , the man who wrote rocky does not deserve to go down with a ship as leaky as this . $LABEL$ 0 +about half of them are funny , a few are sexy and none are useful in telling the story , which is paper-thin and decidedly unoriginal . $LABEL$ 0 +the film is filled with humorous observations about the general absurdity of modern life as seen through the eyes outsiders , but deftly manages to avoid many of the condescending stereotypes that so often plague films dealing with the mentally ill . $LABEL$ 1 +impostor ca n't think of a thing to do with these characters except have them run through dark tunnels , fight off various anonymous attackers , and evade elaborate surveillance technologies . $LABEL$ 0 +a great script brought down by lousy direction . $LABEL$ 0 +new ways of describing badness need to be invented to describe exactly how bad it is . $LABEL$ 0 +rubbo runs through a remarkable amount of material in the film 's short 90 minutes . $LABEL$ 1 +while this film has an ` a ' list cast and some strong supporting players , the tale -- like its central figure , vivi -- is just a little bit hard to love . $LABEL$ 0 +zoom ! $LABEL$ 1 +it 's a bad sign when you 're rooting for the film to hurry up and get to its subjects ' deaths just so the documentary will be over , but it 's indicative of how uncompelling the movie is unless it happens to cover your particular area of interest . $LABEL$ 0 +the creative animation work may not look as fully ` rendered ' as pixar 's industry standard , but it uses lighting effects and innovative backgrounds to an equally impressive degree . $LABEL$ 1 +every sequel you skip will be two hours gained . $LABEL$ 0 +it 's hard to imagine anybody ever being `` in the mood '' to view a movie as harrowing and painful as the grey zone , but it 's equally hard to imagine anybody being able to tear their eyes away from the screen once it 's started . $LABEL$ 1 +it gives devastating testimony to both people 's capacity for evil and their heroic capacity for good . $LABEL$ 1 +makes one thing abundantly clear . $LABEL$ 1 +cherry orchard is badly edited , often awkwardly directed and suffers from the addition of a wholly unnecessary pre-credit sequence designed to give some of the characters a ` back story . ' $LABEL$ 0 +too slick and manufactured to claim street credibility . $LABEL$ 0 +the film is full of charm . $LABEL$ 1 +it 's not the least of afghan tragedies that this noble warlord would be consigned to the dustbin of history . $LABEL$ 0 +there are no special effects , and no hollywood endings . $LABEL$ 1 +while hollywood ending has its share of belly laughs -lrb- including a knockout of a closing line -rrb- , the movie winds up feeling like a great missed opportunity . $LABEL$ 0 +we admire this film for its harsh objectivity and refusal to seek our tears , our sympathies . $LABEL$ 1 +a funny and well-contructed black comedy where the old adage `` be careful what you wish for '' is given a full workout . $LABEL$ 1 +not a schlocky creature feature but something far more stylish and cerebral -- and , hence , more chillingly effective . $LABEL$ 1 +this movie ... does n't deserve the energy it takes to describe how bad it is . $LABEL$ 0 +one of the most important and exhilarating forms of animated filmmaking since old walt doodled steamboat willie . $LABEL$ 1 +after a while , hoffman 's quirks and mannerisms , particularly his penchant for tearing up on cue -- things that seem so real in small doses -- become annoying and artificial . $LABEL$ 0 +it 's not like having a real film of nijinsky , but at least it 's better than that eponymous 1980 biopic that used soap in the places where the mysteries lingered . $LABEL$ 1 +the only surprise is that heavyweights joel silver and robert zemeckis agreed to produce this ; i assume the director has pictures of them cavorting in ladies ' underwear . $LABEL$ 0 +the overall feel is not unlike watching a glorified episode of `` 7th heaven . '' $LABEL$ 0 +... spellbinding fun and deliciously exploitative . $LABEL$ 1 +what 's next ? $LABEL$ 1 +in the end , there is n't much to it . $LABEL$ 0 +an allegory concerning the chronically mixed signals african american professionals get about overachieving could be intriguing , but the supernatural trappings only obscure the message . $LABEL$ 0 +an incredibly irritating comedy about thoroughly vacuous people ... manages to embody the worst excesses of nouvelle vague without any of its sense of fun or energy . $LABEL$ 0 +the movie itself is far from disappointing , offering an original take on courtroom movies , a few nifty twists that are so crucial to the genre and another first-rate performance by top-billed star bruce willis . $LABEL$ 1 +norton is magnetic as graham . $LABEL$ 1 +the year 's greatest adventure , and jackson 's limited but enthusiastic adaptation has made literature literal without killing its soul -- a feat any thinking person is bound to appreciate . $LABEL$ 1 +a remarkable movie with an unsatisfying ending , which is just the point . $LABEL$ 1 +mr. goyer 's loose , unaccountable direction is technically sophisticated in the worst way . $LABEL$ 0 +a weird little movie that 's amusing enough while you watch it , offering fine acting moments and pungent insights into modern l.a. 's show-biz and media subcultures . $LABEL$ 1 +a wonderful , ghastly film . $LABEL$ 1 +the movie weighs no more than a glass of flat champagne . $LABEL$ 0 +the film is flat . $LABEL$ 0 +stealing harvard will dip into your wallet , swipe 90 minutes of your time , and offer you precisely this in recompense : a few early laughs scattered around a plot as thin as it is repetitious . $LABEL$ 0 +shiner can certainly go the distance , but is n't world championship material $LABEL$ 1 +but windtalkers does n't beat that one , either . $LABEL$ 0 +-lrb- lee -rrb- treats his audience the same way that jim brown treats his women -- as dumb , credulous , unassuming , subordinate subjects . $LABEL$ 0 +the problem with antwone fisher is that it has a screenplay written by antwone fisher based on the book by antwone fisher . $LABEL$ 0 +whenever you think you 've seen the end of the movie , we cut to a new scene , which also appears to be the end . $LABEL$ 0 +a zinger-filled crowd-pleaser that open-minded elvis fans -lrb- but by no means all -rrb- will have fun with . $LABEL$ 1 +co-writer\/director jonathan parker 's attempts to fashion a brazil-like , hyper-real satire fall dreadfully short . $LABEL$ 0 +smart and fun , but far more witty than it is wise . $LABEL$ 1 +o fantasma is boldly , confidently orchestrated , aesthetically and sexually , and its impact is deeply and rightly disturbing . $LABEL$ 1 +a film about female friendship that men can embrace and women will talk about for hours . $LABEL$ 1 +` it looks good , sonny , but you missed the point . ' $LABEL$ 0 +there 's nothing remotely topical or sexy here . $LABEL$ 0 +fincher takes no apparent joy in making movies , and he gives none to the audience . $LABEL$ 0 +even after 90 minutes of playing opposite each other bullock and grant still look ill at ease sharing the same scene . $LABEL$ 0 +blood work is laughable in the solemnity with which it tries to pump life into overworked elements from eastwood 's dirty harry period . $LABEL$ 0 +the slapstick is labored , and the bigger setpieces flat . $LABEL$ 0 +the pool drowned me in boredom . $LABEL$ 0 +-lrb- sports -rrb- admirable energy , full-bodied characterizations and narrative urgency . $LABEL$ 1 +here is a vh1 behind the music special that has something a little more special behind it : music that did n't sell many records but helped change a nation . $LABEL$ 1 +it 's never dull and always looks good . $LABEL$ 1 +competently directed but terminally cute drama . $LABEL$ 1 +a sweet , tender sermon about a 12-year-old welsh boy more curious about god than girls , who learns that believing in something does matter . $LABEL$ 1 +loses its sense of humor in a vat of failed jokes , twitchy acting , and general boorishness . $LABEL$ 0 +in the era of the sopranos , it feels painfully redundant and inauthentic . $LABEL$ 0 +i will be . $LABEL$ 1 +it 's tough to be startled when you 're almost dozing . $LABEL$ 0 +represents the depths to which the girls-behaving-badly film has fallen . $LABEL$ 0 +an impenetrable and insufferable ball of pseudo-philosophic twaddle . $LABEL$ 0 +the film is an earnest try at beachcombing verismo , but it would be even more indistinct than it is were it not for the striking , quietly vulnerable personality of ms. ambrose . $LABEL$ 0 +it 's the element of condescension , as the filmmakers look down on their working-class subjects from their lofty perch , that finally makes sex with strangers , which opens today in the new york metropolitan area , so distasteful . $LABEL$ 0 +a return to pure disney magic and is enjoyable family fare . $LABEL$ 1 +distances you by throwing out so many red herrings , so many false scares , that the genuine ones barely register . $LABEL$ 0 +the fact that it is n't very good is almost beside the point . $LABEL$ 0 +it takes you somewhere you 're not likely to have seen before , but beneath the exotic surface -lrb- and exotic dancing -rrb- it 's surprisingly old-fashioned . $LABEL$ 1 +bolstered by exceptional performances and a clear-eyed take on the economics of dealing and the pathology of ghetto fabulousness . $LABEL$ 1 +it is a happy , heady jumble of thought and storytelling , an insane comic undertaking that ultimately coheres into a sane and breathtakingly creative film . $LABEL$ 1 +perhaps the grossest movie ever made . $LABEL$ 0 +viveka seldahl and sven wollter will touch you to the core in a film you will never forget -- that you should never forget . $LABEL$ 1 +... instead go rent `` shakes the clown '' , a much funnier film with a similar theme and an equally great robin williams performance . $LABEL$ 0 +the documentary is much too conventional -- lots of boring talking heads , etc. -- to do the subject matter justice . $LABEL$ 0 +an engrossing and infectiously enthusiastic documentary . $LABEL$ 1 +nothing sticks , really , except a lingering creepiness one feels from being dragged through a sad , sordid universe of guns , drugs , avarice and damaged dreams . $LABEL$ 0 +the film 's gamble to occasionally break up the live-action scenes with animated sequences pays off , as does its sensitive handling of some delicate subject matter . $LABEL$ 1 +the attempt to build up a pressure cooker of horrified awe emerges from the simple fact that the movie has virtually nothing to show . $LABEL$ 0 +wes craven 's presence is felt ; not the craven of ' a nightmare on elm street ' or ` the hills have eyes , ' but the sad schlock merchant of ` deadly friend . ' $LABEL$ 0 +but tongue-in-cheek preposterousness has always been part of for the most part wilde 's droll whimsy helps `` being earnest '' overcome its weaknesses and parker 's creative interference ... $LABEL$ 1 +as the princess , sorvino glides gracefully from male persona to female without missing a beat . $LABEL$ 1 +run for your lives ! $LABEL$ 0 +for every cheesy scene , though , there is a really cool bit -- the movie 's conception of a future-world holographic librarian -lrb- orlando jones -rrb- who knows everything and answers all questions , is visually smart , cleverly written , and nicely realized . $LABEL$ 1 +an impressive hybrid . $LABEL$ 1 +the chateau ... is less concerned with cultural and political issues than doting on its eccentric characters . $LABEL$ 0 +highly recommended as an engrossing story about a horrifying historical event and the elements which contributed to it . $LABEL$ 1 +-lrb- macdowell -rrb- ventures beyond her abilities several times here and reveals how bad an actress she is . $LABEL$ 0 +pap invested in undergraduate doubling subtexts and ridiculous stabs at existentialism reminding of the discovery of the wizard of god in the fifth trek flick . $LABEL$ 0 +the disjointed mess flows as naturally as jolie 's hideous yellow ` do . $LABEL$ 0 +he does this so well you do n't have the slightest difficulty accepting him in the role . $LABEL$ 1 +unless bob crane is someone of particular interest to you , this film 's impressive performances and adept direction are n't likely to leave a lasting impression . $LABEL$ 0 +a surprisingly funny movie . $LABEL$ 1 +drug abuse , infidelity and death are n't usually comedy fare , but turpin 's film allows us to chuckle through the angst . $LABEL$ 1 +a not-so-divine secrets of the ya-ya sisterhood with a hefty helping of re-fried green tomatoes . $LABEL$ 0 +allegiance to chekhov , which director michael cacoyannis displays with somber earnestness in the new adaptation of the cherry orchard , is a particularly vexing handicap . $LABEL$ 0 +not only a coming-of-age story and cautionary parable , but also a perfectly rendered period piece . $LABEL$ 1 +sparkling , often hilarious romantic jealousy comedy ... attal looks so much like a young robert deniro that it seems the film should instead be called ` my husband is travis bickle ' . $LABEL$ 1 +a harrowing account of a psychological breakdown . $LABEL$ 1 +a mature , deeply felt fantasy of a director 's travel through 300 years of russian history . $LABEL$ 1 +the movie is a trove of delights . $LABEL$ 1 +the filmmakers needed more emphasis on the storytelling and less on the glamorous machine that thrusts the audience into a future they wo n't much care about . $LABEL$ 0 +but it does somehow manage to get you under its spell . $LABEL$ 1 +in his u.s. debut , mr. schnitzler proves himself a deft pace master and stylist . $LABEL$ 1 +yet another arnold vehicle that fails to make adequate use of his particular talents . $LABEL$ 0 +it will guarantee to have you leaving the theater with a smile on your face . $LABEL$ 1 +an uncomfortable movie , suffocating and sometimes almost senseless , the grey zone does have a center , though a morbid one . $LABEL$ 0 +sweet gentle jesus , did the screenwriters just do a cut-and-paste of every bad action-movie line in history ? $LABEL$ 0 +-lrb- sam 's -rrb- self-flagellation is more depressing than entertaining . $LABEL$ 0 +dramas like this make it human . $LABEL$ 1 +although estela bravo 's documentary is cloyingly hagiographic in its portrait of cuban leader fidel castro , it 's still a guilty pleasure to watch . $LABEL$ 1 +but the cinematography is cloudy , the picture making becalmed . $LABEL$ 0 +this is christmas future for a lot of baby boomers . $LABEL$ 1 +this bracingly truthful antidote to hollywood teenage movies that slather clearasil over the blemishes of youth captures the combustible mixture of a chafing inner loneliness and desperate grandiosity that tend to characterize puberty . $LABEL$ 1 +viva le resistance ! $LABEL$ 1 +some body smacks of exhibitionism more than it does cathartic truth telling . $LABEL$ 0 +plodding , peevish and gimmicky . $LABEL$ 0 +given too much time to consider the looseness of the piece , the picture begins to resemble the shapeless , grasping actors ' workshop that it is . $LABEL$ 0 +the ingenuity that parker displays in freshening the play is almost in a class with that of wilde himself . $LABEL$ 1 +nijinsky says , ' i know how to suffer ' and if you see this film you 'll know too . $LABEL$ 0 +frequent flurries of creative belly laughs and genuinely enthusiastic performances ... keep the movie slaloming through its hackneyed elements with enjoyable ease . $LABEL$ 1 +it will make you think twice about what might be going on inside each trailer park you drive past -- even if it chiefly inspires you to drive a little faster . $LABEL$ 1 +witless and utterly pointless . $LABEL$ 0 +fred schepisi 's film is paced at a speed that is slow to those of us in middle age and deathly slow to any teen . $LABEL$ 0 +may lack the pungent bite of its title , but it 's an enjoyable trifle nonetheless . $LABEL$ 1 +a rather brilliant little cult item : a pastiche of children 's entertainment , superhero comics , and japanese animation . $LABEL$ 1 +the film is a fierce dance of destruction . $LABEL$ 1 +the mark of a respectable summer blockbuster is one of two things : unadulterated thrills or genuine laughs . $LABEL$ 1 +it 's hard to care about a film that proposes as epic tragedy the plight of a callow rich boy who is forced to choose between his beautiful , self-satisfied 22-year-old girlfriend and an equally beautiful , self-satisfied 18-year-old mistress . $LABEL$ 0 +psychologically revealing . $LABEL$ 1 +if a big musical number like ` praise the lord , he 's the god of second chances ' does n't put you off , this will be an enjoyable choice for younger kids . $LABEL$ 1 +but seriously , folks , it does n't work . $LABEL$ 0 +i was trying to decide what annoyed me most about god is great ... i 'm not , and then i realized that i just did n't care . $LABEL$ 0 +and there 's an element of heartbreak to watching it now , with older and wiser eyes , because we know what will happen after greene 's story ends . $LABEL$ 1 +bluto blutarsky , we miss you . $LABEL$ 1 +crossroads feels like a teenybopper ed wood film , replete with the pubescent scandalous innuendo and the high-strung but flaccid drama . $LABEL$ 0 +do n't say you were n't warned . $LABEL$ 0 +hopkins , squarely fills the screen . $LABEL$ 1 +hashiguchi vividly captures the way young japanese live now , chafing against their culture 's manic mix of millennial brusqueness and undying , traditional politesse . $LABEL$ 1 +you leave the same way you came -- a few tasty morsels under your belt , but no new friends . $LABEL$ 0 +while it can be a bit repetitive , overall it 's an entertaining and informative documentary . $LABEL$ 1 +what makes the film special is the refreshingly unhibited enthusiasm that the people , in spite of clearly evident poverty and hardship , bring to their music . $LABEL$ 1 +this may be burns 's strongest film since the brothers mcmullen . $LABEL$ 1 +warm in its loving yet unforgivingly inconsistent depiction of everyday people , relaxed in its perfect quiet pace and proud in its message . $LABEL$ 1 +its director 's most substantial feature for some time . $LABEL$ 1 +a chilly , remote , emotionally distant piece ... so dull that its tagline should be : ` in space , no one can hear you snore . ' $LABEL$ 0 +leave it to john sayles to take on developers , the chamber of commerce , tourism , historical pageants , and commercialism all in the same movie ... without neglecting character development for even one minute . $LABEL$ 1 +`` extreme ops '' exceeds expectations . $LABEL$ 1 +it 's stylishly directed with verve ... $LABEL$ 1 +fans of critics ' darling band wilco will marvel at the sometimes murky , always brooding look of i am trying to break your heart . $LABEL$ 1 +its adult themes of familial separation and societal betrayal are head and shoulders above much of the director 's previous popcorn work . $LABEL$ 1 +chen films the resolutely downbeat smokers only with every indulgent , indie trick in the book . $LABEL$ 0 +the weird thing about the santa clause 2 , purportedly a children 's movie , is that there is nothing in it to engage children emotionally . $LABEL$ 0 +what -lrb- frei -rrb- gives us ... is a man who uses the damage of war -- far more often than the warfare itself -- to create the kind of art shots that fill gallery shows . $LABEL$ 1 +-lrb- hell is -rrb- looking down at your watch and realizing serving sara is n't even halfway through . $LABEL$ 0 +me no lika da accents so good , but i thoroughly enjoyed the love story . $LABEL$ 1 +director lee has a true cinematic knack , but it 's also nice to see a movie with its heart so thoroughly , unabashedly on its sleeve . $LABEL$ 1 +in other words , it 's just another sports drama\/character study . $LABEL$ 0 +there 's nothing interesting in unfaithful whatsoever . $LABEL$ 0 +compassionately explores the seemingly irreconcilable situation between conservative christian parents and their estranged gay and lesbian children . $LABEL$ 1 +worthy of the gong . $LABEL$ 0 +a pointed , often tender , examination of the pros and cons of unconditional love and familial duties . $LABEL$ 1 +more dutiful than enchanting ... terribly episodic and lacking the spark of imagination that might have made it an exhilarating treat . $LABEL$ 0 +the fourth `` pokemon '' is a diverting -- if predictable -- adventure suitable for a matinee , with a message that cautions children about disturbing the world 's delicate ecological balance . $LABEL$ 1 +the film is so packed with subplots involving the various silbersteins that it feels more like the pilot episode of a tv series than a feature film . $LABEL$ 0 +it 's both sitcomishly predictable and cloying in its attempts to be poignant . $LABEL$ 0 +the charming result is festival in cannes . $LABEL$ 1 +while the film is not entirely successful , it still manages to string together enough charming moments to work . $LABEL$ 1 +it is parochial , accessible to a chosen few , standoffish to everyone else , and smugly suggests a superior moral tone is more important than filmmaking skill $LABEL$ 0 +this breezy caper movie becomes a soulful , incisive meditation on the way we were , and the way we are . $LABEL$ 1 +she allows each character to confront their problems openly and honestly . $LABEL$ 1 +the film 's maudlin focus on the young woman 's infirmity and her naive dreams play like the worst kind of hollywood heart-string plucking . $LABEL$ 0 +plus , like i already mentioned ... it 's robert duvall ! $LABEL$ 1 +cinematic poetry showcases the city 's old-world charm before machines change nearly everything . $LABEL$ 1 +a sensitive , cultivated treatment of greene 's work as well as a remarkably faithful one . $LABEL$ 1 +the ring never lets you off the hook . $LABEL$ 1 +lan yu seems altogether too slight to be called any kind of masterpiece . $LABEL$ 0 +fails in making this character understandable , in getting under her skin , in exploring motivation ... well before the end , the film grows as dull as its characters , about whose fate it is hard to care . $LABEL$ 0 +uplifting , funny and wise . $LABEL$ 1 +the film has a laundry list of minor shortcomings , but the numerous scenes of gory mayhem are worth the price of admission ... if `` gory mayhem '' is your idea of a good time . $LABEL$ 1 +cold , pretentious , thoroughly dislikable study in sociopathy . $LABEL$ 0 +i stopped thinking about how good it all was , and started doing nothing but reacting to it - feeling a part of its grand locations , thinking urgently as the protagonists struggled , feeling at the mercy of its inventiveness , gasping at its visual delights . $LABEL$ 1 +the beauty of the piece is that it counts heart as important as humor . $LABEL$ 1 +a peculiar misfire that even tunney ca n't save . $LABEL$ 0 +fast-paced and wonderfully edited , the film is extremely thorough . $LABEL$ 1 +in painting an unabashedly romantic picture of a nation whose songs spring directly from the lives of the people , the movie exalts the marxian dream of honest working folk , with little to show for their labor , living harmoniously , joined in song . $LABEL$ 1 +witless , pointless , tasteless and idiotic . $LABEL$ 0 +a surprisingly ` solid ' achievement by director malcolm d. lee and writer john ridley . $LABEL$ 1 +the problem is that it is one that allows him to churn out one mediocre movie after another . $LABEL$ 0 +they kept much of the plot but jettisoned the stuff that would make this a moving experience for people who have n't read the book . $LABEL$ 0 +with a tighter editorial process and firmer direction this material could work , especially since the actresses in the lead roles are all more than competent , but as is , personal velocity seems to be idling in neutral . $LABEL$ 0 +more timely than its director could ever have dreamed , this quietly lyrical tale probes the ambiguous welcome extended by iran to the afghani refugees who streamed across its borders , desperate for work and food . $LABEL$ 1 +brings to a spectacular completion one of the most complex , generous and subversive artworks of the last decade . $LABEL$ 1 +a time machine , a journey back to your childhood , when cares melted away in the dark theater , and films had the ability to mesmerize , astonish and entertain . $LABEL$ 1 +it goes down easy , leaving virtually no aftertaste . $LABEL$ 1 +knockaround guys plays like a student film by two guys who desperately want to be quentin tarantino when they grow up . $LABEL$ 0 +a wildly erratic drama with sequences that make you wince in embarrassment and others , thanks to the actors , that are quite touching . $LABEL$ 1 +offers absolutely nothing i had n't already seen . $LABEL$ 0 +the movie is a lumbering load of hokum but ... it 's at least watchable . $LABEL$ 0 +serving sara is little more than a mall movie designed to kill time . $LABEL$ 0 +a mawkish self-parody that plays like some weird masterpiece theater sketch with neither a point of view nor a compelling reason for being . $LABEL$ 0 +trapped presents a frightening and compelling ` what if ? ' $LABEL$ 1 +all right , so it 's not a brilliant piece of filmmaking , but it is a funny -lrb- sometimes hilarious -rrb- comedy with a deft sense of humor about itself , a playful spirit and a game cast . $LABEL$ 1 +a bland , obnoxious 88-minute infomercial for universal studios and its ancillary products . . . $LABEL$ 0 +henry bean 's thoughtful screenplay provides no easy answers , but offers a compelling investigation of faith versus intellect $LABEL$ 1 +not since ghostbusters has a film used manhattan 's architecture in such a gloriously goofy way . $LABEL$ 1 +... a triumph of emotionally and narratively complex filmmaking . $LABEL$ 1 +it may not be a huge cut of above the rest , but i enjoyed barbershop . $LABEL$ 1 +glazed with a tawdry b-movie scum . $LABEL$ 0 +the film occasionally tries the viewer 's patience with slow pacing and a main character who sometimes defies sympathy , but it ultimately satisfies with its moving story . $LABEL$ 1 +... familiar and predictable , and 4\/5ths of it might as well have come from a xerox machine rather than -lrb- writer-director -rrb- franc . $LABEL$ 0 +call it magic realism or surrealism , but miss wonton floats beyond reality with a certain degree of wit and dignity . $LABEL$ 1 +this is as lax and limp a comedy as i 've seen in a while , a meander through worn-out material . $LABEL$ 0 +the performances of the four main actresses bring their characters to life . $LABEL$ 1 +neatly constructed thriller . $LABEL$ 1 +the emotion is impressively true for being so hot-blooded , and both leads are up to the task . $LABEL$ 1 +rife with the rueful , wry humor springing out of yiddish culture and language . $LABEL$ 1 +rarely , indeed almost never , is such high-wattage brainpower coupled with pitch-perfect acting and an exquisite , unfakable sense of cinema . $LABEL$ 1 +a lovably old-school hollywood confection . $LABEL$ 1 +it never quite makes it to the boiling point , but manages to sustain a good simmer for most of its running time . $LABEL$ 1 +one of the year 's best films , featuring an oscar-worthy performance by julianne moore . $LABEL$ 1 +why would anyone cast the magnificent jackie chan in a movie full of stunt doubles and special effects ? $LABEL$ 0 +it 's surprisingly bland despite the heavy doses of weird performances and direction . $LABEL$ 0 +if you 're willing to have fun with it , you wo n't feel cheated by the high infidelity of unfaithful . $LABEL$ 1 +the script is a disaster , with cloying messages and irksome characters . $LABEL$ 0 +but it also comes with the laziness and arrogance of a thing that already knows it 's won . $LABEL$ 0 +what 's really so appealing about the characters is their resemblance to everyday children . $LABEL$ 1 +the bottom line , at least in my opinion , is imposter makes a better short story than it does a film . $LABEL$ 0 +wilco fans will have a great time , and the movie should win the band a few new converts , too . $LABEL$ 1 +fails so fundamentally on every conventional level that it achieves some kind of goofy grandeur . $LABEL$ 0 +nohe has made a decent ` intro ' documentary , but he feels like a spectator and not a participant . $LABEL$ 0 +although no pastry is violated , this nasty comedy pokes fun at the same easy targets as other rowdy raunch-fests -- farts , boobs , unmentionables -- without much success . $LABEL$ 0 +the movie is too amateurishly square to make the most of its own ironic implications . $LABEL$ 0 +even as i valiantly struggled to remain interested , or at least conscious , i could feel my eyelids ... getting ... very ... heavy ... $LABEL$ 0 +a mix of gritty realism , crisp storytelling and radiant compassion that effortlessly draws you in . $LABEL$ 1 +watching this gentle , mesmerizing portrait of a man coming to terms with time , you barely realize your mind is being blown . $LABEL$ 1 +hashiguchi uses the situation to evoke a japan bustling atop an undercurrent of loneliness and isolation . $LABEL$ 1 +despite its sincere acting , signs is just another unoriginal run of the mill sci-fi film with a flimsy ending and lots of hype . $LABEL$ 0 +making such a tragedy the backdrop to a love story risks trivializing it , though chouraqui no doubt intended the film to affirm love 's power to help people endure almost unimaginable horror . $LABEL$ 1 +it 's a masterpeice . $LABEL$ 1 +incoherence reigns . $LABEL$ 0 +the drama was so uninspiring that even a story immersed in love , lust , and sin could n't keep my attention . $LABEL$ 0 +disreputable doings and exquisite trappings are dampened by a lackluster script and substandard performances . $LABEL$ 0 +works because reno does n't become smug or sanctimonious towards the audience . $LABEL$ 1 +it cooks conduct in a low , smoky and inviting sizzle . $LABEL$ 1 +wow , so who knew charles dickens could be so light-hearted ? $LABEL$ 1 +-lrb- a -rrb- wonderfully loopy tale of love , longing , and voting . $LABEL$ 1 +... tara reid plays a college journalist , but she looks like the six-time winner of the miss hawaiian tropic pageant , so i do n't know what she 's doing in here ... $LABEL$ 0 +this film can only point the way -- but thank goodness for this signpost . $LABEL$ 1 +a major waste ... generic . $LABEL$ 0 +see it . $LABEL$ 1 +it 's not just a feel-good movie , it 's a feel movie . $LABEL$ 1 +the problematic characters and overly convenient plot twists foul up shum 's good intentions . $LABEL$ 0 +tres greek writer and star nia vardalos has crafted here a worldly-wise and very funny script . $LABEL$ 1 +this is a film about the irksome , tiresome nature of complacency that remains utterly satisfied to remain the same throughout . $LABEL$ 0 +a deeply felt and vividly detailed story about newcomers in a strange new world . $LABEL$ 1 +really is a pan-american movie , with moments of genuine insight into the urban heart . $LABEL$ 1 +... plenty of warmth to go around , with music and laughter and the love of family . $LABEL$ 1 +this overlong infomercial , due out on video before month 's end , is tepid and tedious . $LABEL$ 0 +but how it washed out despite all of that is the project 's prime mystery . $LABEL$ 0 +the animated sequences are well done and perfectly constructed to convey a sense of childhood imagination and creating adventure out of angst . $LABEL$ 1 +this cinema verite speculation on the assassination of john f. kennedy may have been inspired by blair witch , but it takes its techniques into such fresh territory that the film never feels derivative . $LABEL$ 1 +-lrb- city -rrb- reminds us how realistically nuanced a robert de niro performance can be when he is not more lucratively engaged in the shameless self-caricature of ` analyze this ' -lrb- 1999 -rrb- and ` analyze that , ' promised -lrb- or threatened -rrb- for later this year . $LABEL$ 1 +fast and funny , an action cartoon that 's suspenseful enough for older kids but not too scary for the school-age crowd . $LABEL$ 1 +it 's so tedious that it makes you forgive every fake , dishonest , entertaining and , ultimately , more perceptive moment in bridget jones 's diary . $LABEL$ 0 +watching these two actors play against each other so intensely , but with restraint , is a treat . $LABEL$ 1 +this is one of the biggest disappointments of the year . $LABEL$ 0 +real-life strongman ahola lacks the charisma and ability to carry the film on his admittedly broad shoulders . $LABEL$ 0 +a mimetic approximation of better films like contempt and 8 1\/2 . $LABEL$ 0 +nettelbeck has crafted an engaging fantasy of flavours and emotions , one part romance novel , one part recipe book . $LABEL$ 1 +it 's just hard to believe that a life like this can sound so dull . $LABEL$ 0 +there is a welcome lack of pretension about the film , which very simply sets out to entertain and ends up delivering in good measure . $LABEL$ 1 +there 's not a single jump-in-your-seat moment and believe it or not , jason actually takes a backseat in his own film to special effects . $LABEL$ 0 +as relationships shift , director robert j. siegel allows the characters to inhabit their world without cleaving to a narrative arc . $LABEL$ 1 +nicks sustains the level of exaggerated , stylized humor throughout by taking your expectations and twisting them just a bit . $LABEL$ 1 +here the love scenes all end in someone screaming . $LABEL$ 0 +a lot smarter than your average bond . $LABEL$ 1 +a soul-stirring documentary about the israeli\/palestinian conflict as revealed through the eyes of some children who remain curious about each other against all odds . $LABEL$ 1 +enormously enjoyable , high-adrenaline documentary . $LABEL$ 1 +too many scenarios in which the hero might have an opportunity to triumphantly sermonize , and too few that allow us to wonder for ourselves if things will turn out okay . $LABEL$ 0 +kiarostami has crafted a deceptively casual ode to children and managed to convey a tiny sense of hope . $LABEL$ 1 +stale first act , scrooge story , blatant product placement , some very good comedic songs , strong finish , dumb fart jokes . $LABEL$ 0 +that rare film whose real-life basis is , in fact , so interesting that no embellishment is needed . $LABEL$ 1 +for more than two decades mr. nachtwey has traveled to places in the world devastated by war , famine and poverty and documented the cruelty and suffering he has found with an devastating , eloquent clarity . $LABEL$ 1 +in fact , it does n't even seem like she tried . $LABEL$ 0 +superb production values & christian bale 's charisma make up for a derivative plot . $LABEL$ 1 +visually striking and viscerally repellent . $LABEL$ 1 +though intrepid in exploring an attraction that crosses sexual identity , ozpetek falls short in showing us antonia 's true emotions ... but at the very least , his secret life will leave you thinking . $LABEL$ 1 +stealing harvard does n't care about cleverness , wit or any other kind of intelligent humor . $LABEL$ 0 +rarely has a film 's title served such dire warning . $LABEL$ 0 +dripping with cliche and bypassing no opportunity to trivialize the material . $LABEL$ 0 +it 's an interesting effort -lrb- particularly for jfk conspiracy nuts -rrb- , and barry 's cold-fish act makes the experience worthwhile . $LABEL$ 1 +an unexpectedly sweet story of sisterhood . $LABEL$ 1 +just because a walk to remember is shrewd enough to activate girlish tear ducts does n't mean it 's good enough for our girls . $LABEL$ 0 +the explosion essentially ruined -- or , rather , overpowered -- the fiction of the movie for me . $LABEL$ 0 +the script is smart , not cloying . $LABEL$ 1 +its initial excitement settles into a warmed over pastiche . $LABEL$ 0 +an uncluttered , resonant gem that relays its universal points without lectures or confrontations . ' $LABEL$ 1 +depicts the sorriest and most sordid of human behavior on the screen , then laughs at how clever it 's being . $LABEL$ 0 +on its icy face , the new film is a subzero version of monsters , inc. , without the latter 's imagination , visual charm or texture . $LABEL$ 0 +starts out mediocre , spirals downward , and thuds to the bottom of the pool with an utterly incompetent conclusion . $LABEL$ 0 +michele is a such a brainless flibbertigibbet that it 's hard to take her spiritual quest at all seriously . $LABEL$ 0 +the film falls short on tension , eloquence , spiritual challenge -- things that have made the original new testament stories so compelling for 20 centuries . $LABEL$ 0 +the idea is more interesting than the screenplay , which lags badly in the middle and lurches between not-very-funny comedy , unconvincing dramatics and some last-minute action strongly reminiscent of run lola run . $LABEL$ 0 +if you are willing to do this , then you so crazy ! $LABEL$ 0 +there 's nothing exactly wrong here , but there 's not nearly enough that 's right . $LABEL$ 0 +kim ki-deok seems to have in mind an -lrb- emotionally at least -rrb- adolescent audience demanding regular shocks and bouts of barely defensible sexual violence to keep it interested . $LABEL$ 0 +amid the new populist comedies that underscore the importance of family tradition and familial community , one would be hard-pressed to find a movie with a bigger , fatter heart than barbershop . $LABEL$ 1 +brought to life on the big screen . $LABEL$ 1 +if it 's not entirely memorable , the movie is certainly easy to watch . $LABEL$ 1 +knows how to make our imagination wonder . $LABEL$ 1 +leaks treacle from every pore . $LABEL$ 0 +the saigon of 1952 is an uneasy mix of sensual delights and simmering violence , and the quiet american brings us right into the center of that world . $LABEL$ 1 +the actors are fantastic . $LABEL$ 1 +... a spoof comedy that carries its share of laughs -- sometimes a chuckle , sometimes a guffaw and , to my great pleasure , the occasional belly laugh . $LABEL$ 1 +... an enjoyably frothy ` date movie ' ... $LABEL$ 1 +neither the funniest film that eddie murphy nor robert de niro has ever made , showtime is nevertheless efficiently amusing for a good while . $LABEL$ 1 +awesome work : ineffable , elusive , yet inexplicably powerful $LABEL$ 1 +leaping from one arresting image to another , songs from the second floor has all the enjoyable randomness of a very lively dream and so manages to be compelling , amusing and unsettling at the same time . $LABEL$ 1 +intensely romantic , thought-provoking and even an engaging mystery . $LABEL$ 1 +faithful without being forceful , sad without being shrill , `` a walk to remember '' succeeds through sincerity . $LABEL$ 1 +a wildly entertaining scan of evans ' career . $LABEL$ 1 +does point the way for adventurous indian filmmakers toward a crossover into nonethnic markets . $LABEL$ 1 +schaeffer is n't in this film , which may be why it works as well as it does . $LABEL$ 1 +it is about irrational , unexplainable life and it seems so real because it does not attempt to filter out the complexity . $LABEL$ 1 +-lrb- breheny 's -rrb- lensing of the new zealand and cook island locations captures both the beauty of the land and the people . $LABEL$ 1 +-lrb- an -rrb- absorbing documentary . $LABEL$ 1 +if you open yourself up to mr. reggio 's theory of this imagery as the movie 's set ... it can impart an almost visceral sense of dislocation and change . $LABEL$ 1 +oscar caliber cast does n't live up to material $LABEL$ 0 +it 's hard to imagine another director ever making his wife look so bad in a major movie . $LABEL$ 0 +has enough gun battles and throwaway humor to cover up the yawning chasm where the plot should be . $LABEL$ 0 +parris ' performance is credible and remarkably mature . $LABEL$ 1 +the film 's sense of imagery gives it a terrible strength , but it 's propelled by the acting . $LABEL$ 1 +` stock up on silver bullets for director neil marshall 's intense freight train of a film . ' $LABEL$ 1 +the casting of von sydow ... is itself intacto 's luckiest stroke . $LABEL$ 1 +exhilarating , funny and fun . $LABEL$ 1 +bean drops the ball too many times ... hoping the nifty premise will create enough interest to make up for an unfocused screenplay . $LABEL$ 0 +michael moore 's latest documentary about america 's thirst for violence is his best film yet ... $LABEL$ 1 +the tuxedo miscalculates badly by forcing the star to play second fiddle to the dull effects that allow the suit to come to life . $LABEL$ 0 +at the one-hour mark , herzog simply runs out of ideas and the pace turns positively leaden as the movie sputters to its inevitable tragic conclusion . $LABEL$ 0 +nearly every attempt at humor here is doa . $LABEL$ 0 +it 's a road-trip drama with too many wrong turns . $LABEL$ 0 +everything in maid in manhattan is exceedingly pleasant , designed not to offend . $LABEL$ 1 +ourside the theatre roger might be intolerable company , but inside it he 's well worth spending some time with . $LABEL$ 1 +enigma is well-made , but it 's just too dry and too placid . $LABEL$ 0 +not quite as miraculous as its dreamworks makers would have you believe , but it more than adequately fills the eyes and stirs the emotions . $LABEL$ 1 +eight legged freaks falls flat as a spoof . $LABEL$ 0 +takes you by the face , strokes your cheeks and coos beseechingly at you : slow down , shake off your tensions and take this picture at its own breezy , distracted rhythms . $LABEL$ 1 +it 's a long way from orwell 's dark , intelligent warning cry -lrb- 1984 -rrb- to the empty stud knockabout of equilibrium , and what once was conviction is now affectation . $LABEL$ 0 +short-story quaint , touchingly mending a child 's pain for his dead mother via communication with an old woman straight out of eudora welty . $LABEL$ 1 +smart , funny and just honest enough to provide the pleasures of a slightly naughty , just-above-average off - broadway play . $LABEL$ 1 +a photographic marvel of sorts , and it 's certainly an invaluable record of that special fishy community . $LABEL$ 1 +... while the humor aspects of ` jason x ' were far more entertaining than i had expected , everything else about the film tanks . $LABEL$ 0 +but not without cheesy fun factor . $LABEL$ 1 +tsai ming-liang 's witty , wistful new film , what time is it there ? $LABEL$ 1 +becomes the last thing you would expect from a film with this title or indeed from any plympton film : boring . $LABEL$ 0 +heavy with flabby rolls of typical toback machinations . $LABEL$ 0 +last orders nurtures the multi-layers of its characters , allowing us to remember that life 's ultimately a gamble and last orders are to be embraced . $LABEL$ 1 +the only thing i laughed at were the people who paid to see it . $LABEL$ 0 +the script , the gags , the characters are all direct-to-video stuff , and that 's where this film should have remained . $LABEL$ 0 +on the evidence before us , the answer is clear : not easily and , in the end , not well enough . $LABEL$ 0 +an awkwardly contrived exercise in magic realism . $LABEL$ 0 +each scene immediately succumbs to gravity and plummets to earth . $LABEL$ 0 +assayas ' ambitious , sometimes beautiful adaptation of jacques chardonne 's novel . $LABEL$ 1 +nothing but one relentlessly depressing situation after another for its entire running time , something that you could easily be dealing with right now in your lives . $LABEL$ 0 +the film just might turn on many people to opera , in general , an art form at once visceral and spiritual , wonderfully vulgar and sublimely lofty -- and as emotionally grand as life . $LABEL$ 1 +a straight-shooting family film which awards animals the respect they 've rarely been given . $LABEL$ 1 +... hokey art house pretension . $LABEL$ 0 +unfortunately the story and the actors are served with a hack script . $LABEL$ 0 +and there 's the inimitable diaz , holding it all together . $LABEL$ 1 +told in scattered fashion , the movie only intermittently lives up to the stories and faces and music of the men who are its subject . $LABEL$ 0 +comes across as a fairly weak retooling . $LABEL$ 0 +one of the best films of the year with its exquisite acting , inventive screenplay , mesmerizing music , and many inimitable scenes of tenderness , loss , discontent , and yearning . $LABEL$ 1 +the big finish is a bit like getting all excited about a chocolate eclair and then biting into it and finding the filling missing . $LABEL$ 0 +as saccharine movies go , this is likely to cause massive cardiac arrest if taken in large doses . $LABEL$ 0 +the film was immensely enjoyable thanks to great performances by both steve buscemi and rosario dawson ... $LABEL$ 1 +it 's quite an achievement to set and shoot a movie at the cannes film festival and yet fail to capture its visual appeal or its atmosphere . $LABEL$ 0 +apparently designed as a reverie about memory and regret , but the only thing you 'll regret is remembering the experience of sitting through it . $LABEL$ 0 +it never rises to its clever what-if concept . $LABEL$ 0 +shallow , noisy and pretentious . $LABEL$ 0 +demonstrates a vivid imagination and an impressive style that result in some terrific setpieces . $LABEL$ 1 +not a film for the faint of heart or conservative of spirit , but for the rest of us -- especially san francisco lovers -- it 's a spirited film and a must-see . $LABEL$ 1 +engages us in constant fits of laughter , until we find ourselves surprised at how much we care about the story , and end up walking out not only satisfied but also somewhat touched . $LABEL$ 1 +a clever script and skilled actors bring new energy to the familiar topic of office politics . $LABEL$ 1 +it 's probably worth catching solely on its visual merits . $LABEL$ 1 +an enjoyable feel-good family comedy regardless of race . $LABEL$ 1 +a handsome but unfulfilling suspense drama more suited to a quiet evening on pbs than a night out at an amc . $LABEL$ 0 +a fine production with splendid singing by angela gheorghiu , ruggero raimondi , and roberto alagna . $LABEL$ 1 +it may scream low budget , but this charmer has a spirit that can not be denied . $LABEL$ 1 +- style cross-country adventure ... it has sporadic bursts of liveliness , some so-so slapstick and a few ear-pleasing songs on its soundtrack . $LABEL$ 1 +a polished and vastly entertaining caper film that puts the sting back into the con . $LABEL$ 1 +do n't wait to see this terrific film with your kids -- if you do n't have kids borrow some . $LABEL$ 1 +could as easily have been called ` under siege 3 : in alcatraz ' ... a cinematic corpse that never springs to life . $LABEL$ 0 +cedar somewhat defuses this provocative theme by submerging it in a hoary love triangle . $LABEL$ 1 +is it a comedy ? $LABEL$ 0 +as is often the case with ambitious , eager first-time filmmakers , mr. murray , a prolific director of music videos , stuffs his debut with more plot than it can comfortably hold . $LABEL$ 0 +it does n't make for great cinema , but it is interesting to see where one 's imagination will lead when given the opportunity . $LABEL$ 0 +its and pieces of the hot chick are so hilarious , and schneider 's performance is so fine , it 's a real shame that so much of the movie -- again , as in the animal -- is a slapdash mess . $LABEL$ 0 +this is sandler running on empty , repeating what he 's already done way too often . $LABEL$ 0 +both exuberantly romantic and serenely melancholy , what time is it there ? $LABEL$ 1 +... a series of tales told with the intricate preciseness of the best short story writing . $LABEL$ 1 +i walked away not really know who `` they '' were , what `` they '' looked like . $LABEL$ 0 +the movie is genial but never inspired , and little about it will stay with you . $LABEL$ 0 +what happens when something goes bump in the night and nobody cares ? $LABEL$ 0 +long on twinkly-eyed close-ups and short on shame . $LABEL$ 0 +familiar but utterly delightful . $LABEL$ 1 +the chocolate factory without charlie . $LABEL$ 0 +may offend viewers not amused by the sick sense of humor . $LABEL$ 0 +steven spielberg brings us another masterpiece $LABEL$ 1 +it made me feel unclean , and i 'm the guy who liked there 's something about mary and both american pie movies . $LABEL$ 0 +complex , sinuously plotted and , somehow , off-puttingly cold . $LABEL$ 0 +a lot of the credit for the film 's winning tone must go to grant , who has n't lost a bit of the dry humor that first made audiences on both sides of the atlantic love him . $LABEL$ 1 +the rare imax movie that you 'll wish was longer than an hour . $LABEL$ 1 +if you 're a comic fan , you ca n't miss it . $LABEL$ 1 +a marvel of production design . $LABEL$ 1 +from the choppy editing to the annoying score to ` special effects ' by way of replacing objects in a character 's hands below the camera line , `` besotted '' is misbegotten $LABEL$ 0 +a welcome relief from baseball movies that try too hard to be mythic , this one is a sweet and modest and ultimately winning story . $LABEL$ 1 +from both a great and a terrible story , mr. nelson has made a film that is an undeniably worthy and devastating experience . $LABEL$ 1 +consider it ` perfection . ' $LABEL$ 1 +affectionately reminds us that , in any language , the huge stuff in life can usually be traced back to the little things . $LABEL$ 1 +if the material is slight and admittedly manipulative , jacquot preserves tosca 's intoxicating ardor through his use of the camera . $LABEL$ 1 +like the tuck family themselves , this movie just goes on and on and on and on $LABEL$ 0 +it should be doing a lot of things , but does n't . $LABEL$ 0 +moretti ... is the rare common-man artist who 's wise enough to recognize that there are few things in this world more complex -- and , as it turns out , more fragile -- than happiness . $LABEL$ 1 +... irritating soul-searching garbage . $LABEL$ 0 +a humorless journey into a philosophical void . $LABEL$ 0 +none of this sounds promising and , indeed , the first half of sorority boys is as appalling as any ` comedy ' to ever spill from a projector 's lens . $LABEL$ 0 +you can drive right by it without noticing anything special , save for a few comic turns , intended and otherwise . $LABEL$ 0 +the film 's thoroughly recycled plot and tiresome jokes ... drag the movie down . $LABEL$ 0 +the story gives ample opportunity for large-scale action and suspense , which director shekhar kapur supplies with tremendous skill . $LABEL$ 1 +were dylan thomas alive to witness first-time director ethan hawke 's strained chelsea walls , he might have been tempted to change his landmark poem to , ` do not go gentle into that good theatre . ' $LABEL$ 0 +the film ultimately offers nothing more than people in an urban jungle needing other people to survive ... $LABEL$ 0 +triple x is a double agent , and he 's one bad dude . $LABEL$ 1 +wanders all over the map thematically and stylistically , and borrows heavily from lynch , jeunet , and von trier while failing to find a spark of its own . $LABEL$ 0 +lyne 's latest , the erotic thriller unfaithful , further demonstrates just how far his storytelling skills have eroded . $LABEL$ 0 +a determined , ennui-hobbled slog that really does n't have much to say beyond the news flash that loneliness can make people act weird . $LABEL$ 0 +fails to satisfactorily exploit its gender politics , genre thrills or inherent humor . $LABEL$ 0 +jeffs has created a breathtakingly assured and stylish work of spare dialogue and acute expressiveness . $LABEL$ 1 +daughter from danang sticks with its subjects a little longer and tells a deeper story $LABEL$ 1 +the movie 's captivating details are all in the performances , from foreman 's barking-mad taylor to thewlis 's smoothly sinister freddie and bettany\/mcdowell 's hard-eyed gangster . $LABEL$ 1 +quite frankly , i ca n't see why any actor of talent would ever work in a mcculloch production again if they looked at how this movie turned out . $LABEL$ 0 +a little more intensity and a little less charm would have saved this film a world of hurt . $LABEL$ 0 +a really good premise is frittered away in middle-of-the-road blandness . $LABEL$ 0 +a bit too eager to please . $LABEL$ 0 +sade achieves the near-impossible : it turns the marquis de sade into a dullard . $LABEL$ 0 +it seems impossible that an epic four-hour indian musical about a cricket game could be this good , but it is . $LABEL$ 1 +rarely has skin looked as beautiful , desirable , even delectable , as it does in trouble every day . $LABEL$ 1 +a piece of mildly entertaining , inoffensive fluff that drifts aimlessly for 90 minutes before lodging in the cracks of that ever-growing category : unembarrassing but unmemorable . $LABEL$ 0 +funny and also heartwarming without stooping to gooeyness . $LABEL$ 1 +this kiddie-oriented stinker is so bad that i even caught the gum stuck under my seat trying to sneak out of the theater $LABEL$ 0 +shreve 's graceful dual narrative gets clunky on the screen , and we keep getting torn away from the compelling historical tale to a less-compelling soap opera . $LABEL$ 0 +the story passes time until it 's time for an absurd finale of twisted metal , fireballs and revenge . $LABEL$ 0 +imagine a scenario where bergman approaches swedish fatalism using gary larson 's far side humor $LABEL$ 1 +he 's not good with people . $LABEL$ 0 +big mistake . $LABEL$ 0 +aan opportunity wasted . $LABEL$ 0 +y tu mamá también is hilariously , gloriously alive , and quite often hotter than georgia asphalt . $LABEL$ 1 +rubbo 's humorously tendentious intervention into the who-wrote-shakespeare controversy . $LABEL$ 1 +it is quite a vision . $LABEL$ 1 +a stupid , derivative horror film that substitutes extreme gore for suspense . $LABEL$ 0 +the color sense of stuart little 2 is its most immediate and most obvious pleasure , but it would count for very little if the movie were n't as beautifully shaped and as delicately calibrated in tone as it is . $LABEL$ 1 +downbeat , period-perfect biopic hammers home a heavy-handed moralistic message . $LABEL$ 1 +less a study in madness or love than a study in schoolgirl obsession . $LABEL$ 0 +the pairing does sound promising in theory ... but their lack of chemistry makes eddie murphy and robert deniro in showtime look like old , familiar vaudeville partners . $LABEL$ 0 +you come away thinking not only that kate is n't very bright , but that she has n't been worth caring about and that maybe she , janine and molly -- an all-woman dysfunctional family -- deserve one another . $LABEL$ 0 +if you 're looking for something new and hoping for something entertaining , you 're in luck . $LABEL$ 1 +a triumph of pure craft and passionate heart . $LABEL$ 1 +cool . $LABEL$ 1 +the film boasts dry humor and jarring shocks , plus moments of breathtaking mystery . $LABEL$ 1 +beautiful , angry and sad , with a curious sick poetry , as if the marquis de sade had gone in for pastel landscapes . $LABEL$ 1 +morvern callar confirms lynne ramsay as an important , original talent in international cinema . $LABEL$ 1 +guy gets girl , guy loses girl , audience falls asleep . $LABEL$ 0 +there are so few films about the plight of american indians in modern america that skins comes as a welcome , if downbeat , missive from a forgotten front . $LABEL$ 1 +depressingly thin and exhaustingly contrived . $LABEL$ 0 +bluer than the atlantic and more biologically detailed than an autopsy , the movie ... is , also , frequently hilarious . $LABEL$ 1 +bouquet gives a performance that is masterly . $LABEL$ 1 +it 's as sorry a mess as its director 's diabolical debut , mad cows . $LABEL$ 0 +there 's a lot to recommend read my lips . $LABEL$ 1 +i 'd rather watch a rerun of the powerpuff girls $LABEL$ 0 +this submarine drama earns the right to be favorably compared to das boot . $LABEL$ 1 +the only question ... is to determine how well the schmaltz is manufactured -- to assess the quality of the manipulative engineering . $LABEL$ 0 +it 's impossible to even categorize this as a smutty guilty pleasure . $LABEL$ 0 +maintains your interest until the end and even leaves you with a few lingering animated thoughts . $LABEL$ 1 +the movie does n't think much of its characters , its protagonist , or of us . $LABEL$ 0 +britney spears ' phoniness is nothing compared to the movie 's contrived , lame screenplay and listless direction . $LABEL$ 0 +the movie 's progression into rambling incoherence gives new meaning to the phrase ` fatal script error . ' $LABEL$ 0 +devos and cassel have tremendous chemistry -- their sexual and romantic tension , while never really vocalized , is palpable . $LABEL$ 1 +... about as exciting to watch as two last-place basketball teams playing one another on the final day of the season . $LABEL$ 0 +terrific as nadia , a russian mail-order bride who comes to america speaking not a word of english , it 's kidman who holds the film together with a supremely kittenish performance that gradually accumulates more layers . $LABEL$ 1 +he fails . $LABEL$ 0 +this new movie version of the alexandre dumas classic is the stuff of high romance , brought off with considerable wit . $LABEL$ 1 +nicolas cage is n't the first actor to lead a group of talented friends astray , and this movie wo n't create a ruffle in what is already an erratic career . $LABEL$ 0 +it 's dark but has wonderfully funny moments ; you care about the characters ; and the action and special effects are first-rate . $LABEL$ 1 +jeong-hyang lee 's film is deceptively simple , deeply satisfying . $LABEL$ 1 +the bodily function jokes are about what you 'd expect , but there are rich veins of funny stuff in this movie . $LABEL$ 1 +for a film about action , ultimate x is the gabbiest giant-screen movie ever , bogging down in a barrage of hype . $LABEL$ 0 +it 's a solid movie about people whose lives are anything but . $LABEL$ 1 +one ca n't shake the feeling that crossroads is nothing more than an hour-and-a-half-long commercial for britney 's latest album . $LABEL$ 0 +visually engrossing , seldom hammy , honorably mexican and burns its kahlories with conviction . $LABEL$ 1 +high crimes steals so freely from other movies and combines enough disparate types of films that it ca n't help but engage an audience . $LABEL$ 1 +it makes even elizabeth hurley seem graceless and ugly . $LABEL$ 0 +if you can read the subtitles -lrb- the opera is sung in italian -rrb- and you like ` masterpiece theatre ' type costumes , you 'll enjoy this movie . $LABEL$ 1 +a terrifically entertaining specimen of spielbergian sci-fi . $LABEL$ 1 +simply a re-hash of the other seven films . $LABEL$ 0 +hmmm ... might i suggest that the wayward wooden one end it all by stuffing himself into an electric pencil sharpener ? $LABEL$ 0 +a playful iranian parable about openness , particularly the need for people of diverse political perspectives to get along despite their ideological differences . $LABEL$ 1 +death might be a release . $LABEL$ 0 +the movie 's messages are quite admirable , but the story is just too clichéd and too often strains credulity . $LABEL$ 0 +a live-action cartoon , a fast-moving and cheerfully simplistic 88 minutes of exaggerated action put together with the preteen boy in mind . $LABEL$ 1 +as ex-marine walter , who may or may not have shot kennedy , actor raymond j. barry is perfectly creepy and believable . $LABEL$ 1 +the production design , score and choreography are simply intoxicating . $LABEL$ 1 +the result puts a human face on derrida , and makes one of the great minds of our times interesting and accessible to people who normally could n't care less . $LABEL$ 1 +the film is way too full of itself ; it 's stuffy and pretentious in a give-me-an-oscar kind of way . $LABEL$ 0 +according to the script , grant and bullock 's characters are made for each other . $LABEL$ 1 +the picture uses humor and a heartfelt conviction to tell a story about discovering your destination in life , but also acknowledging the places , and the people , from whence you came . $LABEL$ 1 +a perfect example of rancid , well-intentioned , but shamelessly manipulative movie making . $LABEL$ 0 +a movie version of a paint-by-numbers picture . $LABEL$ 0 +lux , now in her eighties , does a great combination act as narrator , jewish grandmother and subject -- taking us through a film that is part biography , part entertainment and part history . $LABEL$ 1 +a stylish but steady , and ultimately very satisfying , piece of character-driven storytelling . $LABEL$ 1 +the feature-length stretch ... strains the show 's concept . $LABEL$ 0 +the characters , cast in impossibly contrived situations , are totally estranged from reality . $LABEL$ 0 +a small independent film suffering from a severe case of hollywood-itis . $LABEL$ 0 +an exercise in cynicism every bit as ugly as the shabby digital photography and muddy sound . $LABEL$ 0 +ken russell would love this . $LABEL$ 1 +has all the scenic appeal of a cesspool . $LABEL$ 0 +they can and will turn on a dime from oddly humorous to tediously sentimental . $LABEL$ 1 +claire is a terrific role for someone like judd , who really ought to be playing villains . $LABEL$ 1 +kitschy , flashy , overlong soap opera . $LABEL$ 0 +its message has merit and , in the hands of a brutally honest individual like prophet jack , might have made a point or two regarding life . $LABEL$ 0 +sex is one of those films that aims to confuse . $LABEL$ 0 +first-time director joão pedro rodrigues ' unwillingness to define his hero 's background or motivations becomes more and more frustrating as the film goes on . $LABEL$ 0 +salma goes native and she 's never been better in this colorful bio-pic of a mexican icon . $LABEL$ 1 +human nature is a goofball movie , in the way that malkovich was , but it tries too hard . $LABEL$ 1 +the asylum material is gripping , as are the scenes of jia with his family . $LABEL$ 1 +a literary detective story is still a detective story and aficionados of the whodunit wo n't be disappointed . $LABEL$ 1 +the soundtrack alone is worth the price of admission . $LABEL$ 1 +it sounds like another clever if pointless excursion into the abyss , and that 's more or less how it plays out . $LABEL$ 0 +the film has the high-buffed gloss and high-octane jolts you expect of de palma , but what makes it transporting is that it 's also one of the smartest , most pleasurable expressions of pure movie love to come from an american director in years . $LABEL$ 1 +sly , sophisticated and surprising . $LABEL$ 1 +-lrb- kline 's -rrb- utterly convincing -- and deeply appealing -- as a noble teacher who embraces a strict moral code , and as a flawed human being who ca n't quite live up to it . $LABEL$ 1 +more trifle than triumph . $LABEL$ 0 +it 's hard to believe these jokers are supposed to have pulled off four similar kidnappings before . $LABEL$ 0 +murphy and wilson actually make a pretty good team ... but the project surrounding them is distressingly rote . $LABEL$ 0 +the screenplay , co-written by director imogen kimmel , lacks the wit necessary to fully exploit the comic elements of the premise , making the proceedings more bizarre than actually amusing . $LABEL$ 0 +i hope the movie is widely seen and debated with appropriate ferocity and thoughtfulness . $LABEL$ 1 +she may not be real , but the laughs are . $LABEL$ 1 +clumsy , obvious , preposterous , the movie will likely set the cause of woman warriors back decades . $LABEL$ 0 +a depressingly retrograde , ` post-feminist ' romantic comedy that takes an astonishingly condescending attitude toward women . $LABEL$ 0 +scherfig 's light-hearted profile of emotional desperation is achingly honest and delightfully cheeky . $LABEL$ 1 +you can sip your vintage wines and watch your merchant ivory productions ; i 'll settle for a nice cool glass of iced tea and a jerry bruckheimer flick any day of the week . $LABEL$ 1 +this is the kind of movie where the big scene is a man shot out of a cannon into a vat of ice cream . $LABEL$ 0 +both garcia and jagger turn in perfectly executed and wonderfully sympathetic characters , who are alternately touching and funny . $LABEL$ 1 +many went to see the attraction for the sole reason that it was hot outside and there was air conditioning inside , and i do n't think that a.c. will help this movie one bit . $LABEL$ 0 +you 'll trudge out of the theater feeling as though you rode the zipper after eating a corn dog and an extra-large cotton candy . $LABEL$ 0 +crudup 's screen presence is the one thing that holds interest in the midst of a mushy , existential exploration of why men leave their families . $LABEL$ 1 +not everyone will welcome or accept the trials of henry kissinger as faithful portraiture , but few can argue that the debate it joins is a necessary and timely one . $LABEL$ 1 +by surrounding us with hyper-artificiality , haynes makes us see familiar issues , like racism and homophobia , in a fresh way . $LABEL$ 1 +... somehow manages to escape the shackles of its own clichés to be the best espionage picture to come out in weeks . $LABEL$ 1 +a highly spirited , imaginative kid 's movie that broaches neo-augustinian theology : is god stuck in heaven because he 's afraid of his best-known creation ? $LABEL$ 1 +alas , it 's the man that makes the clothes . $LABEL$ 1 +when the fire burns out , we 've only come face-to-face with a couple dragons and that 's where the film ultimately fails . $LABEL$ 0 +this often-hilarious farce manages to generate the belly laughs of lowbrow comedy without sacrificing its high-minded appeal . $LABEL$ 1 +the pianist is polanski 's best film . $LABEL$ 1 +you feel good , you feel sad , you feel pissed off , but in the end , you feel alive - which is what they did . $LABEL$ 1 +klein , charming in comedies like american pie and dead-on in election , delivers one of the saddest action hero performances ever witnessed . $LABEL$ 0 +from the dull , surreal ache of mortal awareness emerges a radiant character portrait . $LABEL$ 1 +utter mush ... conceited pap . $LABEL$ 0 +despite its hawaiian setting , the science-fiction trimmings and some moments of rowdy slapstick , the basic plot of `` lilo '' could have been pulled from a tear-stained vintage shirley temple script . $LABEL$ 0 +gooding is the energetic frontman , and it 's hard to resist his enthusiasm , even if the filmmakers come up with nothing original in the way of slapstick sequences . $LABEL$ 1 +... the whole thing succeeded only in making me groggy . $LABEL$ 0 +just when you think that every possible angle has been exhausted by documentarians , another new film emerges with yet another remarkable yet shockingly little-known perspective . $LABEL$ 1 +think of it as gidget , only with muscles and a lot more smarts , but just as endearing and easy to watch . $LABEL$ 1 +grant carries the day with impeccable comic timing , raffish charm and piercing intellect . $LABEL$ 1 +a frustrating ` tweener ' -- too slick , contrived and exploitative for the art houses and too cynical , small and decadent for the malls . $LABEL$ 0 +predictably soulless techno-tripe . $LABEL$ 0 +the filmmakers keep pushing the jokes at the expense of character until things fall apart . $LABEL$ 0 +it 's incredible the number of stories the holocaust has generated . $LABEL$ 1 +the movie keeps coming back to the achingly unfunny phonce and his several silly subplots . $LABEL$ 0 +the film 's most improbable feat ? $LABEL$ 0 +the charm of revolution os is rather the way it introduces you to new , fervently held ideas and fanciful thinkers . $LABEL$ 1 +there is no substitute for on-screen chemistry , and when friel pulls the strings that make williams sink into melancholia , the reaction in williams is as visceral as a gut punch . $LABEL$ 1 +there are some fairly unsettling scenes , but they never succeed in really rattling the viewer . $LABEL$ 0 +possibly the most irresponsible picture ever released by a major film studio . $LABEL$ 0 +the characters are paper thin and the plot is so cliched and contrived that it makes your least favorite james bond movie seem as cleverly plotted as the usual suspects . $LABEL$ 0 +a crisp psychological drama -lrb- and -rrb- a fascinating little thriller that would have been perfect for an old `` twilight zone '' episode . $LABEL$ 1 +there is simply no doubt that this film asks the right questions at the right time in the history of our country . $LABEL$ 1 +time stands still in more ways that one in clockstoppers , a sci-fi thriller as lazy as it is interminable . $LABEL$ 0 +a dark , quirky road movie that constantly defies expectation . $LABEL$ 1 +mr. spielberg and his company just want you to enjoy yourselves without feeling conned . $LABEL$ 1 +what the audience feels is exhaustion , from watching a movie that is dark -lrb- dark green , to be exact -rrb- , sour , bloody and mean . $LABEL$ 0 +mr. polanski is in his element here : alone , abandoned , but still consoled by his art , which is more than he has ever revealed before about the source of his spiritual survival . $LABEL$ 1 +a devastating indictment of unbridled greed and materalism . $LABEL$ 0 +it feels like very light errol morris , focusing on eccentricity but failing , ultimately , to make something bigger out of its scrapbook of oddballs . $LABEL$ 0 +it 's full of cheesy dialogue , but great trashy fun that finally returns de palma to his pulpy thrillers of the early '80s . $LABEL$ 1 +diggs and lathan are among the chief reasons brown sugar is such a sweet and sexy film . $LABEL$ 1 +but this new jangle of noise , mayhem and stupidity must be a serious contender for the title . $LABEL$ 0 +darkly funny and frequently insightful . $LABEL$ 1 +formuliac , but fun . $LABEL$ 1 +there 's some good material in their story about a retail clerk wanting more out of life , but the movie too often spins its wheels with familiar situations and repetitive scenes . $LABEL$ 0 +damon brings the proper conviction to his role as -lrb- jason bourne -rrb- . $LABEL$ 1 +the movie does n't generate a lot of energy . $LABEL$ 0 +and yet , it still works . $LABEL$ 1 +it squanders chan 's uniqueness ; it could even be said to squander jennifer love hewitt ! $LABEL$ 0 +... a light , yet engrossing piece . $LABEL$ 1 +really quite funny . $LABEL$ 1 +pretty much sucks , but has a funny moment or two . $LABEL$ 0 +a singularly off-putting romantic comedy . $LABEL$ 0 +diaz wears out her welcome in her most charmless performance $LABEL$ 0 +the actors improvise and scream their way around this movie directionless , lacking any of the rollicking dark humor so necessary to make this kind of idea work on screen . $LABEL$ 0 +the off-center humor is a constant , and the ensemble gives it a buoyant delivery . $LABEL$ 1 +nearly all the fundamentals you take for granted in most films are mishandled here . $LABEL$ 0 +an eye-boggling blend of psychedelic devices , special effects and backgrounds , ` spy kids 2 ' is a visual treat for all audiences . $LABEL$ 1 +a lot of talent is wasted in this crass , low-wattage endeavor . $LABEL$ 0 +saddled with an unwieldy cast of characters and angles , but the payoff is powerful and revelatory . $LABEL$ 1 +an engaging criminal romp that will have viewers guessing just who 's being conned right up to the finale . $LABEL$ 1 +an engrossing portrait of uncompromising artists trying to create something original against the backdrop of a corporate music industry that only seems to care about the bottom line . $LABEL$ 1 +kaufman 's script is never especially clever and often is rather pretentious . $LABEL$ 0 +it celebrates the group 's playful spark of nonconformity , glancing vividly back at what hibiscus grandly called his ` angels of light . ' $LABEL$ 1 +like coming into a long-running , well-written television series where you 've missed the first half-dozen episodes and probably wo n't see the next six . $LABEL$ 0 +its flame-like , roiling black-and-white inspires trembling and gratitude . $LABEL$ 1 +although it includes a fair share of dumb drug jokes and predictable slapstick , `` orange county '' is far funnier than it would seem to have any right to be . $LABEL$ 1 +-lrb- the film -rrb- tackles the topic of relationships in such a straightforward , emotionally honest manner that by the end , it 's impossible to ascertain whether the film is , at its core , deeply pessimistic or quietly hopeful . $LABEL$ 1 +the film is weighed down by supporting characters who are either too goodly , wise and knowing or downright comically evil . $LABEL$ 0 +it 's a visual rorschach test and i must have failed . $LABEL$ 0 +an uncomfortable experience , but one as brave and challenging as you could possibly expect these days from american cinema . $LABEL$ 1 +the huskies are beautiful , the border collie is funny and the overall feeling is genial and decent . $LABEL$ 1 +charming and witty , it 's also somewhat clumsy . $LABEL$ 1 +amari has dressed up this little parable in a fairly irresistible package full of privileged moments and memorable performances . $LABEL$ 1 +with mcconaughey in an entirely irony-free zone and bale reduced mainly to batting his sensitive eyelids , there 's not enough intelligence , wit or innovation on the screen to attract and sustain an older crowd . $LABEL$ 0 +a vivid , spicy footnote to history , and a movie that grips and holds you in rapt attention from start to finish . $LABEL$ 1 +... an eerily suspenseful , deeply absorbing piece that works as a treatise on spirituality as well as a solid sci-fi thriller . $LABEL$ 1 +despite juliet stevenon 's attempt to bring cohesion to pamela 's emotional roller coaster life , it is not enough to give the film the substance it so desperately needs . $LABEL$ 0 +this film is an act of spiritual faith -- an eloquent , deeply felt meditation on the nature of compassion . $LABEL$ 1 +it all plays out ... like a high-end john hughes comedy , a kind of elder bueller 's time out . $LABEL$ 1 +what with all the blanket statements and dime-store ruminations on vanity , the worries of the rich and sudden wisdom , the film becomes a sermon for most of its running time . $LABEL$ 0 +wildly incompetent but brilliantly named half past dead -- or for seagal pessimists : totally past his prime . $LABEL$ 0 +those eternally devoted to the insanity of black will have an intermittently good time . $LABEL$ 1 +the pretensions -- and disposable story -- sink the movie . $LABEL$ 0 +she nearly glows with enthusiasm , sensuality and a conniving wit . $LABEL$ 1 +and for many of us , that 's good enough . $LABEL$ 1 +meyjes ... has done his homework and soaked up some jazzy new revisionist theories about the origins of nazi politics and aesthetics . $LABEL$ 1 +poetic , heartbreaking . $LABEL$ 1 +a memorable experience that , like many of his works , presents weighty issues colorfully wrapped up in his own idiosyncratic strain of kitschy goodwill . $LABEL$ 1 +as an actress , madonna is one helluva singer . $LABEL$ 1 +the script by vincent r. nebrida ... tries to cram too many ingredients into one small pot . $LABEL$ 0 +just as the lousy tarantino imitations have subsided , here comes the first lousy guy ritchie imitation . $LABEL$ 0 +the direction has a fluid , no-nonsense authority , and the performances by harris , phifer and cam ` ron seal the deal . $LABEL$ 1 +a film that will enthrall the whole family . $LABEL$ 1 +it just does n't have anything really interesting to say . $LABEL$ 0 +much of the lady and the duke is about quiet , decisive moments between members of the cultural elite as they determine how to proceed as the world implodes . $LABEL$ 1 +while you have to admit it 's semi-amusing to watch robert deniro belt out `` when you 're a jet , you 're a jet all the way , '' it 's equally distasteful to watch him sing the lyrics to `` tonight . '' $LABEL$ 0 +a quaint , romanticized rendering . $LABEL$ 1 +filmmakers david weissman and bill weber benefit enormously from the cockettes ' camera craziness -- not only did they film performances , but they did the same at home . $LABEL$ 1 +as chilling and fascinating as philippe mora 's modern hitler-study , snide and prejudice . $LABEL$ 1 +a little too ponderous to work as shallow entertainment , not remotely incisive enough to qualify as drama , monsoon wedding serves mostly to whet one 's appetite for the bollywood films . $LABEL$ 0 +a movie that the less charitable might describe as a castrated cross between highlander and lolita . $LABEL$ 0 +seagal , who looks more like danny aiello these days , mumbles his way through the movie . $LABEL$ 0 +a full experience , a love story and a murder mystery that expands into a meditation on the deep deceptions of innocence . $LABEL$ 1 +how do you make a movie with depth about a man who lacked any ? $LABEL$ 0 +fudges fact and fancy with such confidence that we feel as if we 're seeing something purer than the real thing . $LABEL$ 1 +the cast is top-notch and i predict there will be plenty of female audience members drooling over michael idemoto as michael . $LABEL$ 1 +sandra bullock and hugh grant make a great team , but this predictable romantic comedy should get a pink slip . $LABEL$ 0 +it 's all stitched together with energy , intelligence and verve , enhanced by a surplus of vintage archive footage . $LABEL$ 1 +so muddled , repetitive and ragged that it says far less about the horrifying historical reality than about the filmmaker 's characteristic style . $LABEL$ 0 +a faster paced family flick . $LABEL$ 1 +`` analyze that '' is one of those crass , contrived sequels that not only fails on its own , but makes you second-guess your affection for the original . $LABEL$ 0 +fairy-tale formula , serves as a paper skeleton for some very good acting , dialogue , comedy , direction and especially charm . $LABEL$ 1 +the quirky drama touches the heart and the funnybone thanks to the energetic and always surprising performance by rachel griffiths . $LABEL$ 1 +i 'm sure the filmmakers found this a remarkable and novel concept , but anybody who has ever seen an independent film can report that it is instead a cheap cliché . $LABEL$ 0 +in its understanding , often funny way , it tells a story whose restatement is validated by the changing composition of the nation . $LABEL$ 1 +let 's issue a moratorium , effective immediately , on treacly films about inspirational prep-school professors and the children they so heartwarmingly motivate . $LABEL$ 1 +tiresomely derivative and hammily acted . $LABEL$ 0 +i walked away from this new version of e.t. just as i hoped i would -- with moist eyes . $LABEL$ 1 +what should have been a cutting hollywood satire is instead about as fresh as last week 's issue of variety . $LABEL$ 0 +the film does a solid job of slowly , steadily building up to the climactic burst of violence . $LABEL$ 1 +the heart of the film is a touching reflection on aging , suffering and the prospect of death . $LABEL$ 1 +the notion of deleting emotion from people , even in an advanced prozac nation , is so insanely dysfunctional that the rampantly designed equilibrium becomes a concept doofus . $LABEL$ 0 +puts to rest any thought that the german film industry can not make a delightful comedy centering on food . $LABEL$ 1 +with the dog days of august upon us , think of this dog of a movie as the cinematic equivalent of high humidity . $LABEL$ 0 +no amount of arty theorizing -- the special effects are ` german-expressionist , ' according to the press notes -- can render it anything but laughable . $LABEL$ 0 +a well-executed spy-thriller . $LABEL$ 1 +lisa rinzler 's cinematography may be lovely , but love liza 's tale itself virtually collapses into an inhalant blackout , maintaining consciousness just long enough to achieve callow pretension . $LABEL$ 0 +the trailer is a riot . $LABEL$ 1 +this cloying , voices-from-the-other-side story is hell . $LABEL$ 0 +alas , getting there is not even half the interest . $LABEL$ 0 +a chilly , brooding but quietly resonant psychological study of domestic tension and unhappiness . $LABEL$ 1 +the result is somewhat satisfying -- it still comes from spielberg , who has never made anything that was n't at least watchable . $LABEL$ 1 +i 'll go out on a limb . $LABEL$ 1 +deflated ending aside , there 's much to recommend the film . $LABEL$ 1 +sheridan is painfully bad , a fourth-rate jim carrey who does n't understand the difference between dumb fun and just plain dumb . $LABEL$ 0 +as improbable as this premise may seem , abbass 's understated , shining performance offers us the sense that on some elemental level , lilia deeply wants to break free of her old life . $LABEL$ 1 +maybe leblanc thought , `` hey , the movie about the baseball-playing monkey was worse . '' $LABEL$ 0 +gives an intriguing twist to the french coming-of-age genre . $LABEL$ 1 +he nonetheless appreciates the art and reveals a music scene that transcends culture and race . $LABEL$ 1 +escapes the precious trappings of most romantic comedies , infusing into the story very real , complicated emotions . $LABEL$ 1 +full of bland hotels , highways , parking lots , with some glimpses of nature and family warmth , time out is a discreet moan of despair about entrapment in the maze of modern life . $LABEL$ 0 +a naturally funny film , home movie makes you crave chris smith 's next movie . $LABEL$ 1 +director hoffman , his writer and kline 's agent should serve detention $LABEL$ 0 +the quirky and recessive charms of co-stars martin donovan and mary-louise parker help overcome the problematic script . $LABEL$ 1 +it 's a mindless action flick with a twist -- far better suited to video-viewing than the multiplex . $LABEL$ 0 +as an entertainment destination for the general public , kung pow sets a new benchmark for lameness . $LABEL$ 0 +graced with the kind of social texture and realism that would be foreign in american teen comedies . $LABEL$ 1 +-lrb- allen -rrb- manages to breathe life into this somewhat tired premise . $LABEL$ 1 +the truth about charlie is that it 's a brazenly misguided project . $LABEL$ 0 +with little visible talent and no energy , colin hanks is in bad need of major acting lessons and maybe a little coffee . $LABEL$ 0 +this movie feel more like a non-stop cry for attention , than an attempt at any kind of satisfying entertainment . $LABEL$ 0 +exhilarating but blatantly biased . $LABEL$ 1 +a mostly believable , refreshingly low-key and quietly inspirational little sports drama . $LABEL$ 1 +rarely , a movie is more than a movie . $LABEL$ 1 +how this one escaped the lifetime network i 'll never know . $LABEL$ 0 +to some eyes this will seem like a recycling of clichés , an assassin 's greatest hits . $LABEL$ 0 +less funny than it should be and less funny than it thinks it is . $LABEL$ 0 +an achingly enthralling premise , the film is hindered by uneven dialogue and plot lapses . $LABEL$ 0 +the innate theatrics that provide its thrills and extreme emotions lose their luster when flattened onscreen . $LABEL$ 0 +a gentle and engrossing character study . $LABEL$ 1 +sluggish , tonally uneven . $LABEL$ 0 +ultimately , the film amounts to being lectured to by tech-geeks , if you 're up for that sort of thing . $LABEL$ 0 +the film is undone by anachronistic quick edits and occasional jarring glimpses of a modern theater audience watching the events unfold . $LABEL$ 0 +what could have easily become a cold , calculated exercise in postmodern pastiche winds up a powerful and deeply moving example of melodramatic moviemaking . $LABEL$ 1 +russell lacks the visual panache , the comic touch , and perhaps the budget of sommers 's title-bout features . $LABEL$ 0 +some remarkable achival film about how shanghai -lrb- of all places -rrb- served jews who escaped the holocaust . $LABEL$ 1 +`` interview '' loses its overall sense of mystery and becomes a tv episode rather than a documentary that you actually buy into . $LABEL$ 0 +an old-fashioned but emotionally stirring adventure tale of the kind they rarely make anymore . $LABEL$ 1 +intelligent and moving . $LABEL$ 1 +a bodice-ripper for intellectuals . $LABEL$ 1 +it 's fun , wispy , wise and surprisingly inoffensive for a film about a teen in love with his stepmom . $LABEL$ 1 +the narrator and the other characters try to convince us that acting transfigures esther , but she 's never seen speaking on stage ; one feels cheated , and esther seems to remain an unchanged dullard . $LABEL$ 0 +time out is existential drama without any of the pretension associated with the term . $LABEL$ 1 +guilty of the worst sin of attributable to a movie like this : it 's not scary in the slightest . $LABEL$ 0 +peppering this urban study with references to norwegian folktales , villeneuve creates in maelstrom a world where the bizarre is credible and the real turns magical . $LABEL$ 1 +elling builds gradually until you feel fully embraced by this gentle comedy . $LABEL$ 1 +kwan is a master of shadow , quietude , and room noise , and lan yu is a disarmingly lived-in movie . $LABEL$ 1 +maryam is a small film , but it offers large rewards . $LABEL$ 1 +ya-yas everywhere will forgive the flaws and love the film . $LABEL$ 1 +a stylistic romp that 's always fun to watch . $LABEL$ 1 +you can tell almost immediately that welcome to collinwood is n't going to jell . $LABEL$ 0 +a shimmeringly lovely coming-of-age portrait , shot in artful , watery tones of blue , green and brown . $LABEL$ 1 +its impressive images of crematorium chimney fires and stacks of dead bodies are undermined by the movie 's presentation , which is way too stagy . $LABEL$ 0 +there 's a heavy stench of ` been there , done that ' hanging over the film . $LABEL$ 0 +an affectionately goofy satire that 's unafraid to throw elbows when necessary ... $LABEL$ 1 +but never mind all that ; the boobs are fantasti $LABEL$ 1 +at every opportunity to do something clever , the film goes right over the edge and kills every sense of believability ... all you have left is a no-surprise series of explosions and violence while banderas looks like he 's not trying to laugh at how bad it $LABEL$ 0 +stress ` dumb . ' $LABEL$ 0 +katz 's documentary does n't have much panache , but with material this rich it does n't need it . $LABEL$ 1 +deadly dull , pointless meditation on losers in a gone-to-seed hotel . $LABEL$ 0 +huppert and girardot give performances of exceptional honesty . $LABEL$ 1 +where 's the movie here ? $LABEL$ 0 +an unsophisticated sci-fi drama that takes itself all too seriously . $LABEL$ 0 +whether this is art imitating life or life imitating art , it 's an unhappy situation all around . $LABEL$ 0 +it does n't take a rocket scientist to figure out that this is a mormon family movie , and a sappy , preachy one at that . $LABEL$ 0 +this makes minority report necessary viewing for sci-fi fans , as the film has some of the best special effects ever . $LABEL$ 1 +if you really want to understand what this story is really all about , you 're far better served by the source material . $LABEL$ 0 +swimming is above all about a young woman 's face , and by casting an actress whose face projects that woman 's doubts and yearnings , it succeeds . $LABEL$ 1 +mattei 's underdeveloped effort here is nothing but a convenient conveyor belt of brooding personalities that parade about as if they were coming back from stock character camp -- a drowsy drama infatuated by its own pretentious self-examination . $LABEL$ 0 +` the war of the roses , ' trailer-trash style . $LABEL$ 0 +the powerpuff girls arrive on the big screen with their super-powers , their super-simple animation and their super-dooper-adorability intact . $LABEL$ 1 +originality is sorely lacking . $LABEL$ 0 +it trusts the story it sets out to tell . $LABEL$ 1 +the film has a kind of hard , cold effect . $LABEL$ 0 +strip it of all its excess debris , and you 'd have a 90-minute , four-star movie . $LABEL$ 1 +while there 's likely very little crossover appeal to those without much interest in the elizabethans -lrb- as well as rank frustration from those in the know about rubbo 's dumbed-down tactics -rrb- , much ado about something is an amicable endeavor . $LABEL$ 1 +did we really need a remake of `` charade ? '' $LABEL$ 0 +stevens has a flair for dialogue comedy , the film operates nicely off the element of surprise , and the large cast is solid . $LABEL$ 1 +the mystery of enigma is how a rich historical subject , combined with so much first-rate talent ... could have yielded such a flat , plodding picture . $LABEL$ 0 +all leather pants & augmented boobs , hawn is hilarious as she tries to resuscitate the fun-loving libertine lost somewhere inside the conservative , handbag-clutching sarandon . $LABEL$ 1 +throughout , mr. audiard 's direction is fluid and quick . $LABEL$ 1 +the observations of this social\/economic\/urban environment are canny and spiced with irony . $LABEL$ 1 +while insomnia is in many ways a conventional , even predictable remake , nolan 's penetrating undercurrent of cerebral and cinemantic flair lends -lrb- it -rrb- stimulating depth . $LABEL$ 1 +undoubtedly the scariest movie ever made about tattoos . $LABEL$ 1 +... in the pile of useless actioners from mtv schmucks who do n't know how to tell a story for more than four minutes . $LABEL$ 0 +watching a brian depalma movie is like watching an alfred hitchcock movie after drinking twelve beers . $LABEL$ 0 +ian holm conquers france as an earthy napoleon $LABEL$ 1 +time out is as serious as a pink slip . $LABEL$ 0 +tykwer 's surface flash is n't just a poor fit with kieslowski 's lyrical pessimism ; it completely contradicts everything kieslowski 's work aspired to , including the condition of art . $LABEL$ 0 +-lrb- creates -rrb- the worst kind of mythologizing , the kind that sacrifices real heroism and abject suffering for melodrama . $LABEL$ 0 +director tom shadyac and star kevin costner glumly mishandle the story 's promising premise of a physician who needs to heal himself . $LABEL$ 0 +a tremendous piece of work . $LABEL$ 1 +as an actor 's showcase , hart 's war has much to recommend it , even if the top-billed willis is not the most impressive player . $LABEL$ 1 +a pretty funny movie , with most of the humor coming , as before , from the incongruous but chemically perfect teaming of crystal and de niro . $LABEL$ 1 +there 's something poignant about an artist of 90-plus years taking the effort to share his impressions of life and loss and time and art with us . $LABEL$ 1 +our culture is headed down the toilet with the ferocity of a frozen burrito after an all-night tequila bender -- and i know this because i 've seen ` jackass : the movie . ' $LABEL$ 0 +moonlight mile does n't quite go the distance but the cast is impressive and they all give life to these broken characters who are trying to make their way through this tragedy . $LABEL$ 1 +american and european cinema has amassed a vast holocaust literature , but it is impossible to think of any film more challenging or depressing than the grey zone . $LABEL$ 0 +the script is too mainstream and the psychology too textbook to intrigue . $LABEL$ 0 +if you recognize zeus -lrb- the dog from snatch -rrb- it will make you wish you were at home watching that movie instead of in the theater watching this one . $LABEL$ 0 +wilco is a phenomenal band with such an engrossing story that will capture the minds and hearts of many . $LABEL$ 1 +though nijinsky 's words grow increasingly disturbed , the film maintains a beguiling serenity and poise that make it accessible for a non-narrative feature . $LABEL$ 1 +parker updates the setting in an attempt to make the film relevant today , without fully understanding what it was that made the story relevant in the first place . $LABEL$ 0 +this movie may not have the highest production values you 've ever seen , but it 's the work of an artist , one whose view of america , history and the awkwardness of human life is generous and deep . $LABEL$ 1 +brings together some of the biggest names in japanese anime , with impressive results . $LABEL$ 1 +woefully pretentious . $LABEL$ 0 +mattei so completely loses himself to the film 's circular structure to ever offer any insightful discourse on , well , love in the time of money . $LABEL$ 0 +-lrb- leigh -rrb- has a true talent for drawing wrenching performances from his actors -lrb- improvised over many months -rrb- and for conveying the way tiny acts of kindness make ordinary life survivable . $LABEL$ 1 +director douglas mcgrath takes on nickleby with all the halfhearted zeal of an 8th grade boy delving into required reading . $LABEL$ 0 +godard uses his characters -- if that 's not too glorified a term -- as art things , mouthpieces , visual motifs , blanks . $LABEL$ 0 +there 's plenty to enjoy -- in no small part thanks to lau . $LABEL$ 1 +gaping plot holes sink this ` sub ' - standard thriller and drag audience enthusiasm to crush depth . $LABEL$ 0 +no surprises . $LABEL$ 0 +the film is so bad it does n't improve upon the experience of staring at a blank screen . $LABEL$ 0 +a stylish cast and some clever scripting solutions help chicago make the transition from stage to screen with considerable appeal intact . $LABEL$ 1 +conforms itself with creating a game of ` who 's who ' ... where the characters ' moves are often more predictable than their consequences . $LABEL$ 0 +an effective portrait of a life in stasis -- of the power of inertia to arrest development in a dead-end existence . $LABEL$ 1 +nights feels more like a quickie tv special than a feature film ... it 's not even a tv special you 'd bother watching past the second commercial break . $LABEL$ 0 +blue crush is as predictable as the tides . $LABEL$ 0 +we 're left with a story that tries to grab us , only to keep letting go at all the wrong moments . $LABEL$ 0 +the subtitled costume drama is set in a remote african empire before cell phones , guns , and the internal combustion engine , but the politics that thump through it are as timely as tomorrow . $LABEL$ 1 +with minimal imagination , you could restage the whole thing in your bathtub . $LABEL$ 0 +just consider what new best friend does not have , beginning with the minor omission of a screenplay . $LABEL$ 0 +instead of contriving a climactic hero 's death for the beloved-major - character-who-shall - remain-nameless , why not invite some genuine spontaneity into the film by having the evil aliens ' laser guns actually hit something for once ? $LABEL$ 0 +brown sugar signals director rick famuyiwa 's emergence as an articulate , grown-up voice in african-american cinema . $LABEL$ 1 +their computer-animated faces are very expressive . $LABEL$ 1 +not only is it hokey , manipulative and as bland as wonder bread dipped in milk , but it also does the absolute last thing we need hollywood doing to us : it preaches . $LABEL$ 0 +the acting is n't much better . $LABEL$ 0 +a powerful and telling story that examines forbidden love , racial tension , and other issues that are as valid today as they were in the 1950s . $LABEL$ 1 +another best of the year selection . $LABEL$ 1 +the film runs on a little longer than it needs to -- muccino either does n't notice when his story ends or just ca n't tear himself away from the characters -- but it 's smooth and professional . $LABEL$ 0 +it 's just too bad the screenwriters eventually shoot themselves in the feet with cop flick cliches like an oily arms dealer , squad car pile-ups and the requisite screaming captain . $LABEL$ 0 +its one-sidedness ... flirts with propaganda . $LABEL$ 0 +the overall effect is awe and affection -- and a strange urge to get on a board and , uh , shred , dude . $LABEL$ 1 +the underworld urban angst is derivative of martin scorsese 's taxi driver and goodfellas , but this film speaks for itself . $LABEL$ 1 +` synthetic ' is the best description of this well-meaning , beautifully produced film that sacrifices its promise for a high-powered star pedigree . $LABEL$ 0 +the film proves unrelentingly grim -- and equally engrossing . $LABEL$ 1 +too clumsy in key moments ... to make a big splash . $LABEL$ 0 +a small gem of a movie that defies classification and is as thought-provoking as it is funny , scary and sad . $LABEL$ 1 +the château would have been benefited from a sharper , cleaner script before it went in front of the camera . $LABEL$ 0 +... quite good at providing some good old fashioned spooks . $LABEL$ 1 +arliss howard 's ambitious , moving , and adventurous directorial debut , big bad love , meets so many of the challenges it poses for itself that one can forgive the film its flaws . $LABEL$ 1 +` the château is never quite able to overcome the cultural moat surrounding its ludicrous and contrived plot . ' $LABEL$ 0 +in that setting , their struggle is simply too ludicrous and borderline insulting . $LABEL$ 0 +i am not generally a huge fan of cartoons derived from tv shows , but hey arnold ! $LABEL$ 1 +literary purists may not be pleased , but as far as mainstream matinee-style entertainment goes , it does a bang-up job of pleasing the crowds . $LABEL$ 1 +it 's rare to see a movie that takes such a speedy swan dive from `` promising '' to `` interesting '' to `` familiar '' before landing squarely on `` stupid '' . $LABEL$ 0 +a wild ride of a movie that keeps throwing fastballs . $LABEL$ 1 +tunney , brimming with coltish , neurotic energy , holds the screen like a true star . $LABEL$ 1 +the actresses find their own rhythm and protect each other from the script 's bad ideas and awkwardness . $LABEL$ 1 +romething 's really wrong with this ricture ! $LABEL$ 0 +an uninspired preachy and clichéd war film . $LABEL$ 0 +el crimen del padre amaro would likely be most effective if used as a tool to rally anti-catholic protestors . $LABEL$ 0 +a processed comedy chop suey . $LABEL$ 0 +rouge is less about a superficial midlife crisis than it is about the need to stay in touch with your own skin , at 18 or 80 . $LABEL$ 1 +part of the charm of satin rouge is that it avoids the obvious with humour and lightness . $LABEL$ 1 +its story about a young chinese woman , ah na , who has come to new york city to replace past tragedy with the american dream is one that any art-house moviegoer is likely to find compelling . $LABEL$ 1 +great performances , stylish cinematography and a gritty feel help make gangster no. 1 a worthwhile moviegoing experience . $LABEL$ 1 +but that they are doing it is thought-provoking . $LABEL$ 1 +the film has a nearly terminal case of the cutes , and it 's neither as funny nor as charming as it thinks it is . $LABEL$ 0 +the screenplay flounders under the weight of too many story lines . $LABEL$ 0 +an improvement on the feeble examples of big-screen poke-mania that have preceded it . $LABEL$ 1 +manages to please its intended audience -- children -- without placing their parents in a coma-like state . $LABEL$ 1 +what starts off as a possible argentine american beauty reeks like a room stacked with pungent flowers . $LABEL$ 0 +serving sara should be served an eviction notice at every theater stuck with it . $LABEL$ 0 +what 's hard to understand is why anybody picked it up . $LABEL$ 0 +a winning and wildly fascinating work . $LABEL$ 1 +blue crush is so prolonged and boring it is n't even close to being the barn-burningly bad movie it promised it would be . $LABEL$ 0 +for once , a movie does not proclaim the truth about two love-struck somebodies , but permits them time and space to convince us of that all on their own . $LABEL$ 1 +-lrb- fincher 's -rrb- camera sense and assured pacing make it an above-average thriller . $LABEL$ 1 +but while the highly predictable narrative falls short , treasure planet is truly gorgeous to behold . $LABEL$ 1 +there must be an audience that enjoys the friday series , but i would n't be interested in knowing any of them personally . $LABEL$ 0 +some fine acting , but ultimately a movie with no reason for being . $LABEL$ 0 +and if you appreciate the one-sided theme to lawrence 's over-indulgent tirade , then knock yourself out and enjoy the big screen postcard that is a self-glorified martin lawrence lovefest . $LABEL$ 0 +it 's consistently funny , in an irresistible junior-high way , and consistently free of any gag that would force you to give it a millisecond of thought . $LABEL$ 1 +it 's definitely not made for kids or their parents , for that matter , and i think even fans of sandler 's comic taste may find it uninteresting . $LABEL$ 0 +things really get weird , though not particularly scary : the movie is all portent and no content . $LABEL$ 0 +a properly spooky film about the power of spirits to influence us whether we believe in them or not . $LABEL$ 1 +drawing on an irresistible , languid romanticism , byler reveals the ways in which a sultry evening or a beer-fueled afternoon in the sun can inspire even the most retiring heart to venture forth . $LABEL$ 1 +there 's absolutely no reason why blue crush , a late-summer surfer girl entry , should be as entertaining as it is $LABEL$ 1 +mike leigh populates his movie with a wonderful ensemble cast of characters that bring the routine day to day struggles of the working class to life $LABEL$ 1 +contains a few big laughs but many more that graze the funny bone or miss it altogether , in part because the consciously dumbed-down approach wears thin . $LABEL$ 0 +transforms one of -lrb- shakespeare 's -rrb- deepest tragedies into a smart new comedy . $LABEL$ 1 +successfully blended satire , high camp and yet another sexual taboo into a really funny movie . $LABEL$ 1 +a sweet-tempered comedy that forgoes the knee-jerk misogyny that passes for humor in so many teenage comedies . $LABEL$ 1 +an elegant film with often surprising twists and an intermingling of naiveté and sophistication . $LABEL$ 1 +even better than the first one ! $LABEL$ 1 +i ca n't recommend it . $LABEL$ 0 +poor ben bratt could n't find stardom if mapquest emailed him point-to-point driving directions . $LABEL$ 0 +more of the same from taiwanese auteur tsai ming-liang , which is good news to anyone who 's fallen under the sweet , melancholy spell of this unique director 's previous films . $LABEL$ 1 +allen shows he can outgag any of those young whippersnappers making moving pictures today . $LABEL$ 1 +by-the-numbers yarn . $LABEL$ 0 +on the granger movie gauge of 1 to 10 , the powerpuff girls is a fast , frenetic , funny , even punny 6 -- aimed specifically at a grade-school audience . $LABEL$ 1 +those who trek to the ` plex predisposed to like it probably will enjoy themselves . $LABEL$ 1 +an ambitious ` what if ? ' $LABEL$ 1 +when a movie has stuck around for this long , you know there 's something there . $LABEL$ 1 +nothing wrong with performances here , but the whiney characters bugged me . $LABEL$ 0 +it 's a boring movie about a boring man , made watchable by a bravura performance from a consummate actor incapable of being boring . $LABEL$ 1 +a first-class , thoroughly involving b movie that effectively combines two surefire , beloved genres -- the prison flick and the fight film . $LABEL$ 1 +the lady and the duke is a smart , romantic drama that dares to depict the french revolution from the aristocrats ' perspective . $LABEL$ 1 +even if you 've seen `` stomp '' -lrb- the stage show -rrb- , you still have to see this ! $LABEL$ 1 +this familiar rise-and-fall tale is long on glamour and short on larger moralistic consequences , though it 's told with sharp ears and eyes for the tenor of the times . $LABEL$ 1 +the ensemble cast turns in a collectively stellar performance , and the writing is tight and truthful , full of funny situations and honest observations . $LABEL$ 1 +while not all that bad of a movie , it 's nowhere near as good as the original . $LABEL$ 0 +as broad and cartoonish as the screenplay is , there is an accuracy of observation in the work of the director , frank novak , that keeps the film grounded in an undeniable social realism . $LABEL$ 1 +its use of the thriller form to examine the labyrinthine ways in which people 's lives cross and change , buffeted by events seemingly out of their control , is intriguing , provocative stuff . $LABEL$ 1 +a less-than-thrilling thriller . $LABEL$ 0 +would 've been nice if the screenwriters had trusted audiences to understand a complex story , and left off the film 's predictable denouement . $LABEL$ 0 +the hard-to-predict and absolutely essential chemistry between the down-to-earth bullock and the nonchalant grant proves to be sensational , and everything meshes in this elegant entertainment . $LABEL$ 1 +some of the most ravaging , gut-wrenching , frightening war scenes since `` saving private ryan '' have been recreated by john woo in this little-known story of native americans and their role in the second great war . $LABEL$ 1 +morton deserves an oscar nomination . $LABEL$ 1 +you 'll just have your head in your hands wondering why lee 's character did n't just go to a bank manager and save everyone the misery . $LABEL$ 0 +by turns pretentious , fascinating , ludicrous , provocative and vainglorious . $LABEL$ 1 +it 's kind of sad that so many people put so much time and energy into this turkey . $LABEL$ 0 +-lrb- davis -rrb- wants to cause his audience an epiphany , yet he refuses to give us real situations and characters . $LABEL$ 0 +it all looks and plays like a $ 40 million version of a game you 're more likely to enjoy on a computer . $LABEL$ 0 +van wilder has a built-in audience , but only among those who are drying out from spring break and are still unconcerned about what they ingest . $LABEL$ 0 +forget the psychology 101 study of romantic obsession and just watch the procession of costumes in castles and this wo n't seem like such a bore . $LABEL$ 0 +it 's too harsh to work as a piece of storytelling , but as an intellectual exercise -- an unpleasant debate that 's been given the drive of a narrative and that 's been acted out -- the believer is nothing less than a provocative piece of work . $LABEL$ 1 +there 's no excuse for following up a delightful , well-crafted family film with a computer-generated cold fish . $LABEL$ 0 +a very capable nailbiter . $LABEL$ 1 +one scene after another in this supposedly funny movie falls to the floor with a sickening thud . $LABEL$ 0 +a witty , whimsical feature debut . $LABEL$ 1 +`` -lrb- hopkins -rrb- does n't so much phone in his performance as fax it . $LABEL$ 0 +a moving and stark reminder that the casualties of war reach much further than we imagine . $LABEL$ 1 +no big whoop , nothing new to see , zero thrills , too many flashbacks and a choppy ending make for a bad film . $LABEL$ 0 +wedding feels a bit anachronistic . $LABEL$ 0 +it 's like rocky and bullwinkle on speed , but that 's neither completely enlightening , nor does it catch the intensity of the movie 's strangeness . $LABEL$ 0 +schepisi , aided by a cast that seems to include every top-notch british actor who did not appear in gosford park -lrb- as well as one , ms. mirren , who did -rrb- , has succeeded beyond all expectation . $LABEL$ 1 +this movie got me grinning . $LABEL$ 1 +a haunting tale of murder and mayhem . $LABEL$ 1 +weighted down with slow , uninvolving storytelling and flat acting . $LABEL$ 0 +me without you has a bracing truth that 's refreshing after the phoniness of female-bonding pictures like divine secrets of the ya-ya sisterhood . $LABEL$ 1 +consummate actor barry has done excellent work here . $LABEL$ 1 +a decent-enough nail-biter that stands a good chance of being the big hit franklin needs to stay afloat in hollywood . $LABEL$ 1 +... the plot weaves us into a complex web . $LABEL$ 1 +too infuriatingly quirky and taken with its own style . $LABEL$ 0 +the most opaque , self-indulgent and just plain goofy an excuse for a movie as you can imagine . $LABEL$ 0 +the scorpion king is more fun than conan the barbarian . $LABEL$ 1 +he has a great cast and a great idea . $LABEL$ 1 +`` sweet home alabama '' is what it is -- a nice , harmless date film ... $LABEL$ 1 +even when there are lulls , the emotions seem authentic , and the picture is so lovely toward the end ... you almost do n't notice the 129-minute running time . $LABEL$ 1 +diaz , applegate , blair and posey are suitably kooky which should appeal to women and they strip down often enough to keep men alert , if not amused . $LABEL$ 1 +sure , it 's contrived and predictable , but its performances are so well tuned that the film comes off winningly , even though it 's never as solid as you want it to be . $LABEL$ 1 +sadly , full frontal plays like the work of a dilettante . $LABEL$ 0 +runs on the pure adrenalin of pacino 's performance . $LABEL$ 1 +the tuxedo was n't just bad ; it was , as my friend david cross would call it , ` hungry-man portions of bad ' . $LABEL$ 0 +shyamalan takes a potentially trite and overused concept -lrb- aliens come to earth -rrb- and infuses it into a rustic , realistic , and altogether creepy tale of hidden invasion . $LABEL$ 1 +`` spider-man is better than any summer blockbuster we had to endure last summer , and hopefully , sets the tone for a summer of good stuff . $LABEL$ 1 +the film is visually dazzling , the depicted events dramatic , funny and poignant . $LABEL$ 1 +... a complete shambles of a movie so sloppy , so uneven , so damn unpleasant that i ca n't believe any viewer , young or old , would have a good time here . $LABEL$ 0 +like many western action films , this thriller is too loud and thoroughly overbearing , but its heartfelt concern about north korea 's recent past and south korea 's future adds a much needed moral weight . $LABEL$ 1 +a charmer from belgium . $LABEL$ 1 +it 's not only dull because we 've seen -lrb- eddie -rrb- murphy do the genial-rogue shtick to death , but because the plot is equally hackneyed . $LABEL$ 0 +even during the climactic hourlong cricket match , boredom never takes hold . $LABEL$ 1 +a movie that sends you out of the theater feeling like you 've actually spent time living in another community . $LABEL$ 1 +pipe dream does have its charms . $LABEL$ 1 +if you 're part of her targeted audience , you 'll cheer . $LABEL$ 1 +crush could be the worst film a man has made about women since valley of the dolls . $LABEL$ 0 +it 's very beavis and butthead , yet always seems to elicit a chuckle . $LABEL$ 1 +solaris is rigid and evasive in ways that soderbergh 's best films , `` erin brockovich , '' `` out of sight '' and `` ocean 's eleven , '' never were . $LABEL$ 1 +a modestly made but profoundly moving documentary . $LABEL$ 1 +... grows decidedly flimsier with its many out-sized , out of character and logically porous action set pieces . $LABEL$ 0 +fessenden continues to do interesting work , and it would be nice to see what he could make with a decent budget . $LABEL$ 1 +as a feature-length film , it wears out its welcome as tryingly as the title character . $LABEL$ 0 +frank capra played this story straight . $LABEL$ 1 +control-alt-delete simone as quickly as possible $LABEL$ 0 +nevertheless , it still seems endless . $LABEL$ 0 +there 's a persistent theatrical sentiment and a woozy quality to the manner of the storytelling , which undercuts the devastatingly telling impact of utter loss personified in the film 's simple title . $LABEL$ 0 +mel gibson fights the good fight in vietnam in director randall wallace 's flag-waving war flick with a core of decency . $LABEL$ 1 +for a film that 's being advertised as a comedy , sweet home alabama is n't as funny as you 'd hoped . $LABEL$ 0 +`` barbershop '' is a good-hearted ensemble comedy with a variety of quirky characters and an engaging story . $LABEL$ 1 +though lan yu lacks a sense of dramatic urgency , the film makes up for it with a pleasing verisimilitude . $LABEL$ 1 +this hastily mounted production exists only to capitalize on hopkins ' inclination to play hannibal lecter again , even though harris has no immediate inclination to provide a fourth book . $LABEL$ 0 +fortunately , elling never gets too cloying thanks to the actors ' perfect comic timing and sweet , genuine chemistry . $LABEL$ 1 +but it has an ambition to say something about its subjects , but not a willingness . $LABEL$ 0 +please , someone , stop eric schaeffer before he makes another film . $LABEL$ 0 +sheridan had a wonderful account to work from , but , curiously , he waters it down , turning grit and vulnerability into light reading . $LABEL$ 0 +despite its faults , gangs excels in spectacle and pacing . $LABEL$ 1 +a loud , low-budget and tired formula film that arrives cloaked in the euphemism ` urban drama . ' $LABEL$ 0 +lovingly photographed in the manner of a golden book sprung to life , stuart little 2 manages sweetness largely without stickiness . $LABEL$ 1 +provides a satisfactory overview of the bizarre world of extreme athletes as several daredevils express their own views . $LABEL$ 1 +flat , misguided comedy . $LABEL$ 0 +it 's been done before but never so vividly or with so much passion . $LABEL$ 1 +berling and béart ... continue to impress , and isabelle huppert ... again shows uncanny skill in getting under the skin of her characters . $LABEL$ 1 +serious movie-goers embarking upon this journey will find that the road to perdition leads to a satisfying destination . $LABEL$ 1 +this overproduced piece of dreck is shockingly bad and absolutely unnecessary . $LABEL$ 0 +there are moments of hilarity to be had . $LABEL$ 1 +it 's hard to imagine anyone managing to steal a movie not only from charismatic rising star jake gyllenhaal but also from accomplished oscar winners susan sarandon , dustin hoffman and holly hunter , yet newcomer ellen pompeo pulls off the feat with aplomb . $LABEL$ 1 +i never thought i 'd say this , but i 'd much rather watch teens poking their genitals into fruit pies ! $LABEL$ 0 +i suspect this is the kind of production that would have been funnier if the director had released the outtakes theatrically and used the film as a bonus feature on the dvd . $LABEL$ 0 +it offers a glimpse of the solomonic decision facing jewish parents in those turbulent times : to save their children and yet to lose them . $LABEL$ 1 +the film jolts the laughs from the audience -- as if by cattle prod . $LABEL$ 1 +plodding , poorly written , murky and weakly acted , the picture feels as if everyone making it lost their movie mojo . $LABEL$ 0 +elegant , mannered and teasing . $LABEL$ 1 +... plays like a badly edited , 91-minute trailer -lrb- and -rrb- the director ca n't seem to get a coherent rhythm going . $LABEL$ 0 +there are flaws , but also stretches of impact and moments of awe ; we 're wrapped up in the characters , how they make their choices , and why . $LABEL$ 1 +by turns touching , raucously amusing , uncomfortable , and , yes , even sexy , never again is a welcome and heartwarming addition to the romantic comedy genre . $LABEL$ 1 +not the great american comedy , but if you liked the previous movies in the series , you 'll have a good time with this one too . $LABEL$ 1 +kapur 's contradictory feelings about his material result in a movie that works against itself . $LABEL$ 0 +but they fascinate in their recklessness . $LABEL$ 1 +a heartbreakingly thoughtful minor classic , the work of a genuine and singular artist . $LABEL$ 1 +this is an action movie with an action icon who 's been all but decommissioned . $LABEL$ 0 +worth catching for griffiths ' warm and winning central performance . $LABEL$ 1 +` cq may one day be fondly remembered as roman coppola 's brief pretentious period before going on to other films that actually tell a story worth caring about $LABEL$ 0 +who cares ? -rrb- . $LABEL$ 0 +neither revelatory nor truly edgy -- merely crassly flamboyant and comedically labored . $LABEL$ 0 +an unflinching , complex portrait of a modern israel that is rarely seen on-screen . $LABEL$ 1 +the first question to ask about bad company is why anthony hopkins is in it . $LABEL$ 0 +an intelligent romantic thriller of a very old-school kind of quality . $LABEL$ 1 +it 's difficult to feel anything much while watching this movie , beyond mild disturbance or detached pleasure at the acting . $LABEL$ 0 +a distinctly mixed bag , the occasional bursts of sharp writing alternating with lots of sloppiness and the obligatory moments of sentimental ooze . $LABEL$ 0 +a b-movie you can sit through , enjoy on a certain level and then forget . $LABEL$ 1 +a fascinating , dark thriller that keeps you hooked on the delicious pulpiness of its lurid fiction . $LABEL$ 1 +enjoyably dumb , sweet , and intermittently hilarious -- if you 've a taste for the quirky , steal a glimpse . $LABEL$ 1 +there 's a great deal of corny dialogue and preposterous moments . $LABEL$ 0 +williams absolutely nails sy 's queasy infatuation and overall strangeness . $LABEL$ 1 +curiously , super troopers suffers because it does n't have enough vices to merit its 103-minute length . $LABEL$ 0 +as exciting as all this exoticism might sound to the typical pax viewer , the rest of us will be lulled into a coma . $LABEL$ 0 +watch barbershop again if you 're in need of a cube fix -- this is n't worth sitting through . $LABEL$ 0 +an awkwardly garish showcase that diverges from anything remotely probing or penetrating . $LABEL$ 0 +certain to be distasteful to children and adults alike , eight crazy nights is a total misfire . $LABEL$ 0 +i have n't laughed that hard in years ! $LABEL$ 1 +sorvino is delightful in the central role . $LABEL$ 1 +a gracious , eloquent film that by its end offers a ray of hope to the refugees able to look ahead and resist living in a past forever lost . $LABEL$ 1 +what a great way to spend 4 units of your day . $LABEL$ 1 +a passionately inquisitive film determined to uncover the truth and hopefully inspire action . $LABEL$ 1 +both a successful adaptation and an enjoyable film in its own right . $LABEL$ 1 +and vin diesel is the man . $LABEL$ 1 +just a kiss is a just a waste . $LABEL$ 0 +murder by numbers just does n't add up . $LABEL$ 0 +all three descriptions suit evelyn , a besotted and obvious drama that tells us nothing new . $LABEL$ 0 +this is popcorn movie fun with equal doses of action , cheese , ham and cheek -lrb- as well as a serious debt to the road warrior -rrb- , but it feels like unrealized potential $LABEL$ 1 +in death to smoochy , we do n't get williams ' usual tear and a smile , just sneers and bile , and the spectacle is nothing short of refreshing . $LABEL$ 1 +an uneven mix of dark satire and childhood awakening . $LABEL$ 0 +the movie is about as humorous as watching your favorite pet get buried alive . $LABEL$ 0 +bears is even worse than i imagined a movie ever could be . $LABEL$ 0 +dramatically lackluster . $LABEL$ 0 +made eddie murphy a movie star and the man has n't aged a day . $LABEL$ 1 +this is an undeniably intriguing film from an adventurous young talent who finds his inspiration on the fringes of the american underground . $LABEL$ 1 +yes , mibii is rote work and predictable , but with a philosophical visual coming right at the end that extravagantly redeems it . $LABEL$ 1 +their contrast is neither dramatic nor comic -- it 's just a weird fizzle . $LABEL$ 0 +all the characters are clinically depressed and have abandoned their slim hopes and dreams . $LABEL$ 0 +tartakovsky 's team has some freakish powers of visual charm , but the five writers slip into the modern rut of narrative banality . $LABEL$ 0 +a gently funny , sweetly adventurous film that makes you feel genuinely good , that is to say , entirely unconned by false sentiment or sharp , overmanipulative hollywood practices . $LABEL$ 1 +tries too hard to be funny in a way that 's too loud , too goofy and too short of an attention span . $LABEL$ 0 +the obnoxious title character provides the drama that gives added clout to this doc . $LABEL$ 1 +you emerge dazed , confused as to whether you 've seen pornography or documentary . $LABEL$ 0 +lucy 's a dull girl , that 's all . $LABEL$ 0 +sensitive ensemble performances and good period reconstruction add up to a moving tragedy with some buoyant human moments . $LABEL$ 1 +directed without the expected flair or imagination by hong kong master john woo , windtalkers airs just about every cliche in the war movie compendium across its indulgent two-hour-and-fifteen-minute length . $LABEL$ 0 +it looks closely , insightfully at fragile , complex relationships . $LABEL$ 1 +the story has some nice twists but the ending and some of the back-story is a little tired . $LABEL$ 0 +is an inexpressible and drab wannabe looking for that exact niche . $LABEL$ 0 +the mothman prophecies , which is mostly a bore , seems to exist only for its climactic setpiece . $LABEL$ 0 +spirit is a visual treat , and it takes chances that are bold by studio standards , but it lacks a strong narrative . $LABEL$ 1 +this is one of the rarest kinds of films : a family-oriented non-disney film that is actually funny without hitting below the belt . $LABEL$ 1 +for almost the first two-thirds of martin scorsese 's 168-minute gangs of new york , i was entranced . $LABEL$ 1 +... a cheap , ludicrous attempt at serious horror . $LABEL$ 0 +an unremittingly ugly movie to look at , listen to , and think about , it is quite possibly the sturdiest example yet of why the dv revolution has cheapened the artistry of making a film . $LABEL$ 0 +enticing and often funny documentary . $LABEL$ 1 +but one thing 's for sure : it never comes close to being either funny or scary . $LABEL$ 0 +the movie eventually snaps under the strain of its plot contrivances and its need to reassure . $LABEL$ 0 +whereas oliver stone 's conspiracy thriller jfk was long , intricate , star-studded and visually flashy , interview with the assassin draws its considerable power from simplicity . $LABEL$ 1 +the komediant is a tale worth catching . $LABEL$ 1 +the holes in this film remain agape -- holes punched through by an inconsistent , meandering , and sometimes dry plot . $LABEL$ 0 +worth seeing just for weaver and lapaglia . $LABEL$ 1 +it follows the blair witch formula for an hour , in which we 're told something creepy and vague is in the works , and then it goes awry in the final 30 minutes . $LABEL$ 0 +an encouraging effort from mccrudden $LABEL$ 1 +i was amused and entertained by the unfolding of bielinsky 's cleverly constructed scenario , and greatly impressed by the skill of the actors involved in the enterprise . $LABEL$ 1 +such master screenwriting comes courtesy of john pogue , the yale grad who previously gave us `` the skulls '' and last year 's `` rollerball . '' $LABEL$ 1 +initially gripping , eventually cloying pow drama . $LABEL$ 1 +this is not a jackie chan movie . $LABEL$ 0 +chamber of secrets will find millions of eager fans . $LABEL$ 1 +lacks the visual flair and bouncing bravado that characterizes better hip-hop clips and is content to recycle images and characters that were already tired 10 years ago . $LABEL$ 0 +a timid , soggy near miss . $LABEL$ 0 +a solidly constructed , entertaining thriller that stops short of true inspiration . $LABEL$ 1 +a quiet family drama with a little bit of romance and a dose of darkness . $LABEL$ 1 +smith examines the intimate , unguarded moments of folks who live in unusual homes -- which pop up in nearly every corner of the country . $LABEL$ 1 +i admire it and yet can not recommend it , because it overstays its natural running time . $LABEL$ 0 +thoroughly engrossing and ultimately tragic . $LABEL$ 0 +i can analyze this movie in three words : thumbs friggin ' down . $LABEL$ 0 +if only it were , well , funnier . $LABEL$ 0 +it is messy , uncouth , incomprehensible , vicious and absurd . $LABEL$ 0 +from its invitingly upbeat overture to its pathos-filled but ultimately life-affirming finale , martin is a masterfully conducted work . $LABEL$ 1 +charly comes off as emotionally manipulative and sadly imitative of innumerable past love story derisions . $LABEL$ 0 +kung pow seems like some futile concoction that was developed hastily after oedekerk and his fellow moviemakers got through crashing a college keg party . $LABEL$ 0 +its premise is smart , but the execution is pretty weary . $LABEL$ 0 +an engrossing iranian film about two itinerant teachers and some lost and desolate people they encounter in a place where war has savaged the lives and liberties of the poor and the dispossessed . $LABEL$ 1 +for those for whom the name woody allen was once a guarantee of something fresh , sometimes funny , and usually genuinely worthwhile , hollywood ending is a depressing experience $LABEL$ 0 +somewhere inside the mess that is world traveler , there is a mediocre movie trying to get out . $LABEL$ 0 +first and foremost ... the reason to go see `` blue crush '' is the phenomenal , water-born cinematography by david hennings . $LABEL$ 1 +connoisseurs of chinese film will be pleased to discover that tian 's meticulous talent has not withered during his enforced hiatus . $LABEL$ 1 +gaunt , silver-haired and leonine , -lrb- harris -rrb- brings a tragic dimension and savage full-bodied wit and cunning to the aging sandeman . $LABEL$ 1 +left me with the visceral sensation of longing , lasting traces of charlotte 's web of desire and desperation . $LABEL$ 1 +the problem with the bread , my sweet is that it 's far too sentimental . $LABEL$ 0 +combines a comically dismal social realism with a farcically bawdy fantasy of redemption and regeneration . $LABEL$ 1 +loud , chaotic and largely unfunny . $LABEL$ 0 +the main characters are simply named the husband , the wife and the kidnapper , emphasizing the disappointingly generic nature of the entire effort . $LABEL$ 0 +a movie to forget $LABEL$ 0 +rife with nutty cliches and far too much dialogue . $LABEL$ 0 +starts out with tremendous promise , introducing an intriguing and alluring premise , only to fall prey to a boatload of screenwriting cliches that sink it faster than a leaky freighter . $LABEL$ 0 +a raunchy and frequently hilarious follow-up to the gifted korean american stand-up 's i 'm the one that i want . $LABEL$ 1 +a completely spooky piece of business that gets under your skin and , some plot blips aside , stays there for the duration . $LABEL$ 1 +an artful yet depressing film that makes a melodramatic mountain out of the molehill of a missing bike . $LABEL$ 0 +the movie ends with outtakes in which most of the characters forget their lines and just utter ` uhhh , ' which is better than most of the writing in the movie . $LABEL$ 0 +if that does n't clue you in that something 's horribly wrong , nothing will . $LABEL$ 0 +this loud and thoroughly obnoxious comedy about a pair of squabbling working-class spouses is a deeply unpleasant experience . $LABEL$ 0 +it 's not an easy one to review . $LABEL$ 0 +ultimately , in the history of the academy , people may be wondering what all that jazz was about `` chicago '' in 2002 . $LABEL$ 0 +the film has a terrific look and salma hayek has a feel for the character at all stages of her life . $LABEL$ 1 +what makes barbershop so likable , with all its flaws , is that it has none of the pushiness and decibel volume of most contemporary comedies . $LABEL$ 1 +this is for the most part a useless movie , even with a great director at the helm . $LABEL$ 0 +-lrb- reaches -rrb- wholly believable and heart-wrenching depths of despair . $LABEL$ 1 +the film fearlessly gets under the skin of the people involved ... this makes it not only a detailed historical document , but an engaging and moving portrait of a subculture . $LABEL$ 1 +for a movie about the power of poetry and passion , there is precious little of either . $LABEL$ 0 +unfortunately , we 'd prefer a simple misfire . $LABEL$ 0 +... a true delight . $LABEL$ 1 +an awful snooze . $LABEL$ 0 +does n't really add up to much . $LABEL$ 0 +an interesting psychological game of cat-and-mouse , three-dimensional characters and believable performances all add up to a satisfying crime drama . $LABEL$ 1 +a new film from bill plympton , the animation master , is always welcome . $LABEL$ 1 +watching `` ending '' is too often like looking over the outdated clothes and plastic knickknacks at your neighbor 's garage sale . $LABEL$ 0 +cox offers plenty of glimpses at existing photos , but there are no movies of nijinsky , so instead the director treats us to an aimless hodgepodge . $LABEL$ 0 +its weighty themes are too grave for youngsters , but the story is too steeped in fairy tales and other childish things to appeal much to teenagers . $LABEL$ 0 +nothing happens , and it happens to flat characters . $LABEL$ 0 +leaves us wondering less about its ideas and more about its characterization of hitler and the contrived nature of its provocative conclusion . $LABEL$ 0 +`` white oleander , '' the movie , is akin to a reader 's digest condensed version of the source material . $LABEL$ 0 +high drama , disney-style - a wing and a prayer and a hunky has-been pursuing his castle in the sky . $LABEL$ 1 +schnieder bounces around with limp wrists , wearing tight tummy tops and hip huggers , twirling his hair on his finger and assuming that 's enough to sustain laughs ... $LABEL$ 0 +a wonderfully speculative character study that made up for its rather slow beginning by drawing me into the picture . $LABEL$ 1 +it 's the kind of movie that , aside from robert altman , spike lee , the coen brothers and a few others , our moviemakers do n't make often enough . $LABEL$ 1 +the action sequences are fun and reminiscent of combat scenes from the star wars series . $LABEL$ 1 +the work of an exhausted , desiccated talent who ca n't get out of his own way . $LABEL$ 1 +the problem is that van wilder does little that is actually funny with the material . $LABEL$ 0 +no cliche escapes the perfervid treatment of gang warfare called ces wild . $LABEL$ 0 +comes off like a bad imitation of the bard . $LABEL$ 0 +the sweetest thing leaves an awful sour taste . $LABEL$ 0 +it 's a great american adventure and a wonderful film to bring to imax . $LABEL$ 1 +resembles a soft porn brian de palma pastiche . $LABEL$ 0 +a uniquely sensual metaphorical dramatization of sexual obsession that spends a bit too much time on its fairly ludicrous plot . $LABEL$ 1 +the sentimental cliches mar an otherwise excellent film . $LABEL$ 1 +hollywood has taken quite a nosedive from alfred hitchcock 's imaginative flight to shyamalan 's self-important summer fluff . $LABEL$ 0 +this is standard crime drama fare ... instantly forgettable and thoroughly dull . $LABEL$ 0 +eyre is on his way to becoming the american indian spike lee . $LABEL$ 1 +in questioning the election process , payami graphically illustrates the problems of fledgling democracies , but also the strength and sense of freedom the iranian people already possess , with or without access to the ballot box . $LABEL$ 1 +there 's a scientific law to be discerned here that producers would be well to heed : mediocre movies start to drag as soon as the action speeds up ; when the explosions start , they fall to pieces . $LABEL$ 0 +borstal boy represents the worst kind of filmmaking , the kind that pretends to be passionate and truthful but is really frustratingly timid and soggy . $LABEL$ 0 +so genial is the conceit , this is one of those rare pictures that you root for throughout , dearly hoping that the rich promise of the script will be realized on the screen . $LABEL$ 1 +the only entertainment you 'll derive from this choppy and sloppy affair will be from unintentional giggles -- several of them . $LABEL$ 0 +the good girl is a film in which the talent is undeniable but the results are underwhelming . $LABEL$ 0 +more of the same old garbage hollywood has been trying to pass off as acceptable teen entertainment for some time now . $LABEL$ 0 +amazingly dopey . $LABEL$ 1 +the christ allegory does n't work because there is no foundation for it $LABEL$ 0 +romanek keeps adding flourishes -- artsy fantasy sequences -- that simply feel wrong . $LABEL$ 0 +combines improbable melodrama -lrb- gored bullfighters , comatose ballerinas -rrb- with subtly kinky bedside vigils and sensational denouements , and yet at the end , we are undeniably touched . $LABEL$ 1 +you do n't need to be a hip-hop fan to appreciate scratch , and that 's the mark of a documentary that works . $LABEL$ 1 +i 'm not sure which half of dragonfly is worse : the part where nothing 's happening , or the part where something 's happening , but it 's stupid . $LABEL$ 0 +writer\/director david caesar ladles on the local flavour with a hugely enjoyable film about changing times , clashing cultures and the pleasures of a well-made pizza . $LABEL$ 1 +the journey to the secret 's eventual discovery is a separate adventure , and thrill enough . $LABEL$ 1 +roman polanski directs the pianist like a surgeon mends a broken heart ; very meticulously but without any passion . $LABEL$ 0 +it 's soulful and unslick , and that 's apparently just what -lrb- aniston -rrb- has always needed to grow into a movie career . $LABEL$ 1 +like blended shades of lipstick , these components combine into one terrific story with lots of laughs . $LABEL$ 1 +devos delivers a perfect performance that captures the innocence and budding demons within a wallflower . $LABEL$ 1 +has lost some of the dramatic conviction that underlies the best of comedies ... $LABEL$ 0 +tells a fascinating , compelling story . $LABEL$ 1 +like a comedian who starts off promisingly but then proceeds to flop , comedian runs out of steam after a half hour . $LABEL$ 0 +one of those films where the characters inhabit that special annex of hell where adults behave like kids , children behave like adults and everyone screams at the top of their lungs no matter what the situation . $LABEL$ 0 +devotees of star trek ii : the wrath of khan will feel a nagging sense of deja vu , and the grandeur of the best next generation episodes is lacking . $LABEL$ 0 +beautifully reclaiming the story of carmen and recreating it an in an african idiom . $LABEL$ 1 +the punch lines that miss , unfortunately , outnumber the hits by three-to-one . $LABEL$ 0 +michel piccoli 's moving performance is this films reason for being . $LABEL$ 1 +read my lips is to be viewed and treasured for its extraordinary intelligence and originality as well as its lyrical variations on the game of love . $LABEL$ 1 +those seeking a definitive account of eisenstein 's life would do better elsewhere . $LABEL$ 0 +yes , soar . $LABEL$ 1 +as banal as the telling may be -- and at times , all my loved ones more than flirts with kitsch -- the tale commands attention . $LABEL$ 1 +although frailty fits into a classic genre , in its script and execution it is a remarkably original work . $LABEL$ 1 +naipaul fans may be disappointed . $LABEL$ 0 +attal pushes too hard to make this a comedy or serious drama . $LABEL$ 0 +poignant and moving , a walk to remember is an inspirational love story , capturing the innocence and idealism of that first encounter . $LABEL$ 1 +in any case , i would recommend big bad love only to winger fans who have missed her since 1995 's forget paris . $LABEL$ 0 +... by the time it 's done with us , mira nair 's new movie has its audience giddy with the delight of discovery , of having been immersed in a foreign culture only to find that human nature is pretty much the same all over . $LABEL$ 1 +if there 's a heaven for bad movies , deuces wild is on its way . $LABEL$ 0 +a huge box-office hit in korea , shiri is a must for genre fans . $LABEL$ 1 +clint eastwood 's blood work is a lot like a well-made pb & j sandwich : familiar , fairly uneventful and boasting no real surprises -- but still quite tasty and inviting all the same . $LABEL$ 1 +the thing about guys like evans is this : you 're never quite sure where self-promotion ends and the truth begins . $LABEL$ 0 +i found myself growing more and more frustrated and detached as vincent became more and more abhorrent . $LABEL$ 0 +it 's like an all-star salute to disney 's cheesy commercialism . $LABEL$ 0 +like a bad improvisation exercise , the superficially written characters ramble on tediously about their lives , loves and the art they 're struggling to create . $LABEL$ 0 +though her fans will assuredly have their funny bones tickled , others will find their humor-seeking dollars best spent elsewhere . $LABEL$ 0 +the first fatal attraction was vile enough . $LABEL$ 0 +a sentimental but entirely irresistible portrait of three aging sisters . $LABEL$ 1 +measured against practically any like-themed film other than its oscar-sweeping franchise predecessor the silence of the lambs , red dragon rates as an exceptional thriller . $LABEL$ 1 +and as with most late-night bull sessions , eventually the content is n't nearly as captivating as the rowdy participants think it is . $LABEL$ 0 +... a quietly introspective portrait of the self-esteem of employment and the shame of losing a job ... $LABEL$ 1 +garcia and the other actors help make the wobbly premise work . $LABEL$ 1 +it 's just plain lurid when it is n't downright silly . $LABEL$ 0 +friday after next is the kind of film that could only be made by african-americans because of its broad racial insensitivity towards african-americans . $LABEL$ 0 +it is also beautifully acted . $LABEL$ 1 +this dubious product of a college-spawned -lrb- colgate u. -rrb- comedy ensemble known as broken lizard plays like a mix of cheech and chong and chips . $LABEL$ 0 +all three actresses are simply dazzling , particularly balk , who 's finally been given a part worthy of her considerable talents . $LABEL$ 1 +... a powerful sequel and one of the best films of the year . $LABEL$ 1 +it 's about individual moments of mood , and an aimlessness that 's actually sort of amazing . $LABEL$ 1 +a gift to anyone who loves both dance and cinema $LABEL$ 1 +such a wildly uneven hit-and-miss enterprise , you ca n't help suspecting that it was improvised on a day-to-day basis during production . $LABEL$ 0 +the new film of anton chekhov 's the cherry orchard puts the ` ick ' in ` classic . ' $LABEL$ 0 +poor editing , bad bluescreen , and ultra-cheesy dialogue highlight the radical action . $LABEL$ 0 +if welles was unhappy at the prospect of the human race splitting in two , he probably would n't be too crazy with his great-grandson 's movie splitting up in pretty much the same way . $LABEL$ 0 +passions , obsessions , and loneliest dark spots are pushed to their most virtuous limits , lending the narrative an unusually surreal tone . $LABEL$ 1 +definitely a crowd-pleaser , but then , so was the roman colosseum . $LABEL$ 1 +this story of a determined woman 's courage to find her husband in a war zone offers winning performances and some effecting moments . $LABEL$ 1 +well made but uninvolving , bloodwork is n't a terrible movie , just a stultifyingly obvious one -- an unrewarding collar for a murder mystery . $LABEL$ 0 +... expands the horizons of boredom to the point of collapse , turning into a black hole of dullness , from which no interesting concept can escape . $LABEL$ 0 +as steamy as last week 's pork dumplings . $LABEL$ 0 +the story itself it mostly told through on-camera interviews with several survivors , whose riveting memories are rendered with such clarity that it 's as if it all happened only yesterday . $LABEL$ 1 +the movie is clever , offbeat and even gritty enough to overcome my resistance . $LABEL$ 1 +another week , another gross-out college comedy -- ugh . $LABEL$ 0 +a laughable -- or rather , unlaughable -- excuse for a film . $LABEL$ 0 +too silly to take seriously . $LABEL$ 0 +low comedy does n't come much lower . $LABEL$ 0 +it 's a very tasteful rock and roll movie . $LABEL$ 1 +meticulously mounted , exasperatingly well-behaved film , which ticks off kahlo 's lifetime milestones with the dutiful precision of a tax accountant . $LABEL$ 1 +davis ' candid , archly funny and deeply authentic take on intimate relationships comes to fruition in her sophomore effort . $LABEL$ 1 +a fast paced and suspenseful argentinian thriller about the shadow side of play . $LABEL$ 1 +ultimately the , yes , snail-like pacing and lack of thematic resonance make the film more silly than scary , like some sort of martha stewart decorating program run amok . $LABEL$ 0 +sewer rats could watch this movie and be so skeeved out that they 'd need a shower . $LABEL$ 0 +hard to resist . $LABEL$ 1 +there 's an excellent 90-minute film here ; unfortunately , it runs for 170 . $LABEL$ 0 +director carl franklin , so crisp and economical in one false move , bogs down in genre cliches here . $LABEL$ 1 +like a precious and finely cut diamond , magnificent to behold in its sparkling beauty yet in reality it 's one tough rock . $LABEL$ 1 +no cute factor here ... not that i mind ugly ; the problem is he has no character , loveable or otherwise . $LABEL$ 0 +suffers from its timid parsing of the barn-side target of sons trying to breach gaps in their relationships with their fathers . $LABEL$ 0 +it 's a frankenstein-monster of a film that does n't know what it wants to be . $LABEL$ 0 +an incredibly narrow in-joke targeted to the tiniest segment of an already obscure demographic . $LABEL$ 0 +a knowing look at female friendship , spiked with raw urban humor . $LABEL$ 1 +... begins on a high note and sustains it beautifully . $LABEL$ 1 +the overall result is an intelligent , realistic portrayal of testing boundaries . $LABEL$ 1 +quaid is utterly fearless as the tortured husband living a painful lie , and moore wonderfully underplays the long-suffering heroine with an unflappable '50s dignity somewhere between jane wyman and june cleaver . $LABEL$ 1 +most of the problems with the film do n't derive from the screenplay , but rather the mediocre performances by most of the actors involved $LABEL$ 0 +a poignant comedy that offers food for thought . $LABEL$ 1 +deuces wild treads heavily into romeo and juliet\/west side story territory , where it plainly has no business going . $LABEL$ 0 +there is no psychology here , and no real narrative logic -- just a series of carefully choreographed atrocities , which become strangely impersonal and abstract . $LABEL$ 0 +secretary manages a neat trick , bundling the flowers of perversity , comedy and romance into a strangely tempting bouquet of a movie . $LABEL$ 1 +everything about it from the bland songs to the colorful but flat drawings is completely serviceable and quickly forgettable . $LABEL$ 0 +this fascinating experiment plays as more of a poetic than a strict reality , creating an intriguing species of artifice that gives the lady and the duke something of a theatrical air . $LABEL$ 1 +a few pieces of the film buzz and whir ; very little of it actually clicks . $LABEL$ 0 +ah-nuld 's action hero days might be over . $LABEL$ 0 +the movie has a script -lrb- by paul pender -rrb- made of wood , and it 's relentlessly folksy , a procession of stagy set pieces stacked with binary oppositions . $LABEL$ 0 +the filmmakers ' eye for detail and the high standards of performance convey a strong sense of the girls ' environment . $LABEL$ 1 +it also shows how deeply felt emotions can draw people together across the walls that might otherwise separate them . $LABEL$ 1 +even accepting this in the right frame of mind can only provide it with so much leniency . $LABEL$ 0 +it 's at once laughable and compulsively watchable , in its committed dumbness . $LABEL$ 1 +they threw loads of money at an idea that should 've been so much more even if it was only made for teenage boys and wrestling fans . $LABEL$ 0 +- west coast rap wars , this modern mob music drama never fails to fascinate . $LABEL$ 1 +as part of mr. dong 's continuing exploration of homosexuality in america , family fundamentals is an earnest study in despair . $LABEL$ 1 +a movie more to be prescribed than recommended -- as visually bland as a dentist 's waiting room , complete with soothing muzak and a cushion of predictable narrative rhythms . $LABEL$ 0 +all in all , brown sugar is a satisfying well-made romantic comedy that 's both charming and well acted . $LABEL$ 1 +represents a worthy departure from the culture clash comedies that have marked an emerging indian american cinema . $LABEL$ 1 +so bland and utterly forgettable that it might as well have been titled generic jennifer lopez romantic comedy . $LABEL$ 0 +a comedy that swings and jostles to the rhythms of life . $LABEL$ 1 +a stylish thriller . $LABEL$ 1 +constantly touching , surprisingly funny , semi-surrealist exploration of the creative act . $LABEL$ 1 +birthday girl does n't try to surprise us with plot twists , but rather seems to enjoy its own transparency . $LABEL$ 1 +a poky and pseudo-serious exercise in sham actor workshops and an affected malaise . $LABEL$ 0 +that rare movie that works on any number of levels -- as a film of magic and whimsy for children , a heartfelt romance for teenagers and a compelling argument about death , both pro and con , for adults . $LABEL$ 1 +the universal theme of becoming a better person through love has never been filmed more irresistibly than in ` baran . ' $LABEL$ 1 +there 's got to be a more graceful way of portraying the devastation of this disease . $LABEL$ 0 +unfolds as one of the most politically audacious films of recent decades from any country , but especially from france . $LABEL$ 1 +the rock is destined to be the 21st century 's new `` conan '' and that he 's going to make a splash even greater than arnold schwarzenegger , jean-claud van damme or steven segal . $LABEL$ 1 +adults , other than the parents ... will be hard pressed to succumb to the call of the wild . $LABEL$ 0 +here , alas , it collapses like an overcooked soufflé . $LABEL$ 0 +plays like one long , meandering sketch inspired by the works of john waters and todd solondz , rather than a fully developed story . $LABEL$ 0 +snow dogs finds its humour in a black man getting humiliated by a pack of dogs who are smarter than him $LABEL$ 0 +before it takes a sudden turn and devolves into a bizarre sort of romantic comedy , steven shainberg 's adaptation of mary gaitskill 's harrowing short story ... is a brilliantly played , deeply unsettling experience . $LABEL$ 1 +... very funny , very enjoyable ... $LABEL$ 1 +the hackneyed story about an affluent damsel in distress who decides to fight her bully of a husband is simply too overdone . $LABEL$ 0 +... with the gifted pearce on hand to keep things on semi-stable ground dramatically , this retooled machine is ultimately effective enough at achieving the modest , crowd-pleasing goals it sets for itself . $LABEL$ 1 +much like its easily dismissive take on the upscale lifestyle , there is n't much there here . $LABEL$ 0 +lathan and diggs carry the film with their charisma , and both exhibit sharp comic timing that makes the more hackneyed elements of the film easier to digest . $LABEL$ 1 +he has improved upon the first and taken it a step further , richer and deeper . $LABEL$ 1 +it 's a testament to de niro and director michael caton-jones that by movie 's end , we accept the characters and the film , flaws and all . $LABEL$ 1 +this method almost never fails him , and it works superbly here . $LABEL$ 1 +it 's technically sumptuous but also almost wildly alive . $LABEL$ 1 +a characteristically engorged and sloppy coming-of-age movie . $LABEL$ 0 +often likable , but just as often it 's meandering , low on energy , and too eager to be quirky at moments when a little old-fashioned storytelling would come in handy . $LABEL$ 1 +rob schneider 's infantile cross-dressing routines fill the hot chick , the latest gimmick from this unimaginative comedian . $LABEL$ 0 +... the tale of her passionate , tumultuous affair with musset unfolds as sand 's masculine persona , with its love of life and beauty , takes form . $LABEL$ 1 +it 's so devoid of joy and energy it makes even jason x ... look positively shakesperean by comparison . $LABEL$ 0 +a hypnotic portrait of this sad , compulsive life . $LABEL$ 1 +an ugly , pointless , stupid movie . $LABEL$ 0 +a fascinating , unnerving examination of the delusions of one unstable man . $LABEL$ 1 +a smart little indie . $LABEL$ 1 +a big meal of cliches that the talented cast generally chokes on . $LABEL$ 0 +... what a banal bore the preachy circuit turns out to be $LABEL$ 0 +goes on and on to the point of nausea . $LABEL$ 0 +i have a new favorite musical -- and i 'm not even a fan of the genre $LABEL$ 1 +master of disguise runs for only 71 minutes and feels like three hours . $LABEL$ 0 +you 'll feel like you ate a reeses without the peanut butter ... ' $LABEL$ 0 +easily one of the best and most exciting movies of the year . $LABEL$ 1 +despite the surface attractions -- conrad l. hall 's cinematography will likely be nominated for an oscar next year -- there 's something impressive and yet lacking about everything . $LABEL$ 1 +broder 's screenplay is shallow , offensive and redundant , with pitifully few real laughs . $LABEL$ 0 +looks more like a travel-agency video targeted at people who like to ride bikes topless and roll in the mud than a worthwhile glimpse of independent-community guiding lights . $LABEL$ 0 +that 's why sex and lucia is so alluring . $LABEL$ 1 +after an hour and a half of wondering -- sometimes amusedly , sometimes impatiently -- just what this strenuously unconventional movie is supposed to be , you discover that the answer is as conventional as can be . $LABEL$ 0 +nettelbeck ... has a pleasing way with a metaphor . $LABEL$ 1 +a puzzle whose pieces do not fit . $LABEL$ 0 +a bit of a downer and a little over-dramatic at times , but this is a beautiful film for people who like their romances to have that french realism . $LABEL$ 1 +after the first 10 minutes , which is worth seeing , the movie sinks into an abyss of clichés , depression and bad alternative music . $LABEL$ 0 +not everything in this ambitious comic escapade works , but coppola , along with his sister , sofia , is a real filmmaker . $LABEL$ 1 +it 's fun , but it 's a real howler . $LABEL$ 1 +even through its flaws , revolution # 9 proves to be a compelling , interestingly told film . $LABEL$ 1 +just the labour involved in creating the layered richness of the imagery in this chiaroscuro of madness and light is astonishing . $LABEL$ 1 +the case is a convincing one , and should give anyone with a conscience reason to pause . $LABEL$ 1 +no such thing breaks no new ground and treads old turf like a hippopotamus ballerina . $LABEL$ 0 +when twentysomething hotsies make movies about their lives , hard-driving narcissism is a given , but what a world we 'd live in if argento 's hollywood counterparts ... had this much imagination and nerve . $LABEL$ 1 +on its own , big trouble could be considered a funny little film . $LABEL$ 1 +-lrb- reynolds -rrb- takes a classic story , casts attractive and talented actors and uses a magnificent landscape to create a feature film that is wickedly fun to watch . $LABEL$ 1 +if you 're content with a clever pseudo-bio that manages to have a good time as it doles out pieces of the famous director 's life , eisenstein delivers . $LABEL$ 1 +this is the kind of subject matter that could so easily have been fumbled by a lesser filmmaker , but ayres makes the right choices at every turn . $LABEL$ 1 +probes in a light-hearted way the romantic problems of individuals for whom the yearning for passion spells discontent . $LABEL$ 1 +it made me realize that we really have n't had a good cheesy b-movie playing in theaters since ... well ... since last week 's reign of fire . $LABEL$ 0 +ultimately this is a frustrating patchwork : an uneasy marriage of louis begley 's source novel -lrb- about schmidt -rrb- and an old payne screenplay . $LABEL$ 0 +... once the true impact of the day unfolds , the power of this movie is undeniable . $LABEL$ 1 +this time , the hype is quieter , and while the movie is slightly less successful than the first , it 's still a rollicking good time for the most part . $LABEL$ 1 +nothing more than a stifling morality tale dressed up in peekaboo clothing . $LABEL$ 0 +this is the sort of low-grade dreck that usually goes straight to video -- with a lousy script , inept direction , pathetic acting , poorly dubbed dialogue and murky cinematography , complete with visible boom mikes . $LABEL$ 0 +every joke is repeated at least four times . $LABEL$ 0 +the gags , and the script , are a mixed bag . $LABEL$ 0 +and adults will at least have a dream image of the west to savor whenever the film 's lamer instincts are in the saddle . $LABEL$ 0 +the best film of the year 2002 . $LABEL$ 1 +blisteringly rude , scarily funny , sorrowfully sympathetic to the damage it surveys , the film has in kieran culkin a pitch-perfect holden . $LABEL$ 1 +the first shocking thing about sorority boys is that it 's actually watchable . $LABEL$ 1 +a movie i loved on first sight and , even more important , love in remembrance . $LABEL$ 1 +an overstylized , puréed mélange of sex , psychology , drugs and philosophy . $LABEL$ 0 +this is a movie full of grace and , ultimately , hope . $LABEL$ 1 +a documentary to make the stones weep -- as shameful as it is scary . $LABEL$ 0 +most haunting about `` fence '' is its conclusion , when we hear the ultimate fate of these girls and realize , much to our dismay , that this really did happen . $LABEL$ 1 +starts out ballsy and stylish but fails to keep it up and settles into clichés . $LABEL$ 0 +the film feels formulaic , its plot and pacing typical hollywood war-movie stuff , while the performances elicit more of a sense of deja vu than awe . $LABEL$ 0 +-lrb- i -rrb- t 's certainly laudable that the movie deals with hot-button issues in a comedic context , but barbershop is n't as funny as it should be . $LABEL$ 0 +but the second half of the movie really goes downhill . $LABEL$ 0 +a well paced and satisfying little drama that deserved better than a ` direct-to-video ' release . $LABEL$ 1 +this misty-eyed southern nostalgia piece , in treading the line between sappy and sanguine , winds up mired in tear-drenched quicksand . $LABEL$ 0 +the only fun part of the movie is playing the obvious game . $LABEL$ 0 +an inconsequential , barely there bit of piffle . $LABEL$ 0 +although fairly involving as far as it goes , the film does n't end up having much that is fresh to say about growing up catholic or , really , anything . $LABEL$ 0 +an engrossing story that combines psychological drama , sociological reflection , and high-octane thriller . $LABEL$ 1 +a gripping drama . $LABEL$ 1 +it picked me up , swung me around , and dropped me back in my seat with more emotional force than any other recent film . $LABEL$ 1 +the pleasures that it does afford may be enough to keep many moviegoers occupied amidst some of the more serious-minded concerns of other year-end movies . $LABEL$ 1 +its inescapable absurdities are tantamount to insulting the intelligence of anyone who has n't been living under a rock -lrb- since sept. 11 -rrb- . $LABEL$ 0 +a pretty decent kid-pleasing , tolerable-to-adults lark of a movie . $LABEL$ 1 +as i settled into my world war ii memories , i found myself strangely moved by even the corniest and most hackneyed contrivances . $LABEL$ 1 +the movie generates plot points with a degree of randomness usually achieved only by lottery drawing . $LABEL$ 0 +classic cinema served up with heart and humor $LABEL$ 1 +there may have been a good film in `` trouble every day , '' but it is not what is on the screen . $LABEL$ 0 +the result is an ` action film ' mired in stasis . $LABEL$ 0 +that 's because relatively nothing happens . $LABEL$ 0 +an authentically vague , but ultimately purposeless , study in total pandemonium . $LABEL$ 0 +but they do n't fit well together and neither is well told . $LABEL$ 0 +like most movies about the pitfalls of bad behavior ... circuit gets drawn into the party . $LABEL$ 0 +with dirty deeds , david caesar has stepped into the mainstream of filmmaking with an assurance worthy of international acclaim and with every cinematic tool well under his control -- driven by a natural sense for what works on screen . $LABEL$ 1 +oddly , the film is n't nearly as downbeat as it sounds , but strikes a tone that 's alternately melancholic , hopeful and strangely funny . $LABEL$ 1 +i 've never seen or heard anything quite like this film , and i recommend it for its originality alone . $LABEL$ 1 +when the movie mixes the cornpone and the cosa nostra , it finds a nice rhythm . $LABEL$ 1 +... there 's a choppy , surface-effect feeling to the whole enterprise . $LABEL$ 0 +it 's funny , touching , dramatically forceful , and beautifully shot . $LABEL$ 1 +a good documentary can make interesting a subject you thought would leave you cold . $LABEL$ 1 +this is a children 's film in the truest sense . $LABEL$ 1 +a very funny romantic comedy about two skittish new york middle-agers who stumble into a relationship and then struggle furiously with their fears and foibles . $LABEL$ 1 +the movie does such an excellent job of critiquing itself at every faltering half-step of its development that criticizing feels more like commiserating . $LABEL$ 0 +a solid , spooky entertainment worthy of the price of a ticket . $LABEL$ 1 +there are n't many conclusive answers in the film , but there is an interesting story of pointed personalities , courage , tragedy and the little guys vs. the big guys . $LABEL$ 1 +plays like a series of vignettes -- clips of a film that are still looking for a common through-line . $LABEL$ 0 +a film that begins with the everyday lives of naval personnel in san diego and ends with scenes so true and heartbreaking that tears welled up in my eyes both times i saw the film . $LABEL$ 1 +leigh is one of the rare directors who feels acting is the heart and soul of cinema . $LABEL$ 1 +sitting in the third row of the imax cinema at sydney 's darling harbour , but i sometimes felt as though i was in the tiny two seater plane that carried the giant camera around australia , sweeping and gliding , banking and hovering over some of the most not $LABEL$ 1 +it 's more enjoyable than i expected , though , and that 's because the laughs come from fairly basic comedic constructs . $LABEL$ 1 +it 's crafty , energetic and smart -- the kid is sort of like a fourteen-year old ferris bueller . $LABEL$ 1 +the film does n't have enough innovation or pizazz to attract teenagers , and it lacks the novel charm that made spy kids a surprising winner with both adults and younger audiences . $LABEL$ 0 +she boxes these women 's souls right open for us . $LABEL$ 1 +all the movie 's narrative gymnastics ca n't disguise the fact that it 's inauthentic at its core and that its story just is n't worth telling . $LABEL$ 0 +this is dicaprio 's best performance in anything ever , and easily the most watchable film of the year . $LABEL$ 1 +though impostor deviously adopts the guise of a modern motion picture , it too is a bomb . $LABEL$ 0 +jolie gives it that extra little something that makes it worth checking out at theaters , especially if you 're in the mood for something more comfortable than challenging . $LABEL$ 1 +one key problem with these ardently christian storylines is that there is never any question of how things will turn out . $LABEL$ 0 +other than the slightly flawed -lrb- and fairly unbelievable -rrb- finale , everything else is top shelf . $LABEL$ 1 +a summer entertainment adults can see without feeling embarrassed , but it could have been more . $LABEL$ 1 +`` bad '' is the operative word for `` bad company , '' and i do n't mean that in a good way . $LABEL$ 0 +seriously , rent the disney version . $LABEL$ 0 +the immersive powers of the giant screen and its hyper-realistic images are put to perfect use in the breathtakingly beautiful outer-space documentary space station 3d . $LABEL$ 1 +it 's difficult to imagine that a more confused , less interesting and more sloppily made film could possibly come down the road in 2002 . $LABEL$ 0 +as they used to say in the 1950s sci-fi movies , signs is a tribute to shyamalan 's gifts , which are such that we 'll keep watching the skies for his next project . $LABEL$ 1 +the only pain you 'll feel as the credits roll is your stomach grumbling for some tasty grub . $LABEL$ 0 +in visual fertility treasure planet rivals the top japanese animations of recent vintage . $LABEL$ 1 +if you go , pack your knitting needles . $LABEL$ 0 +call me a cold-hearted curmudgeon for not being able to enjoy a mindless action movie , but i believe a movie can be mindless without being the peak of all things insipid . $LABEL$ 0 +assured , vital and well wrought , the film is , arguably , the most accomplished work to date from hong kong 's versatile stanley kwan . $LABEL$ 1 +notwithstanding my problem with the movie 's final half hour , i 'm going to recommend secretary , based on the wonderful acting clinic put on by spader and gyllenhaal , and also the unique way shainberg goes about telling what at heart is a sweet little girl - $LABEL$ 1 +the big ending surprise almost saves the movie . $LABEL$ 1 +an ill-conceived jumble that 's not scary , not smart and not engaging . $LABEL$ 0 +what we get in feardotcom is more like something from a bad clive barker movie . $LABEL$ 0 +too much of the movie feels contrived , as if the filmmakers were worried the story would n't work without all those gimmicks . $LABEL$ 0 +austin powers in goldmember is a cinematic car wreck , a catastrophic collision of tastelessness and gall that nevertheless will leave fans clamoring for another ride . $LABEL$ 0 +nair 's cast is so large it 's altman-esque , but she deftly spins the multiple stories in a vibrant and intoxicating fashion . $LABEL$ 1 +-lrb- t -rrb- oo many of these gross out scenes ... $LABEL$ 0 +an original and highly cerebral examination of the psychopathic mind $LABEL$ 1 +when it comes out on video , then it 's the perfect cure for insomnia . $LABEL$ 0 +killing time , that 's all that 's going on here . $LABEL$ 0 +it 's an experience in understanding a unique culture that is presented with universal appeal . $LABEL$ 1 +if you like peace , you 'll like promises . $LABEL$ 1 +the dialogue is very choppy and monosyllabic despite the fact that it is being dubbed . $LABEL$ 0 +a perfectly pleasant if slightly pokey comedy . $LABEL$ 1 +the performances are uniformly good . $LABEL$ 1 +it would n't matter so much that this arrogant richard pryor wannabe 's routine is offensive , puerile and unimaginatively foul-mouthed if it was at least funny . $LABEL$ 0 +if the film fails to fulfill its own ambitious goals , it nonetheless sustains interest during the long build-up of expository material . $LABEL$ 1 +murderous maids has a lot going for it , not least the brilliant performances by testud ... and parmentier . $LABEL$ 1 +... for all its social and political potential , state property does n't end up being very inspiring or insightful . $LABEL$ 0 +the search for redemption makes for a touching love story , mainly because blanchett and ribisi compellingly tap into a spiritual aspect of their characters ' suffering . $LABEL$ 1 +unwieldy contraption . $LABEL$ 0 +by and large this is mr. kilmer 's movie , and it 's his strongest performance since the doors . $LABEL$ 1 +a sub-formulaic slap in the face to seasonal cheer . $LABEL$ 0 +feral and uncomfortable . $LABEL$ 0 +one of those joyous films that leaps over national boundaries and celebrates universal human nature . $LABEL$ 1 +-lrb- a -rrb- crushing disappointment . $LABEL$ 0 +i like my christmas movies with more elves and snow and less pimps and ho 's . $LABEL$ 0 +seems like someone going through the motions . $LABEL$ 0 +despite terrific special effects and funnier gags , harry potter and the chamber of secrets finds a way to make j.k. rowling 's marvelous series into a deadly bore . $LABEL$ 0 +fans of plympton 's shorts may marginally enjoy the film , but it is doubtful this listless feature will win him any new viewers . $LABEL$ 0 +... a thoughtful what-if for the heart as well as the mind . $LABEL$ 1 +the attraction between these two marginal characters is complex from the start -- and , refreshingly , stays that way . $LABEL$ 1 +the production has been made with an enormous amount of affection , so we believe these characters love each other . $LABEL$ 1 +ramsay succeeds primarily with her typical blend of unsettling atmospherics , delivering a series of abrasive , stylized sequences that burn themselves upon the viewer 's memory . $LABEL$ 1 +` this movie sucks . ' $LABEL$ 0 +an ideal love story for those intolerant of the more common saccharine genre . $LABEL$ 1 +... a bland , pretentious mess . $LABEL$ 0 +the film never rises above a conventional , two dimension tale $LABEL$ 0 +alternately frustrating and rewarding . $LABEL$ 1 +... if it had been only half-an-hour long or a tv special , the humor would have been fast and furious -- at ninety minutes , it drags . $LABEL$ 0 +a superfluous sequel ... plagued by that old familiar feeling of ` let 's get this thing over with ' : everyone has shown up at the appointed time and place , but visible enthusiasm is mighty hard to find . $LABEL$ 0 +sets animation back 30 years , musicals back 40 years and judaism back at least 50 . $LABEL$ 0 +a listless and desultory affair . $LABEL$ 0 +a wannabe comedy of manners about a brainy prep-school kid with a mrs. robinson complex founders on its own preciousness -- and squanders its beautiful women . $LABEL$ 0 +nothing about them is attractive . $LABEL$ 0 +manages to be both hugely entertaining and uplifting . $LABEL$ 1 +vera has created a provocative , absorbing drama that reveals the curse of a self-hatred instilled by rigid social mores . $LABEL$ 1 +the performances are an absolute joy . $LABEL$ 1 +this seductive tease of a thriller gets the job done . $LABEL$ 1 +like all great films about a life you never knew existed , it offers much to absorb and even more to think about after the final frame . $LABEL$ 1 +it is a strength of a documentary to disregard available bias , especially as temptingly easy as it would have been with this premise . $LABEL$ 1 +it 's funny and human and really pretty damned wonderful , all at once . $LABEL$ 1 +-lrb- swimfan -rrb- falls victim to sloppy plotting , an insultingly unbelievable final act and a villainess who is too crazy to be interesting . $LABEL$ 0 +loosely speaking , we 're in all of me territory again , and , strictly speaking , schneider is no steve martin . $LABEL$ 0 +predictably melodramatic . $LABEL$ 0 +russian ark is a new treasure of the hermitage . $LABEL$ 1 +highly engaging . $LABEL$ 1 +antwone fisher certainly does the trick of making us care about its protagonist and celebrate his victories but , with few exceptions , it rarely stoops to cheap manipulation or corny conventions to do it . $LABEL$ 1 +the whole talking-animal thing is grisly . $LABEL$ 0 +the entire movie is so formulaic and forgettable that it 's hardly over before it begins to fade from memory . $LABEL$ 0 +more a gunfest than a rock concert . $LABEL$ 0 +if you can swallow its absurdities and crudities lagaan really is enormously good fun . $LABEL$ 1 +has its moments -- and almost as many subplots . $LABEL$ 1 +a derivative collection of horror and sci-fi cliches . $LABEL$ 0 +what 's next ? $LABEL$ 1 +nelson 's intentions are good , but the end result does no justice to the story itself . $LABEL$ 0 +twohy 's a good yarn-spinner , and ultimately the story compels . $LABEL$ 1 +an enthralling aesthetic experience , one that 's steeped in mystery and a ravishing , baroque beauty . $LABEL$ 1 +aggressive self-glorification and a manipulative whitewash . $LABEL$ 0 +fails to convince the audience that these brats will ever be anything more than losers . $LABEL$ 0 +hatosy ... portrays young brendan with his usual intelligence and subtlety , not to mention a convincing brogue . $LABEL$ 1 +washington overcomes the script 's flaws and envelops the audience in his character 's anguish , anger and frustration . $LABEL$ 1 +mariah carey gives us another peek at some of the magic we saw in glitter here in wisegirls . $LABEL$ 1 +very stupid and annoying . $LABEL$ 0 +an empty exercise , a florid but ultimately vapid crime melodrama with lots of surface flash but little emotional resonance . $LABEL$ 0 +the script is a tired one , with few moments of joy rising above the stale material . $LABEL$ 0 +it 's a day at the beach -- with air conditioning and popcorn . $LABEL$ 1 +make like the title and dodge this one . $LABEL$ 0 +often shocking but ultimately worthwhile exploration of motherhood and desperate mothers . $LABEL$ 1 +the lousy john q all but spits out denzel washington 's fine performance in the title role . $LABEL$ 0 +but it 's surprisingly harmless . $LABEL$ 1 +officially , it is twice as bestial but half as funny . $LABEL$ 0 +a film that suffers because of its many excesses . $LABEL$ 0 +a quietly moving look back at what it was to be iranian-american in 1979 . $LABEL$ 1 +the leads we are given here are simply too bland to be interesting . $LABEL$ 0 +staggers between flaccid satire and what is supposed to be madcap farce . $LABEL$ 0 +a distinctly minor effort that will be seen to better advantage on cable , especially considering its barely feature-length running time of one hour . $LABEL$ 0 +a competent , unpretentious entertainment destined to fill the after-school slot at shopping mall theaters across the country . $LABEL$ 1 +functions as both a revealing look at the collaborative process and a timely , tongue-in-cheek profile of the corporate circus that is the recording industry in the current climate of mergers and downsizing . $LABEL$ 1 +reign of fire is hardly the most original fantasy film ever made -- beyond road warrior , it owes enormous debts to aliens and every previous dragon drama -- but that barely makes it any less entertaining . $LABEL$ 1 +the comedy death to smoochy is a rancorous curiosity : a movie without an apparent audience . $LABEL$ 0 +turns a potentially interesting idea into an excruciating film school experience that plays better only for the film 's publicists or for people who take as many drugs as the film 's characters $LABEL$ 0 +one of those strained caper movies that 's hardly any fun to watch and begins to vaporize from your memory minutes after it ends . $LABEL$ 0 +there 's no denying that burns is a filmmaker with a bright future ahead of him . $LABEL$ 1 +a film that loses sight of its own story . $LABEL$ 0 +where tom green stages his gags as assaults on america 's knee-jerk moral sanctimony , jackass lacks aspirations of social upheaval . $LABEL$ 0 +these self-styled athletes have banged their brains into the ground so frequently and furiously , their capacity to explain themselves has gone the same way as their natural instinct for self-preservation . $LABEL$ 0 +a fascinating documentary about the long and eventful spiritual journey of the guru who helped launch the new age . $LABEL$ 1 +the film has the courage of its convictions and excellent performances on its side . $LABEL$ 1 +a loud , ugly , irritating movie without any of its satirical salvos hitting a discernible target . $LABEL$ 0 +there 's plenty to impress about e.t. $LABEL$ 1 +the pianist -lrb- is -rrb- a supremely hopeful cautionary tale of war 's madness remembered that we , today , can prevent its tragic waste of life . $LABEL$ 1 +topics that could make a sailor blush - but lots of laughs . $LABEL$ 1 +never decides whether it wants to be a black comedy , drama , melodrama or some combination of the three . $LABEL$ 0 +has the rare capability to soothe and break your heart with a single stroke . $LABEL$ 1 +a conventional , but well-crafted film about a historic legal battle in ireland over a man 's right to raise his own children . $LABEL$ 1 +those 24-and-unders looking for their own caddyshack to adopt as a generational signpost may have to keep on looking . $LABEL$ 0 +sadly , ` garth ' has n't progressed as nicely as ` wayne . ' $LABEL$ 0 +the story of trouble every day ... is so sketchy it amounts to little more than preliminary notes for a science-fiction horror film , and the movie 's fragmentary narrative style makes piecing the story together frustrating difficult . $LABEL$ 0 +-lrb- t -rrb- he ideas of revolution # 9 are more compelling than the execution $LABEL$ 0 +most of the information has already appeared in one forum or another and , no matter how broomfield dresses it up , it tends to speculation , conspiracy theories or , at best , circumstantial evidence . $LABEL$ 0 +consider the film a celluloid litmus test for the intellectual and emotional pedigree of your date and a giant step backward for a director i admire . $LABEL$ 0 +imagine -lrb- if possible -rrb- a pasolini film without passion or politics , or an almodovar movie without beauty or humor , and you have some idea of the glum , numb experience of watching o fantasma . $LABEL$ 0 +just plain bad . $LABEL$ 0 +although it tries to be much more , it 's really just another major league . $LABEL$ 0 +when the screenwriter responsible for one of the worst movies of one year directs an equally miserable film the following year , you 'd have a hard time believing it was just coincidence . $LABEL$ 0 +the entire movie establishes a wonderfully creepy mood . $LABEL$ 1 +director elie chouraqui , who co-wrote the script , catches the chaotic horror of war , but why bother if you 're going to subjugate truth to the tear-jerking demands of soap opera ? $LABEL$ 0 +this is a movie so insecure about its capacity to excite that it churns up not one but two flagrantly fake thunderstorms to underscore the action . $LABEL$ 0 +if i want music , i 'll buy the soundtrack . $LABEL$ 0 +this movie has the usual impossible stunts ... but it has just as many scenes that are lean and tough enough to fit in any modern action movie . $LABEL$ 1 +sometimes makes less sense than the bruckheimeresque american action flicks it emulates . $LABEL$ 0 +as a film director , labute continues to improve . $LABEL$ 1 +a dark comedy that goes for sick and demented humor simply to do so . $LABEL$ 0 +lazily directed by charles stone iii ... from a leaden script by matthew cirulnick and novelist thulani davis . $LABEL$ 0 +the dialogue is cumbersome , the simpering soundtrack and editing more so . $LABEL$ 0 +this is a film living far too much in its own head . $LABEL$ 0 +pascale bailly 's rom-com provides amélie 's audrey tautou with another fabuleux destin -- i.e. , a banal spiritual quest . $LABEL$ 0 +p.t. anderson understands the grandness of romance and how love is the great equalizer that can calm us of our daily ills and bring out joys in our lives that we never knew were possible . $LABEL$ 1 +imagine o. henry 's the gift of the magi relocated to the scuzzy underbelly of nyc 's drug scene . $LABEL$ 0 +i do n't know if frailty will turn bill paxton into an a-list director , but he can rest contentedly with the knowledge that he 's made at least one damn fine horror movie . $LABEL$ 1 +large budget notwithstanding , the movie is such a blip on the year 's radar screen that it 's tempting just to go with it for the ride . $LABEL$ 1 +`` frailty '' offers chills much like those that you get when sitting around a campfire around midnight , telling creepy stories to give each other the willies . $LABEL$ 1 +despite modest aspirations its occasional charms are not to be dismissed . $LABEL$ 1 +any reasonably creative eighth-grader could have written a more credible script , though with the same number of continuity errors . $LABEL$ 0 +go , girls , right down the reality drain . $LABEL$ 0 +staggeringly dreadful romance . $LABEL$ 0 +a smart , compelling drama . $LABEL$ 1 +thoughtless , random , superficial humour and a lot of very bad scouse accents $LABEL$ 0 +... there 's enough cool fun here to warm the hearts of animation enthusiasts of all ages . $LABEL$ 1 +deliciously slow . $LABEL$ 1 +the problem , amazingly enough , is the screenplay . $LABEL$ 0 +offers an interesting look at the rapidly changing face of beijing . $LABEL$ 1 +... certainly an entertaining ride , despite many talky , slow scenes . $LABEL$ 1 +an escapist confection that 's pure entertainment . $LABEL$ 1 +an amused indictment of jaglom 's own profession . $LABEL$ 1 +so aggressively cheery that pollyana would reach for a barf bag . $LABEL$ 0 +a worthy idea , but the uninspired scripts , acting and direction never rise above the level of an after-school tv special . $LABEL$ 0 +beautifully shot , delicately scored and powered by a set of heartfelt performances , it 's a lyrical endeavour . $LABEL$ 1 +pompous and garbled . $LABEL$ 0 +there 's a whole heap of nothing at the core of this slight coming-of-age\/coming-out tale . $LABEL$ 0 +for all its problems ... the lady and the duke surprisingly manages never to grow boring ... which proves that rohmer still has a sense of his audience . $LABEL$ 1 +the salton sea has moments of inspired humour , though every scrap is of the darkest variety . $LABEL$ 1 +a touching , sophisticated film that almost seems like a documentary in the way it captures an italian immigrant family on the brink of major changes . $LABEL$ 1 +it is supremely unfunny and unentertaining to watch middle-age and older men drink to excess , piss on trees , b.s. one another and put on a show in drag . $LABEL$ 0 +a sleep-inducing thriller with a single twist that everyone except the characters in it can see coming a mile away . $LABEL$ 0 +cuba gooding jr. valiantly mugs his way through snow dogs , but even his boisterous energy fails to spark this leaden comedy . $LABEL$ 0 +a sharp , amusing study of the cult of celebrity . $LABEL$ 1 +a culture-clash comedy that , in addition to being very funny , captures some of the discomfort and embarrassment of being a bumbling american in europe . $LABEL$ 1 +constantly slips from the grasp of its maker . $LABEL$ 0 +the leaping story line , shaped by director peter kosminsky into sharp slivers and cutting impressions , shows all the signs of rich detail condensed into a few evocative images and striking character traits . $LABEL$ 1 +an emotionally strong and politically potent piece of cinema . $LABEL$ 1 +that the real antwone fisher was able to overcome his personal obstacles and become a good man is a wonderful thing ; that he has been able to share his story so compellingly with us is a minor miracle . $LABEL$ 1 +what a dumb , fun , curiously adolescent movie this is . $LABEL$ 1 +simplistic , silly and tedious . $LABEL$ 0 +we just do n't really care too much about this love story . $LABEL$ 0 +writer\/director burr steers emphasizes the q in quirky , with mixed results . $LABEL$ 1 +it 's usually a bad sign when directors abandon their scripts and go where the moment takes them , but olympia , wash. , based filmmakers anne de marcken and marilyn freeman did just that and it 's what makes their project so interesting . $LABEL$ 1 +now here 's a sadistic bike flick that would have made vittorio de sica proud . $LABEL$ 1 +offers laughs and insight into one of the toughest ages a kid can go through . $LABEL$ 1 +for a film about explosions and death and spies , `` ballistic : ecks vs. sever '' seems as safe as a children 's film . $LABEL$ 0 +it 's up to -lrb- watts -rrb- to lend credibility to this strange scenario , and her presence succeeds in making us believe . $LABEL$ 1 +what makes this film special is serry 's ability to take what is essentially a contained family conflict and put it into a much larger historical context . $LABEL$ 1 +well , in some of those , the mother deer even dies . $LABEL$ 0 +... a solid , well-formed satire . $LABEL$ 1 +the film is small in scope , yet perfectly formed . $LABEL$ 1 +less than fresh . $LABEL$ 0 +those moviegoers who would automatically bypass a hip-hop documentary should give `` scratch '' a second look . $LABEL$ 1 +a 75-minute sample of puerile rubbish that is listless , witless , and devoid of anything resembling humor . $LABEL$ 0 +it 's mired in a shabby script that piles layer upon layer of action man cliché atop wooden dialogue and a shifting tone that falls far short of the peculiarly moral amorality of -lrb- woo 's -rrb- best work . $LABEL$ 0 +using a stock plot , about a boy injects just enough freshness into the proceedings to provide an enjoyable 100 minutes in a movie theater . $LABEL$ 1 +old-fashioned but thoroughly satisfying entertainment . $LABEL$ 1 +they just have problems , which are neither original nor are presented in convincing way . $LABEL$ 0 +mindless and boring martial arts and gunplay with too little excitement and zero compelling storyline . $LABEL$ 0 +an ingenious and often harrowing look at damaged people and how families can offer either despair or consolation . $LABEL$ 1 +below may not mark mr. twohy 's emergence into the mainstream , but his promise remains undiminished . $LABEL$ 1 +i think it was plato who said , ' i think , therefore i know better than to rush to the theatre for this one . ' $LABEL$ 0 +the soul-searching deliberateness of the film , although leavened nicely with dry absurdist wit , eventually becomes too heavy for the plot . $LABEL$ 0 +is n't it a bit early in his career for director barry sonnenfeld to do a homage to himself ? $LABEL$ 0 +this stuck pig of a movie flails limply between bizarre comedy and pallid horror . $LABEL$ 0 +chouraqui brings documentary-like credibility to the horrors of the killing field and the barbarism of ` ethnic cleansing . ' $LABEL$ 1 +it 's endlessly inventive , consistently intelligent and sickeningly savage . $LABEL$ 1 +white has n't developed characters so much as caricatures , one-dimensional buffoons that get him a few laughs but nothing else . $LABEL$ 0 +world traveler might not go anywhere new , or arrive anyplace special , but it 's certainly an honest attempt to get at something . $LABEL$ 1 +it is life affirming and heartbreaking , sweet without the decay factor , funny and sad . $LABEL$ 1 +witty dialog between realistic characters showing honest emotions . $LABEL$ 1 +hawke 's film , a boring , pretentious waste of nearly two hours , does n't tell you anything except that the chelsea hotel today is populated by whiny , pathetic , starving and untalented artistes . $LABEL$ 0 +gets bogged down by an overly sillified plot and stop-and-start pacing . $LABEL$ 0 +the lively appeal of the last kiss lies in the ease with which it integrates thoughtfulness and pasta-fagioli comedy . $LABEL$ 1 +using an endearing cast , writer\/director dover kosashvili takes a slightly dark look at relationships , both sexual and kindred . $LABEL$ 1 +some body often looks like an episode of the tv show blind date , only less technically proficient and without the pop-up comments . $LABEL$ 0 +`` sorority boys '' was funnier , and that movie was pretty bad . $LABEL$ 0 +toes the fine line between cheese and earnestness remarkably well ; everything is delivered with such conviction that it 's hard not to be carried away . $LABEL$ 1 +silly stuff , all mixed up together like a term paper from a kid who ca n't quite distinguish one sci-fi work from another . $LABEL$ 0 +it 's the filmmakers ' post-camp comprehension of what made old-time b movies good-bad that makes eight legged freaks a perfectly entertaining summer diversion . $LABEL$ 1 +and , there 's no way you wo n't be talking about the film once you exit the theater . $LABEL$ 1 +the rules of attraction gets us too drunk on the party favors to sober us up with the transparent attempts at moralizing . $LABEL$ 0 +his work with actors is particularly impressive . $LABEL$ 1 +unfolds in a series of achronological vignettes whose cumulative effect is chilling . $LABEL$ 1 +worthless , from its pseudo-rock-video opening to the idiocy of its last frames . $LABEL$ 0 +one of those films that started with a great premise and then just fell apart . $LABEL$ 0 +when you find yourself rooting for the monsters in a horror movie , you know the picture is in trouble . $LABEL$ 0 +a compelling , gut-clutching piece of advocacy cinema that carries you along in a torrent of emotion as it explores the awful complications of one terrifying day . $LABEL$ 1 +wishy-washy . $LABEL$ 0 +no one can doubt the filmmakers ' motives , but the guys still feels counterproductive . $LABEL$ 0 +it just goes to show , an intelligent person is n't necessarily an admirable storyteller . $LABEL$ 0 +moves in such odd plot directions and descends into such message-mongering moralism that its good qualities are obscured . $LABEL$ 0 +for those who like quirky , slightly strange french films , this is a must ! $LABEL$ 1 +too often , son of the bride becomes an exercise in trying to predict when a preordained `` big moment '' will occur and not `` if . '' $LABEL$ 0 +the mood , look and tone of the film fit the incredible storyline to a t. $LABEL$ 1 +a muddled limp biscuit of a movie , a vampire soap opera that does n't make much sense even on its own terms . $LABEL$ 0 +a certain sexiness underlines even the dullest tangents . $LABEL$ 1 +why `` they '' were here and what `` they '' wanted and quite honestly , i did n't care . $LABEL$ 0 +shallow . $LABEL$ 0 +a work of extraordinary journalism , but it is also a work of deft and subtle poetry . $LABEL$ 1 +but toback 's deranged immediacy makes it seem fresh again . $LABEL$ 1 +all three women deliver remarkable performances . $LABEL$ 1 +koury frighteningly and honestly exposes one teenager 's uncomfortable class resentment and , in turn , his self-inflicted retaliation . $LABEL$ 1 +off the hook is overlong and not well-acted , but credit writer-producer-director adam watstein with finishing it at all . $LABEL$ 0 +there is a subversive element to this disney cartoon , providing unexpected fizzability . $LABEL$ 1 +in an era where big stars and high production values are standard procedure , narc strikes a defiantly retro chord , and outpaces its contemporaries with daring and verve . $LABEL$ 1 +`` freaky friday , '' it 's not . $LABEL$ 0 +an essentially awkward version of the lightweight female empowerment picture we 've been watching for decades $LABEL$ 0 +bolstered by an astonishing voice cast -lrb- excepting love hewitt -rrb- , an interesting racial tension , and a storyline that i have n't encountered since at least pete 's dragon . $LABEL$ 1 +while the now 72-year-old robert evans been slowed down by a stroke , he has at least one more story to tell : his own . $LABEL$ 1 +this is one baaaaaaaaad movie . $LABEL$ 0 +maggie smith as the ya-ya member with the o2-tank will absolutely crack you up with her crass , then gasp for gas , verbal deportment . $LABEL$ 1 +brims with passion : for words , for its eccentric , accident-prone characters , and for the crazy things that keep people going in this crazy life . $LABEL$ 1 +borrows from other movies like it in the most ordinary and obvious fashion . $LABEL$ 0 +appropriately cynical social commentary aside , # 9 never quite ignites . $LABEL$ 0 +the story alone could force you to scratch a hole in your head . $LABEL$ 0 +this u-boat does n't have a captain . $LABEL$ 0 +spectacular in every sense of the word , even if you don ' t know an orc from a uruk-hai . $LABEL$ 1 +a different and emotionally reserved type of survival story -- a film less about refracting all of world war ii through the specific conditions of one man , and more about that man lost in its midst . $LABEL$ 1 +you will likely prefer to keep on watching . $LABEL$ 1 +a film that 's flawed and brilliant in equal measure . $LABEL$ 1 +it 's leaden and predictable , and laughs are lacking . $LABEL$ 0 +the importance of being earnest movie seems to be missing a great deal of the acerbic repartee of the play . '' $LABEL$ 0 +it 's a lovely , eerie film that casts an odd , rapt spell . $LABEL$ 1 +one fantastic -lrb- and educational -rrb- documentary . $LABEL$ 1 +the word that comes to mind , while watching eric rohmer 's tribute to a courageous scottish lady , is painterly . $LABEL$ 1 +a funny and touching film that is gorgeously acted by a british cast to rival gosford park 's . $LABEL$ 1 +he allows his cast members to make creative contributions to the story and dialogue . $LABEL$ 1 +an incoherent jumble of a film that 's rarely as entertaining as it could have been . $LABEL$ 0 +cho continues her exploration of the outer limits of raunch with considerable brio . $LABEL$ 1 +instead of panoramic sweep , kapur gives us episodic choppiness , undermining the story 's emotional thrust . $LABEL$ 0 +i love the robust middle of this picture . $LABEL$ 1 +for those of us who respond more strongly to storytelling than computer-generated effects , the new star wars installment has n't escaped the rut dug by the last one . $LABEL$ 0 +it 's a diverting enough hour-and-a-half for the family audience . $LABEL$ 1 +intriguing and downright intoxicating . $LABEL$ 1 +a sharp satire of desperation and cinematic deception . $LABEL$ 1 +i still like moonlight mile , better judgment be damned . $LABEL$ 1 +a showcase for both the scenic splendor of the mountains and for legendary actor michel serrault , the film is less successful on other levels . $LABEL$ 1 +with an expressive face reminiscent of gong li and a vivid personality like zhang ziyi 's , dong stakes out the emotional heart of happy . $LABEL$ 1 +steve oedekerk is , alas , no woody allen . $LABEL$ 0 +george lucas returns as a visionary with a tale full of nuance and character dimension . $LABEL$ 1 +putting the primitive murderer inside a high-tech space station unleashes a pandora 's box of special effects that run the gamut from cheesy to cheesier to cheesiest . $LABEL$ 0 +with the cheesiest monsters this side of a horror spoof , which they is n't , it is more likely to induce sleep than fright . $LABEL$ 0 +though tom shadyac 's film kicks off spookily enough , around the halfway mark it takes an abrupt turn into glucose sentimentality and laughable contrivance . $LABEL$ 0 +`` auto focus '' works as an unusual biopic and document of male swingers in the playboy era $LABEL$ 1 +with jump cuts , fast editing and lots of pyrotechnics , yu clearly hopes to camouflage how bad his movie is . $LABEL$ 0 +one of the most depressing movie-going experiences i can think of is to sit through about 90 minutes of a so-called ` comedy ' and not laugh once . $LABEL$ 0 +except it 's much , much better . $LABEL$ 1 +good fun , good action , good acting , good dialogue , good pace , good cinematography . $LABEL$ 1 +it 's a sharp movie about otherwise dull subjects . $LABEL$ 1 +is that it 's a crime movie made by someone who obviously knows nothing about crime . $LABEL$ 0 +jason patric and ray liotta make for one splendidly cast pair . $LABEL$ 1 +its compelling mix of trial movie , escape movie and unexpected fable ensures the film never feels draggy . $LABEL$ 1 +insightfully written , delicately performed $LABEL$ 1 +shyamalan should stop trying to please his mom . $LABEL$ 0 +kung pow is oedekerk 's realization of his childhood dream to be in a martial-arts flick , and proves that sometimes the dreams of youth should remain just that . $LABEL$ 0 +wimps out by going for that pg-13 rating , so the more graphic violence is mostly off-screen and the sexuality is muted . $LABEL$ 0 +the directing and story are disjointed , flaws that have to be laid squarely on taylor 's doorstep . $LABEL$ 0 +the movie 's thesis -- elegant technology for the masses -- is surprisingly refreshing . $LABEL$ 1 +it 's no lie -- big fat liar is a real charmer . $LABEL$ 1 +a gorgeously strange movie , heaven is deeply concerned with morality , but it refuses to spell things out for viewers . $LABEL$ 1 +you 'll cry for your money back . $LABEL$ 0 +the package in which this fascinating -- and timely -- content comes wrapped is disappointingly generic . $LABEL$ 0 +a subtle , humorous , illuminating study of politics , power and social mobility . $LABEL$ 1 +i loved the look of this film . $LABEL$ 1 +this little film is so slovenly done , so primitive in technique , that it ca n't really be called animation . $LABEL$ 0 +another boorish movie from the i-heard-a-joke - at-a-frat-party school of screenwriting . $LABEL$ 0 +it has its faults , but it is a kind , unapologetic , sweetheart of a movie , and mandy moore leaves a positive impression . $LABEL$ 1 +a baffling mixed platter of gritty realism and magic realism with a hard-to-swallow premise . $LABEL$ 0 +the code talkers deserved better than a hollow tribute . $LABEL$ 0 +for proof of that on the cinematic front , look no further than this 20th anniversary edition of the film that spielberg calls , retrospectively , his most personal work yet . $LABEL$ 1 +a slam-bang extravaganza that is all about a wild-and-woolly , wall-to-wall good time . $LABEL$ 1 +what you expect is just what you get ... assuming the bar of expectations has n't been raised above sixth-grade height . $LABEL$ 0 +the campy results make mel brooks ' borscht belt schtick look sophisticated . $LABEL$ 1 +an entertainment so in love with its overinflated mythology that it no longer recognizes the needs of moviegoers for real characters and compelling plots . $LABEL$ 0 +two badly interlocked stories drowned by all too clever complexity . $LABEL$ 0 +aloof and lacks any real raw emotion , which is fatal for a film that relies on personal relationships . $LABEL$ 0 +while parker and co-writer catherine di napoli are faithful to melville 's plotline , they and a fully engaged supporting cast ... have made the old boy 's characters more quick-witted than any english lit major would have thought possible . $LABEL$ 1 +the aaa of action , xxx is a blast of adrenalin , rated eee for excitement . $LABEL$ 1 +it 's all surface psychodramatics . $LABEL$ 0 +comedian , like its subjects , delivers the goods and audiences will have a fun , no-frills ride . $LABEL$ 1 +it was only a matter of time before some savvy producer saw the potential success inherent in the mixture of bullock bubble and hugh goo . $LABEL$ 1 +it 's virtually impossible to like any of these despicable characters . $LABEL$ 0 +it 's a sweet , laugh-a-minute crowd pleaser that lifts your spirits as well as the corners of your mouth . $LABEL$ 1 +scott delivers a terrific performance in this fascinating portrait of a modern lothario . $LABEL$ 1 +replacing john carpenter 's stylish tracking shots is degraded , handheld blair witch video-cam footage . $LABEL$ 0 +the film delivers what it promises : a look at the `` wild ride '' that ensues when brash young men set out to conquer the online world with laptops , cell phones and sketchy business plans . $LABEL$ 1 +it thankfully goes easy on the reel\/real world dichotomy that -lrb- jaglom -rrb- pursued with such enervating determination in venice\/venice . $LABEL$ 1 +a fake street drama that keeps telling you things instead of showing them . $LABEL$ 0 +like showgirls and glitter , the most entertaining moments here are unintentional . $LABEL$ 0 +the story is predictable , the jokes are typical sandler fare , and the romance with ryder is puzzling . $LABEL$ 0 +mark pellington 's latest pop thriller is as kooky and overeager as it is spooky and subtly in love with myth . $LABEL$ 1 +no amount of burning , blasting , stabbing , and shooting can hide a weak script . $LABEL$ 0 +prepare to marvel again . $LABEL$ 1 +family togetherness takes a back seat to inter-family rivalry and workplace ambition ... whole subplots have no explanation or even plot relevance . $LABEL$ 0 +stiff and schmaltzy and clumsily directed . $LABEL$ 0 +troubling and powerful . $LABEL$ 1 +cassavetes thinks he 's making dog day afternoon with a cause , but all he 's done is to reduce everything he touches to a shrill , didactic cartoon . $LABEL$ 0 +` dragonfly ' dwells on crossing-over mumbo jumbo , manipulative sentimentality , and sappy dialogue . $LABEL$ 0 +a genuinely moving and wisely unsentimental drama . $LABEL$ 1 +amy and matthew have a bit of a phony relationship , but the film works in spite of it . $LABEL$ 1 +maybe it is formula filmmaking , but there 's nothing wrong with that if the film is well-crafted and this one is . $LABEL$ 1 +nohe 's documentary about the event is sympathetic without being gullible : he is n't blind to the silliness , but also captures moments of spontaneous creativity and authentic co-operative interaction . $LABEL$ 1 +rock 's stand-up magic wanes . $LABEL$ 0 +a delightful , if minor , pastry of a movie . $LABEL$ 1 +a sexy , surprising romance ... idemoto and kim make a gorgeous pair ... their scenes brim with sexual possibility and emotional danger . $LABEL$ 1 +there are n't too many films that can be as simultaneously funny , offbeat and heartwarming -lrb- without a thick shmear of the goo , at least -rrb- , but `` elling '' manages to do all three quite well , making it one of the year 's most enjoyable releases . $LABEL$ 1 +plays like some corny television production from a bygone era $LABEL$ 0 +as a girl-meets-girl romantic comedy , kissing jessica steinis quirky , charming and often hilarious . $LABEL$ 1 +it 's like a drive-by . $LABEL$ 0 +it 's sweet . $LABEL$ 1 +one of the worst movies of the year . $LABEL$ 0 +like brosnan 's performance , evelyn comes from the heart . $LABEL$ 1 +though the film is well-intentioned , one could rent the original and get the same love story and parable . $LABEL$ 1 +-lrb- woo 's -rrb- most resonant film since the killer . $LABEL$ 1 +it 's rare that a movie can be as intelligent as this one is in every regard except its storyline ; everything that 's good is ultimately scuttled by a plot that 's just too boring and obvious . $LABEL$ 0 +this mistaken-identity picture is so film-culture referential that the final product is a ghost . $LABEL$ 0 +strange and beautiful film . $LABEL$ 1 +the histrionic muse still eludes madonna and , playing a charmless witch , she is merely a charmless witch . $LABEL$ 0 +the result , however well-intentioned , is ironically just the sort of disposable , kitchen-sink homage that illustrates why the whole is so often less than the sum of its parts in today 's hollywood . $LABEL$ 0 +the catch is that they 're stuck with a script that prevents them from firing on all cylinders . $LABEL$ 0 +one of those so-so films that could have been much better . $LABEL$ 0 +has all the complexity and realistic human behavior of an episode of general hospital . $LABEL$ 0 +as original and insightful as last week 's episode of behind the music . $LABEL$ 0 +marvelously entertaining and deliriously joyous documentary . $LABEL$ 1 +... this story gets sillier , not scarier , as it goes along ... $LABEL$ 0 +... most viewers will wish there had been more of the `` queen '' and less of the `` damned . '' $LABEL$ 0 +reveals how important our special talents can be when put in service of of others . $LABEL$ 1 +as a vehicle to savour binoche 's skill , the film is well worthwhile . $LABEL$ 1 +what saves this deeply affecting film from being merely a collection of wrenching cases is corcuera 's attention to detail . $LABEL$ 1 +steers , in his feature film debut , has created a brilliant motion picture . $LABEL$ 1 +it has a way of seeping into your consciousness , with lingering questions about what the film is really getting at . $LABEL$ 1 +the charms of the lead performances allow us to forget most of the film 's problems . $LABEL$ 1 +the pleasure of read my lips is like seeing a series of perfect black pearls clicking together to form a string . $LABEL$ 1 +insomnia loses points when it surrenders to a formulaic bang-bang , shoot-em-up scene at the conclusion . $LABEL$ 0 +this would-be ` james bond for the extreme generation ' pic is one big , dumb action movie . $LABEL$ 0 +when it comes to the battle of hollywood vs. woo , it looks like woo 's a p.o.w. $LABEL$ 0 +evelyn may be based on a true and historically significant story , but the filmmakers have made every effort to disguise it as an unimaginative screenwriter 's invention . $LABEL$ 0 +characterisation has been sacrificed for the sake of spectacle . $LABEL$ 0 +it turns out to be smarter and more diabolical than you could have guessed at the beginning . $LABEL$ 1 +is significantly less charming than listening to a four-year-old with a taste for exaggeration recount his halloween trip to the haunted house . $LABEL$ 0 +an example of quiet , confident craftsmanship that tells a sweet , charming tale of intergalactic friendship . $LABEL$ 1 +cheap , vulgar dialogue and a plot that crawls along at a snail 's pace . $LABEL$ 0 +been there done that . $LABEL$ 0 +something has been lost in the translation ... another routine hollywood frightfest in which the slack execution italicizes the absurdity of the premise . $LABEL$ 0 +tense , terrific , sweaty-palmed fun . $LABEL$ 1 +despite some charm and heart , this quirky soccer import is forgettable $LABEL$ 0 +cuaron repeatedly , perversely undercuts the joie de vivre even as he creates it , giving the movie a mournful undercurrent that places the good-time shenanigans in welcome perspective . $LABEL$ 1 +for all its brooding quality , ash wednesday is suspenseful and ultimately unpredictable , with a sterling ensemble cast . $LABEL$ 1 +delivers the sexy razzle-dazzle that everyone , especially movie musical fans , has been hoping for . $LABEL$ 1 +-- that the ` true story ' by which all the queen 's men is allegedly `` inspired '' was a lot funnier and more deftly enacted than what 's been cobbled together onscreen . $LABEL$ 0 +you could hate it for the same reason . $LABEL$ 0 +a story about intelligent high school students that deals with first love sweetly but also seriously . $LABEL$ 1 +waydowntown may not be an important movie , or even a good one , but it provides a nice change of mindless pace in collision with the hot oscar season currently underway . $LABEL$ 1 +`` frailty '' starts out like a typical bible killer story , but it turns out to be significantly different -lrb- and better -rrb- than most films with this theme . $LABEL$ 1 +thanks to the château 's balance of whimsicality , narrative discipline and serious improvisation , almost every relationship and personality in the film yields surprises . $LABEL$ 1 +gaghan captures the half-lit , sometimes creepy intimacy of college dorm rooms , a subtlety that makes the silly , over-the-top coda especially disappointing . $LABEL$ 0 +julie davis is the kathie lee gifford of film directors , sadly proving once again ego does n't always go hand in hand with talent . $LABEL$ 0 +in the affable maid in manhattan , jennifer lopez 's most aggressive and most sincere attempt to take movies by storm , the diva shrewdly surrounds herself with a company of strictly a-list players . $LABEL$ 1 +elegantly produced and expressively performed , the six musical numbers crystallize key plot moments into minutely detailed wonders of dreamlike ecstasy . $LABEL$ 1 +dark and unrepentant , this excursion into the epicenter of percolating mental instability is not easily dismissed or forgotten . $LABEL$ 1 +solondz may be convinced that he has something significant to say , but he is n't talking a talk that appeals to me . $LABEL$ 0 +a beautifully shot but dull and ankle-deep ` epic . ' $LABEL$ 0 +stale , futile scenario . $LABEL$ 0 +a film in a class with spike lee 's masterful do the right thing . $LABEL$ 1 +in addition to sporting one of the worst titles in recent cinematic history , ballistic : ecks vs. sever also features terrible , banal dialogue ; convenient , hole-ridden plotting ; superficial characters and a rather dull , unimaginative car chase . $LABEL$ 0 +full of the kind of obnoxious chitchat that only self-aware neurotics engage in . $LABEL$ 0 +a simpler , leaner treatment would have been preferable ; after all , being about nothing is sometimes funnier than being about something . $LABEL$ 0 +a delightful stimulus for the optic nerves , so much that it 's forgivable that the plot feels like every other tale of a totalitarian tomorrow . $LABEL$ 1 +nothing but an episode of smackdown ! $LABEL$ 0 +for all the charm of kevin kline and a story that puts old-fashioned values under the microscope , there 's something creepy about this movie . $LABEL$ 1 +kirshner and monroe seem to be in a contest to see who can out-bad-act the other . $LABEL$ 0 +the only reason you should see this movie is if you have a case of masochism and an hour and a half to blow . $LABEL$ 0 +it 's pretentious in a way that verges on the amateurish . $LABEL$ 0 +a plodding teen remake that 's so mechanical you can smell the grease on the plot twists . $LABEL$ 0 +it 's drab . $LABEL$ 0 +... a delightfully unpredictable , hilarious comedy with wonderful performances that tug at your heart in ways that utterly transcend gender labels . $LABEL$ 1 +what 's so striking about jolie 's performance is that she never lets her character become a caricature -- not even with that radioactive hair . $LABEL$ 1 +in my own very humble opinion , in praise of love lacks even the most fragmented charms i have found in almost all of his previous works . $LABEL$ 0 +i 've never bought from telemarketers , but i bought this movie . $LABEL$ 1 +woven together handsomely , recalling sixties ' rockumentary milestones from lonely boy to do n't look back . $LABEL$ 1 +horrid little propaganda film with fascinating connections not only to the serbs themselves but also to a network of american right-wing extremists . $LABEL$ 1 +a sun-drenched masterpiece , part parlor game , part psychological case study , part droll social satire . $LABEL$ 1 +a thriller without thrills and a mystery devoid of urgent questions . $LABEL$ 0 +10 minutes into the film you 'll be white-knuckled and unable to look away . $LABEL$ 1 +an enjoyable above average summer diversion . $LABEL$ 1 +watching this film , what we feel is n't mainly suspense or excitement . $LABEL$ 0 +it 's not going to be everyone 's bag of popcorn , but it definitely gives you something to chew on . $LABEL$ 1 +violent , vulgar and forgettably entertaining . $LABEL$ 0 +like many such biographical melodramas , it suffers from the awkwardness that results from adhering to the messiness of true stories . $LABEL$ 0 +as a story of dramatic enlightenment , the screenplay by billy ray and terry george leaves something to be desired . $LABEL$ 0 +sometimes charming , sometimes infuriating , this argentinean ` dramedy ' succeeds mainly on the shoulders of its actors . $LABEL$ 1 +`` 13 conversations about one thing '' is an intelligent flick that examines many different ideas from happiness to guilt in an intriguing bit of storytelling . $LABEL$ 1 +a no-holds-barred cinematic treat . $LABEL$ 1 +plotless collection of moronic stunts is by far the worst movie of the year . $LABEL$ 0 +all in all , road to perdition is more in love with strangeness than excellence . $LABEL$ 1 +with all the sympathy , empathy and pity fogging up the screen ... his secret life enters the land of unintentional melodrama and tiresome love triangles . $LABEL$ 0 +like a fish that 's lived too long , austin powers in goldmember has some unnecessary parts and is kinda wrong in places . $LABEL$ 0 +adaptation 's success in engaging the audience in the travails of creating a screenplay is extraordinary . $LABEL$ 1 +canadian filmmaker gary burns ' inventive and mordantly humorous take on the soullessness of work in the city . $LABEL$ 1 +ultimately , `` mib ii '' succeeds due to its rapid-fire delivery and enough inspired levity that it ca n't be dismissed as mindless . $LABEL$ 1 +like the original , this version is raised a few notches above kiddie fantasy pablum by allen 's astringent wit . $LABEL$ 1 +tries so hard to be quirky and funny that the strain is all too evident . $LABEL$ 0 +the self-serious equilibrium makes its point too well ; a movie , like life , is n't much fun without the highs and lows . $LABEL$ 0 +a family film that contains some hefty thematic material on time , death , eternity , and what is needed to live a rich and full life . $LABEL$ 1 +a riveting profile of law enforcement , and a visceral , nasty journey into an urban hades . $LABEL$ 1 +by no means a great movie , but it is a refreshingly forthright one . $LABEL$ 1 +rewarding . $LABEL$ 1 +often hilarious . $LABEL$ 1 +shot largely in small rooms , the film has a gentle , unforced intimacy that never becomes claustrophobic . $LABEL$ 1 +i like all four of the lead actors a lot and they manage to squeeze a few laughs out of the material , but they 're treading water at best in this forgettable effort . $LABEL$ 1 +the adventure does n't contain half the excitement of balto , or quarter the fun of toy story 2 . $LABEL$ 0 +a very charming and funny movie . $LABEL$ 1 +nair 's attention to detail creates an impeccable sense of place , while thurman and lewis give what can easily be considered career-best performances . $LABEL$ 1 +... the maudlin way its story unfolds suggests a director fighting against the urge to sensationalize his material . $LABEL$ 0 +beware the quirky brit-com . $LABEL$ 0 +a sense of real magic , perhaps . $LABEL$ 1 +in theory , a middle-aged romance pairing clayburgh and tambor sounds promising , but in practice it 's something else altogether -- clownish and offensive and nothing at all like real life . $LABEL$ 0 +a tour de force of modern cinema . $LABEL$ 1 +able to provide insight into a fascinating part of theater history . $LABEL$ 1 +it still feels like a prison stretch . $LABEL$ 0 +adams , with four scriptwriters , takes care with the characters , who are so believable that you feel what they feel . $LABEL$ 1 +he makes you realize that deep inside righteousness can be found a tough beauty . $LABEL$ 1 +this is historical filmmaking without the balm of right-thinking ideology , either liberal or conservative . $LABEL$ 1 +the direction , by george hickenlooper , has no snap to it , no wiseacre crackle or hard-bitten cynicism . $LABEL$ 0 +-lrb- a -rrb- smarter and much funnier version of the old police academy flicks . $LABEL$ 1 +her fans walked out muttering words like `` horrible '' and `` terrible , '' but had so much fun dissing the film that they did n't mind the ticket cost . $LABEL$ 0 +a supernatural mystery that does n't know whether it wants to be a suspenseful horror movie or a weepy melodrama . $LABEL$ 0 +an impeccable study in perversity . $LABEL$ 1 +what sets it apart is the vision that taymor , the avant garde director of broadway 's the lion king and the film titus , brings . $LABEL$ 1 +offers the flash of rock videos fused with solid performances and eerie atmosphere . $LABEL$ 1 +but the film itself is ultimately quite unengaging . $LABEL$ 0 +a sleep-inducingly slow-paced crime drama with clumsy dialogue , heavy-handed phoney-feeling sentiment , and an overly-familiar set of plot devices . $LABEL$ 0 +an awful movie that will only satisfy the most emotionally malleable of filmgoers . $LABEL$ 0 +i guess it just goes to show that if you give a filmmaker an unlimited amount of phony blood , nothing good can happen . $LABEL$ 0 +time of favor could have given audiences the time of day by concentrating on the elements of a revealing alienation among a culture of people who sadly are at hostile odds with one another through recklessness and retaliation . $LABEL$ 0 +a waste of fearless purity in the acting craft . $LABEL$ 0 +twenty years after its first release , e.t. remains the most wondrous of all hollywood fantasies -- and the apex of steven spielberg 's misunderstood career . $LABEL$ 1 +suffers from unlikable characters and a self-conscious sense of its own quirky hipness . $LABEL$ 0 +talky , artificial and opaque ... an interesting technical exercise , but a tedious picture . $LABEL$ 0 +filled with low-brow humor , gratuitous violence and a disturbing disregard for life . $LABEL$ 0 +the great pity is that those responsible did n't cut their losses -- and ours -- and retitle it the adventures of direct-to-video nash , and send it to its proper home . $LABEL$ 0 +beneath the uncanny , inevitable and seemingly shrewd facade of movie-biz farce ... lies a plot cobbled together from largely flat and uncreative moments . $LABEL$ 0 +more tiring than anything . $LABEL$ 0 +laconic and very stilted in its dialogue , this indie flick never found its audience , probably because it 's extremely hard to relate to any of the characters . $LABEL$ 0 +uzumaki 's interesting social parallel and defiant aesthetic seems a prostituted muse ... $LABEL$ 0 +a perceptive , good-natured movie . $LABEL$ 1 +maelstrom is strange and compelling , engrossing and different , a moral tale with a twisted sense of humor . $LABEL$ 1 +if you 're looking for a story , do n't bother . $LABEL$ 0 +reign of fire never comes close to recovering from its demented premise , but it does sustain an enjoyable level of ridiculousness . $LABEL$ 0 +if you ever wondered what it would be like to be smack in the middle of a war zone armed with nothing but a camera , this oscar-nominated documentary takes you there . $LABEL$ 1 +other than a mildly engaging central romance , hospital is sickly entertainment at best and mind-destroying cinematic pollution at worst . $LABEL$ 0 +the movie is like scorsese 's mean streets redone by someone who ignored it in favor of old ` juvenile delinquent ' paperbacks with titles like leather warriors and switchblade sexpot . $LABEL$ 0 +like the chilled breath of oral storytelling frozen onto film . $LABEL$ 1 +captivates as it shows excess in business and pleasure , allowing us to find the small , human moments , and leaving off with a grand whimper . $LABEL$ 1 +gay or straight , kissing jessica stein is one of the greatest date movies in years . $LABEL$ 1 +he drags it back , single-handed . $LABEL$ 1 +translating complex characters from novels to the big screen is an impossible task but they are true to the essence of what it is to be ya-ya . $LABEL$ 1 +there is nothing funny in this every-joke-has - been-told-a - thousand-times - before movie . $LABEL$ 0 +a thoughtful and surprisingly affecting portrait of a screwed-up man who dared to mess with some powerful people , seen through the eyes of the idealistic kid who chooses to champion his ultimately losing cause . $LABEL$ 1 +reggio and glass put on an intoxicating show . $LABEL$ 1 +a rare and lightly entertaining look behind the curtain that separates comics from the people laughing in the crowd . $LABEL$ 1 +be prepared to cling to the edge of your seat , tense with suspense . $LABEL$ 1 +the mantra behind the project seems to have been ` it 's just a kids ' flick . ' $LABEL$ 0 +both heartbreaking and heartwarming ... just a simple fable done in an artless sytle , but it 's tremendously moving . $LABEL$ 1 +the series ' message about making the right choice in the face of tempting alternatives remains prominent , as do the girls ' amusing personalities . $LABEL$ 1 +the santa clause 2 's plot may sound like it was co-written by mattel executives and lobbyists for the tinsel industry . $LABEL$ 0 +it 's surprisingly decent , particularly for a tenth installment in a series . $LABEL$ 1 +true to its animatronic roots : ... as stiff , ponderous and charmless as a mechanical apparatus ... ` the country bears ' should never have been brought out of hibernation . $LABEL$ 0 +the piano teacher is not an easy film . $LABEL$ 0 +degenerates into hogwash . $LABEL$ 0 +absurdities and clichés accumulate like lint in a fat man 's navel . $LABEL$ 0 +those who are not acquainted with the author 's work , on the other hand , may fall fast asleep . $LABEL$ 0 +sex with strangers is fascinating ... $LABEL$ 1 +unlike trey parker , sandler does n't understand that the idea of exploiting molestation for laughs is funny , not actually exploiting it yourself . $LABEL$ 0 +byler is too savvy a filmmaker to let this morph into a typical romantic triangle . $LABEL$ 1 +green ruins every single scene he 's in , and the film , while it 's not completely wreaked , is seriously compromised by that . $LABEL$ 0 +a minor film with major pleasures from portuguese master manoel de oliviera ... $LABEL$ 1 +stealing harvard ca n't even do that much . $LABEL$ 0 +leguizamo and jones are both excellent and the rest of the cast is uniformly superb . $LABEL$ 1 +if the predictability of bland comfort food appeals to you , then the film is a pleasant enough dish . $LABEL$ 0 +the story suffers a severe case of oversimplification , superficiality and silliness . $LABEL$ 0 +a technical triumph and an extraordinary bore . $LABEL$ 0 +the characters ... are paper-thin , and their personalities undergo radical changes when it suits the script . $LABEL$ 0 +neither quite a comedy nor a romance , more of an impish divertissement of themes that interest attal and gainsbourg -- they live together -- the film has a lot of charm . $LABEL$ 1 +likely to have decades of life as a classic movie franchise ? $LABEL$ 1 +what they see in each other also is difficult to fathom . $LABEL$ 0 +this is a fascinating film because there is no clear-cut hero and no all-out villain . $LABEL$ 1 +another trumpet blast that there may be a new mexican cinema a-bornin ' . ' $LABEL$ 1 +what might have been readily dismissed as the tiresome rant of an aging filmmaker still thumbing his nose at convention takes a surprising , subtle turn at the midway point . $LABEL$ 0 +expands the limits of what a film can be , taking us into the lives of women to whom we might not give a second look if we passed them on the street . $LABEL$ 1 +does not go far enough in its humor or stock ideas to stand out as particularly memorable or even all that funny . $LABEL$ 0 +despite the film 's shortcomings , the stories are quietly moving . $LABEL$ 1 +from blushing to gushing -- imamura squirts the screen in ` warm water under a red bridge ' $LABEL$ 1 +delight your senses and crash this wedding ! $LABEL$ 1 +the best thing i can say about this film is that i ca n't wait to see what the director does next . $LABEL$ 1 +... wallace is smart to vary the pitch of his movie , balancing deafening battle scenes with quieter domestic scenes of women back home receiving war department telegrams . $LABEL$ 1 +a true-blue delight . $LABEL$ 1 +about as enjoyable , i would imagine , as searching for a quarter in a giant pile of elephant feces ... positively dreadful . $LABEL$ 0 +it leaves little doubt that kidman has become one of our best actors . $LABEL$ 1 +what ensues are much blood-splattering , mass drug-induced bowel evacuations , and none-too-funny commentary on the cultural distinctions between americans and brits . $LABEL$ 0 +an enjoyable experience . $LABEL$ 1 +and they succeed merrily at their noble endeavor . $LABEL$ 1 +very much a home video , and so devoid of artifice and purpose that it appears not to have been edited at all . $LABEL$ 0 +no , even that 's too committed . $LABEL$ 0 +the entire movie is in need of a scented bath . $LABEL$ 0 +i spied with my little eye ... a mediocre collection of cookie-cutter action scenes and occasionally inspired dialogue bits $LABEL$ 0 +the hours , a delicately crafted film , is an impressive achievement in spite of a river of sadness that pours into every frame . $LABEL$ 1 +are we dealing with dreams , visions or being told what actually happened as if it were the third ending of clue ? $LABEL$ 0 +this movie is so bad , that it 's almost worth seeing because it 's so bad . $LABEL$ 0 +no better or worse than ` truth or consequences , n.m. ' or any other interchangeable actioner with imbecilic mafia toolbags botching a routine assignment in a western backwater . $LABEL$ 0 +well , this movie proves you wrong on both counts . $LABEL$ 0 +much of it is funny , but there are also some startling , surrealistic moments ... $LABEL$ 1 +those who are only mildly curious , i fear , will be put to sleep or bewildered by the artsy and often pointless visuals . $LABEL$ 0 +its engaging simplicity is driven by appealing leads . $LABEL$ 1 +theological matters aside , the movie is so clumsily sentimental and ineptly directed it may leave you speaking in tongues . $LABEL$ 0 +this 90-minute postmodern voyage was more diverting and thought-provoking than i 'd expected it to be . $LABEL$ 1 +ignoring that , he made swimfan anyway $LABEL$ 0 +we never truly come to care about the main characters and whether or not they 'll wind up together , and michele 's spiritual quest is neither amusing nor dramatic enough to sustain interest . $LABEL$ 0 +like schindler 's list , the grey zone attempts to be grandiloquent , but ends up merely pretentious -- in a grisly sort of way . $LABEL$ 0 +a touching drama about old age and grief with a tour de force performance by michel piccoli . $LABEL$ 1 +video games are more involving than this mess . $LABEL$ 0 +an obvious copy of one of the best films ever made , how could it not be ? $LABEL$ 0 +the plan to make enough into ` an inspiring tale of survival wrapped in the heart-pounding suspense of a stylish psychological thriller ' has flopped as surely as a soufflé gone wrong . $LABEL$ 0 +dog soldiers does n't transcend genre -- it embraces it , energizes it and takes big bloody chomps out of it . $LABEL$ 1 +third time 's the charm ... yeah , baby ! $LABEL$ 1 +weighty and ponderous but every bit as filling as the treat of the title . $LABEL$ 1 +makes the case for a strong education and good teachers being more valuable in the way they help increase an average student 's self-esteem , and not strictly in the knowledge imparted . $LABEL$ 1 +a giddy and provocative sexual romp that has something to say . $LABEL$ 1 +what 's not to like about a movie with a ` children 's ' song that includes the line ` my stepdad 's not mean , he 's just adjusting ' ? $LABEL$ 1 +equilibrium the movie , as opposed to the manifesto , is really , really stupid . $LABEL$ 0 +suffers from over-familiarity since hit-hungry british filmmakers have strip-mined the monty formula mercilessly since 1997 . $LABEL$ 0 +eventually arrives at its heart , as simple self-reflection meditation . $LABEL$ 1 +in a summer overrun with movies dominated by cgi aliens and super heroes , it revigorates the mind to see a feature that concentrates on people , a project in which the script and characters hold sway . $LABEL$ 1 +for most movies , 84 minutes is short , but this one feels like a life sentence . $LABEL$ 0 +what begins as a conventional thriller evolves into a gorgeously atmospheric meditation on life-changing chance encounters . $LABEL$ 1 +it 's rare for any movie to be as subtle and touching as the son 's room . $LABEL$ 1 +not as well-written as sexy beast , not as gloriously flippant as lock , stock and two smoking barrels , but stylish and moody and exceptionally well-acted . $LABEL$ 1 +spielberg 's realization of a near-future america is masterful . $LABEL$ 1 +amidst the action , the script carries arnold -lrb- and the viewers -rrb- into the forbidden zone of sympathizing with terrorist motivations by presenting the `` other side of the story . '' $LABEL$ 1 +as gory as the scenes of torture and self-mutilation may be , they are pitted against shimmering cinematography that lends the setting the ethereal beauty of an asian landscape painting . $LABEL$ 1 +jones has delivered a solidly entertaining and moving family drama . $LABEL$ 1 +-lrb- h -rrb- ad i suffered and bled on the hard ground of ia drang , i 'd want something a bit more complex than we were soldiers to be remembered by . $LABEL$ 0 +it 's sort of in-between , and it works . $LABEL$ 1 +he 's the scariest guy you 'll see all summer . $LABEL$ 1 +unfunny comedy with a lot of static set ups , not much camera movement , and most of the scenes take place indoors in formal settings with motionless characters . $LABEL$ 0 +a movie in which two not very absorbing characters are engaged in a romance you ca n't wait to see end . $LABEL$ 0 +a cultural wildcard experience : wacky , different , unusual , even nutty . $LABEL$ 1 +mediocre fable from burkina faso . $LABEL$ 0 +a hallmark film in an increasingly important film industry and worth the look . $LABEL$ 1 +the worst film of the year . $LABEL$ 0 +a funny , triumphant , and moving documentary . $LABEL$ 1 +for the most part , the film does hold up pretty well . $LABEL$ 1 +it 's about issues most adults have to face in marriage and i think that 's what i liked about it -- the real issues tucked between the silly and crude storyline . $LABEL$ 1 +there 's a spontaneity to the chateau , a sense of light-heartedness , that makes it attractive throughout . $LABEL$ 1 +in fact , it 's quite fun in places . $LABEL$ 1 +it 's a barely tolerable slog over well-trod ground . $LABEL$ 0 +manipulative claptrap , a period-piece movie-of-the-week , plain old blarney ... take your pick . $LABEL$ 0 +not that any of us should be complaining when a film clocks in around 90 minutes these days , but the plotting here leaves a lot to be desired . $LABEL$ 0 +it 's crap on a leash -- far too polite to scale the lunatic heights of joe dante 's similarly styled gremlins . $LABEL$ 0 +hollywood ending is not show-stoppingly hilarious , but scathingly witty nonetheless . $LABEL$ 1 +it 's an exhilarating place to visit , this laboratory of laughter . $LABEL$ 1 +genuinely unnerving . $LABEL$ 1 +enriched by a strong and unforced supporting cast . $LABEL$ 1 +without any redeeming value whatsoever . $LABEL$ 0 +an intoxicating experience . $LABEL$ 1 +rock solid family fun out of the gates , extremely imaginative through out , but wanes in the middle $LABEL$ 1 +they cheapen the overall effect . $LABEL$ 0 +what results is the best performance from either in years . $LABEL$ 1 +s1m0ne 's satire is not subtle , but it is effective . $LABEL$ 1 +an already thin story boils down to surviving invaders seeking an existent anti-virus . $LABEL$ 0 +a confluence of kiddie entertainment , sophisticated wit and symbolic graphic design . $LABEL$ 1 +a period story about a catholic boy who tries to help a jewish friend get into heaven by sending the audience straight to hell . $LABEL$ 0 +a film that should be relegated to a dark video store corner is somehow making its way instead to theaters . $LABEL$ 0 +deliberately and skillfully uses ambiguity to suggest possibilities which imbue the theme with added depth and resonance . $LABEL$ 1 +and more than that , it 's an observant , unfussily poetic meditation about identity and alienation . $LABEL$ 1 +exploits -lrb- headbanger -rrb- stereotypes in good fun , while adding a bit of heart and unsettling subject matter . $LABEL$ 1 +resurrection has the dubious distinction of being a really bad imitation of the really bad blair witch project . $LABEL$ 0 +fluffy and disposible . $LABEL$ 0 +in its treatment of the dehumanizing and ego-destroying process of unemployment , time out offers an exploration that is more accurate than anything i have seen in an american film . $LABEL$ 1 +odd and weird . $LABEL$ 0 +the beauty of alexander payne 's ode to the everyman is in the details . $LABEL$ 1 +no matter how much he runs around and acts like a doofus , accepting a 50-year-old in the role is creepy in a michael jackson sort of way . $LABEL$ 0 +meyjes ' provocative film might be called an example of the haphazardness of evil . $LABEL$ 1 +can i admit xxx is as deep as a petri dish and as well-characterized as a telephone book but still say it was a guilty pleasure ? $LABEL$ 0 +a hugely rewarding experience that 's every bit as enlightening , insightful and entertaining as grant 's two best films -- four weddings and a funeral and bridget jones 's diary . $LABEL$ 1 +interview with the assassin is structured less as a documentary and more as a found relic , and as such the film has a difficult time shaking its blair witch project real-time roots . $LABEL$ 0 +it 's mildly interesting to ponder the peculiar american style of justice that plays out here , but it 's so muddled and derivative that few will bother thinking it all through . $LABEL$ 0 +it appears to have been modeled on the worst revenge-of-the-nerds clichés the filmmakers could dredge up . $LABEL$ 0 +reign of fire has the disadvantage of also looking cheap . $LABEL$ 0 +to call this one an eventual cult classic would be an understatement , and woe is the horror fan who opts to overlook this goofily endearing and well-lensed gorefest . $LABEL$ 1 +a distinguished and thoughtful film , marked by acute writing and a host of splendid performances . $LABEL$ 1 +grant is n't cary and bullock is n't katherine . $LABEL$ 0 +a terrible adaptation of a play that only ever walked the delicate tightrope between farcical and loathsome . $LABEL$ 0 +not just unlikable . $LABEL$ 0 +a fresh-faced , big-hearted and frequently funny thrill ride for the kiddies , with enough eye candy and cheeky wit to keep parents away from the concession stand . ' $LABEL$ 1 +priggish , lethargically paced parable of renewal . $LABEL$ 0 +disgusting . $LABEL$ 0 +excruciatingly unfunny and pitifully unromantic . $LABEL$ 0 +films about loss , grief and recovery are pretty valuable these days . $LABEL$ 1 +-lrb- it 's -rrb- a clever thriller with enough unexpected twists to keep our interest . $LABEL$ 1 +as if drop dead gorgeous was n't enough , this equally derisive clunker is fixated on the spectacle of small-town competition . $LABEL$ 0 +but believe it or not , it 's one of the most beautiful , evocative works i 've seen . $LABEL$ 1 +real women have curves wears its empowerment on its sleeve but even its worst harangues are easy to swallow thanks to remarkable performances by ferrera and ontiveros . $LABEL$ 1 +the film 's plot may be shallow , but you 've never seen the deep like you see it in these harrowing surf shots . $LABEL$ 1 +the two leads , nearly perfect in their roles , bring a heart and reality that buoy the film , and at times , elevate it to a superior crime movie . $LABEL$ 1 +mastering its formidable arithmetic of cameras and souls , group articulates a flood of emotion . $LABEL$ 1 +... a great , participatory spectator sport . ' $LABEL$ 1 +... really horrible drek . $LABEL$ 0 +wang xiaoshuai directs this intricately structured and well-realized drama that presents a fascinating glimpse of urban life and the class warfare that embroils two young men . $LABEL$ 1 +the problem is that the movie has no idea of it is serious or not . $LABEL$ 0 +a must for fans of british cinema , if only because so many titans of the industry are along for the ride . $LABEL$ 1 +but it 's hard to imagine a more generic effort in the genre . $LABEL$ 0 +what makes it worth watching is quaid 's performance . $LABEL$ 1 +snoots will no doubt rally to its cause , trotting out threadbare standbys like ` masterpiece ' and ` triumph ' and all that malarkey , but rarely does an established filmmaker so ardently waste viewers ' time with a gobbler like this . $LABEL$ 0 +... stale and uninspired . $LABEL$ 0 +hey , happy ! $LABEL$ 1 +perfectly pitched between comedy and tragedy , hope and despair , about schmidt instead comes far closer than many movies to expressing the way many of us live -- someplace between consuming self-absorption and insistently demanding otherness . $LABEL$ 1 +it reaffirms life as it looks in the face of death . $LABEL$ 1 +it 's the humanizing stuff that will probably sink the film for anyone who does n't think about percentages all day long . $LABEL$ 0 +if the full monty was a freshman fluke , lucky break is -lrb- cattaneo -rrb- sophomore slump . $LABEL$ 0 +rarely does a film so graceless and devoid of merit as this one come along . $LABEL$ 0 +this comic gem is as delightful as it is derivative . $LABEL$ 1 +for all its brilliant touches , dragon loses its fire midway , nearly flickering out by its perfunctory conclusion . $LABEL$ 0 +no , i love it ... hell , i dunno . $LABEL$ 1 +dull , a road-trip movie that 's surprisingly short of both adventure and song . $LABEL$ 0 +baran is shockingly devoid of your typical majid majidi shoe-loving , crippled children . $LABEL$ 0 +khouri manages , with terrific flair , to keep the extremes of screwball farce and blood-curdling family intensity on one continuum . $LABEL$ 1 +as the movie dragged on , i thought i heard a mysterious voice , and felt myself powerfully drawn toward the light -- the light of the exit sign . $LABEL$ 0 +that 's its first sign of trouble . $LABEL$ 0 +the movie is ingenious fun . $LABEL$ 1 +ah , yes , that would be me : fighting off the urge to doze . $LABEL$ 0 +a visually flashy but narratively opaque and emotionally vapid exercise in style and mystification . $LABEL$ 0 +until it goes off the rails in its final 10 or 15 minutes , wendigo , larry fessenden 's spooky new thriller , is a refreshingly smart and newfangled variation on several themes derived from far less sophisticated and knowing horror films . $LABEL$ 1 +you walk out of the good girl with mixed emotions -- disapproval of justine combined with a tinge of understanding for her actions . $LABEL$ 1 +hard-core slasher aficionados will find things to like ... but overall the halloween series has lost its edge . $LABEL$ 0 +it 's the perfect star vehicle for grant , allowing him to finally move away from his usual bumbling , tongue-tied screen persona . $LABEL$ 1 +it grabs you in the dark and shakes you vigorously for its duration . $LABEL$ 1 +makes the same mistake as the music industry it criticizes , becoming so slick and watered-down it almost loses what made you love it in the first place . $LABEL$ 0 +tedious norwegian offering which somehow snagged an oscar nomination . $LABEL$ 0 +the plot twists give i am trying to break your heart an attraction it desperately needed . $LABEL$ 1 +breen 's script is sketchy with actorish notations on the margin of acting . $LABEL$ 0 +the film can depress you about life itself . $LABEL$ 0 +the slam-bang superheroics are kinetic enough to engross even the most antsy youngsters . $LABEL$ 1 +then you get another phone call warning you that if the video is n't back at blockbuster before midnight , you 're going to face frightening late fees . $LABEL$ 0 +its cast full of caffeinated comedy performances more than make up for its logical loopholes , which fly by so fast there 's no time to think about them anyway . $LABEL$ 1 +something for everyone . $LABEL$ 1 +the story is -- forgive me -- a little thin , and the filmmaking clumsy and rushed . $LABEL$ 0 +graphic sex may be what 's attracting audiences to unfaithful , but gripping performances by lane and gere are what will keep them awake . $LABEL$ 1 +feels shrill , simple and soapy . $LABEL$ 0 +bloody sunday has the grace to call for prevention rather than to place blame , making it one of the best war movies ever made . $LABEL$ 1 +it sucked . $LABEL$ 0 +will give many ministers and bible-study groups hours of material to discuss . $LABEL$ 1 +a light , engaging comedy that fumbles away almost all of its accumulated enjoyment with a crucial third act miscalculation . $LABEL$ 0 +a so-so , made-for-tv something posing as a real movie . $LABEL$ 0 +whatever heartwarming scene the impressively discreet filmmakers may have expected to record with their mini dv , they show a remarkable ability to document both sides of this emotional car-wreck . $LABEL$ 1 +skins has a desolate air , but eyre , a native american raised by white parents , manages to infuse the rocky path to sibling reconciliation with flashes of warmth and gentle humor . $LABEL$ 1 +an unencouraging threefold expansion on the former mtv series , accompanying the stunt-hungry dimwits in a random series of collected gags , pranks , pratfalls , dares , injuries , etc. . $LABEL$ 0 +a jumbled fantasy comedy that did not figure out a coherent game plan at scripting , shooting or post-production stages . $LABEL$ 0 +the film brilliantly shines on all the characters , as the direction is intelligently accomplished . $LABEL$ 1 +this thing is virtually unwatchable . $LABEL$ 0 +there is a beautiful , aching sadness to it all . $LABEL$ 1 +this is the kind of movie where people who have never picked a lock do so easily after a few tries and become expert fighters after a few weeks . $LABEL$ 0 +handsome and sophisticated approach to the workplace romantic comedy . $LABEL$ 1 +schaefer 's ... determination to inject farcical raunch ... drowns out the promise of the romantic angle . $LABEL$ 0 +huppert 's show to steal and she makes a meal of it , channeling kathy baker 's creepy turn as the repressed mother on boston public just as much as 8 women 's augustine . $LABEL$ 1 +yet why it fails is a riddle wrapped in a mystery inside an enigma . $LABEL$ 0 +may cause you to bite your tongue to keep from laughing at the ridiculous dialog or the oh-so convenient plot twists . $LABEL$ 0 +terry is a sort of geriatric dirty harry , which will please eastwood 's loyal fans -- and suits the story , wherein our hero must ride roughshod over incompetent cops to get his man . $LABEL$ 1 +costner 's warm-milk persona is just as ill-fitting as shadyac 's perfunctory directing chops , and some of the more overtly silly dialogue would sink laurence olivier . $LABEL$ 0 +the movie is brilliant , really . $LABEL$ 1 +an oddity , to be sure , but one that you might wind up remembering with a degree of affection rather than revulsion . $LABEL$ 1 +the picture seems uncertain whether it wants to be an acidic all-male all about eve or a lush , swooning melodrama in the intermezzo strain . $LABEL$ 0 +there is truth here $LABEL$ 1 +kids who are into this thornberry stuff will probably be in wedgie heaven . $LABEL$ 1 +it 's easy to love robin tunney -- she 's pretty and she can act -- but it gets harder and harder to understand her choices . $LABEL$ 0 +it 's just not very smart . $LABEL$ 0 +meandering and confusing . $LABEL$ 0 +there are just too many characters saying too many clever things and getting into too many pointless situations . $LABEL$ 0 +the film feels uncomfortably real , its language and locations bearing the unmistakable stamp of authority . $LABEL$ 1 +i 'm sure the filmmaker would disagree , but , honestly , i do n't see the point . $LABEL$ 0 +without -lrb- de niro -rrb- , city by the sea would slip under the waves . $LABEL$ 0 +great over-the-top moviemaking if you 're in a slap-happy mood . $LABEL$ 1 +mr. soderbergh 's direction and visual style struck me as unusually and unimpressively fussy and pretentious . $LABEL$ 0 +if we sometimes need comforting fantasies about mental illness , we also need movies like tim mccann 's revolution no. 9 . $LABEL$ 1 +it 's something of the ultimate scorsese film , with all the stomach-turning violence , colorful new york gang lore and other hallmarks of his personal cinema painted on their largest-ever historical canvas . $LABEL$ 1 +too slow for a younger crowd , too shallow for an older one . $LABEL$ 0 +instead of building to a laugh riot we are left with a handful of disparate funny moments of no real consequence . $LABEL$ 0 +just another generic drama that has nothing going for it other than its exploitive array of obligatory cheap thrills . $LABEL$ 0 +williams creates a stunning , taxi driver-esque portrayal of a man teetering on the edge of sanity . $LABEL$ 1 +demme gets a lot of flavor and spice into his charade remake , but he ca n't disguise that he 's spiffing up leftovers that are n't so substantial or fresh . $LABEL$ 0 +but unless you 're an absolute raving star wars junkie , it is n't much fun . $LABEL$ 0 +promises is one film that 's truly deserving of its oscar nomination . $LABEL$ 1 +impossible as it may sound , this film 's heart is even more embracing than monty , if only because it accepts nasty behavior and severe flaws as part of the human condition . $LABEL$ 1 +it 's the brilliant surfing photography bringing you right inside the massive waves that lifts blue crush into one of the summer 's most pleasurable movies . $LABEL$ 1 +a powerful , inflammatory film about religion that dares to question an ancient faith , and about hatred that offers no easy , comfortable resolution . $LABEL$ 1 +fessenden has nurtured his metaphors at the expense of his narrative , but he does display an original talent . $LABEL$ 1 +to honestly address the flaws inherent in how medical aid is made available to american workers , a more balanced or fair portrayal of both sides will be needed . $LABEL$ 0 +halfway through , however , having sucked dry the undead action flick formula , blade ii mutates into a gross-out monster movie with effects that are more silly than scary . $LABEL$ 0 +the otherwise good-naturedness of mr. deeds , with its embrace of sheer goofiness and cameos of less - than-likely new york celebrities ... certainly raises the film above anything sandler 's been attached to before . $LABEL$ 1 +all the pieces fall together without much surprise , but little moments give it a boost . $LABEL$ 1 +to get at the root psychology of this film would require many sessions on the couch of dr. freud . $LABEL$ 0 +a remarkable film by bernard rose . $LABEL$ 1 +overly long and worshipful bio-doc . $LABEL$ 0 +it 's the sweet cinderella story that `` pretty woman '' wanted to be . $LABEL$ 1 +a delicious , quirky movie with a terrific screenplay and fanciful direction by michael gondry . $LABEL$ 1 +it appears to have been made by people to whom the idea of narrative logic or cohesion is an entirely foreign concept . $LABEL$ 0 +a tone of rueful compassion ... reverberates throughout this film , whose meaning and impact is sadly heightened by current world events . $LABEL$ 1 +a mechanical action-comedy whose seeming purpose is to market the charismatic jackie chan to even younger audiences . $LABEL$ 0 +it desperately wants to be a wacky , screwball comedy , but the most screwy thing here is how so many talented people were convinced to waste their time . $LABEL$ 0 +both grant and hoult carry the movie because they are believable as people -- flawed , assured of the wrong things , and scared to admit how much they may really need the company of others . $LABEL$ 1 +i liked the movie , but i know i would have liked it more if it had just gone that one step further . $LABEL$ 1 +wonder of wonders -- a teen movie with a humanistic message . $LABEL$ 1 +the threat implied in the title pokémon 4ever is terrifying -- like locusts in a horde these things will keep coming . $LABEL$ 0 +flashy gadgets and whirling fight sequences may look cool , but they ca n't distract from the flawed support structure holding equilibrium up . $LABEL$ 0 +mr. wollter and ms. seldhal give strong and convincing performances , but neither reaches into the deepest recesses of the character to unearth the quaking essence of passion , grief and fear . $LABEL$ 0 +a moving story of determination and the human spirit . $LABEL$ 1 +there is greatness here . $LABEL$ 1 +lovely and amazing is holofcener 's deep , uncompromising curtsy to women she knows , and very likely is . $LABEL$ 1 +i liked this film a lot ... $LABEL$ 1 +demonstrates the unusual power of thoughtful , subjective filmmaking . $LABEL$ 1 +although the sequel has all the outward elements of the original , the first film 's lovely flakiness is gone , replaced by the forced funniness found in the dullest kiddie flicks . $LABEL$ 0 +but they lack their idol 's energy and passion for detail . $LABEL$ 0 +a screenplay more ingeniously constructed than `` memento '' $LABEL$ 1 +those with a modicum of patience will find in these characters ' foibles a timeless and unique perspective . $LABEL$ 1 +on that score , the film certainly does n't disappoint . $LABEL$ 1 +the movie 's vision of a white american zealously spreading a puritanical brand of christianity to south seas islanders is one only a true believer could relish . $LABEL$ 0 +it asks nothing of the audience other than to sit back and enjoy a couple of great actors hamming it up . $LABEL$ 1 +you can almost see mendes and company getting together before a single frame had been shot and collectively vowing , ` this is going to be something really good . ' $LABEL$ 1 +a negligible british comedy . $LABEL$ 0 +great fun both for sports aficionados and for ordinary louts whose idea of exercise is climbing the steps of a stadium-seat megaplex . $LABEL$ 1 +beautifully crafted and cooly unsettling ... recreates the atmosphere of the crime expertly . $LABEL$ 1 +, is a temporal inquiry that shoulders its philosophical burden lightly . $LABEL$ 1 +there has been a string of ensemble cast romances recently ... but peter mattei 's love in the time of money sets itself apart by forming a chain of relationships that come full circle to end on a positive -lrb- if tragic -rrb- note . $LABEL$ 1 +children and adults enamored of all things pokemon wo n't be disappointed . $LABEL$ 1 +you 'll find yourself wishing that you and they were in another movie . $LABEL$ 0 +little more than a stylish exercise in revisionism whose point ... is no doubt true , but serves as a rather thin moral to such a knowing fable . $LABEL$ 0 +like edward norton in american history x , ryan gosling -lrb- murder by numbers -rrb- delivers a magnetic performance . $LABEL$ 1 +despite bearing the paramount imprint , it 's a bargain-basement european pickup . $LABEL$ 0 +by the time you reach the finale , you 're likely wondering why you 've been watching all this strutting and posturing . $LABEL$ 0 +a predictable , manipulative stinker . $LABEL$ 0 +... post-september 11 , `` the sum of all fears '' seems more tacky and reprehensible , manipulating our collective fear without bestowing the subject with the intelligence or sincerity it unequivocally deserves . $LABEL$ 0 +a solid , psychological action film from hong kong . $LABEL$ 1 +a retread of material already thoroughly plumbed by martin scorsese . $LABEL$ 0 +it 's a perfect show of respect to just one of those underrated professionals who deserve but rarely receive it . $LABEL$ 1 +a bad movie that happened to good actors . $LABEL$ 0 +plays like john le carré with a couple of burnt-out cylinders . $LABEL$ 0 +... a rather bland affair . $LABEL$ 0 +spielberg has managed to marry science fiction with film noir and action flicks with philosophical inquiry . $LABEL$ 1 +by the standards of knucklehead swill , the hot chick is pretty damned funny . $LABEL$ 1 +despite engaging offbeat touches , knockaround guys rarely seems interested in kicking around a raison d'etre that 's as fresh-faced as its young-guns cast . $LABEL$ 0 +as action-adventure , this space-based homage to robert louis stevenson 's treasure island fires on all plasma conduits . $LABEL$ 1 +it 's funny . $LABEL$ 1 +what an embarrassment . $LABEL$ 0 +i hate the feeling of having been slimed in the name of high art . $LABEL$ 0 +what makes esther kahn so demanding is that it progresses in such a low-key manner that it risks monotony . $LABEL$ 0 +that old adage about women being unknowable gets an exhilarating new interpretation in morvern callar . $LABEL$ 1 +without resorting to camp or parody , haynes -lrb- like sirk , but differently -rrb- has transformed the rhetoric of hollywood melodrama into something provocative , rich , and strange . $LABEL$ 1 +a thoroughly enjoyable , heartfelt coming-of-age comedy . $LABEL$ 1 +this is a film tailor-made for those who when they were in high school would choose the cliff-notes over reading a full-length classic . $LABEL$ 0 +jacobi , the most fluent of actors , is given relatively dry material from nijinsky 's writings to perform , and the visuals , even erotically frank ones , become dullingly repetitive . $LABEL$ 0 +it just did n't mean much to me and played too skewed to ever get a hold on -lrb- or be entertained by -rrb- . $LABEL$ 0 +although largely a heavy-handed indictment of parental failings and the indifference of spanish social workers and legal system towards child abuse , the film retains ambiguities that make it well worth watching . $LABEL$ 1 +sweet home alabama certainly wo n't be remembered as one of -lrb- witherspoon 's -rrb- better films . $LABEL$ 0 +the film is all over the place , really . $LABEL$ 0 +has all the values of a straight-to-video movie , but because it has a bigger-name cast , it gets a full theatrical release . $LABEL$ 0 +... this is n't even a movie we can enjoy as mild escapism ; it is one in which fear and frustration are provoked to intolerable levels . $LABEL$ 0 +do n't even bother to rent this on video . $LABEL$ 0 +if only merchant paid more attention the story . $LABEL$ 0 +it 's a glorious spectacle like those d.w. griffith made in the early days of silent film . $LABEL$ 1 +the colorful masseur wastes its time on mood rather than riding with the inherent absurdity of ganesh 's rise up the social ladder . $LABEL$ 0 +-lrb- a -rrb- painfully flat gross-out comedy ... $LABEL$ 0 +richly entertaining and suggestive of any number of metaphorical readings . $LABEL$ 1 +shunji iwai 's all about lily chou chou is a beautifully shot , but ultimately flawed film about growing up in japan . $LABEL$ 0 +it is not the first time that director sara sugarman stoops to having characters drop their pants for laughs and not the last time she fails to provoke them . $LABEL$ 0 +maybe not a classic , but a movie the kids will want to see over and over again . $LABEL$ 1 +hugely entertaining from start to finish , featuring a fall from grace that still leaves shockwaves , it will gratify anyone who has ever suspected hollywood of being overrun by corrupt and hedonistic weasels . $LABEL$ 1 +franco is an excellent choice for the walled-off but combustible hustler , but he does not give the transcendent performance sonny needs to overcome gaps in character development and story logic . $LABEL$ 0 +even though the film does n't manage to hit all of its marks , it 's still entertaining to watch the target practice . $LABEL$ 1 +fans of the modern day hong kong action film finally have the worthy successor to a better tomorrow and the killer which they have been patiently waiting for . $LABEL$ 1 +this is not an easy film . $LABEL$ 0 +a spooky yarn of demonic doings on the high seas that works better the less the brain is engaged . $LABEL$ 0 +some writer dude , i think his name was , uh , michael zaidan , was supposed to have like written the screenplay or something , but , dude , the only thing that i ever saw that was written down were the zeroes on my paycheck . $LABEL$ 0 +it challenges , this nervy oddity , like modern art should . $LABEL$ 1 +while obviously aimed at kids , the country bears ... should keep parents amused with its low groan-to-guffaw ratio . $LABEL$ 1 +the following things are not at all entertaining : the bad sound , the lack of climax and , worst of all , watching seinfeld -lrb- who is also one of the film 's producers -rrb- do everything he can to look like a good guy . $LABEL$ 0 +in its chicken heart , crush goes to absurd lengths to duck the very issues it raises . $LABEL$ 0 +a heady , biting , be-bop ride through nighttime manhattan , a loquacious videologue of the modern male and the lengths to which he 'll go to weave a protective cocoon around his own ego . $LABEL$ 1 +squandering his opportunity to make absurdist observations , burns gets caught up in the rush of slapstick thoroughfare . $LABEL$ 0 +skin of man gets a few cheap shocks from its kids-in-peril theatrics , but it also taps into the primal fears of young people trying to cope with the mysterious and brutal nature of adults . $LABEL$ 1 +as satisfyingly odd and intriguing a tale as it was a century and a half ago ... has a delightfully dour , deadpan tone and stylistic consistency . $LABEL$ 1 +elvira fans could hardly ask for more . $LABEL$ 1 +its simplicity puts an exclamation point on the fact that this is n't something to be taken seriously , but it also wrecks any chance of the movie rising above similar fare . $LABEL$ 0 +a coming-of-age film that avoids the cartoonish clichés and sneering humor of the genre as it provides a fresh view of an old type -- the uncertain girl on the brink of womanhood . $LABEL$ 1 +at times , it actually hurts to watch . $LABEL$ 0 +made me unintentionally famous -- as the queasy-stomached critic who staggered from the theater and blacked out in the lobby . $LABEL$ 0 +-lrb- taymor -rrb- utilizes the idea of making kahlo 's art a living , breathing part of the movie , often catapulting the artist into her own work . $LABEL$ 1 +one of those rare films that come by once in a while with flawless amounts of acting , direction , story and pace . $LABEL$ 1 +forget about one oscar nomination for julianne moore this year - she should get all five . $LABEL$ 1 +i like it . $LABEL$ 1 +philosophically , intellectually and logistically a mess . $LABEL$ 0 +while the humor is recognizably plympton , he has actually bothered to construct a real story this time . $LABEL$ 1 +although some viewers will not be able to stomach so much tongue-in-cheek weirdness , those who do will have found a cult favorite to enjoy for a lifetime . $LABEL$ 1 +a well-crafted letdown . $LABEL$ 0 +duvall is strong as always . $LABEL$ 1 +toward the end sum of all fears morphs into a mundane '70s disaster flick . $LABEL$ 0 +terrific performances , great to look at , and funny . $LABEL$ 1 +very well-written and very well-acted . $LABEL$ 1 +there 's a little violence and lots of sex in a bid to hold our attention , but it grows monotonous after a while , as do joan and philip 's repetitive arguments , schemes and treachery . $LABEL$ 0 +girlfriends are bad , wives are worse and babies are the kiss of death in this bitter italian comedy . $LABEL$ 0 +adrift , bentley and hudson stare and sniffle , respectively , as ledger attempts , in vain , to prove that movie-star intensity can overcome bad hair design . $LABEL$ 0 +muddled , simplistic and more than a little pretentious . $LABEL$ 0 +morrissette has performed a difficult task indeed - he 's taken one of the world 's most fascinating stories and made it dull , lifeless , and irritating . $LABEL$ 0 +carrying this wafer-thin movie on his nimble shoulders , chan wades through putrid writing , direction and timing with a smile that says , ` if i stay positive , maybe i can channel one of my greatest pictures , drunken master . ' $LABEL$ 0 +nothing short of a masterpiece -- and a challenging one . $LABEL$ 1 +this latest installment of the horror film franchise that is apparently as invulnerable as its trademark villain has arrived for an incongruous summer playoff , demonstrating yet again that the era of the intelligent , well-made b movie is long gone . $LABEL$ 0 +and that makes all the difference . $LABEL$ 1 +robert harmon 's less-is-more approach delivers real bump-in - the-night chills -- his greatest triumph is keeping the creepy crawlies hidden in the film 's thick shadows . $LABEL$ 1 +... a sour little movie at its core ; an exploration of the emptiness that underlay the relentless gaiety of the 1920 's ... the film 's ending has a `` what was it all for ? '' $LABEL$ 0 +it 's good to see michael caine whipping out the dirty words and punching people in the stomach again . $LABEL$ 1 +slack and uninspired , and peopled mainly by characters so unsympathetic that you 're left with a sour taste in your mouth . $LABEL$ 0 +forgettable , if good-hearted , movie . $LABEL$ 0 +a riveting story well told . $LABEL$ 1 +for every articulate player , such as skateboarder tony hawk or bmx rider mat hoffman , are about a half dozen young turks angling to see how many times they can work the words `` radical '' or `` suck '' into a sentence . $LABEL$ 0 +a culture clash comedy only half as clever as it thinks it is . $LABEL$ 0 +this is a third-person story now , told by hollywood , and much more ordinary for it . $LABEL$ 0 +at 90 minutes this movie is short , but it feels much longer . $LABEL$ 0 +mckay seems embarrassed by his own invention and tries to rush through the intermediary passages , apparently hoping that the audience will not notice the glaring triteness of the plot device he has put in service . $LABEL$ 0 +the big-screen scooby makes the silly original cartoon seem smart and well-crafted in comparison . $LABEL$ 0 +the fact is that the screen is most alive when it seems most likely that broomfield 's interviewees , or even himself , will not be for much longer . $LABEL$ 1 +the script ? $LABEL$ 0 +nicole holofcener 's lovely and amazing , from her own screenplay , jumps to the head of the class of women 's films that manage to avoid the ghetto of sentimental chick-flicks by treating female follies with a satirical style . $LABEL$ 1 +likeable thanks to its cast , its cuisine and its quirky tunes . $LABEL$ 1 +borrows a bit from the classics `` wait until dark '' and `` extremities '' ... but in terms of its style , the movie is in a class by itself . $LABEL$ 1 +a pleasant piece of escapist entertainment . $LABEL$ 1 +sweet and memorable film . $LABEL$ 1 +this is a movie you can trust . $LABEL$ 1 +whole stretches of the film may be incomprehensible to moviegoers not already clad in basic black . $LABEL$ 0 +impresses as a skillfully assembled , highly polished and professional adaptation ... just about as chilling and unsettling as ` manhunter ' was . $LABEL$ 1 +these guys seem great to knock back a beer with but they 're simply not funny performers . $LABEL$ 0 +there are a couple of things that elevate `` glory '' above most of its ilk , most notably the mere presence of duvall . $LABEL$ 1 +it is also a testament to the integrity and vision of the band . $LABEL$ 1 +daily struggles and simple pleasures usurp the preaching message so that , by the time the credits roll across the pat ending , a warm , fuzzy feeling prevails . $LABEL$ 1 +many a parent and their teen -lrb- or preteen -rrb- kid could bond while watching a walk to remember . $LABEL$ 1 +the trials of henry kissinger is a remarkable piece of filmmaking ... because you get it . $LABEL$ 1 +though the film is static , its writer-director 's heart is in the right place , his plea for democracy and civic action laudable . $LABEL$ 1 +evelyn 's strong cast and surehanded direction make for a winning , heartwarming yarn . $LABEL$ 1 +... bibbidy-bobbidi-bland . $LABEL$ 0 +one thing 's for sure -- if george romero had directed this movie , it would n't have taken the protagonists a full hour to determine that in order to kill a zombie you must shoot it in the head . $LABEL$ 0 +and he allows a gawky actor like spall -- who could too easily become comic relief in any other film -- to reveal his impressively delicate range . $LABEL$ 1 +epps has neither the charisma nor the natural affability that has made tucker a star . $LABEL$ 0 +it 's rare to find a film to which the adjective ` gentle ' applies , but the word perfectly describes pauline & paulette . $LABEL$ 1 +` blue crush ' swims away with the sleeper movie of the summer award . $LABEL$ 1 +needed a little less bling-bling and a lot more romance . $LABEL$ 0 +it lets you brush up against the humanity of a psycho , without making him any less psycho . $LABEL$ 1 +but the movie 's narrative hook is way too muddled to be an effectively chilling guilty pleasure . $LABEL$ 0 +so fiendishly cunning that even the most jaded cinema audiences will leave the auditorium feeling dizzy , confused , and totally disorientated . $LABEL$ 1 +despite an overwrought ending , the film works as well as it does because of the performances . $LABEL$ 1 +a film of ideas and wry comic mayhem . $LABEL$ 1 +effective in all its aspects , margarita happy hour represents an auspicious feature debut for chaiken . $LABEL$ 1 +goldmember has none of the visual wit of the previous pictures , and it looks as though jay roach directed the film from the back of a taxicab . $LABEL$ 0 +quietly engaging . $LABEL$ 1 +what could have been a daytime soap opera is actually a compelling look at a young woman 's tragic odyssey . $LABEL$ 1 +not completely loveable -- but what underdog movie since the bad news bears has been ? $LABEL$ 0 +a 94-minute travesty of unparalleled proportions , writer-director parker seems to go out of his way to turn the legendary wit 's classic mistaken identity farce into brutally labored and unfunny hokum . $LABEL$ 0 +what starts off as a satisfying kids flck becomes increasingly implausible as it races through contrived plot points . $LABEL$ 0 +the dirty jokes provide the funniest moments in this oddly sweet comedy about jokester highway patrolmen . $LABEL$ 1 +has none of the crackle of `` fatal attraction '' , `` 9 1\/2 weeks '' , or even `` indecent proposal '' , and feels more like lyne 's stolid remake of `` lolita '' . $LABEL$ 0 +a sensitive , modest comic tragedy that works as both character study and symbolic examination of the huge economic changes sweeping modern china . $LABEL$ 1 +fathers and sons , and the uneasy bonds between them , rarely have received such a sophisticated and unsentimental treatment on the big screen as they do in this marvelous film . $LABEL$ 1 +as a director , eastwood is off his game -- there 's no real sense of suspense , and none of the plot ` surprises ' are really surprising . $LABEL$ 0 +there 's much tongue in cheek in the film and there 's no doubt the filmmaker is having fun with it all . $LABEL$ 1 +... `` bowling for columbine '' remains a disquieting and thought-provoking film ... $LABEL$ 1 +it 's a loathsome movie , it really is and it makes absolutely no sense . $LABEL$ 0 +phoned-in business as usual . $LABEL$ 0 +the only thing to fear about `` fear dot com '' is hitting your head on the theater seat in front of you when you doze off thirty minutes into the film . $LABEL$ 0 +blade ii merges bits and pieces from fighting games , wire fu , horror movies , mystery , james bond , wrestling , sci-fi and anime into one big bloody stew . $LABEL$ 1 +to the vast majority of more casual filmgoers , it will probably be a talky bore . $LABEL$ 0 +there is a real subject here , and it is handled with intelligence and care . $LABEL$ 1 +bigelow offers some flashy twists and turns that occasionally fortify this turgid fable . $LABEL$ 1 +the film has the uncanny ability to right itself precisely when you think it 's in danger of going wrong . $LABEL$ 1 +it 's a mystery how the movie could be released in this condition . $LABEL$ 0 +an unforgettable look at morality , family , and social expectation through the prism of that omnibus tradition called marriage . $LABEL$ 1 +a sad and rote exercise in milking a played-out idea -- a straight guy has to dress up in drag -- that shockingly manages to be even worse than its title would imply . $LABEL$ 0 +a funny film . $LABEL$ 1 +a gangster movie with the capacity to surprise . $LABEL$ 1 +a grand fart coming from a director beginning to resemble someone 's crazy french grandfather . $LABEL$ 0 +it 's possible that something hip and transgressive was being attempted here that stubbornly refused to gel , but the result is more puzzling than unsettling . $LABEL$ 0 +an entertaining , if somewhat standardized , action movie . $LABEL$ 1 +a generous , inspiring film that unfolds with grace and humor and gradually becomes a testament to faith . $LABEL$ 1 +eight legged freaks ? $LABEL$ 0 +malcolm mcdowell is cool . $LABEL$ 1 +the movie wavers between hallmark card sentimentality and goofy , life-affirming moments straight out of a cellular phone commercial . $LABEL$ 0 +as a thoughtful and unflinching examination of an alternative lifestyle , sex with strangers is a success . $LABEL$ 1 +a reality-snubbing hodgepodge . $LABEL$ 0 +-lrb- a -rrb- slummer . $LABEL$ 0 +it 's a big idea , but the film itself is small and shriveled . $LABEL$ 0 +an engrossing portrait of a man whose engaging manner and flamboyant style made him a truly larger-than-life character . $LABEL$ 1 +sayles has a knack for casting , often resurrecting performers who rarely work in movies now ... and drawing flavorful performances from bland actors . $LABEL$ 1 +for all its violence , the movie is remarkably dull with only caine making much of an impression . $LABEL$ 0 +this is a finely written , superbly acted offbeat thriller . $LABEL$ 1 +at the end , when the now computerized yoda finally reveals his martial artistry , the film ascends to a kinetic life so teeming that even cranky adults may rediscover the quivering kid inside . $LABEL$ 1 +ferrara 's strongest and most touching movie of recent years . $LABEL$ 1 +... a cinematic disaster so inadvertently sidesplitting it 's worth the price of admission for the ridicule factor alone . $LABEL$ 0 +even if it made its original release date last fall , it would 've reeked of a been-there , done-that sameness . $LABEL$ 0 +unfortunately , it 's also not very good . $LABEL$ 0 +the most wondrous love story in years , it is a great film . $LABEL$ 1 +too much power , not enough puff . $LABEL$ 0 +despite an impressive roster of stars and direction from kathryn bigelow , the weight of water is oppressively heavy . $LABEL$ 0 +finally , the french-produced `` read my lips '' is a movie that understands characters must come first . $LABEL$ 1 +even before it builds up to its insanely staged ballroom scene , in which 3000 actors appear in full regalia , it 's waltzed itself into the art film pantheon . $LABEL$ 1 +a film which presses familiar herzog tropes into the service of a limpid and conventional historical fiction , when really what we demand of the director is to be mesmerised . $LABEL$ 0 +the rare movie that 's as crisp and to the point as the novel on which it 's based . $LABEL$ 1 +here , common sense flies out the window , along with the hail of bullets , none of which ever seem to hit sascha . $LABEL$ 0 +-lrb- dong -rrb- makes a valiant effort to understand everyone 's point of view , and he does such a good job of it that family fundamentals gets you riled up . $LABEL$ 1 +once she lets her love depraved leads meet , -lrb- denis ' -rrb- story becomes a hopeless , unsatisfying muddle $LABEL$ 0 +nothing too deep or substantial . $LABEL$ 0 +but what is missing from it all is a moral . $LABEL$ 0 +splendidly illustrates the ability of the human spirit to overcome adversity . $LABEL$ 1 +obvious , obnoxious and didactic burlesque . $LABEL$ 0 +it 's definitely a step in the right direction . $LABEL$ 1 +vaguely interesting , but it 's just too too much . $LABEL$ 0 +the film sounds like the stuff of lurid melodrama , but what makes it interesting as a character study is the fact that the story is told from paul 's perspective . $LABEL$ 1 +this one is a few bits funnier than malle 's dud , if only because the cast is so engagingly messing around like slob city reductions of damon runyon crooks . $LABEL$ 1 +the writing is clever and the cast is appealing . $LABEL$ 1 +although commentary on nachtwey is provided ... it 's the image that really tells the tale . $LABEL$ 1 +a nearly 21\/2 hours , the film is way too indulgent . $LABEL$ 0 +... unlikable , uninteresting , unfunny , and completely , utterly inept . $LABEL$ 0 +some of the visual flourishes are a little too obvious , but restrained and subtle storytelling , and fine performances make this delicate coming-of-age tale a treat . $LABEL$ 1 +but the talented cast alone will keep you watching , as will the fight scenes . $LABEL$ 1 +earnest , unsubtle and hollywood-predictable , green dragon is still a deeply moving effort to put a human face on the travail of thousands of vietnamese . $LABEL$ 1 +jeffrey tambor 's performance as the intelligent jazz-playing exterminator is oscar-worthy . $LABEL$ 1 +an overly familiar scenario is made fresh by an intelligent screenplay and gripping performances in this low-budget , video-shot , debut indie effort . $LABEL$ 1 +a clash between the artificial structure of the story and the more contemporary , naturalistic tone of the film ... $LABEL$ 0 +` christian bale 's quinn -lrb- is -rrb- a leather clad grunge-pirate with a hairdo like gandalf in a wind-tunnel and a simply astounding cor-blimey-luv-a-duck cockney accent . ' $LABEL$ 0 +i 'm not exactly sure what this movie thinks it is about . $LABEL$ 0 +it 's a scorcher . $LABEL$ 1 +a real snooze . $LABEL$ 0 +like its title character , this nicholas nickleby finds itself in reduced circumstances -- and , also like its hero , it remains brightly optimistic , coming through in the end . $LABEL$ 1 +the kids in the audience at the preview screening seemed bored , cheering the pratfalls but little else ; their parents , wise folks that they are , read books . $LABEL$ 0 +partly a schmaltzy , by-the-numbers romantic comedy , partly a shallow rumination on the emptiness of success -- and entirely soulless . $LABEL$ 0 +for its 100 minutes running time , you 'll wait in vain for a movie to happen . $LABEL$ 0 +a chronicle not only of one man 's quest to be president , but of how that man single-handedly turned a plane full of hard-bitten , cynical journalists into what was essentially , by campaign 's end , an extended publicity department . $LABEL$ 1 +a movie that harps on media-constructed ` issues ' like whether compromise is the death of self ... this orgasm -lrb- wo n't be an -rrb- exceedingly memorable one for most people . $LABEL$ 0 +fresnadillo has something serious to say about the ways in which extravagant chance can distort our perspective and throw us off the path of good sense . $LABEL$ 1 +this is not one of the movies you 'd want to watch if you only had a week to live . $LABEL$ 0 +but mainstream audiences will find little of interest in this film , which is often preachy and poorly acted . $LABEL$ 0 +at once subtle and visceral , the film never succumbs to the trap of the maudlin or tearful , offering instead with its unflinching gaze a measure of faith in the future . $LABEL$ 1 +lookin ' for sin , american-style ? $LABEL$ 0 +it drowns in sap . $LABEL$ 0 +laggard drama wending its way to an uninspired philosophical epiphany . $LABEL$ 0 +interminably bleak , to say nothing of boring . $LABEL$ 0 +believability was n't one of the film 's virtues . $LABEL$ 0 +filled with alexandre desplat 's haunting and sublime music , the movie completely transfixes the audience . $LABEL$ 1 +the four feathers is definitely horse feathers , but if you go in knowing that , you might have fun in this cinematic sandbox . $LABEL$ 1 +the movie attempts to mine laughs from a genre -- the gangster\/crime comedy -- that wore out its welcome with audiences several years ago , and its cutesy reliance on movie-specific cliches is n't exactly endearing . $LABEL$ 0 +steadfastly uncinematic but powerfully dramatic . $LABEL$ 1 +... del toro maintains a dark mood that makes the film seem like something to endure instead of enjoy . $LABEL$ 0 +this filmed tosca -- not the first , by the way -- is a pretty good job , if it 's filmed tosca that you want . $LABEL$ 1 +features one of the most affecting depictions of a love affair ever committed to film . $LABEL$ 1 +a journey spanning nearly three decades of bittersweet camaraderie and history , in which we feel that we truly know what makes holly and marina tick , and our hearts go out to them as both continue to negotiate their imperfect , love-hate relationship . $LABEL$ 1 +starts out strongly before quickly losing its focus , point and purpose in a mess of mixed messages , over-blown drama and bruce willis with a scar . $LABEL$ 0 +though an important political documentary , this does not really make the case the kissinger should be tried as a war criminal . $LABEL$ 0 +swims in mediocrity , sticking its head up for a breath of fresh air now and then . $LABEL$ 0 +although the film boils down to a lightweight story about matchmaking , the characters make italian for beginners worth the journey $LABEL$ 1 +even fans of ismail merchant 's work , i suspect , would have a hard time sitting through this one . $LABEL$ 0 +the high-concept scenario soon proves preposterous , the acting is robotically italicized , and truth-in-advertising hounds take note : there 's very little hustling on view . $LABEL$ 0 +what 's worse is that pelosi knows it . $LABEL$ 0 +a `` home alone '' film that is staged like `` rosemary 's baby , '' but is not as well-conceived as either of those films . $LABEL$ 0 +although made on a shoestring and unevenly acted , conjures a lynch-like vision of the rotting underbelly of middle america . $LABEL$ 0 +everything about girls ca n't swim , even its passages of sensitive observation , feels secondhand , familiar -- and not in a good way . $LABEL$ 0 +brian tufano 's handsome widescreen photography and paul grabowsky 's excellent music turn this fairly parochial melodrama into something really rather special . $LABEL$ 1 +it is definitely worth seeing . $LABEL$ 1 +a heroic tale of persistence that is sure to win viewers ' hearts . $LABEL$ 1 +will probably be one of those movies barely registering a blip on the radar screen of 2002 . $LABEL$ 0 +a bilingual charmer , just like the woman who inspired it $LABEL$ 1 +allen 's underestimated charm delivers more goodies than lumps of coal . $LABEL$ 1 +everybody loves a david and goliath story , and this one is told almost entirely from david 's point of view . $LABEL$ 1 +both lead performances are oscar-size . $LABEL$ 1 +as a good old-fashioned adventure for kids , spirit : stallion of the cimarron is a winner . $LABEL$ 1 +it 's super - violent , super-serious and super-stupid . $LABEL$ 0 +all the small moments and flashbacks do n't add up to much more than trite observations on the human condition . $LABEL$ 0 +elaborate special effects take centre screen , so that the human story is pushed to one side . $LABEL$ 1 +the film is ... determined to treat its characters , weak and strong , as fallible human beings , not caricatures , and to carefully delineate the cost of the inevitable conflicts between human urges and an institution concerned with self-preservation . $LABEL$ 1 +i found the movie as divided against itself as the dysfunctional family it portrays . $LABEL$ 0 +too daft by half ... but supremely good natured . $LABEL$ 1 +though frida is easier to swallow than julie taymor 's preposterous titus , the eye candy here lacks considerable brio . $LABEL$ 0 +the film is hard to dismiss -- moody , thoughtful , and lit by flashes of mordant humor . $LABEL$ 1 +the first five minutes will have you talking 'til the end of the year ! $LABEL$ 1 +... silly humbuggery ... $LABEL$ 0 +predecessors the mummy and the mummy returns stand as intellectual masterpieces next to the scorpion king . $LABEL$ 0 +worth a look by those on both sides of the issues , if only for the perspective it offers , one the public rarely sees . $LABEL$ 1 +it zips along with b-movie verve while adding the rich details and go-for-broke acting that heralds something special . $LABEL$ 1 +... too sappy for its own good . $LABEL$ 0 +this flat run at a hip-hop tootsie is so poorly paced you could fit all of pootie tang in between its punchlines . $LABEL$ 0 +no , i do n't know why steven seagal is considered a star , nor why he keeps being cast in action films when none of them are ever any good or make any money . $LABEL$ 0 +if s&m seems like a strange route to true love , maybe it is , but it 's to this film 's -lrb- and its makers ' -rrb- credit that we believe that that 's exactly what these two people need to find each other -- and themselves . $LABEL$ 1 +little is done to support the premise other than fling gags at it to see which ones shtick . $LABEL$ 0 +one of those decades-spanning historical epics that strives to be intimate and socially encompassing but fails to do justice to either effort in three hours of screen time . $LABEL$ 0 +the kind of sweet-and-sour insider movie that film buffs will eat up like so much gelati . $LABEL$ 1 +a huge disappointment coming , as it does , from filmmakers and performers of this calibre $LABEL$ 0 +for a film that 's being advertised as a comedy , sweet home alabama is n't as funny as you 'd hoped . $LABEL$ 0 +richard pryor mined his personal horrors and came up with a treasure chest of material , but lawrence gives us mostly fool 's gold . $LABEL$ 0 +a movie of riveting power and sadness . $LABEL$ 1 +robert john burke as the monster horns in and steals the show . $LABEL$ 1 +the new insomnia is a surprisingly faithful remake of its chilly predecessor , and when it does elect to head off in its own direction , it employs changes that fit it well rather than ones that were imposed for the sake of commercial sensibilities . $LABEL$ 1 +just offbeat enough to keep you interested without coming close to bowling you over . $LABEL$ 1 +written , flatly , by david kendall and directed , barely , by there 's something about mary co-writer ed decter . $LABEL$ 0 +it 's a film with an idea buried somewhere inside its fabric , but never clearly seen or felt . $LABEL$ 0 +one can only assume that the jury who bestowed star hoffman 's brother gordy with the waldo salt screenwriting award at 2002 's sundance festival were honoring an attempt to do something different over actually pulling it off $LABEL$ 0 +seeks to transcend its genre with a curiously stylized , quasi-shakespearean portrait of pure misogynist evil . $LABEL$ 1 +not a stereotype is omitted nor a cliché left unsaid . $LABEL$ 0 +a smart , steamy mix of road movie , coming-of-age story and political satire . $LABEL$ 1 +it 's coherent , well shot , and tartly acted , but it wears you down like a dinner guest showing off his doctorate . $LABEL$ 0 +k-19 will not go down in the annals of cinema as one of the great submarine stories , but it is an engaging and exciting narrative of man confronting the demons of his own fear and paranoia . $LABEL$ 1 +a four star performance from kevin kline who unfortunately works with a two star script . $LABEL$ 1 +god bless crudup and his aversion to taking the easy hollywood road and cashing in on his movie-star gorgeousness . $LABEL$ 1 +it 's a feel-good movie about which you can actually feel good . $LABEL$ 1 +if anything , see it for karen black , who camps up a storm as a fringe feminist conspiracy theorist named dirty dick . $LABEL$ 1 +watching the chemistry between freeman and judd , however , almost makes this movie worth seeing . $LABEL$ 1 +moonlight mile gives itself the freedom to feel contradictory things . $LABEL$ 1 +it 's a movie that accomplishes so much that one viewing ca n't possibly be enough . $LABEL$ 1 +the film aims to be funny , uplifting and moving , sometimes all at once . $LABEL$ 1 +the film never gets over its own investment in conventional arrangements , in terms of love , age , gender , race , and class . $LABEL$ 0 +nicely combines the enigmatic features of ` memento ' with the hallucinatory drug culture of ` requiem for a dream . ' $LABEL$ 1 +sorvino makes the princess seem smug and cartoonish , and the film only really comes alive when poor hermocrates and leontine pathetically compare notes about their budding amours . $LABEL$ 0 +-lrb- a -rrb- stale retread of the '53 original . $LABEL$ 0 +more concerned with overall feelings , broader ideas , and open-ended questions than concrete story and definitive answers , soderbergh 's solaris is a gorgeous and deceptively minimalist cinematic tone poem . $LABEL$ 1 +alarms for duvall 's throbbing sincerity and his elderly propensity for patting people while he talks . $LABEL$ 1 +there 's no point in extracting the bare bones of byatt 's plot for purposes of bland hollywood romance . $LABEL$ 0 +the performances are amiable and committed , and the comedy more often than not hits the bullseye . $LABEL$ 1 +zigzag might have been richer and more observant if it were less densely plotted . $LABEL$ 0 +to better understand why this did n't connect with me would require another viewing , and i wo n't be sitting through this one again ... that in itself is commentary enough . $LABEL$ 0 +is a question for philosophers , not filmmakers ; all the filmmakers need to do is engage an audience . $LABEL$ 0 +at some point , all this visual trickery stops being clever and devolves into flashy , vaguely silly overkill . $LABEL$ 0 +a ragbag of cliches . $LABEL$ 0 +overburdened with complicated plotting and banal dialogue $LABEL$ 0 +the picture runs a mere 84 minutes , but it 's no glance . $LABEL$ 1 +steers refreshingly clear of the usual cliches . $LABEL$ 1 +niccol the filmmaker merges his collaborators ' symbolic images with his words , insinuating , for example , that in hollywood , only god speaks to the press $LABEL$ 1 +it 's a beautiful film , full of elaborate and twisted characters - and it 's also pretty funny . $LABEL$ 1 +the milieu is wholly unconvincing ... and the histrionics reach a truly annoying pitch . $LABEL$ 0 +the picture emerges as a surprisingly anemic disappointment . $LABEL$ 0 +whatever complaints i might have , i 'd take -lrb- its -rrb- earnest errors and hard-won rewards over the bombastic self-glorification of other feel-good fiascos like antwone fisher or the emperor 's club any time . $LABEL$ 1 +rice never clearly defines his characters or gives us a reason to care about them . $LABEL$ 0 +another entertaining romp from robert rodriguez . $LABEL$ 1 +but here 's a movie about it anyway . $LABEL$ 0 +if -lrb- jaglom 's -rrb- latest effort is not the director at his most sparkling , some of its repartee is still worth hearing . $LABEL$ 1 +i did n't smile . $LABEL$ 0 +the script by david koepp is perfectly serviceable and because he gives the story some soul ... he elevates the experience to a more mythic level . $LABEL$ 1 +kapur fails to give his audience a single character worth rooting for -lrb- or worth rooting against , for that matter -rrb- . $LABEL$ 0 +it 's a visual delight and a decent popcorn adventure , as long as you do n't try to look too deep into the story $LABEL$ 1 +befuddled in its characterizations as it begins to seem as long as the two year affair which is its subject $LABEL$ 0 +nothing more than an amiable but unfocused bagatelle that plays like a loosely-connected string of acting-workshop exercises . $LABEL$ 0 +it 's horribly depressing and not very well done . $LABEL$ 0 +now as a former gong show addict , i 'll admit it , my only complaint is that we did n't get more re-creations of all those famous moments from the show . $LABEL$ 1 +enough may pander to our basest desires for payback , but unlike many revenge fantasies , it ultimately delivers . $LABEL$ 1 +this is cruel , misanthropic stuff with only weak claims to surrealism and black comedy . $LABEL$ 0 +a pale xerox of other , better crime movies . $LABEL$ 0 +strange it is , but delightfully so . $LABEL$ 1 +the story has little wit and no surprises . $LABEL$ 0 +crummy . $LABEL$ 0 +just another disjointed , fairly predictable psychological thriller . $LABEL$ 0 +this is a very funny , heartwarming film . $LABEL$ 1 +good-naturedly cornball sequel . $LABEL$ 1 +the french director has turned out nearly 21\/2 hours of unfocused , excruciatingly tedious cinema that , half an hour in , starts making water torture seem appealing . $LABEL$ 0 +it 's only in fairy tales that princesses that are married for political reason live happily ever after . $LABEL$ 0 +a small movie with a big impact . $LABEL$ 1 +the sort of picture in which , whenever one of the characters has some serious soul searching to do , they go to a picture-perfect beach during sunset . $LABEL$ 0 +crammed with incident , and bristles with passion and energy . $LABEL$ 1 +an intelligent and deeply felt work about impossible , irrevocable choices and the price of making them . $LABEL$ 1 +-lrb- gosling 's -rrb- combination of explosive physical energy and convincing intelligence helps create a complex , unpredictable character . $LABEL$ 1 +and it sees those relationships , including that between the son and his wife , and the wife and the father , and between the two brothers , with incredible subtlety and acumen . $LABEL$ 1 +in the new guy , even the bull gets recycled . $LABEL$ 0 +reggio and glass so rhapsodize cynicism , with repetition and languorous slo-mo sequences , that glass 's dirgelike score becomes a fang-baring lullaby . $LABEL$ 0 +marshall puts a suspenseful spin on standard horror flick formula . $LABEL$ 1 +there might be some sort of credible gender-provoking philosophy submerged here , but who the hell cares ? $LABEL$ 0 +a movie that 's held captive by mediocrity . $LABEL$ 0 +an admirable , sometimes exceptional film $LABEL$ 1 +this is a film that manages to find greatness in the hue of its drastic iconography . $LABEL$ 1 +a whole lot of fun and funny in the middle , though somewhat less hard-hitting at the start and finish . $LABEL$ 1 +... spiced with humor -lrb- ' i speak fluent flatula , ' advises denlopp after a rather , er , bubbly exchange with an alien deckhand -rrb- and witty updatings -lrb- silver 's parrot has been replaced with morph , a cute alien creature who mimics everyone and everything around -rrb- $LABEL$ 1 +has a customarily jovial air but a deficit of flim-flam inventiveness . $LABEL$ 0 +not all of the stories work and the ones that do are thin and scattered , but the film works well enough to make it worth watching . $LABEL$ 1 +a strangely stirring experience that finds warmth in the coldest environment and makes each crumb of emotional comfort feel like a 10-course banquet . $LABEL$ 1 +matthew lillard is born to play shaggy ! $LABEL$ 1 +a dark-as-pitch comedy that frequently veers into corny sentimentality , probably would not improve much after a therapeutic zap of shock treatment . $LABEL$ 0 +there 's lots of cool stuff packed into espn 's ultimate x. $LABEL$ 1 +the mothman prophecies is best when illustrating the demons bedevilling the modern masculine journey . $LABEL$ 1 +at its best , it 's black hawk down with more heart . $LABEL$ 1 +invigorating , surreal , and resonant with a rainbow of emotion . $LABEL$ 1 +a tired , unimaginative and derivative variation of that already-shallow genre . $LABEL$ 0 +patchy combination of soap opera , low-tech magic realism and , at times , ploddingly sociological commentary . $LABEL$ 0 +a solid cast , assured direction and complete lack of modern day irony . $LABEL$ 1 +rodriguez has the chops of a smart-aleck film school brat and the imagination of a big kid ... $LABEL$ 1 +a movie you observe , rather than one you enter into . $LABEL$ 0 +should have been worth cheering as a breakthrough but is devoid of wit and humor . $LABEL$ 0 +-lrb- barry -rrb- gives assassin a disquieting authority . $LABEL$ 1 +its plot and animation offer daytime tv serviceability , but little more . $LABEL$ 0 +a moving and important film . $LABEL$ 1 +these people are really going to love the piano teacher . $LABEL$ 1 +a disappointment for a movie that should have been the ultimate imax trip . $LABEL$ 0 +a portrait of alienation so perfect , it will certainly succeed in alienating most viewers . $LABEL$ 0 +yes , but also intriguing and honorable , a worthwhile addition to a distinguished film legacy . $LABEL$ 1 +`` cremaster 3 '' should come with the warning `` for serious film buffs only ! '' $LABEL$ 1 +what 's most refreshing about real women have curves is its unforced comedy-drama and its relaxed , natural-seeming actors . $LABEL$ 1 +surprisingly insightful $LABEL$ 1 +to those who have not read the book , the film is a much better mother-daughter tale than last summer 's ` divine secrets of the ya-ya sisterhood , ' but that 's not saying much . $LABEL$ 1 +the director , with his fake backdrops and stately pacing , never settles on a consistent tone . $LABEL$ 0 +earnest yet curiously tepid and choppy recycling in which predictability is the only winner . $LABEL$ 0 +brash , intelligent and erotically perplexing , haneke 's portrait of an upper class austrian society and the suppression of its tucked away demons is uniquely felt with a sardonic jolt . $LABEL$ 1 +arguably the best script that besson has written in years . $LABEL$ 1 +it is most of the things costner movies are known for ; it 's sanctimonious , self-righteous and so eager to earn our love that you want to slap it . $LABEL$ 0 +pretend it 's a werewolf itself by avoiding eye contact and walking slowly away . $LABEL$ 0 +you can fire a torpedo through some of clancy 's holes , and the scripters do n't deserve any oscars . $LABEL$ 0 +truly terrible . $LABEL$ 0 +it 's hard to imagine acting that could be any flatter . $LABEL$ 0 +each scene drags , underscoring the obvious , and sentiment is slathered on top . $LABEL$ 0 +fluffy neo-noir hiding behind cutesy film references . $LABEL$ 0 +a special kind of movie , this melancholic film noir reminded me a lot of memento ... $LABEL$ 1 +one of the most genuinely sweet films to come along in quite some time . $LABEL$ 1 +a film really has to be exceptional to justify a three hour running time , and this is n't . $LABEL$ 0 +highly watchable stuff . $LABEL$ 1 +exceptionally well acted by diane lane and richard gere . $LABEL$ 1 +content merely to lionize its title character and exploit his anger - all for easy sanctimony , formulaic thrills and a ham-fisted sermon on the need for national health insurance . $LABEL$ 0 +a charming but slight comedy . $LABEL$ 1 +an unusually dry-eyed , even analytical approach to material that is generally played for maximum moisture . $LABEL$ 1 +a beyond-lame satire , teddy bears ' picnic ranks among the most pitiful directing debuts by an esteemed writer-actor . $LABEL$ 0 +it looks like an action movie , but it 's so poorly made , on all levels , that it does n't even qualify as a spoof of such . $LABEL$ 0 +but mostly it 's a work that , with humor , warmth , and intelligence , captures a life interestingly lived . $LABEL$ 1 +as an introduction to the man 's theories and influence , derrida is all but useless ; as a portrait of the artist as an endlessly inquisitive old man , however , it 's invaluable . $LABEL$ 1 +young hanks and fisk , who vaguely resemble their celebrity parents , bring fresh good looks and an ease in front of the camera to the work . $LABEL$ 1 +excellent performances from jacqueline bisset and martha plimpton grace this deeply touching melodrama . $LABEL$ 1 +the cast is spot on and the mood is laid back . $LABEL$ 1 +its generic villains lack any intrigue -lrb- other than their funny accents -rrb- and the action scenes are poorly delivered . $LABEL$ 0 +while bollywood\/hollywood will undoubtedly provide its keenest pleasures to those familiar with bombay musicals , it also has plenty for those -lrb- like me -rrb- who are n't . $LABEL$ 1 +has no reason to exist , other than to employ hollywood kids and people who owe favors to their famous parents . $LABEL$ 0 +in a big corner office in hell , satan is throwing up his hands in surrender , is firing his r&d people , and has decided he will just screen the master of disguise 24\/7 . $LABEL$ 0 +captures all the longing , anguish and ache , the confusing sexual messages and the wish to be a part of that elusive adult world . $LABEL$ 1 +in a movie full of surprises , the biggest is that secret ballot is a comedy , both gentle and biting . $LABEL$ 1 +deep down , i realized the harsh reality of my situation : i would leave the theater with a lower i.q. than when i had entered . $LABEL$ 0 +a chance to see three splendid actors turn a larky chase movie into an emotionally satisfying exploration of the very human need to be somebody , and to belong to somebody . $LABEL$ 1 +well cast and well directed - a powerful drama with enough sardonic wit to keep it from being maudlin . $LABEL$ 1 +an ambitiously naturalistic , albeit half-baked , drama about an abused , inner-city autistic teen . $LABEL$ 1 +it is just too bad the film 's story does not live up to its style . $LABEL$ 0 +a wild ride juiced with enough energy and excitement for at least three films . $LABEL$ 1 +a muted freak-out $LABEL$ 0 +lead actress gaï , she of the impossibly long limbs and sweetly conspiratorial smile , is a towering siren . $LABEL$ 1 +absolutely not . $LABEL$ 0 +by turns gripping , amusing , tender and heart-wrenching , laissez-passer has all the earmarks of french cinema at its best . $LABEL$ 1 +the cat 's meow marks a return to form for director peter bogdanovich ... $LABEL$ 1 +vibrantly colored and beautifully designed , metropolis is a feast for the eyes . $LABEL$ 1 +` stock up on silver bullets for director neil marshall 's intense freight train of a film . ' $LABEL$ 1 +at its best , which occurs often , michael moore 's bowling for columbine rekindles the muckraking , soul-searching spirit of the ` are we a sick society ? ' $LABEL$ 1 +in the real world , an actor this uncharismatically beautiful would have a résumé loaded with credits like `` girl in bar # 3 . '' $LABEL$ 0 +barney throws away the goodwill the first half of his movie generates by orchestrating a finale that is impenetrable and dull . $LABEL$ 0 +an indispensable peek at the art and the agony of making people laugh . $LABEL$ 1 +at 78 minutes it just zings along with vibrance and warmth . $LABEL$ 1 +the film , while not exactly assured in its execution , is notable for its sheer audacity and openness . $LABEL$ 1 +it 's sweet and fluffy at the time , but it may leave you feeling a little sticky and unsatisfied . $LABEL$ 0 +sayles has an eye for the ways people of different ethnicities talk to and about others outside the group . $LABEL$ 1 +the irony is that this film 's cast is uniformly superb ; their performances could have -- should have -- been allowed to stand on their own . $LABEL$ 1 +i admire the closing scenes of the film , which seem to ask whether our civilization offers a cure for vincent 's complaint . $LABEL$ 1 +a dreary movie . $LABEL$ 0 +a thriller whose style , structure and rhythms are so integrated with the story , you can not separate them . $LABEL$ 1 +cruel and inhuman cinematic punishment ... simultaneously degrades its characters , its stars and its audience . $LABEL$ 0 +you may think you have figured out the con and the players in this debut film by argentine director fabian bielinsky , but while you were thinking someone made off with your wallet . $LABEL$ 0 +the premise itself is just sooooo tired . $LABEL$ 0 +like any good romance , son of the bride , proves it 's never too late to learn . $LABEL$ 1 +the emotional overload of female angst irreparably drags the film down . $LABEL$ 0 +there 's undeniable enjoyment to be had from films crammed with movie references , but the fun wears thin -- then out -- when there 's nothing else happening . $LABEL$ 1 +an engrossing and grim portrait of hookers : what they think of themselves and their clients . $LABEL$ 1 +a lovely and beautifully photographed romance . $LABEL$ 1 +... while each moment of this broken character study is rich in emotional texture , the journey does n't really go anywhere . $LABEL$ 0 +the film 's messages of tolerance and diversity are n't particularly original , but one ca n't help but be drawn in by the sympathetic characters . $LABEL$ 1 +aside from the fact that the film idiotically uses the website feardotcom.com or the improperly hammy performance from poor stephen rea , the film gets added disdain for the fact that it is nearly impossible to look at or understand . $LABEL$ 0 +i had more fun watching spy than i had with most of the big summer movies . $LABEL$ 1 +a simple tale of an unlikely friendship , but thanks to the gorgeous locales and exceptional lead performances , it has considerable charm . $LABEL$ 1 +no such thing is sort of a minimalist beauty and the beast , but in this case the beast should definitely get top billing . $LABEL$ 1 +it 's not particularly well made , but since i found myself howling more than cringing , i 'd say the film works . $LABEL$ 1 +aniston has at last decisively broken with her friends image in an independent film of satiric fire and emotional turmoil . $LABEL$ 1 +... blade ii is still top-heavy with blazing guns , cheatfully filmed martial arts , disintegrating bloodsucker computer effects and jagged camera moves that serve no other purpose than to call attention to themselves . $LABEL$ 0 +every joke is repeated at least four times . $LABEL$ 0 +a smart and funny , albeit sometimes superficial , cautionary tale of a technology in search of an artist . $LABEL$ 1 +if you like an extreme action-packed film with a hint of humor , then triple x marks the spot . $LABEL$ 1 +stanley kwan has directed not only one of the best gay love stories ever made , but one of the best love stories of any stripe . $LABEL$ 1 +just about the best straight-up , old-school horror film of the last 15 years . $LABEL$ 1 +in the director 's cut , the film is not only a love song to the movies but it also is more fully an example of the kind of lush , all-enveloping movie experience it rhapsodizes . $LABEL$ 1 +samuel l. jackson is one of the best actors there is . $LABEL$ 1 +it does give a taste of the burning man ethos , an appealing blend of counter-cultural idealism and hedonistic creativity . $LABEL$ 1 +a plethora of engaging diatribes on the meaning of ` home , ' delivered in grand passion by the members of the various households . $LABEL$ 1 +an imponderably stilted and self-consciously arty movie . $LABEL$ 0 +this real-life hollywood fairy-tale is more engaging than the usual fantasies hollywood produces . $LABEL$ 1 +waiting for godard can be fruitful : ` in praise of love ' is the director 's epitaph for himself . $LABEL$ 1 +it 's all about anakin ... and the lustrous polished visuals rich in color and creativity and , of course , special effect . $LABEL$ 1 +solondz is so intent on hammering home his message that he forgets to make it entertaining . $LABEL$ 0 +... pitiful , slapdash disaster . $LABEL$ 0 +the crap continues . $LABEL$ 0 +while the story 's undeniably hard to follow , iwai 's gorgeous visuals seduce . $LABEL$ 1 +it 's a terrible movie in every regard , and utterly painful to watch . $LABEL$ 0 +this is a monumental achievement in practically every facet of inept filmmaking : joyless , idiotic , annoying , heavy-handed , visually atrocious , and often downright creepy . $LABEL$ 0 +a rock-solid gangster movie with a fair amount of suspense , intriguing characters and bizarre bank robberies , plus a heavy dose of father-and-son dynamics . $LABEL$ 1 +a terrific b movie -- in fact , the best in recent memory . $LABEL$ 1 +unfortunately , the experience of actually watching the movie is less compelling than the circumstances of its making . $LABEL$ 0 +i liked about schmidt a lot , but i have a feeling that i would have liked it much more if harry & tonto never existed . $LABEL$ 1 +what starts off as a potentially incredibly twisting mystery becomes simply a monster chase film . $LABEL$ 0 +you may leave the theater with more questions than answers , but darned if your toes wo n't still be tapping . $LABEL$ 1 +nobody seems to have cared much about any aspect of it , from its cheesy screenplay to the grayish quality of its lighting to its last-minute , haphazard theatrical release . $LABEL$ 0 +as in aimless , arduous , and arbitrary . $LABEL$ 0 +aside from rohmer 's bold choices regarding point of view , the lady and the duke represents the filmmaker 's lifelong concern with formalist experimentation in cinematic art . $LABEL$ 1 +a fascinating glimpse into an insular world that gives the lie to many clichés and showcases a group of dedicated artists . $LABEL$ 1 +this is a poster movie , a mediocre tribute to films like them ! $LABEL$ 0 +there is no solace here , no entertainment value , merely a fierce lesson in where filmmaking can take us . $LABEL$ 0 +the graphic carnage and re-creation of war-torn croatia is uncomfortably timely , relevant , and sickeningly real . $LABEL$ 1 +the ingenious construction -lrb- adapted by david hare from michael cunningham 's novel -rrb- constantly flows forwards and back , weaving themes among three strands which allow us to view events as if through a prism $LABEL$ 1 +the most horrific movie experience i 've had since `` ca n't stop the music . '' $LABEL$ 0 +but it also has many of the things that made the first one charming . $LABEL$ 1 +weaver and lapaglia are both excellent , in the kind of low-key way that allows us to forget that they are actually movie folk . $LABEL$ 1 +it 's never laugh-out-loud funny , but it is frequently amusing . $LABEL$ 1 +a movie in which laughter and self-exploitation merge into jolly soft-porn 'em powerment . ' $LABEL$ 1 +quite simply , a joy to watch and -- especially -- to listen to . $LABEL$ 1 +not to mention absolutely refreshed . $LABEL$ 1 +you can take the grandkids or the grandparents and never worry about anyone being bored ... audience is a sea of constant smiles and frequent laughter . $LABEL$ 1 +arteta paints a picture of lives lived in a state of quiet desperation . $LABEL$ 1 +there 's no reason to miss interview with the assassin $LABEL$ 1 +i like this movie a lot . $LABEL$ 1 +comes off more like a misdemeanor , a flat , unconvincing drama that never catches fire . $LABEL$ 0 +close enough in spirit to its freewheeling trash-cinema roots to be a breath of fresh air . $LABEL$ 1 +while the transgressive trappings -lrb- especially the frank sex scenes -rrb- ensure that the film is never dull , rodrigues 's beast-within metaphor is ultimately rather silly and overwrought , making the ambiguous ending seem goofy rather than provocative . $LABEL$ 0 +blue crush has all the trappings of an energetic , extreme-sports adventure , but ends up more of a creaky `` pretty woman '' retread , with the emphasis on self-empowering schmaltz and big-wave surfing that gives pic its title an afterthought . $LABEL$ 0 +a man leaving the screening said the film was better than saving private ryan . $LABEL$ 1 +-lrb- a -rrb- strong piece of work . $LABEL$ 1 +daring and beautifully made . $LABEL$ 1 +a well-crafted film that is all the more remarkable because it achieves its emotional power and moments of revelation with restraint and a delicate ambiguity . $LABEL$ 1 +... hits every cliche we 've come to expect , including the assumption that `` crazy '' people are innocent , childlike and inherently funny . $LABEL$ 0 +slight but enjoyable documentary . $LABEL$ 1 +adam sandler 's eight crazy nights grows on you -- like a rash . $LABEL$ 0 +when compared to the usual , more somber festival entries , davis ' highly personal brand of romantic comedy is a tart , smart breath of fresh air that stands out from the pack even if the picture itself is somewhat problematic . $LABEL$ 1 +nicks and steinberg match their own creations for pure venality -- that 's giving it the old college try . $LABEL$ 0 +not even solondz 's thirst for controversy , sketchy characters and immature provocations can fully succeed at cheapening it . $LABEL$ 0 +and in a sense , that 's a liability . $LABEL$ 0 +the romance between the leads is n't as compelling or as believable as it should be . $LABEL$ 0 +hugh grant , who has a good line in charm , has never been more charming than in about a boy . $LABEL$ 1 +poignant and funny . $LABEL$ 1 +this is pure , exciting moviemaking . $LABEL$ 1 +never having seen the first two films in the series , i ca n't compare friday after next to them , but nothing would change the fact that what we have here is a load of clams left in the broiling sun for a good three days . $LABEL$ 0 +a straight-ahead thriller that never rises above superficiality . $LABEL$ 0 +the film 's constant mood of melancholy and its unhurried narrative are masterfully controlled . $LABEL$ 1 +there are scenes of cinematic perfection that steal your heart away . $LABEL$ 1 +a low-key labor of love that strikes a very resonant chord . $LABEL$ 1 +one of those movies that catches you up in something bigger than yourself , namely , an archetypal desire to enjoy good trash every now and then . $LABEL$ 1 +an old-fashioned scary movie , one that relies on lingering terror punctuated by sudden shocks and not constant bloodshed punctuated by flying guts . $LABEL$ 1 +there 's an energy to y tu mamá también . $LABEL$ 1 +the problem with the film is whether these ambitions , laudable in themselves , justify a theatrical simulation of the death camp of auschwitz ii-birkenau . $LABEL$ 0 +the whole mess boils down to a transparently hypocritical work that feels as though it 's trying to set the women 's liberation movement back 20 years . ' $LABEL$ 0 +not even steven spielberg has dreamed up such blatant and sickening product placement in a movie . $LABEL$ 0 +miyazaki is one of world cinema 's most wondrously gifted artists and storytellers . $LABEL$ 1 +the paradiso 's rusted-out ruin and ultimate collapse during the film 's final -lrb- restored -rrb- third ... emotionally belittle a cinema classic . $LABEL$ 0 +if you 're down for a silly hack-and-slash flick , you can do no wrong with jason x. $LABEL$ 1 +all in all , an interesting look at the life of the campaign-trail press , especially ones that do n't really care for the candidate they 're forced to follow . $LABEL$ 1 +in the not-too-distant future , movies like ghost ship will be used as analgesic balm for overstimulated minds . $LABEL$ 0 +ryan gosling is , in a word , brilliant as the conflicted daniel . $LABEL$ 1 +i do n't think so . $LABEL$ 0 +at best this is a film for the under-7 crowd . $LABEL$ 0 +a fresh , entertaining comedy that looks at relationships minus traditional gender roles . $LABEL$ 1 +poetry in motion captured on film . $LABEL$ 1 +parts of the film feel a bit too much like an infomercial for ram dass 's latest book aimed at the boomer demographic . $LABEL$ 0 +the script is a dim-witted pairing of teen-speak and animal gibberish . $LABEL$ 0 +almost peerlessly unsettling . $LABEL$ 0 +despite auteuil 's performance , it 's a rather listless amble down the middle of the road , where the thematic ironies are too obvious and the sexual politics too smug . $LABEL$ 0 +-lrb- ferrera -rrb- has the charisma of a young woman who knows how to hold the screen . $LABEL$ 1 +a solid and refined piece of moviemaking imbued with passion and attitude . $LABEL$ 1 +flamboyant in some movies and artfully restrained in others , 65-year-old jack nicholson could be looking at his 12th oscar nomination by proving that he 's now , more than ever , choosing his roles with the precision of the insurance actuary . $LABEL$ 1 +while this one gets off with a good natured warning , future lizard endeavors will need to adhere more closely to the laws of laughter $LABEL$ 0 +the hot topics of the plot are relegated to the background -- a welcome step forward from the sally jesse raphael atmosphere of films like philadelphia and american beauty . $LABEL$ 1 +daughter from danang reveals that efforts toward closure only open new wounds . $LABEL$ 0 +if not a home run , then at least a solid base hit . $LABEL$ 1 +it 's a fine , old-fashioned-movie movie , which is to say it 's unburdened by pretensions to great artistic significance . $LABEL$ 1 +what it lacks in substance it makes up for in heart . $LABEL$ 1 +carrying off a spot-on scottish burr , duvall -lrb- also a producer -rrb- peels layers from this character that may well not have existed on paper . $LABEL$ 1 +there are enough throwaway references to faith and rainbows to plant smile-button faces on that segment of the populace that made a walk to remember a niche hit . $LABEL$ 1 +suffice to say its total promise is left slightly unfulfilled . $LABEL$ 0 +the picture 's fascinating byways are littered with trenchant satirical jabs at the peculiar egocentricities of the acting breed . $LABEL$ 1 +walter hill 's undisputed is like a 1940s warner bros. . $LABEL$ 1 +parents beware ; this is downright movie penance . $LABEL$ 0 +whatever satire lucky break was aiming for , it certainly got lost in the `` soon-to-be-forgettable '' section of the quirky rip-off prison romp pile . $LABEL$ 0 +fred schepisi 's tale of four englishmen facing the prospect of their own mortality views youthful affluence not as a lost ideal but a starting point . $LABEL$ 1 +there 's no energy . $LABEL$ 0 +starts off witty and sophisticated and you want to love it -- but filmmaker yvan attal quickly writes himself into a corner . $LABEL$ 0 +kosminsky ... puts enough salt into the wounds of the tortured and self-conscious material to make it sting . $LABEL$ 1 +a well made indieflick in need of some trims and a more chemistry between its stars . $LABEL$ 1 +seems based on ugly ideas instead of ugly behavior , as happiness was ... hence , storytelling is far more appealing . $LABEL$ 1 +alternates between deadpan comedy and heartbreaking loneliness and is n't afraid to provoke introspection in both its characters and its audience . $LABEL$ 1 +true to its title , it traps audiences in a series of relentlessly nasty situations that we would pay a considerable ransom not to be looking at . $LABEL$ 0 +with exquisite craftsmanship ... olivier assayas has fashioned an absorbing look at provincial bourgeois french society . $LABEL$ 1 +a hard look at one man 's occupational angst and its subsequent reinvention , a terrifying study of bourgeois desperation worthy of claude chabrol . $LABEL$ 1 +the ethos of the chelsea hotel may shape hawke 's artistic aspirations , but he has n't yet coordinated his own dv poetry with the beat he hears in his soul . $LABEL$ 0 +grant is certainly amusing , but the very hollowness of the character he plays keeps him at arms length $LABEL$ 0 +definitely in the guilty pleasure b-movie category , reign of fire is so incredibly inane that it is laughingly enjoyable . $LABEL$ 1 +it 's not just the vampires that are damned in queen of the damned -- the viewers will feel they suffer the same fate . $LABEL$ 0 +as simple and innocent a movie as you can imagine . $LABEL$ 1 +extremely bad . $LABEL$ 0 +although disney follows its standard formula in this animated adventure , it feels more forced than usual . $LABEL$ 0 +deserves a place of honor next to nanook as a landmark in film history . $LABEL$ 1 +what 's missing in murder by numbers is any real psychological grounding for the teens ' deviant behaviour . $LABEL$ 0 +any attempts at nuance given by the capable cast is drowned out by director jon purdy 's sledgehammer sap . $LABEL$ 0 +it 's lost the politics and the social observation and become just another situation romance about a couple of saps stuck in an inarticulate screenplay . $LABEL$ 0 +cut through the layers of soap-opera emotion and you find a scathing portrayal of a powerful entity strangling the life out of the people who want to believe in it the most . $LABEL$ 1 +it made me want to get made-up and go see this movie with my sisters . $LABEL$ 1 +argento , at only 26 , brings a youthful , out-to-change-the-world aggressiveness to the project , as if she 's cut open a vein and bled the raw film stock . $LABEL$ 1 +as refreshing as a drink from a woodland stream . $LABEL$ 1 +... a sweetly affecting story about four sisters who are coping , in one way or another , with life 's endgame . $LABEL$ 1 +beautifully directed and convincingly acted . $LABEL$ 1 +it is an unstinting look at a collaboration between damaged people that may or may not qual $LABEL$ 1 +ritchie 's film is easier to swallow than wertmuller 's polemical allegory , but it 's self-defeatingly decorous . $LABEL$ 0 +the charm of the first movie is still there , and the story feels like the logical , unforced continuation of the careers of a pair of spy kids . $LABEL$ 1 +purports to be a hollywood satire but winds up as the kind of film that should be the target of something deeper and more engaging . $LABEL$ 0 +any enjoyment will be hinge from a personal threshold of watching sad but endearing characters do extremely unconventional things . $LABEL$ 1 +an undeniably gorgeous , terminally smitten document of a troubadour , his acolytes , and the triumph of his band . $LABEL$ 1 +halfway through the movie , the humor dwindles . $LABEL$ 0 +the magic -lrb- and original running time -rrb- of ace japanimator hayao miyazaki 's spirited away survives intact in bv 's re-voiced version . $LABEL$ 1 +michael moore has perfected the art of highly entertaining , self-aggrandizing , politically motivated documentary-making , and he 's got as potent a topic as ever here . $LABEL$ 1 +frei assembles a fascinating profile of a deeply humanistic artist who , in spite of all that he 's witnessed , remains surprisingly idealistic , and retains an extraordinary faith in the ability of images to communicate the truth of the world around him . $LABEL$ 1 +predictable and cloying , though brown sugar is so earnest in its yearning for the days before rap went nihilistic that it summons more spirit and bite than your average formulaic romantic quadrangle . $LABEL$ 1 +sadly , though many of the actors throw off a spark or two when they first appear , they ca n't generate enough heat in this cold vacuum of a comedy to start a reaction . $LABEL$ 0 +such a bad movie that its luckiest viewers will be seated next to one of those ignorant pinheads who talk throughout the show . $LABEL$ 0 +a modest masterpiece . $LABEL$ 1 +neil burger here succeeded in ... making the mystery of four decades back the springboard for a more immediate mystery in the present . $LABEL$ 1 +and thanks to kline 's superbly nuanced performance , that pondering is highly pleasurable . $LABEL$ 1 +it 's still a comic book , but maguire makes it a comic book with soul . $LABEL$ 1 +shiri is an action film that delivers on the promise of excitement , but it also has a strong dramatic and emotional pull that gradually sneaks up on the audience . $LABEL$ 1 +seems content to dog-paddle in the mediocre end of the pool , and it 's a sad , sick sight . $LABEL$ 0 +takes a fresh and absorbing look at a figure whose legacy had begun to bronze . $LABEL$ 1 +but it does n't leave you with much . $LABEL$ 0 +the trick when watching godard is to catch the pitch of his poetics , savor the pleasure of his sounds and images , and ponder the historical , philosophical , and ethical issues that intersect with them . $LABEL$ 1 +broomfield has a rather unique approach to documentary . $LABEL$ 1 +as the mediterranean sparkles , ` swept away ' sinks . $LABEL$ 0 +two-bit potboiler . $LABEL$ 0 +a poignant and gently humorous parable that loves its characters and communicates something rather beautiful about human nature . $LABEL$ 1 +a smart , provocative drama that does the nearly impossible : it gets under the skin of a man we only know as an evil , monstrous lunatic . $LABEL$ 1 +at once overly old-fashioned in its sudsy plotting and heavy-handed in its effort to modernize it with encomia to diversity and tolerance . $LABEL$ 0 +it 's just rather leaden and dull . $LABEL$ 0 +problem is , we have no idea what in creation is going on . $LABEL$ 0 +the movie is a mess from start to finish . $LABEL$ 0 +its rawness and vitality give it considerable punch . $LABEL$ 1 +one of the best inside-show-biz yarns ever . $LABEL$ 1 +but the feelings evoked in the film are lukewarm and quick to pass . $LABEL$ 0 +a burst of color , music , and dance that only the most practiced curmudgeon could fail to crack a smile at . $LABEL$ 1 +the best animated feature to hit theaters since beauty and the beast 11 years ago . $LABEL$ 1 +the only camouflage carvey should now be considering is a paper bag to wear over his head when he goes out into public , to avoid being recognized as the man who bilked unsuspecting moviegoers . $LABEL$ 0 +scarcely worth a mention apart from reporting on the number of tumbleweeds blowing through the empty theatres graced with its company . $LABEL$ 0 +a beautifully observed character piece . $LABEL$ 1 +compared to his series of spectacular belly flops both on and off the screen , runteldat is something of a triumph . $LABEL$ 1 +as plain and pedestrian as catsup -- $LABEL$ 0 +some people march to the beat of a different drum , and if you ever wondered what kind of houses those people live in , this documentary takes a look at 5 alternative housing options . $LABEL$ 1 +that jack nicholson makes this man so watchable is a tribute not only to his craft , but to his legend . $LABEL$ 1 +with each of her three protagonists , miller eloquently captures the moment when a woman 's life , out of a deep-seated , emotional need , is about to turn onto a different path . $LABEL$ 1 +a college story that works even without vulgarity , sex scenes , and cussing ! $LABEL$ 1 +a loquacious and dreary piece of business . $LABEL$ 0 +behan 's memoir is great material for a film -- rowdy , brawny and lyrical in the best irish sense -- but sheridan has settled for a lugubrious romance . $LABEL$ 0 +a rather tired exercise in nostalgia . $LABEL$ 0 +` linklater fans , or pretentious types who want to appear avant-garde will suck up to this project ... ' $LABEL$ 0 +there 's little to recommend snow dogs , unless one considers cliched dialogue and perverse escapism a source of high hilarity . $LABEL$ 0 +one lousy movie . $LABEL$ 0 +it 's such a mechanical endeavor -lrb- that -rrb- it never bothers to question why somebody might devote time to see it . $LABEL$ 0 +a blair witch - style adventure that plays like a bad soap opera , with passable performances from everyone in the cast . $LABEL$ 0 +until its final minutes this is a perceptive study of two families in crisis -- and of two girls whose friendship is severely tested by bad luck and their own immaturity . $LABEL$ 0 +abandon spends 90 minutes trying figure out whether or not some cocky pseudo-intellectual kid has intentionally left college or was killed . $LABEL$ 0 +needs more impressionistic cinematography and exhilarating point-of-view shots and fewer slow-motion ` grandeur ' shots and quick-cut edits that often detract from the athleticism . $LABEL$ 0 +with the prospect of films like kangaroo jack about to burst across america 's winter movie screens it 's a pleasure to have a film like the hours as an alternative . $LABEL$ 1 +where this was lazy but enjoyable , a formula comedy redeemed by its stars , that is even lazier and far less enjoyable . $LABEL$ 0 +a highly watchable , giggly little story with a sweet edge to it . $LABEL$ 1 +skillfully weaves both the elements of the plot and a powerfully evocative mood combining heated sexuality with a haunting sense of malaise . $LABEL$ 1 +-lrb- soderbergh -rrb- tends to place most of the psychological and philosophical material in italics rather than trust an audience 's intelligence , and he creates an overall sense of brusqueness . $LABEL$ 0 +writer-director juan carlos fresnadillo makes a feature debut that is fully formed and remarkably assured . $LABEL$ 1 +the kind of film that leaves you scratching your head in amazement over the fact that so many talented people could participate in such an ill-advised and poorly executed idea . $LABEL$ 0 +each story is built on a potentially interesting idea , but the first two are ruined by amateurish writing and acting , while the third feels limited by its short running time . $LABEL$ 0 +sweetly sexy , funny and touching . $LABEL$ 1 +like all of egoyan 's work , ararat is fiercely intelligent and uncommonly ambitious . $LABEL$ 1 +even if invincible is not quite the career peak that the pianist is for roman polanski , it demonstrates that werner herzog can still leave us with a sense of wonder at the diverse , marvelously twisted shapes history has taken . $LABEL$ 1 +the film is really closer to porn than a serious critique of what 's wrong with this increasingly pervasive aspect of gay culture . $LABEL$ 0 +this is a movie that starts out like heathers , then becomes bring it on , then becomes unwatchable . $LABEL$ 0 +it 's a cool event for the whole family . $LABEL$ 1 +time literally stops on a dime in the tries-so-hard-to-be-cool `` clockstoppers , '' but that does n't mean it still wo n't feel like the longest 90 minutes of your movie-going life . $LABEL$ 0 +a beautiful , entertaining two hours . $LABEL$ 1 +though it pretends to expose the life of male hustlers , it 's exploitive without being insightful . $LABEL$ 0 +too long , and larded with exposition , this somber cop drama ultimately feels as flat as the scruffy sands of its titular community . $LABEL$ 0 +another love story in 2002 's remarkable procession of sweeping pictures that have reinvigorated the romance genre . $LABEL$ 1 +the chateau belongs to rudd , whose portrait of a therapy-dependent flakeball spouting french malapropisms ... is a nonstop hoot . $LABEL$ 1 +the story ... is inspiring , ironic , and revelatory of just how ridiculous and money-oriented the record industry really is . $LABEL$ 1 +love may have been in the air onscreen , but i certainly was n't feeling any of it . $LABEL$ 0 +this director 's cut -- which adds 51 minutes -- takes a great film and turns it into a mundane soap opera . $LABEL$ 0 +`` the dangerous lives of altar boys '' has flaws , but it also has humor and heart and very talented young actors $LABEL$ 1 +movies like high crimes flog the dead horse of surprise as if it were an obligation . $LABEL$ 0 +an amusing and unexpectedly insightful examination of sexual jealousy , resentment and the fine line between passion and pretence . $LABEL$ 1 +producer john penotti surveyed high school students ... and came back with the astonishing revelation that `` they wanted to see something that did n't talk down to them . '' $LABEL$ 1 +it 's just a movie that happens to have jackie chan in it . $LABEL$ 0 +what redeems the film is the cast , particularly the ya-yas themselves . $LABEL$ 1 +but what 's nice is that there 's a casual intelligence that permeates the script . $LABEL$ 1 +adam sandler 's 8 crazy nights is 75 wasted minutes of sandler as the voice-over hero in columbia pictures ' perverse idea of an animated holiday movie . $LABEL$ 0 +a mess . $LABEL$ 0 +the filmmakers wisely decided to let crocodile hunter steve irwin do what he does best , and fashion a story around him . $LABEL$ 1 +so purely enjoyable that you might not even notice it 's a fairly straightforward remake of hollywood comedies such as father of the bride . $LABEL$ 1 +talk to her is so darned assured , we have absolutely no idea who the main characters are until the film is well under way -- and yet it 's hard to stop watching . $LABEL$ 1 +a genuinely funny ensemble comedy that also asks its audience -- in a heartwarming , nonjudgmental kind of way -- to consider what we value in our daily lives . $LABEL$ 1 +after seeing ` analyze that , ' i feel better already . $LABEL$ 1 +mazel tov to a film about a family 's joyous life acting on the yiddish stage . $LABEL$ 1 +the characters are never more than sketches ... which leaves any true emotional connection or identification frustratingly out of reach . $LABEL$ 0 +reign of fire just might go down as one of the all-time great apocalypse movies . $LABEL$ 1 +though few will argue that it ranks with the best of herzog 's works , invincible shows he 's back in form , with an astoundingly rich film . $LABEL$ 1 +monte cristo smartly emphasizes the well-wrought story and omits needless chase scenes and swordfights as the revenge unfolds . $LABEL$ 1 +it shows us a slice of life that 's very different from our own and yet instantly recognizable . $LABEL$ 1 +interesting both as a historical study and as a tragic love story . $LABEL$ 1 +what we have here is n't a disaster , exactly , but a very handsomely produced let-down . $LABEL$ 0 +there 's a reason the studio did n't offer an advance screening . $LABEL$ 0 +there is a certain sense of experimentation and improvisation to this film that may not always work , but it is nevertheless compelling . $LABEL$ 1 +though it 's equally solipsistic in tone , the movie has enough vitality to justify the notion of creating a screen adaptation of evans ' saga of hollywood excess . $LABEL$ 1 +one of the worst films of 2002 . $LABEL$ 0 +lazy , miserable and smug . $LABEL$ 0 +-lrb- t -rrb- he script is n't up to the level of the direction , nor are the uneven performances by the cast members , who seem bound and determined to duplicate bela lugosi 's now-cliched vampire accent . $LABEL$ 0 +often demented in a good way , but it is an uneven film for the most part . $LABEL$ 0 +an animation landmark as monumental as disney 's 1937 breakthrough snow white and the seven dwarfs . $LABEL$ 1 +this thing is just garbage . $LABEL$ 0 +`` the road paved with good intentions leads to the video store '' $LABEL$ 1 +still , this flick is fun , and host to some truly excellent sequences . $LABEL$ 1 +a disoriented but occasionally disarming saga packed with moments out of an alice in wonderland adventure , a stalker thriller , and a condensed season of tv 's big brother . $LABEL$ 1 +like the world of his film , hartley created a monster but did n't know how to handle it . $LABEL$ 0 +what 's surprising is how well it holds up in an era in which computer-generated images are the norm . $LABEL$ 1 +it 's a clear-eyed portrait of an intensely lived time , filled with nervous energy , moral ambiguity and great uncertainties . $LABEL$ 1 +the extent to which it succeeds is impressive . $LABEL$ 1 +proves a servicable world war ii drama that ca n't totally hide its contrivances , but it at least calls attention to a problem hollywood too long has ignored . $LABEL$ 1 +a fascinating , bombshell documentary that should shame americans , regardless of whether or not ultimate blame finally lies with kissinger . $LABEL$ 1 +never inspires more than an interested detachment . $LABEL$ 0 +a sharp and quick documentary that is funny and pithy , while illuminating an era of theatrical comedy that , while past , really is n't . $LABEL$ 1 +this is a smart movie that knows its classical music , knows its freud and knows its sade . $LABEL$ 1 +instead of trying to bust some blondes , -lrb- diggs -rrb- should be probing why a guy with his talent ended up in a movie this bad . $LABEL$ 0 +delivers roughly equal amounts of beautiful movement and inside information . $LABEL$ 1 +meyjes 's movie , like max rothman 's future , does not work . $LABEL$ 0 +a weird , arresting little ride . $LABEL$ 1 +but i had a lot of problems with this movie . $LABEL$ 0 +it 's dull , spiritless , silly and monotonous : an ultra-loud blast of pointless mayhem , going nowhere fast . $LABEL$ 0 +the year 2002 has conjured up more coming-of-age stories than seem possible , but take care of my cat emerges as the very best of them . $LABEL$ 1 +nakata 's technique is to imply terror by suggestion , rather than the overuse of special effects . $LABEL$ 1 +the cinematic equivalent of patronizing a bar favored by pretentious , untalented artistes who enjoy moaning about their cruel fate . $LABEL$ 0 +there 's a part of us that can not help be entertained by the sight of someone getting away with something . $LABEL$ 1 +but mr. polanski creates images even more haunting than those in mr. spielberg 's 1993 classic . $LABEL$ 1 +the performances are strong , though the subject matter demands acting that borders on hammy at times . $LABEL$ 1 +never does `` lilo & stitch '' reach the emotion or timelessness of disney 's great past , or even that of more recent successes such as `` mulan '' or `` tarzan . '' $LABEL$ 0 +a wild ride with eight boarders from venice beach that was a deserved co-winner of the audience award for documentaries at the sundance film festival . $LABEL$ 1 +the mushy finale turns john q into a movie-of-the-week tearjerker . $LABEL$ 1 +a venturesome , beautifully realized psychological mood piece that reveals its first-time feature director 's understanding of the expressive power of the camera . $LABEL$ 1 +that it 'll probably be the best and most mature comedy of the 2002 summer season speaks more of the season than the picture $LABEL$ 1 +my own minority report is that it stinks . $LABEL$ 0 +cage makes an unusual but pleasantly haunting debut behind the camera . $LABEL$ 1 +brosnan is more feral in this film than i 've seen him before and halle berry does her best to keep up with him . $LABEL$ 1 +ben kingsley is truly funny , playing a kind of ghandi gone bad . $LABEL$ 1 +frankly , it 's pretty stupid . $LABEL$ 0 +ozpetek 's effort has the scope and shape of an especially well-executed television movie . $LABEL$ 1 +too clever by about nine-tenths . $LABEL$ 1 +horns and halos benefits from serendipity but also reminds us of our own responsibility to question what is told as the truth . $LABEL$ 1 +a particularly joyless , and exceedingly dull , period coming-of-age tale . $LABEL$ 0 +an unorthodox little film noir organized crime story that includes one of the strangest love stories you will ever see . $LABEL$ 1 +watching the powerpuff girls movie , my mind kept returning to one anecdote for comparison : the cartoon in japan that gave people seizures . $LABEL$ 1 +there 's no good answer to that one . $LABEL$ 0 +-lrb- while the last metro -rrb- was more melodramatic , confined to a single theater company and its strategies and deceptions , while tavernier is more concerned with the entire period of history . $LABEL$ 1 +cantet beautifully illuminates what it means sometimes to be inside looking out , and at other times outside looking in . $LABEL$ 1 +if you think it 's a riot to see rob schneider in a young woman 's clothes , then you 'll enjoy the hot chick . $LABEL$ 1 +with the same sort of good-natured fun found in films like tremors , eight legged freaks is prime escapist fare . $LABEL$ 1 +a bore that tends to hammer home every one of its points . $LABEL$ 0 +a non-mystery mystery . $LABEL$ 0 +there 's back-stabbing , inter-racial desire and , most importantly , singing and dancing . $LABEL$ 1 +there 's more repetition than creativity throughout the movie . $LABEL$ 0 +together , miller , kuras and the actresses make personal velocity into an intricate , intimate and intelligent journey . $LABEL$ 1 +i enjoyed the movie in a superficial way , while never sure what its purpose was . $LABEL$ 1 +fear dot com is more frustrating than a modem that disconnects every 10 seconds . $LABEL$ 0 +instead of a witty expose on the banality and hypocrisy of too much kid-vid , we get an ugly , mean-spirited lashing out by an adult who 's apparently been forced by his kids to watch too many barney videos . $LABEL$ 0 +feels like the work of an artist who is simply tired -- of fighting the same fights , of putting the weight of the world on his shoulders , of playing with narrative form . $LABEL$ 0 +it is very difficult to care about the character , and that is the central flaw of the film . $LABEL$ 0 +gangster no. 1 is solid , satisfying fare for adults . $LABEL$ 1 +why did they deem it necessary to document all this emotional misery ? $LABEL$ 0 +no doubt the star and everyone else involved had their hearts in the right place . $LABEL$ 1 +-lrb- rises -rrb- above its oh-so-hollywood rejiggering and its conventional direction to give the film a soul and an unabashed sense of good old-fashioned escapism . $LABEL$ 1 +captures that perverse element of the kafkaesque where identity , overnight , is robbed and replaced with a persecuted `` other . '' $LABEL$ 1 +never once predictable . $LABEL$ 1 +the film does n't really care about the thousands of americans who die hideously , it cares about how ryan meets his future wife and makes his start at the cia . $LABEL$ 0 +offers a guilt-free trip into feel-good territory . $LABEL$ 1 +the filmmakers are playing to the big boys in new york and l.a. to that end , they mock the kind of folks they do n't understand , ones they figure the power-lunchers do n't care to understand , either . $LABEL$ 0 +i wish it would have just gone more over-the-top instead of trying to have it both ways . $LABEL$ 0 +the whole affair , true story or not , feels incredibly hokey ... -lrb- it -rrb- comes off like a hallmark commercial . $LABEL$ 0 +the structure is simple , but in its own way , rabbit-proof fence is a quest story as grand as the lord of the rings . $LABEL$ 1 +a puppy dog so desperate for attention it nearly breaks its little neck trying to perform entertaining tricks . $LABEL$ 0 +nice piece of work . $LABEL$ 1 +the events of the film are just so weird that i honestly never knew what the hell was coming next . $LABEL$ 0 +episode ii -- attack of the clones is a technological exercise that lacks juice and delight . $LABEL$ 0 +this is a dark , gritty , sometimes funny little gem . $LABEL$ 1 +though there 's a clarity of purpose and even-handedness to the film 's direction , the drama feels rigged and sluggish . $LABEL$ 0 +noyce 's greatest mistake is thinking that we needed sweeping , dramatic , hollywood moments to keep us $LABEL$ 0 +what emerges is an unsettling picture of childhood innocence combined with indoctrinated prejudice . $LABEL$ 1 +the 3-d vistas from orbit , with the space station suspended like a huge set of wind chimes over the great blue globe , are stanzas of breathtaking , awe-inspiring visual poetry . $LABEL$ 1 +cacoyannis ' vision is far less mature , interpreting the play as a call for pity and sympathy for anachronistic phantasms haunting the imagined glory of their own pasts . $LABEL$ 0 +jackie chan movies are a guilty pleasure - he 's easy to like and always leaves us laughing . $LABEL$ 1 +-lrb- gayton 's script -rrb- telegraphs every discovery and layers on the gloss of convenience . $LABEL$ 1 +i know i should n't have laughed , but hey , those farts got to my inner nine-year-old . $LABEL$ 1 +... has about 3\/4th the fun of its spry 2001 predecessor -- but it 's a rushed , slapdash , sequel-for-the-sake - of-a-sequel with less than half the plot and ingenuity . $LABEL$ 0 +there is a general air of exuberance in all about the benjamins that 's hard to resist . $LABEL$ 1 +plays like one of those conversations that comic book guy on `` the simpsons '' has . $LABEL$ 0 +dong never pushes for insights beyond the superficial tensions of the dynamic he 's dissecting , and the film settles too easily along the contours of expectation . $LABEL$ 0 +this charming but slight tale has warmth , wit and interesting characters compassionately portrayed . $LABEL$ 1 +the movie slides downhill as soon as macho action conventions assert themselves . $LABEL$ 0 +delightfully rendered $LABEL$ 1 +shows that jackie chan is getting older , and that 's something i would rather live in denial about $LABEL$ 0 +many insightful moments . $LABEL$ 1 +made to be jaglomized is the cannes film festival , the annual riviera spree of flesh , buzz , blab and money . $LABEL$ 0 +the performances are immaculate , with roussillon providing comic relief . $LABEL$ 1 +anyone not into high-tech splatterfests is advised to take the warning literally , and log on to something more user-friendly . $LABEL$ 0 +director claude chabrol has become the master of innuendo . $LABEL$ 1 +as comedic spotlights go , notorious c.h.o. hits all the verbal marks it should . $LABEL$ 1 +-lrb- tries -rrb- to parody a genre that 's already a joke in the united states . $LABEL$ 0 +they were afraid to show this movie to reviewers before its opening , afraid of the bad reviews they thought they 'd earn . $LABEL$ 0 +especially give credit to affleck . $LABEL$ 1 +a fragile framework upon which to hang broad , mildly fleshed-out characters that seem to have been conjured up only 10 minutes prior to filming . $LABEL$ 0 +and it marks him as one of the most interesting writer\/directors working today . $LABEL$ 1 +this picture is murder by numbers , and as easy to be bored by as your abc 's , despite a few whopping shootouts . $LABEL$ 0 +though jones and snipes are enthralling , the movie bogs down in rhetoric and cliché . $LABEL$ 0 +according to wendigo , ` nature ' loves the members of the upper class almost as much as they love themselves . $LABEL$ 1 +even a hardened voyeur would require the patience of job to get through this interminable , shapeless documentary about the swinging subculture . $LABEL$ 0 +it is refreshingly undogmatic about its characters . $LABEL$ 1 +a gratingly unfunny groaner littered with zero-dimensional , unlikable characters and hackneyed , threadbare comic setups . $LABEL$ 0 +a vibrant , colorful , semimusical rendition . $LABEL$ 1 +but as you watch the movie , you 're too interested to care . $LABEL$ 1 +a mediocre exercise in target demographics , unaware that it 's the butt of its own joke . $LABEL$ 0 +thumbs down . $LABEL$ 0 +while the story does seem pretty unbelievable at times , it 's awfully entertaining to watch . $LABEL$ 1 +at a time when we 've learned the hard way just how complex international terrorism is , collateral damage paints an absurdly simplistic picture . $LABEL$ 0 +upper west sidey exercise in narcissism and self-congratulation disguised as a tribute . $LABEL$ 0 +as a kind of colorful , dramatized pbs program , frida gets the job done . $LABEL$ 1 +an uneven look into a grim future that does n't come close to the level of intelligence and visual splendour that can be seen in other films based on philip k. dick stories . $LABEL$ 0 +-lrb- shyamalan -rrb- turns the goose-pimple genre on its empty head and fills it with spirit , purpose and emotionally bruised characters who add up to more than body count . $LABEL$ 1 +totally overwrought , deeply biased , and wholly designed to make you feel guilty about ignoring what the filmmakers clearly believe are the greatest musicians of all time . $LABEL$ 0 +there 's so much to look at in metropolis you hate to tear your eyes away from the images long enough to read the subtitles . $LABEL$ 1 +woody allen used to ridicule movies like hollywood ending . $LABEL$ 0 +lightweight but appealing . $LABEL$ 1 +there is nothing redeeming about this movie . $LABEL$ 0 +what 's infuriating about full frontal is that it 's too close to real life to make sense . $LABEL$ 0 +the movie 's seams may show ... but pellington gives `` mothman '' an irresistibly uncanny ambience that goes a long way toward keeping the picture compelling . $LABEL$ 1 +macdowell ... gives give a solid , anguished performance that eclipses nearly everything else she 's ever done . $LABEL$ 1 +director paul cox 's unorthodox , abstract approach to visualizing nijinsky 's diaries is both stimulating and demanding . $LABEL$ 1 +the sight of the spaceship on the launching pad is duly impressive in imax dimensions , as are shots of the astronauts floating in their cabins . $LABEL$ 1 +the unique niche of self-critical , behind-the-scenes navel-gazing kaufman has carved from orleans ' story and his own infinite insecurity is a work of outstanding originality . $LABEL$ 1 +the stunt work is top-notch ; the dialogue and drama often food-spittingly funny . $LABEL$ 1 +lucas has in fact come closer than anyone could desire to the cheap , graceless , hackneyed sci-fi serials of the '30s and '40s . $LABEL$ 0 +a fine effort , an interesting topic , some intriguing characters and a sad ending . $LABEL$ 1 +`` ... something appears to have been lost in the translation this time . $LABEL$ 0 +featherweight romantic comedy has a few nice twists in a standard plot and the charisma of hugh grant and sandra bullock . $LABEL$ 1 +hypnotically dull , relentlessly downbeat , laughably predictable wail pitched to the cadence of a depressed fifteen-year-old 's suicidal poetry . $LABEL$ 0 +everything about the quiet american is good , except its timing . $LABEL$ 1 +it 's a smartly directed , grown-up film of ideas . $LABEL$ 1 +the bourne identity should n't be half as entertaining as it is , but director doug liman and his colleagues have managed to pack it with enough action to satisfy the boom-bam crowd without a huge sacrifice of character and mood . $LABEL$ 1 +once he starts learning to compromise with reality enough to become comparatively sane and healthy , the film becomes predictably conventional . $LABEL$ 0 +a touching , small-scale story of family responsibility and care in the community . $LABEL$ 1 +the gifted crudup has the perfect face to play a handsome blank yearning to find himself , and his cipherlike personality and bad behavior would play fine if the movie knew what to do with him . $LABEL$ 0 +an artsploitation movie with too much exploitation and too little art . $LABEL$ 0 +unless you 're a fanatic , the best advice is : ` scooby ' do n't . $LABEL$ 0 +nicole kidman evolved from star to superstar some time over the past year , which means that birthday girl is the kind of quirkily appealing minor movie she might not make for a while . $LABEL$ 1 +and the positive change in tone here seems to have recharged him . $LABEL$ 1 +there 's just something about watching a squad of psychopathic underdogs whale the tar out of unsuspecting lawmen that reaches across time and distance . $LABEL$ 1 +the script is high on squaddie banter , low on shocks . $LABEL$ 1 +go back to sleep . $LABEL$ 0 +this movie plays like an extended dialogue exercise in retard 101 . $LABEL$ 0 +it 's as if a bored cage spent the duration of the film 's shooting schedule waiting to scream : `` got aids yet ? '' $LABEL$ 0 +secret ballot is a funny , puzzling movie ambiguous enough to be engaging and oddly moving . $LABEL$ 1 +a visionary marvel , but it 's lacking a depth in storytelling usually found in anime like this . $LABEL$ 0 +nair just does n't have the necessary self-control to guide a loose , poorly structured film through the pitfalls of incoherence and redundancy . $LABEL$ 0 +one of the most slyly exquisite anti-adult movies ever made . $LABEL$ 1 +this low-rent -- and even lower-wit -- rip-off of the farrelly brothers ' oeuvre gets way too mushy -- and in a relatively short amount of time . $LABEL$ 0 +happily stays close to the ground in a spare and simple manner and does n't pummel us with phony imagery or music . $LABEL$ 1 +fails as a dystopian movie , as a retooling of fahrenheit 451 , and even as a rip-off of the matrix . $LABEL$ 0 +whatever one makes of its political edge , this is beautiful filmmaking from one of french cinema 's master craftsmen . $LABEL$ 1 +jagger , stoppard and director michael apted ... deliver a riveting and surprisingly romantic ride . $LABEL$ 1 +banal and predictable . $LABEL$ 0 +takes a clunky tv-movie approach to detailing a chapter in the life of the celebrated irish playwright , poet and drinker . $LABEL$ 0 +the trashy teen-sleaze equivalent of showgirls . $LABEL$ 0 +best of all is garcia , who perfectly portrays the desperation of a very insecure man . $LABEL$ 1 +it does n't flinch from its unsettling prognosis , namely , that the legacy of war is a kind of perpetual pain . $LABEL$ 0 +scooby-doo does n't know if it wants to be a retro-refitting exercise in campy recall for older fans or a silly , nickelodeon-esque kiddie flick . $LABEL$ 0 +a dramatic comedy as pleasantly dishonest and pat as any hollywood fluff . $LABEL$ 0 +unfunny and lacking any sense of commitment to or affection for its characters , the reginald hudlin comedy relies on toilet humor , ethnic slurs . $LABEL$ 0 +`` the best disney movie since the lion king '' $LABEL$ 1 +best indie of the year , so far . $LABEL$ 1 +feels less like a cousin to blade runner than like a bottom-feeder sequel in the escape from new york series . $LABEL$ 0 +it jumps around with little logic or continuity , presenting backstage bytes of information that never amount to a satisfying complete picture of this particular , anciently demanding métier . $LABEL$ 0 +simone is not a bad film . $LABEL$ 1 +a sexy , peculiar and always entertaining costume drama set in renaissance spain , and the fact that it 's based on true events somehow makes it all the more compelling . $LABEL$ 1 +as the sulking , moody male hustler in the title role , -lrb- franco -rrb- has all of dean 's mannerisms and self-indulgence , but none of his sweetness and vulnerability . $LABEL$ 0 +the first bond movie in ages that is n't fake fun . $LABEL$ 1 +the problem is that for the most part , the film is deadly dull . $LABEL$ 0 +for the rest of us , sitting through dahmer 's two hours amounts to little more than punishment . $LABEL$ 0 +the rollerball sequences feel sanitised and stagey . $LABEL$ 0 +ramsay and morton fill this character study with poetic force and buoyant feeling . $LABEL$ 1 +the film is saved from are n't - kids-cute sentimentality by a warmth that is n't faked and a stately sense of composition . $LABEL$ 1 +death to smoochy is often very funny , but what 's even more remarkable is the integrity of devito 's misanthropic vision . $LABEL$ 1 +the only young people who possibly will enjoy it are infants ... who might be distracted by the movie 's quick movements and sounds . $LABEL$ 0 +there 's something fishy about a seasonal holiday kids ' movie ... that derives its moment of most convincing emotional gravity from a scene where santa gives gifts to grownups . $LABEL$ 0 +it collapses when mr. taylor tries to shift the tone to a thriller 's rush . $LABEL$ 0 +it 's also not smart or barbed enough for older viewers -- not everyone thinks poo-poo jokes are ` edgy . ' $LABEL$ 0 +it gives poor dana carvey nothing to do that is really funny , and then expects us to laugh because he acts so goofy all the time . $LABEL$ 0 +efficient , suitably anonymous chiller . $LABEL$ 1 +... stylistically , the movie is a disaster . $LABEL$ 0 +it 's mildly entertaining , especially if you find comfort in familiarity . $LABEL$ 1 +... a guiltless film for nice evening out . $LABEL$ 1 +what makes salton sea surprisingly engrossing is that caruso takes an atypically hypnotic approach to a world that 's often handled in fast-edit , hopped-up fashion . $LABEL$ 1 +an opportunity missed . $LABEL$ 0 +canada 's arctic light shines bright on this frozen tundra soap opera that breathes extraordinary life into the private existence of the inuit people . $LABEL$ 1 +fresh and raw like a blown-out vein , narc takes a walking-dead , cop-flick subgenre and beats new life into it . $LABEL$ 1 +dignified ceo 's meet at a rustic retreat and pee against a tree . $LABEL$ 0 +a creepy , intermittently powerful study of a self-destructive man ... about as unsettling to watch as an exploratory medical procedure or an autopsy . $LABEL$ 1 +the overall vibe is druggy and self-indulgent , like a spring-break orgy for pretentious arts majors . $LABEL$ 0 +the transporter bombards the viewer with so many explosions and side snap kicks that it ends up being surprisingly dull . $LABEL$ 0 +beneath the film 's obvious determination to shock at any cost lies considerable skill and determination , backed by sheer nerve . $LABEL$ 1 +perry 's good and his is an interesting character , but `` serving sara '' has n't much more to serve than silly fluff . $LABEL$ 0 +the film 's trailer also looked like crap , so crap is what i was expecting . $LABEL$ 0 +the sentimental script has problems , but the actors pick up the slack . $LABEL$ 1 +puts a refreshing and comical spin on the all-too-familiar saga of the contemporary single woman . $LABEL$ 1 +there are some laughs in this movie , but williams ' anarchy gets tiresome , the satire is weak . $LABEL$ 0 +boisterous , heartfelt comedy . $LABEL$ 1 +it 's as if allen , at 66 , has stopped challenging himself . $LABEL$ 0 +the characters seem one-dimensional , and the film is superficial and will probably be of interest primarily to its target audience . $LABEL$ 0 +i 'm sure mainstream audiences will be baffled , but , for those with at least a minimal appreciation of woolf and clarissa dalloway , the hours represents two of those well spent . $LABEL$ 1 +very amusing , not the usual route in a thriller , and the performances are odd and pixilated and sometimes both . $LABEL$ 1 +if festival in cannes nails hard - boiled hollywood argot with a bracingly nasty accuracy , much about the film , including some of its casting , is frustratingly unconvincing . $LABEL$ 0 +coral reef adventure is a heavyweight film that fights a good fight on behalf of the world 's endangered reefs -- and it lets the pictures do the punching . $LABEL$ 1 +but it could be , by its art and heart , a necessary one . $LABEL$ 1 +i wanted more . $LABEL$ 0 +the entire cast is extraordinarily good . $LABEL$ 1 +as if trying to grab a lump of play-doh , the harder that liman tries to squeeze his story , the more details slip out between his fingers . $LABEL$ 0 +a bracing , unblinking work that serves as a painful elegy and sobering cautionary tale . $LABEL$ 1 +a fine , rousing , g-rated family film , aimed mainly at little kids but with plenty of entertainment value to keep grown-ups from squirming in their seats . $LABEL$ 1 +it 's immensely ambitious , different than anything that 's been done before and amazingly successful in terms of what it 's trying to do . $LABEL$ 1 +... a pretentious mess ... $LABEL$ 0 +it sends you away a believer again and quite cheered at just that . $LABEL$ 1 +terminally bland , painfully slow and needlessly confusing ... the movie , shot on digital videotape rather than film , is frequently indecipherable . $LABEL$ 0 +a very depressing movie of many missed opportunities . $LABEL$ 0 +captures the raw comic energy of one of our most flamboyant female comics . $LABEL$ 1 +if the man from elysian fields is doomed by its smallness , it is also elevated by it -- the kind of movie that you enjoy more because you 're one of the lucky few who sought it out . $LABEL$ 1 +writer-director walter hill and co-writer david giler try to create characters out of the obvious cliches , but wind up using them as punching bags . $LABEL$ 0 +this wretchedly unfunny wannabe comedy is inane and awful - no doubt , it 's the worst movie i 've seen this summer . $LABEL$ 0 +in the process of trimming the movie to an expeditious 84 minutes , director roger kumble seems to have dumped a whole lot of plot in favor of ... outrageous gags . $LABEL$ 0 +singer\/composer bryan adams contributes a slew of songs -- a few potential hits , a few more simply intrusive to the story -- but the whole package certainly captures the intended , er , spirit of the piece . $LABEL$ 1 +does n't come close to justifying the hype that surrounded its debut at the sundance film festival two years ago . $LABEL$ 0 +this slender plot feels especially thin stretched over the nearly 80-minute running time . $LABEL$ 0 +the movie 's biggest shocks come from seeing former nymphette juliette lewis playing a salt-of-the-earth mommy named minnie and watching slim travel incognito in a ridiculous wig no respectable halloween costume shop would ever try to sell . $LABEL$ 0 +if you value your time and money , find an escape clause and avoid seeing this trite , predictable rehash . $LABEL$ 0 +boasts a handful of virtuosic set pieces and offers a fair amount of trashy , kinky fun . $LABEL$ 1 +the jokes are flat , and the action looks fake . $LABEL$ 0 +it 's a ripper of a yarn and i for one enjoyed the thrill of the chill . $LABEL$ 1 +weirdly , broomfield has compelling new material but he does n't unveil it until the end , after endless scenes of him wheedling reluctant witnesses and pointing his camera through the smeared windshield of his rental car . $LABEL$ 0 +once folks started hanging out at the barbershop , they never wanted to leave . $LABEL$ 1 +choppy , overlong documentary about ` the lifestyle . ' $LABEL$ 0 +better still , he does all of this , and more , while remaining one of the most savagely hilarious social critics this side of jonathan swift . $LABEL$ 1 +the action quickly sinks into by-the-numbers territory . $LABEL$ 0 +ends up offering nothing more than the latest schwarzenegger or stallone flick would . $LABEL$ 0 +though there are many tense scenes in trapped , they prove more distressing than suspenseful . $LABEL$ 0 +the last kiss will probably never achieve the popularity of my big fat greek wedding , but its provocative central wedding sequence has far more impact . $LABEL$ 1 +low rent from frame one . $LABEL$ 0 +sheridan seems terrified of the book 's irreverent energy , and scotches most of its élan , humor , bile , and irony . $LABEL$ 0 +unfortunately , carvey 's rubber-face routine is no match for the insipid script he has crafted with harris goldberg . $LABEL$ 0 +it may as well be called `` jar-jar binks : the movie . '' $LABEL$ 0 +over the years , hollywood has crafted a solid formula for successful animated movies , and ice age only improves on it , with terrific computer graphics , inventive action sequences and a droll sense of humor . $LABEL$ 1 +what one is left with , even after the most awful acts are committed , is an overwhelming sadness that feels as if it has made its way into your very bloodstream . $LABEL$ 1 +it hates its characters . $LABEL$ 0 +... an incredibly heavy-handed , manipulative dud that feels all too familiar . $LABEL$ 0 +with `` ichi the killer '' , takashi miike , japan 's wildest filmmaker gives us a crime fighter carrying more emotional baggage than batman ... $LABEL$ 0 +anyone who wants to start writing screenplays can just follow the same blueprint from hundreds of other films , sell it to the highest bidder and walk away without anyone truly knowing your identity . $LABEL$ 0 +comes off as a long , laborious whine , the bellyaching of a paranoid and unlikable man . $LABEL$ 0 +we do n't even like their characters . $LABEL$ 0 +just a collection of this and that -- whatever fills time -- with no unified whole . $LABEL$ 0 +the characters never change . $LABEL$ 0 +even kids deserve better . $LABEL$ 0 +while scorsese 's bold images and generally smart casting ensure that `` gangs '' is never lethargic , the movie is hindered by a central plot that 's peppered with false starts and populated by characters who are nearly impossible to care about . $LABEL$ 0 +once ice-t sticks his mug in the window of the couple 's bmw and begins haranguing the wife in bad stage dialogue , all credibility flies out the window . $LABEL$ 0 +this is more fascinating -- being real -- than anything seen on jerry springer . $LABEL$ 1 +into how long is this movie ? $LABEL$ 0 +the work of an artist tormented by his heritage , using his storytelling ability to honor the many faceless victims . $LABEL$ 1 +think the lion king redone for horses , with fewer deliberate laughs , more inadvertent ones and stunningly trite songs by bryan adams , the world 's most generic rock star . $LABEL$ 0 +you 'll probably love it . $LABEL$ 1 +and for all the wrong reasons besides . $LABEL$ 0 +reminiscent of alfred hitchcock 's thrillers , most of the scary parts in ` signs ' occur while waiting for things to happen . $LABEL$ 1 +in his debut as a director , washington has a sure hand . $LABEL$ 1 +if you love him , you 'll like it . $LABEL$ 1 +what 's so fun about this silly , outrageous , ingenious thriller is the director 's talent . $LABEL$ 1 +i like that smith , he 's not making fun of these people , he 's not laughing at them . $LABEL$ 1 +the logic of it all will be greek to anyone not predisposed to the movie 's rude and crude humor . $LABEL$ 0 +the movie 's downfall is to substitute plot for personality . $LABEL$ 0 +so much about the film is loopy and ludicrous ... that it could have been a hoot in a bad-movie way if the laborious pacing and endless exposition had been tightened . $LABEL$ 0 +victor rosa is leguizamo 's best movie work so far , a subtle and richly internalized performance . $LABEL$ 1 +psychologically savvy . $LABEL$ 1 +a stirring tribute to the bravery and dedication of the world 's reporters who willingly walk into the nightmare of war not only to record the events for posterity , but to help us clearly see the world of our making . $LABEL$ 1 +a chilling movie without oppressive gore . $LABEL$ 1 +we assume he had a bad run in the market or a costly divorce , because there is no earthly reason other than money why this distinguished actor would stoop so low . $LABEL$ 0 +star trek was kind of terrific once , but now it is a copy of a copy of a copy . $LABEL$ 0 +several of steven soderbergh 's earlier films were hailed as the works of an artist . $LABEL$ 1 +the riveting performances by the incredibly flexible cast make love a joy to behold . $LABEL$ 1 +the most audacious , outrageous , sexually explicit , psychologically probing , pure libido film of the year has arrived from portugal . $LABEL$ 1 +a thoughtful movie , a movie that is concerned with souls and risk and schemes and the consequences of one 's actions . $LABEL$ 1 +the dramatic scenes are frequently unintentionally funny , and the action sequences -- clearly the main event -- are surprisingly uninvolving . $LABEL$ 0 +directed by kevin bray , whose crisp framing , edgy camera work , and wholesale ineptitude with acting , tone and pace very obviously mark him as a video helmer making his feature debut . $LABEL$ 1 +because the intelligence level of the characters must be low , very low , very very low , for the masquerade to work , the movie contains no wit , only labored gags . $LABEL$ 0 +viewers of barney 's crushingly self-indulgent spectacle will see nothing in it to match the ordeal of sitting through it . $LABEL$ 0 +they ought to be a whole lot scarier than they are in this tepid genre offering . $LABEL$ 0 +as it turns out , you can go home again . $LABEL$ 1 +it 's far from a frothy piece , and the characters are complex , laden with plenty of baggage and tinged with tragic undertones . $LABEL$ 1 +his work transcends the boy-meets-girl posturing of typical love stories . $LABEL$ 1 +writer \/ director m. night shyamalan 's ability to pull together easily accessible stories that resonate with profundity is undeniable . $LABEL$ 1 +fontaine 's direction , especially her agreeably startling use of close-ups and her grace with a moving camera , creates sheerly cinematic appeal . $LABEL$ 1 +what bubbles up out of john c. walsh 's pipe dream is the distinct and very welcome sense of watching intelligent people making a movie they might actually want to watch . $LABEL$ 1 +abysmally pathetic $LABEL$ 0 +instead of a balanced film that explains the zeitgeist that is the x games , we get a cinematic postcard that 's superficial and unrealized . $LABEL$ 0 +the issues are presented in such a lousy way , complete with some of the year 's -lrb- unintentionally -rrb- funniest moments , that it 's impossible to care . $LABEL$ 0 +blessed with two fine , nuanced lead performances . $LABEL$ 1 +it all unfolds predictably , and the adventures that happen along the way seem repetitive and designed to fill time , providing no real sense of suspense . $LABEL$ 0 +an exhilarating experience . $LABEL$ 1 +a dazzling dream of a documentary . $LABEL$ 1 +narc is a no-bull throwback to 1970s action films . $LABEL$ 1 +jones ... makes a great impression as the writer-director of this little $ 1.8 million charmer , which may not be cutting-edge indie filmmaking but has a huge heart . $LABEL$ 1 +in the disturbingly involving family dysfunctional drama how i killed my father , french director anne fontaine delivers an inspired portrait of male-ridden angst and the emotional blockage that accompanies this human condition $LABEL$ 1 +animated drivel meant to enhance the self-image of drooling idiots . $LABEL$ 0 +but rather , ` how can you charge money for this ? ' $LABEL$ 0 +`` austin powers in goldmember '' has the right stuff for silly summer entertainment and has enough laughs to sustain interest to the end . $LABEL$ 1 +not really a thriller so much as a movie for teens to laugh , groan and hiss at . $LABEL$ 0 +an erotic thriller that 's neither too erotic nor very thrilling , either . $LABEL$ 0 +family portrait of need , neurosis and nervy negativity is a rare treat that shows the promise of digital filmmaking . $LABEL$ 1 +the uneven movie does have its charms and its funny moments but not quite enough of them . $LABEL$ 0 +it manages to squeeze by on angelina jolie 's surprising flair for self-deprecating comedy . $LABEL$ 1 +demme finally succeeds in diminishing his stature from oscar-winning master to lowly studio hack . $LABEL$ 0 +i 'm not sure which is worse : the poor acting by the ensemble cast , the flat dialogue by vincent r. nebrida or the gutless direction by laurice guillen . $LABEL$ 0 +it 's an ambitious film , and as with all ambitious films , it has some problems . $LABEL$ 1 +like the best 60 minutes exposé , the film -lrb- at 80 minutes -rrb- is actually quite entertaining . $LABEL$ 1 +the lousy lead performances ... keep the movie from ever reaching the comic heights it obviously desired . $LABEL$ 0 +medem may have disrobed most of the cast , leaving their bodies exposed , but the plot remains as guarded as a virgin with a chastity belt . $LABEL$ 0 +is it really an advantage to invest such subtlety and warmth in an animatronic bear when the humans are acting like puppets ? $LABEL$ 0 +art-house to the core , read my lips is a genre-curling crime story that revives the free-wheeling noir spirit of old french cinema . $LABEL$ 1 +madonna has made herself over so often now , there 's apparently nothing left to work with , sort of like michael jackson 's nose . $LABEL$ 0 +so exaggerated and broad that it comes off as annoying rather than charming . $LABEL$ 0 +... the story , like ravel 's bolero , builds to a crescendo that encompasses many more paths than we started with . $LABEL$ 1 +it has fun with the quirks of family life , but it also treats the subject with fondness and respect . $LABEL$ 1 +it should have stayed there . $LABEL$ 0 +well , it probably wo n't have you swinging from the trees hooting it 's praises , but it 's definitely worth taking a look . $LABEL$ 1 +bravo for history rewritten , and for the uncompromising knowledge that the highest power of all is the power of love . $LABEL$ 1 +what a pity ... that the material is so second-rate . $LABEL$ 0 +it 's that good . $LABEL$ 1 +a mischievous visual style and oodles of charm make ` cherish ' a very good -lrb- but not great -rrb- movie . $LABEL$ 1 +enthusiastically taking up the current teen movie concern with bodily functions , walt becker 's film pushes all the demographically appropriate comic buttons . $LABEL$ 1 +a truly wonderful tale combined with stunning animation . $LABEL$ 1 +directors brett morgen and nanette burstein have put together a bold biographical fantasia . $LABEL$ 1 +... a confusing drudgery . $LABEL$ 0 +it 's a testament to the film 's considerable charm that it succeeds in entertaining , despite playing out like a feature-length sitcom replete with stereotypical familial quandaries . $LABEL$ 1 +-lrb- a -rrb- mess . $LABEL$ 0 +plays like a bad blend of an overripe episode of tv 's dawson 's creek and a recycled and dumbed-down version of love story . $LABEL$ 0 +black-and-white and unrealistic . $LABEL$ 0 +-lrb- lin chung 's -rrb- voice is rather unexceptional , even irritating -lrb- at least to this western ear -rrb- , making it awfully hard to buy the impetus for the complicated love triangle that develops between the three central characters . $LABEL$ 0 +it 's not helpful to listen to extremist name-calling , regardless of whether you think kissinger was a calculating fiend or just a slippery self-promoter . $LABEL$ 0 +hardly an objective documentary , but it 's great cinematic polemic ... love moore or loathe him , you 've got to admire ... the intensity with which he 's willing to express his convictions . $LABEL$ 1 +the movie is pretty funny now and then without in any way demeaning its subjects . $LABEL$ 1 +a lovely film ... elegant , witty and beneath a prim exterior unabashedly romantic ... hugely enjoyable in its own right though not really faithful to its source 's complexity . $LABEL$ 1 +a summary of the plot does n't quite do justice to the awfulness of the movie , for that comes through all too painfully in the execution . $LABEL$ 0 +taken as a whole , the tuxedo does n't add up to a whole lot . $LABEL$ 0 +good-looking but relentlessly lowbrow outing plays like clueless does south fork . $LABEL$ 0 +intimate and panoramic . $LABEL$ 1 +suffers from all the excesses of the genre . $LABEL$ 0 +hate it because it 's lousy . $LABEL$ 0 +this rather unfocused , all-over-the-map movie would be a lot better if it pared down its plots and characters to a few rather than dozens ... or if it were subtler ... or if it had a sense of humor . $LABEL$ 0 +big fat liar is little more than home alone raised to a new , self-deprecating level . $LABEL$ 0 +a doa dud from frame one . $LABEL$ 0 +why spend $ 9 on the same stuff you can get for a buck or so in that greasy little vidgame pit in the theater lobby ? $LABEL$ 0 +just the sort of lazy tearjerker that gives movies about ordinary folk a bad name . $LABEL$ 0 +`` home movie '' is a sweet treasure and something well worth your time . $LABEL$ 1 +it 's enough to watch huppert scheming , with her small , intelligent eyes as steady as any noir villain , and to enjoy the perfectly pitched web of tension that chabrol spins . $LABEL$ 1 +the bottom line with nemesis is the same as it has been with all the films in the series : fans will undoubtedly enjoy it , and the uncommitted need n't waste their time on it . $LABEL$ 1 +robinson 's web of suspense matches the page-turning frenzy that clancy creates . $LABEL$ 1 +... a hokey piece of nonsense that tries too hard to be emotional . $LABEL$ 0 +intelligent , caustic take on a great writer and dubious human being . $LABEL$ 1 +like its title character , esther kahn is unusual but unfortunately also irritating . $LABEL$ 0 +where janice beard falters in its recycled aspects , implausibility , and sags in pace , it rises in its courageousness , and comedic employment . $LABEL$ 1 +throws in enough clever and unexpected twists to make the formula feel fresh . $LABEL$ 1 +a fairly harmless but ultimately lifeless feature-length afterschool special . $LABEL$ 0 +i did n't laugh . $LABEL$ 0 +holm does his sly , intricate magic , and iben hjelje is entirely appealing as pumpkin . $LABEL$ 1 +one of the funniest motion pictures of the year , but ... also one of the most curiously depressing . $LABEL$ 1 +bielinsky is a filmmaker of impressive talent . $LABEL$ 1 +such a premise is ripe for all manner of lunacy , but kaufman and gondry rarely seem sure of where it should go . $LABEL$ 0 +the film is ultimately about as inspiring as a hallmark card . $LABEL$ 0 +the troubling thing about clockstoppers is that it does n't make any sense . $LABEL$ 0 +uneven performances and a spotty script add up to a biting satire that has no teeth . $LABEL$ 0 +even on its own ludicrous terms , the sum of all fears generates little narrative momentum , and invites unflattering comparisons to other installments in the ryan series . $LABEL$ 0 +boasts enough funny dialogue and sharp characterizations to be mildly amusing . $LABEL$ 1 +the most offensive thing about the movie is that hollywood expects people to pay to see it . $LABEL$ 0 +you do n't know whether to admire the film 's stately nature and call it classicism or be exasperated by a noticeable lack of pace . $LABEL$ 0 +the author 's devotees will probably find it fascinating ; others may find it baffling . $LABEL$ 0 +the tasteful little revision works wonders , enhancing the cultural and economic subtext , bringing richer meaning to the story 's morals . $LABEL$ 1 +it 's quaid who anchors the film with his effortless performance and that trademark grin of his -- so perfect for a ballplayer . $LABEL$ 1 +often messy and frustrating , but very pleasing at its best moments , it 's very much like life itself . $LABEL$ 1 +in its dry and forceful way , it delivers the same message as jiri menzel 's closely watched trains and danis tanovic 's no man 's land . $LABEL$ 1 +sinks so low in a poorly played game of absurd plot twists , idiotic court maneuvers and stupid characters that even freeman ca n't save it . $LABEL$ 0 +this is the kind of movie that gets a quick release before real contenders arrive in september . $LABEL$ 0 +talk to her is not the perfect movie many have made it out to be , but it 's still quite worth seeing . $LABEL$ 1 +it 's also built on a faulty premise , one it follows into melodrama and silliness . $LABEL$ 0 +shafer 's feature does n't offer much in terms of plot or acting . $LABEL$ 0 +in fact , even better . $LABEL$ 1 +feels familiar and tired . $LABEL$ 0 +the movie is too impressed with its own solemn insights to work up much entertainment value . $LABEL$ 0 +but it 's worth the concentration . $LABEL$ 1 +a complex psychological drama about a father who returns to his son 's home after decades away . $LABEL$ 1 +the film 's intimate camera work and searing performances pull us deep into the girls ' confusion and pain as they struggle tragically to comprehend the chasm of knowledge that 's opened between them . $LABEL$ 1 +humorous and heartfelt , douglas mcgrath 's version of ` nicholas nickleby ' left me feeling refreshed and hopeful . $LABEL$ 1 +what lee does so marvelously compelling is present brown as a catalyst for the struggle of black manhood in restrictive and chaotic america ... sketchy but nevertheless gripping portrait of jim brown , a celebrated wonder in the spotlight $LABEL$ 1 +one thing you have to give them credit for : the message of the movie is consistent with the messages espoused in the company 's previous video work . $LABEL$ 1 +is not so much a work of entertainment as it is a unique , well-crafted psychological study of grief . $LABEL$ 1 +brosnan 's finest non-bondish performance yet fails to overcome the film 's manipulative sentimentality and annoying stereotypes . $LABEL$ 0 +an even more predictable , cliche-ridden endeavor than its predecessor . $LABEL$ 0 +the storytelling may be ordinary , but the cast is one of those all-star reunions that fans of gosford park have come to assume is just another day of brit cinema . $LABEL$ 1 +catch it ... if you can ! $LABEL$ 1 +to say that this vapid vehicle is downright doltish and uneventful is just as obvious as telling a country skunk that he has severe body odor . $LABEL$ 0 +it 's not too much of anything . $LABEL$ 0 +one of the most highly-praised disappointments i 've had the misfortune to watch in quite some time . $LABEL$ 0 +everything was as superficial as the forced new jersey lowbrow accent uma had . $LABEL$ 0 +the bard as black comedy -- willie would have loved it . $LABEL$ 1 +memorable for a peculiar malaise that renders its tension flaccid and , by extension , its surprises limp and its resolutions ritual . $LABEL$ 0 +this is one of those rare docs that paints a grand picture of an era and makes the journey feel like a party . $LABEL$ 1 +the performances are remarkable . $LABEL$ 1 +as much as i laughed throughout the movie , i can not mount a cogent defense of the film as entertainment , or even performance art , although the movie does leave you marveling at these guys ' superhuman capacity to withstand pain . $LABEL$ 1 +not a strike against yang 's similarly themed yi yi , but i found what time ? $LABEL$ 0 +everything that was right about blade is wrong in its sequel . $LABEL$ 0 +both a beautifully made nature film and a tribute to a woman whose passion for this region and its inhabitants still shines in her quiet blue eyes . $LABEL$ 1 +this is a shrewd and effective film from a director who understands how to create and sustain a mood . $LABEL$ 1 +-lrb- p -rrb- artnering murphy with robert de niro for the tv-cops comedy showtime would seem to be surefire casting . $LABEL$ 1 +i have a confession to make : i did n't particularly like e.t. the first time i saw it as a young boy . $LABEL$ 0 +a captivating new film . $LABEL$ 1 +it tends to remind one of a really solid woody allen film , with its excellent use of new york locales and sharp writing $LABEL$ 1 +you 'd have to be a most hard-hearted person not to be moved by this drama . $LABEL$ 1 +this is just lazy writing . $LABEL$ 0 +a movie that will surely be profane , politically charged music to the ears of cho 's fans . $LABEL$ 1 +while the ensemble player who gained notice in guy ritchie 's lock , stock and two smoking barrels and snatch has the bod , he 's unlikely to become a household name on the basis of his first starring vehicle . $LABEL$ 0 +coppola has made a film of intoxicating atmosphere and little else . $LABEL$ 1 +is one of this year 's very best pictures . $LABEL$ 1 +the film is darkly funny in its observation of just how much more grueling and time-consuming the illusion of work is than actual work . $LABEL$ 1 +the strength of the film comes not from any cinematic razzle-dazzle but from its recovery of an historical episode that , in the simple telling , proves simultaneously harrowing and uplifting . $LABEL$ 1 +a compelling french psychological drama examining the encounter of an aloof father and his chilly son after 20 years apart . $LABEL$ 1 +ong 's promising debut is a warm and well-told tale of one recent chinese immigrant 's experiences in new york city . $LABEL$ 1 +satisfyingly scarifying , fresh and old-fashioned at the same time . $LABEL$ 1 +trailer trash cinema so uncool the only thing missing is the `` gadzooks ! '' $LABEL$ 0 +wo n't be placed in the pantheon of the best of the swashbucklers but it is a whole lot of fun and you get to see the one of the world 's best actors , daniel auteuil , have a whale of a good time . $LABEL$ 1 +because the genre is well established , what makes the movie fresh is smart writing , skewed characters , and the title performance by kieran culkin . $LABEL$ 1 +more sophisticated and literate than such pictures usually are ... an amusing little catch . $LABEL$ 1 +i found the ring moderately absorbing , largely for its elegantly colorful look and sound . $LABEL$ 1 +a graceful , moving tribute to the courage of new york 's finest and a nicely understated expression of the grief shared by the nation at their sacrifice . $LABEL$ 1 +and it 's harder still to believe that anyone in his right mind would want to see the it . $LABEL$ 0 +contrived as this may sound , mr. rose 's updating works surprisingly well . $LABEL$ 1 +mr. deeds is not really a film as much as it is a loose collection of not-so-funny gags , scattered moments of lazy humor . $LABEL$ 0 +just a string of stale gags , with no good inside dope , and no particular bite . $LABEL$ 0 +it 's always enthralling . $LABEL$ 1 +one big blustery movie where nothing really happens . $LABEL$ 0 +one of those rare films that seems as though it was written for no one , but somehow manages to convince almost everyone that it was put on the screen , just for them . $LABEL$ 1 +diane lane works nothing short of a minor miracle in unfaithful . $LABEL$ 1 +one of the very best movies ever made about the life of moviemaking . $LABEL$ 1 +is many things -- stoner midnight flick , sci-fi deconstruction , gay fantasia -- but above all it 's a love story as sanguine as its title . $LABEL$ 1 +but if the essence of magic is its make-believe promise of life that soars above the material realm , this is the opposite of a truly magical movie . $LABEL$ 0 +a loud , brash and mainly unfunny high school comedy . $LABEL$ 0 +watching junk like this induces a kind of abstract guilt , as if you were paying dues for good books unread , fine music never heard . $LABEL$ 0 +an inuit masterpiece that will give you goosebumps as its uncanny tale of love , communal discord , and justice unfolds . $LABEL$ 1 +can be viewed as pure composition and form -- film as music $LABEL$ 1 +this is a remake by the numbers , linking a halfwit plot to a series of standup routines in which wilson and murphy show how funny they could have been in a more ambitious movie . $LABEL$ 0 +the jokes are telegraphed so far in advance they must have been lost in the mail . $LABEL$ 0 +a cruelly funny twist on teen comedy packed with inventive cinematic tricks and an ironically killer soundtrack $LABEL$ 1 +smarter than its commercials make it seem . $LABEL$ 1 +a reasonably entertaining sequel to 1994 's surprise family hit that may strain adult credibility . $LABEL$ 1 +could have been crisper and punchier , but it 's likely to please audiences who like movies that demand four hankies . $LABEL$ 1 +a french film with a more down-home flavor . $LABEL$ 1 +when a movie asks you to feel sorry for mick jagger 's sex life , it already has one strike against it . $LABEL$ 0 +an asian neo-realist treasure . $LABEL$ 1 +generic thriller junk . $LABEL$ 0 +an honest , sensitive story from a vietnamese point of view . $LABEL$ 1 +while some of the camera work is interesting , the film 's mid-to-low budget is betrayed by the surprisingly shoddy makeup work . $LABEL$ 0 +more than their unique residences , home movie is about the people who live in them , who have carved their own comfortable niche in the world and have been kind enough to share it . $LABEL$ 1 +apparently , romantic comedy with a fresh point of view just does n't figure in the present hollywood program . $LABEL$ 0 +thanks to confident filmmaking and a pair of fascinating performances , the way to that destination is a really special walk in the woods . $LABEL$ 1 +a compelling allegory about the last days of germany 's democratic weimar republic . $LABEL$ 1 +or maybe `` how will you feel after an 88-minute rip-off of the rock with action confined to slo-mo gun firing and random glass-shattering ? '' $LABEL$ 0 +it falls far short of poetry , but it 's not bad prose . $LABEL$ 1 +the things this movie tries to get the audience to buy just wo n't fly with most intelligent viewers . $LABEL$ 0 +sillier , cuter , and shorter than the first -lrb- as best i remember -rrb- , but still a very good time at the cinema . $LABEL$ 1 +by the time the surprise ending is revealed , interest can not be revived . $LABEL$ 0 +a sloppy slapstick throwback to long gone bottom-of-the-bill fare like the ghost and mr. chicken . $LABEL$ 0 +a beguiling evocation of the quality that keeps dickens evergreen : the exuberant openness with which he expresses our most basic emotions . $LABEL$ 1 +scotland , pa is entirely too straight-faced to transcend its clever concept . $LABEL$ 0 +i firmly believe that a good video game movie is going to show up soon . $LABEL$ 1 +chaiken ably balances real-time rhythms with propulsive incident . $LABEL$ 1 +the movie is about as deep as that sentiment . $LABEL$ 0 +brainless , but enjoyably over-the-top , the retro gang melodrama , deuces wild represents fifties teen-gang machismo in a way that borders on rough-trade homo-eroticism . $LABEL$ 0 +if you ever wanted to be an astronaut , this is the ultimate movie experience - it 's informative and breathtakingly spectacular . $LABEL$ 1 +even the digressions are funny . $LABEL$ 1 +and , thanks to the presence of ` the king , ' it also rocks . $LABEL$ 1 +in other words , about as bad a film you 're likely to see all year . $LABEL$ 0 +visually fascinating ... an often intense character study about fathers and sons , loyalty and duty . $LABEL$ 1 +as violent , profane and exploitative as the most offensive action flick you 've ever seen . $LABEL$ 0 +we 've seen the hippie-turned-yuppie plot before , but there 's an enthusiastic charm in fire that makes the formula fresh again . $LABEL$ 1 +gets better after foster leaves that little room . $LABEL$ 1 +compulsively watchable , no matter how degraded things get . $LABEL$ 1 +-lrb- evans is -rrb- a fascinating character , and deserves a better vehicle than this facetious smirk of a movie . $LABEL$ 0 +the plot grows thin soon , and you find yourself praying for a quick resolution . $LABEL$ 0 +this is rote spookiness , with nary an original idea -lrb- or role , or edit , or score , or anything , really -rrb- in sight , and the whole of the proceedings beg the question ` why ? ' $LABEL$ 0 +manages to be wholesome and subversive at the same time . $LABEL$ 1 +feels aimless for much of its running time , until late in the film when a tidal wave of plot arrives , leaving questions in its wake . $LABEL$ 0 +a few zingers aside , the writing is indifferent , and jordan brady 's direction is prosaic . $LABEL$ 0 +the corpse count ultimately overrides what little we learn along the way about vicarious redemption . $LABEL$ 0 +a wishy-washy melodramatic movie that shows us plenty of sturm und drung , but explains its characters ' decisions only unsatisfactorily . $LABEL$ 0 +a tired , unnecessary retread ... a stale copy of a picture that was n't all that great to begin with . $LABEL$ 0 +is n't as sharp as the original ... despite some visual virtues , ` blade ii ' just does n't cut it . $LABEL$ 0 +enigma lacks it . $LABEL$ 0 +mr. caine and mr. fraser are the whole show here , with their memorable and resourceful performances . $LABEL$ 1 +too bad none of it is funny . $LABEL$ 0 +overcomes its visual hideousness with a sharp script and strong performances . $LABEL$ 1 +there 's no conversion effort , much of the writing is genuinely witty and both stars are appealing enough to probably have a good shot at a hollywood career , if they want one . $LABEL$ 1 +yet in its own aloof , unreachable way it 's so fascinating you wo n't be able to look away for a second . $LABEL$ 1 +this film puts wang at the forefront of china 's sixth generation of film makers . $LABEL$ 1 +a sobering and powerful documentary about the most severe kind of personal loss : rejection by one 's mother . $LABEL$ 1 +like the full monty , this is sure to raise audience 's spirits and leave them singing long after the credits roll . $LABEL$ 1 +i have always appreciated a smartly written motion picture , and , whatever flaws igby goes down may possess , it is undeniably that . $LABEL$ 1 +-lrb- n -rrb- o matter how much good will the actors generate , showtime eventually folds under its own thinness . $LABEL$ 0 +not many movies have that kind of impact on me these days . $LABEL$ 1 +after sitting through this sloppy , made-for-movie comedy special , it makes me wonder if lawrence hates criticism so much that he refuses to evaluate his own work . $LABEL$ 0 +texan director george ratliff had unlimited access to families and church meetings , and he delivers fascinating psychological fare . $LABEL$ 1 +obviously , a lot of people wasted a lot of their time -lrb- including mine -rrb- on something very inconsequential . $LABEL$ 0 +should have gone straight to video . $LABEL$ 0 +maryam is more timely now than ever . $LABEL$ 1 +koepp 's screenplay is n't nearly surprising or clever enough to sustain a reasonable degree of suspense on its own . $LABEL$ 0 +it deserves to be seen everywhere . $LABEL$ 1 +a timely look back at civil disobedience , anti-war movements and the power of strong voices . $LABEL$ 1 +you do n't need to know your ice-t 's from your cool-j 's to realize that as far as these shootings are concerned , something is rotten in the state of california . $LABEL$ 0 +by turns very dark and very funny . $LABEL$ 1 +completely awful iranian drama ... as much fun as a grouchy ayatollah in a cold mosque . $LABEL$ 0 +suspend your disbelief here and now , or you 'll be shaking your head all the way to the credits . $LABEL$ 0 +nothing more than four or five mild chuckles surrounded by 86 minutes of overly-familiar and poorly-constructed comedy . $LABEL$ 0 +uneven but a lot of fun . $LABEL$ 1 +the satire is just too easy to be genuinely satisfying . $LABEL$ 0 +the biggest problem i have -lrb- other than the very sluggish pace -rrb- is we never really see her esther blossom as an actress , even though her talent is supposed to be growing . $LABEL$ 0 +... it 's as comprehensible as any dummies guide , something even non-techies can enjoy . $LABEL$ 1 +a zombie movie in every sense of the word -- mindless , lifeless , meandering , loud , painful , obnoxious . $LABEL$ 0 +-lrb- moore 's -rrb- better at fingering problems than finding solutions . $LABEL$ 0 +... fuses the events of her life with the imagery in her paintings so vividly that the artist 's work may take on a striking new significance for anyone who sees the film . $LABEL$ 1 +is there a group of more self-absorbed women than the mother and daughters featured in this film ? $LABEL$ 0 +there are cheesy backdrops , ridiculous action sequences , and many tired jokes about men in heels . $LABEL$ 0 +-lrb- green is -rrb- the comedy equivalent of saddam hussein , and i 'm just about ready to go to the u.n. and ask permission for a preemptive strike . $LABEL$ 0 +once again , director chris columbus takes a hat-in-hand approach to rowling that stifles creativity and allows the film to drag on for nearly three hours . $LABEL$ 0 +some of the characters die and others do n't , and the film pretends that those living have learned some sort of lesson , and , really , nobody in the viewing audience cares . $LABEL$ 0 +brave and sweetly rendered love story . $LABEL$ 1 +for decades we 've marveled at disney 's rendering of water , snow , flames and shadows in a hand-drawn animated world . $LABEL$ 1 +the level of acting elevates the material above pat inspirational status and gives it a sturdiness and solidity that we 've long associated with washington the actor . $LABEL$ 1 +while tattoo borrows heavily from both seven and the silence of the lambs , it manages to maintain both a level of sophisticated intrigue and human-scale characters that suck the audience in . $LABEL$ 1 +long before it 's over , you 'll be thinking of 51 ways to leave this loser . $LABEL$ 0 +the film belongs to the marvelous verdu , a sexy slip of an earth mother who mourns her tragedies in private and embraces life in public $LABEL$ 1 +a thought-provoking and often-funny drama about isolation . $LABEL$ 1 +bittersweet comedy\/drama full of life , hand gestures , and some really adorable italian guys . $LABEL$ 1 +the town has kind of an authentic feel , but each one of these people stand out and everybody else is in the background and it just seems manufactured to me and artificial . $LABEL$ 0 +this is a sincerely crafted picture that deserves to emerge from the traffic jam of holiday movies . $LABEL$ 1 +remarkable for its intelligence and intensity . $LABEL$ 1 +a complete waste of time . $LABEL$ 0 +should be required viewing for civics classes and would-be public servants alike . $LABEL$ 1 +an intimate contemplation of two marvelously messy lives . $LABEL$ 1 +you never know where changing lanes is going to take you but it 's a heck of a ride . $LABEL$ 1 +resident evil is n't a product of its cinematic predecessors so much as an mtv , sugar hysteria , and playstation cocktail . $LABEL$ 0 +that works . $LABEL$ 1 +what 's most memorable about circuit is that it 's shot on digital video , whose tiny camera enables shafer to navigate spaces both large ... and small ... with considerable aplomb . $LABEL$ 1 +the journey is worth your time , especially if you have ellen pompeo sitting next to you for the ride . $LABEL$ 1 +a classy , sprightly spin on film . $LABEL$ 1 +frankly , it 's kind of insulting , both to men and women . $LABEL$ 0 +in addition to the overcooked , ham-fisted direction , which has all the actors reaching for the back row , the dialogue sounds like horrible poetry . $LABEL$ 0 +watching austin powers in goldmember is like binging on cotton candy . $LABEL$ 1 +nothing overly original , mind you , but solidly entertaining . $LABEL$ 1 +it ends up being neither , and fails at both endeavors . $LABEL$ 0 +so putrid it is not worth the price of the match that should be used to burn every print of the film . $LABEL$ 0 +one of the finest , most humane and important holocaust movies ever made . $LABEL$ 1 +this fascinating look at israel in ferment feels as immediate as the latest news footage from gaza and , because of its heightened , well-shaped dramas , twice as powerful . $LABEL$ 1 +if villainous vampires are your cup of blood , blade 2 is definitely a cut above the rest . $LABEL$ 1 +if swimfan does catch on , it may be because teens are looking for something to make them laugh . $LABEL$ 0 +a shame that stealing harvard is too busy getting in its own way to be anything but frustrating , boring , and forgettable . $LABEL$ 0 +refreshing . $LABEL$ 1 +a clichéd and shallow cautionary tale about the hard-partying lives of gay men . $LABEL$ 0 +by the end of it all i sort of loved the people onscreen , even though i could not stand them . $LABEL$ 1 +the waterlogged script plumbs uncharted depths of stupidity , incoherence and sub-sophomoric sexual banter . $LABEL$ 0 +... a rich and intelligent film that uses its pulpy core conceit to probe questions of attraction and interdependence and how the heart accomodates practical needs . $LABEL$ 1 +while the film is competent , it 's also uninspired , lacking the real talent and wit to elevate it beyond its formula to the level of classic romantic comedy to which it aspires . $LABEL$ 0 +the locale ... remains far more interesting than the story at hand . $LABEL$ 0 +releasing a film with the word ` dog ' in its title in january lends itself to easy jokes and insults , and snow dogs deserves every single one of them . $LABEL$ 0 +alternating between facetious comic parody and pulp melodrama , this smart-aleck movie ... tosses around some intriguing questions about the difference between human and android life . $LABEL$ 1 +director todd solondz has made a movie about critical reaction to his two previous movies , and about his responsibility to the characters that he creates . $LABEL$ 1 +shankman ... and screenwriter karen janszen bungle their way through the narrative as if it were a series of bible parables and not an actual story . $LABEL$ 0 +cinematic poo . $LABEL$ 0 +she 's as rude and profane as ever , always hilarious and , most of the time , absolutely right in her stinging social observations . $LABEL$ 1 +i ca n't begin to tell you how tedious , how resolutely unamusing , how thoroughly unrewarding all of this is , and what a reckless squandering of four fine acting talents ... $LABEL$ 0 +buries an interesting storyline about morality and the choices we make underneath such a mountain of clichés and borrowed images that it might more accurately be titled mr. chips off the old block . $LABEL$ 0 +in an art film ! $LABEL$ 1 +presents a side of contemporary chinese life that many outsiders will be surprised to know exists , and does so with an artistry that also smacks of revelation . $LABEL$ 1 +after watching it , you can only love the players it brings to the fore for the gifted but no-nonsense human beings they are and for the still-inestimable contribution they have made to our shared history . $LABEL$ 1 +promises is a compelling piece that demonstrates just how well children can be trained to live out and carry on their parents ' anguish . $LABEL$ 1 +it is most remarkable not because of its epic scope , but because of the startling intimacy it achieves despite that breadth . $LABEL$ 1 +robin williams has thankfully ditched the saccharine sentimentality of bicentennial man in favour of an altogether darker side . $LABEL$ 1 +the sweetest thing is expressly for idiots who do n't care what kind of sewage they shovel into their mental gullets to simulate sustenance . $LABEL$ 0 +the film would have been more enjoyable had the balance shifted in favor of water-bound action over the land-based ` drama , ' but the emphasis on the latter leaves blue crush waterlogged . $LABEL$ 0 +tackles the difficult subject of grief and loss with such life-embracing spirit that the theme does n't drag an audience down . $LABEL$ 1 +a disaster of a drama , saved only by its winged assailants . $LABEL$ 0 +playfully profound ... and crazier than michael jackson on the top floor of a skyscraper nursery surrounded by open windows . $LABEL$ 1 +the story itself is actually quite vapid . $LABEL$ 0 +this orange has some juice , but it 's far from fresh-squeezed . $LABEL$ 0 +he does n't , however , deliver nearly enough of the show 's trademark style and flash . $LABEL$ 0 +no amount of good intentions is able to overcome the triviality of the story . $LABEL$ 0 +the film has several strong performances . $LABEL$ 1 +nothing here seems as funny as it did in analyze this , not even joe viterelli as de niro 's right-hand goombah . $LABEL$ 0 +the wild thornberrys movie has all the sibling rivalry and general family chaos to which anyone can relate . $LABEL$ 1 +too predictably , in fact . $LABEL$ 0 +what makes how i killed my father compelling , besides its terrific performances , is fontaine 's willingness to wander into the dark areas of parent-child relationships without flinching . $LABEL$ 1 +it is that rare combination of bad writing , bad direction and bad acting -- the trifecta of badness . $LABEL$ 0 +japanese director shohei imamura 's latest film is an odd but ultimately satisfying blend of the sophomoric and the sublime . $LABEL$ 1 +one of the more glaring signs of this movie 's servitude to its superstar is the way it skirts around any scenes that might have required genuine acting from ms. spears . $LABEL$ 0 +jaw-droppingly superficial , straining to get by on humor that is not even as daring as john ritter 's glory days on three 's company . $LABEL$ 0 +not too fancy , not too filling , not too fluffy , but definitely tasty and sweet . $LABEL$ 1 +a true pleasure . $LABEL$ 1 +lacks the spirit of the previous two , and makes all those jokes about hos and even more unmentionable subjects seem like mere splashing around in the muck . $LABEL$ 0 +if you go into the theater expecting a scary , action-packed chiller , you might soon be looking for a sign . $LABEL$ 0 +a movie of technical skill and rare depth of intellect and feeling . $LABEL$ 1 +i loved this film . $LABEL$ 1 +if this is cinema , i pledge allegiance to cagney and lacey . $LABEL$ 0 +could this be the first major studio production shot on video tape instead of film ? $LABEL$ 0 +for the most part , it works beautifully as a movie without sacrificing the integrity of the opera . $LABEL$ 1 +it 's loud and boring ; watching it is like being trapped at a bad rock concert . $LABEL$ 0 +probably the best case for christianity since chesterton and lewis . $LABEL$ 1 +i suspect that you 'll be as bored watching morvern callar as the characters are in it . $LABEL$ 0 +this ill-conceived and expensive project winds up looking like a bunch of talented thesps slumming it . $LABEL$ 0 +this is one of mr. chabrol 's subtlest works , but also one of his most uncanny . $LABEL$ 1 +sparse but oddly compelling . $LABEL$ 1 +despite the opulent lushness of every scene , the characters never seem to match the power of their surroundings . $LABEL$ 0 +it 's a powerful though flawed movie , guaranteed to put a lump in your throat while reaffirming washington as possibly the best actor working in movies today . $LABEL$ 1 +the movie is virtually without context -- journalistic or historical . $LABEL$ 0 +-lrb- the film 's -rrb- taste for `` shock humor '' will wear thin on all but those weaned on the comedy of tom green and the farrelly brothers . $LABEL$ 0 +as a remake , it 's a pale imitation . $LABEL$ 0 +lan yu is a genuine love story , full of traditional layers of awakening and ripening and separation and recovery . $LABEL$ 1 +-lrb- washington 's -rrb- strong hand , keen eye , sweet spirit and good taste are reflected in almost every scene . $LABEL$ 1 +only about as sexy and dangerous as an actress in a role that reminds at every turn of elizabeth berkley 's flopping dolphin-gasm . $LABEL$ 0 +i 'm left slightly disappointed that it did n't . $LABEL$ 0 +this is lightweight filmmaking , to be sure , but it 's pleasant enough -- and oozing with attractive men . $LABEL$ 1 +i was impressed by how many tit-for-tat retaliatory responses the filmmakers allow before pulling the plug on the conspirators and averting an american-russian armageddon . $LABEL$ 1 +entertaining enough , but nothing new $LABEL$ 0 +pure cinematic intoxication , a wildly inventive mixture of comedy and melodrama , tastelessness and swooning elegance . $LABEL$ 1 +changing lanes tries for more . $LABEL$ 1 +the predominantly amateur cast is painful to watch , so stilted and unconvincing are the performances . $LABEL$ 0 +the film exudes the urbane sweetness that woody allen seems to have bitterly forsaken . $LABEL$ 1 +ludicrous , but director carl franklin adds enough flourishes and freak-outs to make it entertaining . $LABEL$ 1 +for his first attempt at film noir , spielberg presents a fascinating but flawed look at the near future . $LABEL$ 1 +a lively and engaging examination of how similar obsessions can dominate a family . $LABEL$ 1 +certainly the performances are worthwhile . $LABEL$ 1 +fifty years after the fact , the world 's political situation seems little different , and -lrb- director phillip -rrb- noyce brings out the allegory with remarkable skill . $LABEL$ 1 +i do n't feel the least bit ashamed in admitting that my enjoyment came at the expense of seeing justice served , even if it 's a dish that 's best served cold . $LABEL$ 1 +the acting in pauline and paulette is good all round , but what really sets the film apart is debrauwer 's refusal to push the easy emotional buttons . $LABEL$ 1 +spectacularly beautiful , not to mention mysterious , sensual , emotionally intense , and replete with virtuoso throat-singing . $LABEL$ 1 +a weird and wonderful comedy . $LABEL$ 1 +smart and taut . $LABEL$ 1 +a non-britney person might survive a screening with little harm done , except maybe for the last 15 minutes , which are as maudlin as any after-school special you can imagine . $LABEL$ 0 +this is one of the outstanding thrillers of recent years . $LABEL$ 1 +in the end , the film is less the cheap thriller you 'd expect than it is a fairly revealing study of its two main characters -- damaged-goods people whose orbits will inevitably and dangerously collide . $LABEL$ 1 +a searing , epic treatment of a nationwide blight that seems to be , horrifyingly , ever on the rise . $LABEL$ 1 +every individual will see the movie through the prism of his or her own beliefs and prejudices , but the one thing most will take away is the sense that peace is possible . $LABEL$ 1 +an extraordinary dramatic experience . $LABEL$ 1 +piccoli 's performance is amazing , yes , but the symbols of loss and denial and life-at-arm 's - length in the film seem irritatingly transparent . $LABEL$ 0 +no film could possibly be more contemptuous of the single female population . $LABEL$ 0 +it 's clear why deuces wild , which was shot two years ago , has been gathering dust on mgm 's shelf . $LABEL$ 0 +drowning 's too good for this sucker . $LABEL$ 0 +if i could have looked into my future and saw how bad this movie was , i would go back and choose to skip it . $LABEL$ 0 +as inept as big-screen remakes of the avengers and the wild wild west . $LABEL$ 0 +everything -- even life on an aircraft carrier -- is sentimentalized . $LABEL$ 0 +a bittersweet film , simple in form but rich with human events . $LABEL$ 1 +a classic fairy tale that perfectly captures the wonders and worries of childhood in a way that few movies have ever approached . $LABEL$ 1 +directed with purpose and finesse by england 's roger mitchell , who handily makes the move from pleasing , relatively lightweight commercial fare such as notting hill to commercial fare with real thematic heft . $LABEL$ 1 +it 's an odd show , pregnant with moods , stillborn except as a harsh conceptual exercise . $LABEL$ 0 +cletis is playful but highly studied and dependent for its success on a patient viewer . $LABEL$ 1 +would benigni 's italian pinocchio have been any easier to sit through than this hastily dubbed disaster ? $LABEL$ 0 +this is a fudged opportunity of gigantic proportions -- a lunar mission with no signs of life . $LABEL$ 0 +there 's an admirable rigor to jimmy 's relentless anger , and to the script 's refusal of a happy ending , but as those monologues stretch on and on , you realize there 's no place for this story to go but down . $LABEL$ 0 +i 'll stay with the stage versions , however , which bite cleaner , and deeper . $LABEL$ 0 +it 's a movie that ends with truckzilla , for cryin ' out loud . $LABEL$ 0 +chalk it up as the worst kind of hubristic folly . $LABEL$ 0 +the story , once it gets rolling , is nothing short of a great one . $LABEL$ 1 +they just do n't work in concert . $LABEL$ 0 +an unintentionally surreal kid 's picture ... in which actors in bad bear suits enact a sort of inter-species parody of a vh1 behind the music episode . $LABEL$ 0 +both damning and damned compelling . $LABEL$ 1 +it 's not original enough . $LABEL$ 0 +apart from anything else , this is one of the best-sustained ideas i have ever seen on the screen . $LABEL$ 1 +the adventures of pluto nash is a whole lot of nada . $LABEL$ 0 +a meditation on faith and madness , frailty is blood-curdling stuff . $LABEL$ 1 +he 's one of the few ` cool ' actors who never seems aware of his own coolness . $LABEL$ 1 +this 100-minute movie only has about 25 minutes of decent material . $LABEL$ 0 +a serious movie with serious ideas . $LABEL$ 1 +attal 's hang-ups surrounding infidelity are so old-fashioned and , dare i say , outdated , it 's a wonder that he could n't have brought something fresher to the proceedings simply by accident . $LABEL$ 0 +plot , characters , drama , emotions , ideas -- all are irrelevant to the experience of seeing the scorpion king . $LABEL$ 0 +stripped almost entirely of such tools as nudity , profanity and violence , labute does manage to make a few points about modern man and his problematic quest for human connection . $LABEL$ 0 +it 's the cute frissons of discovery and humor between chaplin and kidman that keep this nicely wound clock not just ticking , but humming . $LABEL$ 1 +leave it to the french to truly capture the terrifying angst of the modern working man without turning the film into a cheap thriller , a dumb comedy or a sappy melodrama . $LABEL$ 1 +beautiful to watch and holds a certain charm . $LABEL$ 1 +campbell scott finds the ideal outlet for his flick-knife diction in the role of roger swanson . $LABEL$ 1 +then you 'd do well to check this one out because it 's straight up twin peaks action ... $LABEL$ 1 +that neither protagonist has a distinguishable condition hardly matters because both are just actory concoctions , defined by childlike dimness and a handful of quirks . $LABEL$ 0 +land , people and narrative flow together in a stark portrait of motherhood deferred and desire explored . $LABEL$ 1 +barney 's ideas about creation and identity do n't really seem all that profound , at least by way of what can be gleaned from this three-hour endurance test built around an hour 's worth of actual material . $LABEL$ 0 +build some robots , haul 'em to the theatre with you for the late show , and put on your own mystery science theatre 3000 tribute to what is almost certainly going to go down as the worst -- and only -- killer website movie of this or any other year . $LABEL$ 0 +cineasts will revel in those visual in-jokes , as in the film 's verbal pokes at everything from the likes of miramax chief harvey weinstein 's bluff personal style to the stylistic rigors of denmark 's dogma movement . $LABEL$ 1 +bottom-rung new jack city wannabe . $LABEL$ 0 +despite the fact that this film was n't as bad as i thought it was going to be , it 's still not a good movie $LABEL$ 0 +but this time , the old mib label stands for milder is n't better . $LABEL$ 0 +forget the misleading title , what 's with the unexplained baboon cameo ? $LABEL$ 0 +it 's clotted with heavy-handed symbolism , dime-store psychology and endless scenic shots that make 105 minutes seem twice as long . $LABEL$ 0 +what 's surprising about this traditional thriller , moderately successful but not completely satisfying , is exactly how genteel and unsurprising the execution turns out to be . $LABEL$ 1 +yet another entry in the sentimental oh-those-wacky-brits genre that was ushered in by the full monty and is still straining to produce another smash hit . $LABEL$ 0 +every conceivable mistake a director could make in filming opera has been perpetrated here . $LABEL$ 0 +the film 's desire to be liked sometimes undermines the possibility for an exploration of the thornier aspects of the nature\/nurture argument in regards to homosexuality . $LABEL$ 0 +a standard police-oriented drama that , were it not for de niro 's participation , would have likely wound up a tnt original . $LABEL$ 0 +with notorious c.h.o. cho proves she has the stuff to stand tall with pryor , carlin and murphy . $LABEL$ 1 +watching this film , one is left with the inescapable conclusion that hitchens ' obsession with kissinger is , at bottom , a sophisticated flower child 's desire to purge the world of the tooth and claw of human power . $LABEL$ 1 +e.t. works because its flabbergasting principals , 14-year-old robert macnaughton , 6-year-old drew barrymore and 10-year-old henry thomas , convince us of the existence of the wise , wizened visitor from a faraway planet . $LABEL$ 1 +yes , it 's as good as you remember . $LABEL$ 1 +for veggietales fans , this is more appetizing than a side dish of asparagus . $LABEL$ 1 +full of detail about the man and his country , and is well worth seeing . $LABEL$ 1 +little more than a well-mounted history lesson . $LABEL$ 0 +peter jackson and company once again dazzle and delight us , fulfilling practically every expectation either a longtime tolkien fan or a movie-going neophyte could want . $LABEL$ 1 +this tale has been told and retold ; the races and rackets change , but the song remains the same . $LABEL$ 0 +a joyous occasion $LABEL$ 1 +-lrb- `` take care of my cat '' -rrb- is an honestly nice little film that takes us on an examination of young adult life in urban south korea through the hearts and minds of the five principals . $LABEL$ 1 +novak contemplates a heartland so overwhelmed by its lack of purpose that it seeks excitement in manufactured high drama . $LABEL$ 0 +one-of-a-kind near-masterpiece . $LABEL$ 1 +trying to figure out the rules of the country bear universe -- when are bears bears and when are they like humans , only hairier -- would tax einstein 's brain . $LABEL$ 0 +a thoroughly engaging , surprisingly touching british comedy . $LABEL$ 1 +you have no affinity for most of the characters . $LABEL$ 0 +its salient points are simultaneously buried , drowned and smothered in the excesses of writer-director roger avary . $LABEL$ 0 +whether or not you buy mr. broomfield 's findings , the film acquires an undeniable entertainment value as the slight , pale mr. broomfield continues to force himself on people and into situations that would make lesser men run for cover . $LABEL$ 1 +a relentless , bombastic and ultimately empty world war ii action flick . $LABEL$ 0 +charlotte sometimes is a brilliant movie . $LABEL$ 1 +move over bond ; this girl deserves a sequel . $LABEL$ 1 +an exceptionally dreary and overwrought bit of work , every bit as imperious as katzenberg 's the prince of egypt from 1998 . $LABEL$ 0 +for a story set at sea , ghost ship is pretty landbound , with its leaden acting , dull exposition and telegraphed ` surprises . ' $LABEL$ 0 +congrats disney on a job well done , i enjoyed it just as much ! $LABEL$ 1 +a muddy psychological thriller rife with miscalculations . $LABEL$ 0 +is it possible for a documentary to be utterly entranced by its subject and still show virtually no understanding of it ? $LABEL$ 0 +it 's a piece of handiwork that shows its indie tatters and self-conscious seams in places , but has some quietly moving moments and an intelligent subtlety . $LABEL$ 1 +the movie 's plot is almost entirely witless and inane , carrying every gag two or three times beyond its limit to sustain a laugh . $LABEL$ 0 +in between all the emotional seesawing , it 's hard to figure the depth of these two literary figures , and even the times in which they lived . $LABEL$ 0 +expect no major discoveries , nor any stylish sizzle , but the film sits with square conviction and touching good sense on the experience of its women . $LABEL$ 1 +an exit sign , that is . $LABEL$ 0 +beautifully crafted and brutally honest , promises offers an unexpected window into the complexities of the middle east struggle and into the humanity of its people . $LABEL$ 1 +entirely suspenseful , extremely well-paced and ultimately ... dare i say , entertaining ! $LABEL$ 1 +just dreadful . $LABEL$ 0 +bill morrison 's decasia is uncompromising , difficult and unbearably beautiful . $LABEL$ 1 +a superlative b movie -- funny , sexy , and rousing . $LABEL$ 1 +the advantage of a postapocalyptic setting is that it can be made on the cheap . $LABEL$ 0 +yet another genre exercise , gangster no. 1 is as generic as its title . $LABEL$ 0 +before it collapses into exactly the kind of buddy cop comedy it set out to lampoon , anyway . $LABEL$ 0 +... while dark water is n't a complete wash -lrb- no pun intended -rrb- , watched side-by-side with ringu , it ultimately comes off as a pale successor . $LABEL$ 0 +plays out with a dogged and eventually winning squareness that would make it the darling of many a kids-and-family-oriented cable channel . $LABEL$ 1 +one feels the dimming of a certain ambition , but in its place a sweetness , clarity and emotional openness that recalls the classics of early italian neorealism . $LABEL$ 1 +the script 's judgment and sense of weight is way , way off . $LABEL$ 0 +despite its dry wit and compassion , the film suffers from a philosophical emptiness and maddeningly sedate pacing . $LABEL$ 0 +is a mess . $LABEL$ 0 +adroit but finally a trifle flat , mad love does n't galvanize its outrage the way , say , jane campion might have done , but at least it possesses some . $LABEL$ 0 +... quite endearing . $LABEL$ 1 +hip-hop prison thriller of stupefying absurdity . $LABEL$ 0 +a domestic melodrama with weak dialogue and biopic cliches . $LABEL$ 0 +a little better than sorcerer 's stone . $LABEL$ 1 +nothing short of wonderful with its ten-year-old female protagonist and its steadfast refusal to set up a dualistic battle between good and evil . $LABEL$ 1 +almost as offensive as `` freddy got fingered . '' $LABEL$ 0 +imagine susan sontag falling in love with howard stern . $LABEL$ 0 +there 's no point of view , no contemporary interpretation of joan 's prefeminist plight , so we 're left thinking the only reason to make the movie is because present standards allow for plenty of nudity . $LABEL$ 0 +a listless sci-fi comedy in which eddie murphy deploys two guises and elaborate futuristic sets to no particularly memorable effect . $LABEL$ 0 +renner carries much of the film with a creepy and dead-on performance . $LABEL$ 1 +the film fits into a genre that has been overexposed , redolent of a thousand cliches , and yet remains uniquely itself , vibrant with originality . $LABEL$ 1 +the sequel plays out like a flimsy excuse to give blade fans another look at wesley snipes ' iconic hero doing battle with dozens of bad guys -- at once . $LABEL$ 0 +wendigo wants to be a monster movie for the art-house crowd , but it falls into the trap of pretention almost every time . $LABEL$ 0 +steven soderbergh does n't remake andrei tarkovsky 's solaris so much as distill it . $LABEL$ 0 +a compelling yarn , but not quite a ripping one . $LABEL$ 1 +if routine action and jokes like this are your cup of tea , then pay your $ 8 and get ready for the big shear . $LABEL$ 0 +tale will be all too familiar for anyone who 's seen george roy hill 's 1973 film , `` the sting . '' $LABEL$ 0 +warm and exotic . $LABEL$ 1 +the movie 's blatant derivativeness is one reason it 's so lackluster . $LABEL$ 0 +rehearsals are frequently more fascinating than the results . $LABEL$ 1 +like a grinning jack o ' lantern , its apparent glee is derived from a lobotomy , having had all its vital essence scooped out and discarded . $LABEL$ 0 +a dazzling thing to behold -- as long as you 're wearing the somewhat cumbersome 3d goggles the theater provides . $LABEL$ 1 +it 's a wonderful , sobering , heart-felt drama . $LABEL$ 1 +here 's yet another cool crime movie that actually manages to bring something new into the mix . $LABEL$ 1 +one of those movies that make us pause and think of what we have given up to acquire the fast-paced contemporary society . $LABEL$ 1 +done in mostly by a weak script that ca n't support the epic treatment . $LABEL$ 0 +unfortunately , kapur modernizes a.e.w. mason 's story to suit the sensibilities of a young american , a decision that plucks `` the four feathers '' bare . $LABEL$ 0 +uneven , self-conscious but often hilarious spoof . $LABEL$ 1 +deserving of its critical backlash and more . $LABEL$ 0 +do we really need another film that praises female self-sacrifice ? $LABEL$ 0 +more mature than fatal attraction , more complete than indecent proposal and more relevant than 9 1\/2 weeks , unfaithful is at once intimate and universal cinema . $LABEL$ 1 +the wonder of mostly martha is the performance of gedeck , who makes martha enormously endearing . $LABEL$ 1 +a battle between bug-eye theatre and dead-eye matinee . $LABEL$ 0 +like a tarantino movie with heart , alias betty is richly detailed , deftly executed and utterly absorbing . $LABEL$ 1 +it 's hard to say who might enjoy this , are there tolstoy groupies out there ? $LABEL$ 0 +this movie is to be cherished . $LABEL$ 1 +in all fairness , i must report that the children of varying ages in my audience never coughed , fidgeted or romped up and down the aisles for bathroom breaks . $LABEL$ 1 +the screenplay is hugely overwritten , with tons and tons of dialogue -- most of it given to children . $LABEL$ 0 +entertains not so much because of its music or comic antics , but through the perverse pleasure of watching disney scrape the bottom of its own cracker barrel . $LABEL$ 0 +ryan gosling ... is at 22 a powerful young actor . $LABEL$ 1 +i am highly amused by the idea that we have come to a point in society where it has been deemed important enough to make a film in which someone has to be hired to portray richard dawson . $LABEL$ 1 +while this movie , by necessity , lacks fellowship 's heart , two towers outdoes its spectacle . $LABEL$ 1 +for those who are intrigued by politics of the '70s , the film is every bit as fascinating as it is flawed . $LABEL$ 1 +an absorbing and unsettling psychological drama . $LABEL$ 1 +like the best of godard 's movies ... it is visually ravishing , penetrating , impenetrable . $LABEL$ 1 +spare but quietly effective retelling . $LABEL$ 1 +the story that emerges has elements of romance , tragedy and even silent-movie comedy . $LABEL$ 1 +this is an insultingly inept and artificial examination of grief and its impacts upon the relationships of the survivors . $LABEL$ 0 +it 's a strange film , one that was hard for me to warm up to . $LABEL$ 0 +a series of immaculately composed shots of patch adams quietly freaking out does not make for much of a movie . $LABEL$ 0 +harks back to a time when movies had more to do with imagination than market research . $LABEL$ 1 +all the queen 's men is a throwback war movie that fails on so many levels , it should pay reparations to viewers . $LABEL$ 0 +fessenden 's narrative is just as much about the ownership and redefinition of myth as it is about a domestic unit finding their way to joy . $LABEL$ 1 +the exclamation point seems to be the only bit of glee you 'll find in this dreary mess . $LABEL$ 0 +a banal , virulently unpleasant excuse for a romantic comedy . $LABEL$ 0 +a must see for all sides of the political spectrum $LABEL$ 1 +the storylines are woven together skilfully , the magnificent swooping aerial shots are breathtaking , and the overall experience is awesome . $LABEL$ 1 +skip the film and buy the philip glass soundtrack cd . $LABEL$ 0 +... unspeakably , unbearably dull , featuring reams of flatly delivered dialogue and a heroine who comes across as both shallow and dim-witted . $LABEL$ 0 +forages for audience sympathy like a temperamental child begging for attention , giving audiences no reason to truly care for its decrepit freaks beyond the promise of a reprieve from their incessant whining . $LABEL$ 0 +an action\/thriller of the finest kind , evoking memories of day of the jackal , the french connection , and heat . $LABEL$ 1 +beyond the cleverness , the weirdness and the pristine camerawork , one hour photo is a sobering meditation on why we take pictures . $LABEL$ 1 +the best part about `` gangs '' was daniel day-lewis . $LABEL$ 1 +... hypnotically dull . $LABEL$ 0 +we ca n't accuse kung pow for misfiring , since it is exactly what it wants to be : an atrociously , mind-numbingly , indescribably bad movie . $LABEL$ 0 +but then again , i hate myself most mornings . $LABEL$ 0 +although purportedly a study in modern alienation , it 's really little more than a particularly slanted , gay s\/m fantasy , enervating and deadeningly drawn-out . $LABEL$ 0 +it can be safely recommended as a video\/dvd babysitter . $LABEL$ 1 +the movie should jolt you out of your seat a couple of times , give you a few laughs , and leave you feeling like it was worth your seven bucks , even though it does turn out to be a bit of a cheat in the end . $LABEL$ 1 +part of the film 's cheeky charm comes from its vintage schmaltz . $LABEL$ 1 +a fun family movie that 's suitable for all ages -- a movie that will make you laugh , cry and realize , ` it 's never too late to believe in your dreams . ' $LABEL$ 1 +unlike most anime , whose most ardent fans outside japan seem to be introverted young men with fantasy fetishes , metropolis never seems hopelessly juvenile . $LABEL$ 1 +there is something that is so meditative and lyrical about babak payami 's boldly quirky iranian drama secret ballot ... a charming and evoking little ditty that manages to show the gentle and humane side of middle eastern world politics $LABEL$ 1 +it winds up moving in many directions as it searches -lrb- vainly , i think -rrb- for something fresh to say . $LABEL$ 0 +it 's as if de palma spent an hour setting a fancy table and then served up kraft macaroni and cheese . $LABEL$ 0 +with or without the sex , a wonderful tale of love and destiny , told well by a master storyteller $LABEL$ 1 +rifkin no doubt fancies himself something of a hubert selby jr. , but there is n't an ounce of honest poetry in his entire script ; it 's simply crude and unrelentingly exploitative . $LABEL$ 0 +but it will just as likely make you weep , and it will do so in a way that does n't make you feel like a sucker . $LABEL$ 1 +the acting is just fine , but there 's not enough substance here to sustain interest for the full 90 minutes , especially with the weak payoff . $LABEL$ 0 +romantic comedy and dogme 95 filmmaking may seem odd bedfellows , but they turn out to be delightfully compatible here . $LABEL$ 1 +-lrb- a -rrb- rather thinly-conceived movie . $LABEL$ 0 +good , solid storytelling . $LABEL$ 1 +it 's a treat watching shaw , a british stage icon , melting under the heat of phocion 's attentions . $LABEL$ 1 +the film does n't sustain its initial promise with a jarring , new-agey tone creeping into the second half $LABEL$ 0 +a smug and convoluted action-comedy that does n't allow an earnest moment to pass without reminding audiences that it 's only a movie . $LABEL$ 0 +um ... is n't that the basis for the entire plot ? $LABEL$ 0 +-lrb- has -rrb- an immediacy and an intimacy that sucks you in and dares you not to believe it 's all true . $LABEL$ 1 +a deftly entertaining film , smartly played and smartly directed . $LABEL$ 1 +bogdanovich taps deep into the hearst mystique , entertainingly reenacting a historic scandal . $LABEL$ 1 +a terrible movie that some people will nevertheless find moving . $LABEL$ 0 +to blandly go where we went 8 movies ago ... $LABEL$ 0 +the film 's lack of personality permeates all its aspects -- from the tv movie-esque , affected child acting to the dullest irish pub scenes ever filmed . $LABEL$ 0 +craig bartlett and director tuck tucker should be commended for illustrating the merits of fighting hard for something that really matters . $LABEL$ 1 +rosenthal -lrb- halloween ii -rrb- seems to have forgotten everything he ever knew about generating suspense . $LABEL$ 0 +but it 's defiantly and delightfully against the grain . $LABEL$ 1 +famuyiwa 's feature deals with its subject matter in a tasteful , intelligent manner , rather than forcing us to endure every plot contrivance that the cliché-riddled genre can offer . $LABEL$ 1 +` matrix ' - style massacres erupt throughout ... but the movie has a tougher time balancing its violence with kafka-inspired philosophy . $LABEL$ 0 +-lrb- toback 's -rrb- fondness for fancy split-screen , stuttering editing and pompous references to wittgenstein and kirkegaard ... blends uneasily with the titillating material . $LABEL$ 0 +at a time when commercialism has squeezed the life out of whatever idealism american moviemaking ever had , godfrey reggio 's career shines like a lonely beacon . $LABEL$ 1 +the type of dumbed-down exercise in stereotypes that gives the -lrb- teen comedy -rrb- genre a bad name . $LABEL$ 0 +elegant and eloquent -lrb- meditation -rrb- on death and that most elusive of passions , love . $LABEL$ 1 +weird . $LABEL$ 0 +-lrb- clooney 's -rrb- debut can be accused of being a bit undisciplined , but it has a tremendous , offbeat sense of style and humor that suggests he was influenced by some of the filmmakers who have directed him , especially the coen brothers and steven soderbergh . $LABEL$ 1 +pair that with really poor comedic writing ... and you 've got a huge mess . $LABEL$ 0 +the audience when i saw this one was chuckling at all the wrong times , and that 's a bad sign when they 're supposed to be having a collective heart attack . $LABEL$ 0 +nicholas nickleby celebrates the human spirit with such unrelenting dickensian decency that it turned me -lrb- horrors ! -rrb- $LABEL$ 1 +romanek 's themes are every bit as distinctive as his visuals . $LABEL$ 1 +no worse a film than breaking out , and breaking out was utterly charming . $LABEL$ 1 +scooby doo is surely everything its fans are hoping it will be , and in that sense is a movie that deserves recommendation . $LABEL$ 1 +a dim-witted and lazy spin-off of the animal planet documentary series , crocodile hunter is entertainment opportunism at its most glaring . $LABEL$ 0 +... an airless , prepackaged julia roberts wannabe that stinks so badly of hard-sell image-mongering you 'll wonder if lopez 's publicist should share screenwriting credit . $LABEL$ 0 +will anyone who is n't a fangoria subscriber be excited that it has n't gone straight to video ? $LABEL$ 0 +your children will be occupied for 72 minutes . $LABEL$ 1 +exciting and well-paced . $LABEL$ 1 +lasker 's canny , meditative script distances sex and love , as byron and luther ... realize they ca n't get no satisfaction without the latter . $LABEL$ 1 +like rudy yellow lodge , eyre needs to take a good sweat to clarify his cinematic vision before his next creation and remember the lessons of the trickster spider . $LABEL$ 0 +the amazing film work is so convincing that by movies ' end you 'll swear you are wet in some places and feel sand creeping in others . $LABEL$ 1 +femme fatale offers nothing more than a bait-and-switch that is beyond playing fair with the audience . $LABEL$ 0 +combines sharp comedy , old-fashioned monster movie atmospherics , and genuine heart to create a film that 's not merely about kicking undead \*\*\* , but also about dealing with regret and , ultimately , finding redemption . $LABEL$ 1 +just a bunch of good actors flailing around in a caper that 's neither original nor terribly funny . $LABEL$ 0 +the movie does its best to work us over , with second helpings of love , romance , tragedy , false dawns , real dawns , comic relief , two separate crises during marriage ceremonies , and the lush scenery of the cotswolds . $LABEL$ 1 +filled with honest performances and exceptional detail , baran is a gentle film with dramatic punch , a haunting ode to humanity . $LABEL$ 1 +rodriguez does a splendid job of racial profiling hollywood style -- casting excellent latin actors of all ages -- a trend long overdue . $LABEL$ 1 +takashi miike keeps pushing the envelope : ichi the killer $LABEL$ 1 +more likely to have you scratching your head than hiding under your seat . $LABEL$ 0 +fairly run-of-the-mill . $LABEL$ 0 +so could young romantics out on a date . $LABEL$ 1 +despite its flaws ... belinsky is still able to create an engaging story that keeps you guessing at almost every turn . $LABEL$ 1 +the secrets of time travel will have been discovered , indulged in and rejected as boring before i see this piece of crap again . $LABEL$ 0 +the script boasts some tart tv-insider humor , but the film has not a trace of humanity or empathy . $LABEL$ 0 +though it 's not very well shot or composed or edited , the score is too insistent and the dialogue is frequently overwrought and crudely literal , the film shatters you in waves . $LABEL$ 0 +satin rouge is not a new , or inventive , journey , but it 's encouraging to see a three-dimensional , average , middle-aged woman 's experience of self-discovery handled with such sensitivity . $LABEL$ 1 +due to stodgy , soap opera-ish dialogue , the rest of the cast comes across as stick figures reading lines from a teleprompter . $LABEL$ 0 +it 's so crammed with scenes and vistas and pretty moments that it 's left a few crucial things out , like character development and coherence . $LABEL$ 0 +a hypnotic cyber hymn and a cruel story of youth culture . $LABEL$ 1 +noyce has worked wonders with the material . $LABEL$ 1 +a sometimes incisive and sensitive portrait that is undercut by its awkward structure and a final veering toward melodrama . $LABEL$ 0 +no thanks . $LABEL$ 0 +despite the predictable parent vs. child coming-of-age theme , first-class , natural acting and a look at `` the real americans '' make this a charmer . $LABEL$ 1 +delia , greta , and paula rank as three of the most multilayered and sympathetic female characters of the year . $LABEL$ 1 +action - mechanical . $LABEL$ 0 +another wholly unnecessary addition to the growing , moldering pile of , well , extreme stunt pictures . $LABEL$ 0 +this would have been better than the fiction it has concocted , and there still could have been room for the war scenes . $LABEL$ 0 +it 's a bad sign in a thriller when you instantly know whodunit . $LABEL$ 0 +while the production details are lavish , film has little insight into the historical period and its artists , particularly in how sand developed a notorious reputation . $LABEL$ 0 +although olivier assayas ' elegantly appointed period drama seems , at times , padded with incident in the way of a too-conscientious adaptation ... its three-hour running time plays closer to two . $LABEL$ 1 +the moral shrapnel and mental shellshock will linger long after this film has ended . $LABEL$ 1 +a sleek advert for youthful anomie that never quite equals the sum of its pretensions . $LABEL$ 0 +overall , it 's a very entertaining , thought-provoking film with a simple message : god is love . $LABEL$ 1 +some movies were made for the big screen , some for the small screen , and some , like ballistic : ecks vs. sever , were made for the palm screen . $LABEL$ 0 +a confident , richly acted , emotionally devastating piece of work and 2002 's first great film $LABEL$ 1 +labute 's careful handling makes the material seem genuine rather than pandering . $LABEL$ 1 +the whole film has this sneaky feel to it -- as if the director is trying to dupe the viewer into taking it all as very important simply because the movie is ugly to look at and not a hollywood product . $LABEL$ 0 +an inelegant combination of two unrelated shorts that falls far short of the director 's previous work in terms of both thematic content and narrative strength . $LABEL$ 0 +... a funny yet dark and seedy clash of cultures and generations . $LABEL$ 1 +as tricky and satisfying as any of david mamet 's airless cinematic shell games . $LABEL$ 1 +the story is smart and entirely charming in intent and execution . $LABEL$ 1 +the action clichés just pile up . $LABEL$ 0 +not only does the thoroughly formulaic film represent totally exemplify middle-of-the-road mainstream , it also represents glossy hollywood at its laziest . $LABEL$ 0 +a delicious and delicately funny look at the residents of a copenhagen neighborhood coping with the befuddling complications life tosses at them . $LABEL$ 1 +if ever a concept came handed down from the movie gods on a silver platter , this is it . $LABEL$ 1 +you may be captivated , as i was , by its moods , and by its subtly transformed star , and still wonder why paul thomas anderson ever had the inclination to make the most sincere and artful movie in which adam sandler will probably ever appear . $LABEL$ 1 +`` brown sugar '' admirably aspires to be more than another `` best man '' clone by weaving a theme throughout this funny film . $LABEL$ 1 +highlighted by a gritty style and an excellent cast , it 's better than one might expect when you look at the list of movies starring ice-t in a major role . $LABEL$ 1 +gently humorous and touching . $LABEL$ 1 +puportedly `` based on true events , '' a convolution of language that suggests it 's impossible to claim that it is `` based on a true story '' with a straight face . $LABEL$ 0 +vulgar is too optimistic a title . $LABEL$ 0 +`` the adventures of pluto nash '' is a big time stinker . $LABEL$ 0 +visually captivating . $LABEL$ 1 +as each of them searches for their place in the world , miller digs into their very minds to find an unblinking , flawed humanity . $LABEL$ 1 +writer-director stephen gaghan has made the near-fatal mistake of being what the english call ` too clever by half . ' $LABEL$ 0 +for the future , one hopes mr. plympton will find room for one more member of his little band , a professional screenwriter . $LABEL$ 0 +the story plays out slowly , but the characters are intriguing and realistic . $LABEL$ 1 +very predictable but still entertaining $LABEL$ 1 +if you 're not a fan , it might be like trying to eat brussels sprouts . $LABEL$ 0 +has far more energy , wit and warmth than should be expected from any movie with a `` 2 '' at the end of its title . $LABEL$ 1 +mr. deeds is sure to give you a lot of laughs in this simple , sweet and romantic comedy . $LABEL$ 1 +it all seemed wasted like deniro 's once promising career and the once grand long beach boardwalk . $LABEL$ 0 +its gentle , touching story creeps into your heart . $LABEL$ 1 +armed with a game supporting cast , from the pitch-perfect forster to the always hilarious meara and levy , like mike shoots and scores , doing its namesake proud . $LABEL$ 1 +... works on some levels and is certainly worth seeing at least once . $LABEL$ 1 +a potentially good comic premise and excellent cast are terribly wasted . $LABEL$ 0 +a small gem from belgium . $LABEL$ 1 +the characters are complex and quirky , but entirely believable as the remarkable ensemble cast brings them to life . $LABEL$ 1 +worth a look as a curiosity . $LABEL$ 1 +if you 've got a house full of tots -- do n't worry , this will be on video long before they grow up and you can wait till then . $LABEL$ 0 +eddie murphy and owen wilson have a cute partnership in i spy , but the movie around them is so often nearly nothing that their charm does n't do a load of good . $LABEL$ 0 +short and sweet , but also more than anything else slight ... tadpole pulls back from the consequences of its own actions and revelations . $LABEL$ 1 +poignant and delicately complex . $LABEL$ 1 +and we do n't avert our eyes for a moment . $LABEL$ 1 +simply and eloquently articulates the tangled feelings of particular new yorkers deeply touched by an unprecedented tragedy . $LABEL$ 1 +... could easily be called the best korean film of 2002 . $LABEL$ 1 +the title , alone , should scare any sane person away . $LABEL$ 0 +for all the time we spend with these people , we never really get inside of them . $LABEL$ 0 +it does n't matter that the film is less than 90 minutes . $LABEL$ 1 +the plot is paper-thin and the characters are n't interesting enough to watch them go about their daily activities for two whole hours . $LABEL$ 0 +the film is a hoot , and is just as good , if not better than much of what 's on saturday morning tv especially the pseudo-educational stuff we all ca n't stand . $LABEL$ 1 +the ending feels at odds with the rest of the film . $LABEL$ 1 +in the end there is one word that best describes this film : honest . $LABEL$ 1 +the movie barely makes sense , with its unbelievable naïveté and arbitrary flashbacks . $LABEL$ 0 +it 's a quirky , off-beat project . $LABEL$ 1 +if you can get past the taboo subject matter , it will be well worth your time . $LABEL$ 1 +coy but exhilarating , with really solid performances by ving rhames and wesley snipes . $LABEL$ 1 +starts slowly , but adrien brody -- in the title role -- helps make the film 's conclusion powerful and satisfying . $LABEL$ 1 +feeble comedy . $LABEL$ 0 +no amount of blood and disintegrating vampire cadavers can obscure this movie 's lack of ideas . $LABEL$ 0 +... the good and different idea -lrb- of middle-aged romance -rrb- is not handled well and , except for the fine star performances , there is little else to recommend `` never again . '' $LABEL$ 0 +would that greengrass had gone a tad less for grit and a lot more for intelligibility . $LABEL$ 0 +sadly , as blood work proves , that was a long , long time ago . $LABEL$ 0 +the performers are so spot on , it is hard to conceive anyone else in their roles . $LABEL$ 1 +the first mistake , i suspect , is casting shatner as a legendary professor and kunis as a brilliant college student -- where 's pauly shore as the rocket scientist ? $LABEL$ 0 +wise and deadpan humorous . $LABEL$ 1 +twenty-three movies into a mostly magnificent directorial career , clint eastwood 's efficiently minimalist style finally has failed him . $LABEL$ 0 +boring and meandering . $LABEL$ 0 +while certainly more naturalistic than its australian counterpart , amari 's film falls short in building the drama of lilia 's journey . $LABEL$ 0 +make chan 's action sequences boring . $LABEL$ 0 +simply put , there should have been a more compelling excuse to pair susan sarandon and goldie hawn . $LABEL$ 0 +proves a lovely trifle that , unfortunately , is a little too in love with its own cuteness . $LABEL$ 0 +but its storytelling prowess and special effects are both listless . $LABEL$ 0 +an energizing , intoxicating documentary charting the rise of hip-hop culture in general and the art of scratching -lrb- or turntablism -rrb- in particular . $LABEL$ 1 +screenwriter dan schneider and director shawn levy substitute volume and primary colors for humor and bite . $LABEL$ 1 +-lrb- ramsay -rrb- visually transforms the dreary expanse of dead-end distaste the characters inhabit into a poem of art , music and metaphor . $LABEL$ 1 +works as pretty contagious fun . $LABEL$ 1 +in the pianist , polanski is saying what he has long wanted to say , confronting the roots of his own preoccupations and obsessions , and he allows nothing to get in the way . $LABEL$ 1 +... liotta is put in an impossible spot because his character 's deceptions ultimately undo him and the believability of the entire scenario . $LABEL$ 0 +if there was ever a movie where the upbeat ending feels like a copout , this is the one . $LABEL$ 0 +... the cast portrays their cartoon counterparts well ... but quite frankly , scoob and shag do n't eat enough during the film . ' $LABEL$ 0 +the sheer dumbness of the plot -lrb- other than its one good idea -rrb- and the movie 's inescapable air of sleaziness get you down . $LABEL$ 0 +those who do n't entirely ` get ' godard 's distinctive discourse will still come away with a sense of his reserved but existential poignancy . $LABEL$ 1 +provides a very moving and revelatory footnote to the holocaust . $LABEL$ 1 +... there is enough originality in ` life ' to distance it from the pack of paint-by-number romantic comedies that so often end up on cinema screens . $LABEL$ 1 +raimi crafted a complicated hero who is a welcome relief from the usual two-dimensional offerings . $LABEL$ 1 +if you saw benigni 's pinocchio at a public park , you 'd grab your kids and run and then probably call the police . $LABEL$ 0 +it is dark , brooding and slow , and takes its central idea way too seriously . $LABEL$ 0 +it cuts to the core of what it actually means to face your fears , to be a girl in a world of boys , to be a boy truly in love with a girl , and to ride the big metaphorical wave that is life -- wherever it takes you . $LABEL$ 1 +an enjoyable , if occasionally flawed , experiment . $LABEL$ 1 +it is , however , a completely honest , open-hearted film that should appeal to anyone willing to succumb to it . $LABEL$ 1 +i do n't think this movie loves women at all . $LABEL$ 0 +american musical comedy as we know it would n't exist without the precedent of yiddish theater , whose jolly , fun-for-fun 's - sake communal spirit goes to the essence of broadway . $LABEL$ 1 +do n't judge this one too soon - it 's a dark , gritty story but it takes off in totally unexpected directions and keeps on going . $LABEL$ 1 +... -lrb- the film -rrb- works , due mostly to the tongue-in-cheek attitude of the screenplay . $LABEL$ 1 +features nonsensical and laughable plotting , wooden performances , ineptly directed action sequences and some of the worst dialogue in recent memory . $LABEL$ 0 +too smart to ignore but a little too smugly superior to like , this could be a movie that ends up slapping its target audience in the face by shooting itself in the foot . $LABEL$ 0 +the director 's many dodges and turns add up to little more than a screenful of gamesmanship that 's low on both suspense and payoff . $LABEL$ 0 +an invaluable historical document thanks to the filmmaker 's extraordinary access to massoud , whose charm , cultivation and devotion to his people are readily apparent . $LABEL$ 1 +... no charm , no laughs , no fun , no reason to watch . $LABEL$ 0 +thanks largely to williams , all the interesting developments are processed in 60 minutes -- the rest is just an overexposed waste of film . $LABEL$ 0 +what might have emerged as hilarious lunacy in the hands of woody allen or mel brooks -lrb- at least during their '70s heyday -rrb- comes across as lame and sophomoric in this debut indie feature . $LABEL$ 0 +it would take a complete moron to foul up a screen adaptation of oscar wilde 's classic satire . $LABEL$ 0 +jackass is a vulgar and cheap-looking version of candid camera staged for the marquis de sade set . $LABEL$ 0 +everyone should be able to appreciate the wonderful cinematography and naturalistic acting . $LABEL$ 1 +one well-timed explosion in a movie can be a knockout , but a hundred of them can be numbing . $LABEL$ 0 +where their heads were is anyone 's guess . $LABEL$ 0 +scotland looks wonderful , the fans are often funny fanatics , the showdown sure beats a bad day of golf . $LABEL$ 1 +the music makes a nice album , the food is enticing and italy beckons us all . $LABEL$ 1 +one of the best silly horror movies of recent memory , with some real shocks in store for unwary viewers . $LABEL$ 1 +the film is a very good viewing alternative for young women . $LABEL$ 1 +beautifully shot against the frozen winter landscapes of grenoble and geneva , the film unfolds with all the mounting tension of an expert thriller , until the tragedy beneath it all gradually reveals itself . $LABEL$ 1 +griffin & co. manage to be spectacularly outrageous . $LABEL$ 1 +it is hard not to be especially grateful for freedom after a film like this . $LABEL$ 1 +a well-put-together piece of urban satire . $LABEL$ 1 +too much of nemesis has a tired , talky feel . $LABEL$ 0 +pan nalin 's exposition is beautiful and mysterious , and the interviews that follow , with the practitioners of this ancient indian practice , are as subtle and as enigmatic . $LABEL$ 1 +given the fact that virtually no one is bound to show up at theatres for it , the project should have been made for the tube . $LABEL$ 0 +with more character development this might have been an eerie thriller ; with better payoffs , it could have been a thinking man 's monster movie . $LABEL$ 0 +an entertaining british hybrid of comedy , caper thrills and quirky romance . $LABEL$ 1 +but ... in trying to capture the novel 's deeper intimate resonances , the film has -- ironically - distanced us from the characters . $LABEL$ 0 +the modern master of the chase sequence returns with a chase to end all chases $LABEL$ 1 +queen of the damned as you might have guessed , makes sorry use of aaliyah in her one and only starring role -- she does little here but point at things that explode into flame . $LABEL$ 0 +a loud , witless mess that has none of the charm and little of the intrigue from the tv series . $LABEL$ 0 +a cartoon ? $LABEL$ 0 +a crass and insulting homage to great films like some like it hot and the john wayne classics . $LABEL$ 0 +the problem with `` xxx '' is that its own action is n't very effective . $LABEL$ 0 +` yes , that 's right : it 's forrest gump , angel of death . ' $LABEL$ 1 +with a romantic comedy plotline straight from the ages , this cinderella story does n't have a single surprise up its sleeve . $LABEL$ 0 +... while certainly clever in spots , this too-long , spoofy update of shakespeare 's macbeth does n't sustain a high enough level of invention . $LABEL$ 0 +no new plot conceptions or environmental changes , just different bodies for sharp objects to rip through . $LABEL$ 0 +australian actor\/director john polson and award-winning english cinematographer giles nuttgens make a terrific effort at disguising the obvious with energy and innovation . $LABEL$ 1 +twohy knows how to inflate the mundane into the scarifying , and gets full mileage out of the rolling of a stray barrel or the unexpected blast of a phonograph record . $LABEL$ 1 +at once a testament to the divine calling of education and a demonstration of the painstaking process of imparting knowledge . $LABEL$ 1 +insufferably naive . $LABEL$ 0 +these are textbook lives of quiet desperation . $LABEL$ 0 +worth a salute just for trying to be more complex than your average film . $LABEL$ 1 +it excels because , unlike so many other hollywood movies of its ilk , it offers hope . $LABEL$ 1 +the fun of the movie is the chance it affords to watch jackson , who also served as executive producer , take his smooth , shrewd , powerful act abroad . $LABEL$ 1 +far too clever by half , howard 's film is really a series of strung-together moments , with all the spaces in between filled with fantasies , daydreams , memories and one fantastic visual trope after another . $LABEL$ 0 +serious and thoughtful . $LABEL$ 1 +soderbergh skims the fat from the 1972 film . $LABEL$ 1 +a remarkably insightful look at the backstage angst of the stand-up comic . $LABEL$ 1 +alternately hilarious and sad , aggravating and soulful , scathing and joyous . $LABEL$ 1 +this is the case of a pregnant premise being wasted by a script that takes few chances and manages to insult the intelligence of everyone in the audience . $LABEL$ 0 +it 's unlikely we 'll see a better thriller this year . $LABEL$ 1 +it 's provocative stuff , but the speculative effort is hampered by taylor 's cartoonish performance and the film 's ill-considered notion that hitler 's destiny was shaped by the most random of chances . $LABEL$ 0 +a movie that ca n't get sufficient distance from leroy 's delusions to escape their maudlin influence . $LABEL$ 0 +though harris is affecting at times , he can not overcome the sense that pumpkin is a mere plot pawn for two directors with far less endearing disabilities . $LABEL$ 0 +schneidermeister ... makin ' a fool of himself ... losin ' his fan base ... $LABEL$ 0 +in this case zero . $LABEL$ 0 +the young stars are too cute ; the story and ensuing complications are too manipulative ; the message is too blatant ; the resolutions are too convenient . $LABEL$ 0 +the difference is that i truly enjoyed most of mostly martha while i ne $LABEL$ 1 +sexy and romantic . $LABEL$ 1 +by the time the plot grinds itself out in increasingly incoherent fashion , you might be wishing for a watch that makes time go faster rather than the other way around . $LABEL$ 0 +arteta directs one of the best ensemble casts of the year $LABEL$ 1 +vividly conveys the passion , creativity , and fearlessness of one of mexico 's most colorful and controversial artists -- a captivating drama that will speak to the nonconformist in us all . $LABEL$ 1 +the concept is a hoot . $LABEL$ 1 +it may not be particularly innovative , but the film 's crisp , unaffected style and air of gentle longing make it unexpectedly rewarding . $LABEL$ 1 +in its own way , joshua is as blasphemous and nonsensical as a luis buñuel film without the latter 's attendant intelligence , poetry , passion , and genius . $LABEL$ 0 +perhaps a better celebration of these unfairly dismissed heroes would be a film that is n't this painfully forced , false and fabricated . $LABEL$ 0 +... you can be forgiven for realizing that you 've spent the past 20 minutes looking at your watch and waiting for frida to just die already . $LABEL$ 0 +the director , mark pellington , does a terrific job conjuring up a sinister , menacing atmosphere though unfortunately all the story gives us is flashing red lights , a rattling noise , and a bump on the head . $LABEL$ 1 +even if the naipaul original remains the real masterpiece , the movie possesses its own languorous charm . $LABEL$ 1 +delivers more than its fair share of saucy hilarity . $LABEL$ 1 +if it were any more of a turkey , it would gobble in dolby digital stereo . $LABEL$ 0 +more intimate than spectacular , e.t. is carried less by wow factors than by its funny , moving yarn that holds up well after two decades . $LABEL$ 1 +i thought the relationships were wonderful , the comedy was funny , and the love ` real ' . $LABEL$ 1 +amid the shock and curiosity factors , the film is just a corny examination of a young actress trying to find her way . $LABEL$ 0 +wickedly funny , visually engrossing , never boring , this movie challenges us to think about the ways we consume pop culture . $LABEL$ 1 +the spaniel-eyed jean reno infuses hubert with a mixture of deadpan cool , wry humor and just the measure of tenderness required to give this comic slugfest some heart . $LABEL$ 1 +a film with almost as many delights for adults as there are for children and dog lovers . $LABEL$ 1 +a depraved , incoherent , instantly disposable piece of hackery . $LABEL$ 0 +the animation and game phenomenon that peaked about three years ago is actually dying a slow death , if the poor quality of pokemon 4 ever is any indication . $LABEL$ 0 +the camera soars above the globe in dazzling panoramic shots that make the most of the large-screen format , before swooping down on a string of exotic locales , scooping the whole world up in a joyous communal festival of rhythm . $LABEL$ 1 +what 's really sad is to see two academy award winning actresses -lrb- and one academy award winning actor -rrb- succumb to appearing in this junk that 's tv sitcom material at best . $LABEL$ 0 +-lrb- jackson and bledel -rrb- seem to have been picked not for their acting chops , but for their looks and appeal to the pre-teen crowd . $LABEL$ 0 +whatever the movie 's sentimental , hypocritical lessons about sexism , its true colors come out in various wet t-shirt and shower scenes . $LABEL$ 0 +piercingly affecting ... while clearly a manipulative film , emerges as powerful rather than cloying . $LABEL$ 1 +gussied up with so many distracting special effects and visual party tricks that it 's not clear whether we 're supposed to shriek or laugh . $LABEL$ 0 +if only it had the story to match . $LABEL$ 0 +`` frailty '' has been written so well , that even a simple `` goddammit ! '' $LABEL$ 1 +the pianist is the film roman polanski may have been born to make . $LABEL$ 1 +the film has an infectious enthusiasm and we 're touched by the film 's conviction that all life centered on that place , that time and that sport . $LABEL$ 1 +an excellent sequel . $LABEL$ 1 +the trouble with making this queen a thoroughly modern maiden is that it also makes her appear foolish and shallow rather than , as was more likely , a victim of mental illness . $LABEL$ 0 +it 's a technically superb film , shining with all the usual spielberg flair , expertly utilizing the talents of his top-notch creative team . $LABEL$ 1 +the story really has no place to go since simone is not real -- she ca n't provide any conflict . $LABEL$ 0 +both a detective story and a romance spiced with the intrigue of academic skullduggery and politics . $LABEL$ 1 +all the sensuality , all the eroticism of a good vampire tale has been , pardon the pun , sucked out and replaced by goth goofiness . $LABEL$ 0 +a quiet , disquieting triumph . $LABEL$ 1 +anyone who ever fantasized about space travel but ca n't afford the $ 20 million ticket to ride a russian rocket should catch this imax offering . $LABEL$ 1 +-lrb- carvey 's -rrb- characters are both overplayed and exaggerated , but then again , subtlety has never been his trademark . $LABEL$ 0 +if divine secrets of the ya-ya sisterhood suffers from a ploddingly melodramatic structure , it comes to life in the performances . $LABEL$ 0 +rashomon-for-dipsticks tale . $LABEL$ 0 +sleek and arty . $LABEL$ 1 +a terrific date movie , whatever your orientation . $LABEL$ 1 +the exploitative , clumsily staged violence overshadows everything , including most of the actors . $LABEL$ 1 +it takes a really long , slow and dreary time to dope out what tuck everlasting is about . $LABEL$ 0 +it 's splash without the jokes . $LABEL$ 0 +even as it pays earnest homage to turntablists and beat jugglers , old schoolers and current innovators , scratch is great fun , full of the kind of energy it 's documenting . $LABEL$ 1 +you begin to long for the end credits as the desert does for rain . $LABEL$ 0 +a coming-of-age movie that hollywood would n't have the guts to make . $LABEL$ 1 +` possession , ' based on the book by a.s. byatt , demands that labute deal with the subject of love head-on ; trading in his cynicism for reverence and a little wit $LABEL$ 1 +did no one on the set have a sense of humor , or did they not have the nerve to speak up ? $LABEL$ 0 +cinematic pyrotechnics aside , the only thing avary seems to care about are mean giggles and pulchritude . $LABEL$ 0 +some of the most inventive silliness you are likely to witness in a movie theatre for some time . $LABEL$ 1 +the story is lacking any real emotional impact , and the plot is both contrived and cliched . $LABEL$ 0 +others , more attuned to the anarchist maxim that ` the urge to destroy is also a creative urge ' , or more willing to see with their own eyes , will find morrison 's iconoclastic uses of technology to be liberating . $LABEL$ 1 +an awfully good , achingly human picture . $LABEL$ 1 +but no. . $LABEL$ 0 +it never plays as dramatic even when dramatic things happen to people . $LABEL$ 0 +i have n't seen such self-amused trash since freddy got fingered . $LABEL$ 0 +a cross between blow and boyz n the hood , this movie strives to be more , but does n't quite get there . $LABEL$ 0 +it 's a bad action movie because there 's no rooting interest and the spectacle is grotesque and boring . $LABEL$ 0 +provides the kind of ` laugh therapy ' i need from movie comedies -- offbeat humor , amusing characters , and a happy ending . $LABEL$ 1 +a prolonged extrusion of psychopathic pulp . $LABEL$ 0 +little action , almost no suspense or believable tension , one-dimensional characters up the wazoo and sets that can only be described as sci-fi generic . $LABEL$ 0 +director nancy savoca 's no-frills record of a show forged in still-raw emotions captures the unsettled tenor of that post 9-11 period far better than a more measured or polished production ever could . $LABEL$ 1 +despite its floating narrative , this is a remarkably accessible and haunting film . $LABEL$ 1 +the sum of all fears pretends to be a serious exploration of nuclear terrorism , but it 's really nothing more than warmed-over cold war paranoia . $LABEL$ 0 +the hypnotic imagery and fragmentary tale explore the connections between place and personal identity . $LABEL$ 1 +it 's fun , splashy and entertainingly nasty . $LABEL$ 1 +... the first 2\/3 of the film are incredibly captivating and insanely funny , thanks in part to interesting cinematic devices -lrb- cool visual backmasking -rrb- , a solid cast , and some wickedly sick and twisted humor ... $LABEL$ 1 +rather , pity anyone who sees this mishmash . $LABEL$ 0 +return to never land may be another shameless attempt by disney to rake in dough from baby boomer families , but it 's not half-bad . $LABEL$ 1 +the movie , despite its rough edges and a tendency to sag in certain places , is wry and engrossing . $LABEL$ 1 +much like robin williams , death to smoochy has already reached its expiration date . $LABEL$ 0 +a pleasing , often-funny comedy . $LABEL$ 1 +a tour de force drama about the astonishingly pivotal role of imagination in the soulful development of two rowdy teenagers . $LABEL$ 1 +good actors have a radar for juicy roles -- there 's a plethora of characters in this picture , and not one of them is flat . $LABEL$ 1 +after all , it 'll probably be in video stores by christmas , and it might just be better suited to a night in the living room than a night at the movies . $LABEL$ 0 +it concentrates far too much on the awkward interplay and utter lack of chemistry between chan and hewitt . $LABEL$ 0 +her performance moves between heartbreak and rebellion as she continually tries to accommodate to fit in and gain the unconditional love she seeks . $LABEL$ 1 +bad company . $LABEL$ 0 +so vivid a portrait of a woman consumed by lust and love and crushed by betrayal that it conjures up the intoxicating fumes and emotional ghosts of a freshly painted rembrandt . $LABEL$ 1 +if you 've grown tired of going where no man has gone before , but several movies have - take heart . $LABEL$ 1 +swiftly deteriorates into a terribly obvious melodrama and rough-hewn vanity project for lead actress andie macdowell . $LABEL$ 0 +almost everyone growing up believes their family must look like `` the addams family '' to everyone looking in ... `` my big fat greek wedding '' comes from the heart ... $LABEL$ 1 +an excruciating demonstration of the unsalvageability of a movie saddled with an amateurish screenplay . $LABEL$ 0 +despite its old-hat set-up and predictable plot , empire still has enough moments to keep it entertaining . $LABEL$ 1 +otherwise , this could be a passable date film . $LABEL$ 0 +-lrb- at least -rrb- moore is a real charmer . $LABEL$ 1 +leaves viewers out in the cold and undermines some phenomenal performances . $LABEL$ 0 +this rush to profits has created a predictably efficient piece of business notable largely for its overwhelming creepiness , for an eagerness to create images you wish you had n't seen , which , in this day and age , is of course the point . $LABEL$ 1 +the concept behind kung pow : enter the fist is hilarious . $LABEL$ 1 +by not averting his eyes , solondz forces us to consider the unthinkable , the unacceptable , the unmentionable . $LABEL$ 1 +... better described as a ghost story gone badly awry . $LABEL$ 0 +the movie itself appears to be running on hypertime in reverse as the truly funny bits get further and further apart . $LABEL$ 0 +does n't get the job done , running off the limited chemistry created by ralph fiennes and jennifer lopez . $LABEL$ 0 +tsai has a well-deserved reputation as one of the cinema world 's great visual stylists , and in this film , every shot enhances the excellent performances . $LABEL$ 1 +a movie that 's about as overbearing and over-the-top as the family it depicts . $LABEL$ 0 +a movie that both thrills the eye and , in its over-the-top way , touches the heart . $LABEL$ 1 +elegantly crafted but emotionally cold , a puzzle whose intricate construction one can admire but is difficult to connect with on any deeper level . $LABEL$ 0 +it 's hard to understand why anyone in his right mind would even think to make the attraction a movie . $LABEL$ 0 +sc2 is an autopilot hollywood concoction lacking in imagination and authentic christmas spirit , yet it 's geared toward an audience full of masters of both . $LABEL$ 0 +donovan ... squanders his main asset , jackie chan , and fumbles the vital action sequences . $LABEL$ 0 +this angst-ridden territory was covered earlier and much better in ordinary people . $LABEL$ 0 +in spite of featuring a script credited to no fewer than five writers , apparently nobody here bothered to check it twice . $LABEL$ 0 +as underwater ghost stories go , below casts its spooky net out into the atlantic ocean and spits it back , grizzled and charred , somewhere northwest of the bermuda triangle . $LABEL$ 0 +the most compelling performance of the year adds substantial depth to this shocking testament to anti-semitism and neo-fascism . $LABEL$ 1 +though this saga would be terrific to read about , it is dicey screen material that only a genius should touch . $LABEL$ 1 +a sentimental hybrid that could benefit from the spice of specificity . $LABEL$ 1 +despite slick production values and director roger michell 's tick-tock pacing , the final effect is like having two guys yelling in your face for two hours . $LABEL$ 0 +well , jason 's gone to manhattan and hell , i guess a space station in the year 2455 can be crossed off the list of ideas for the inevitable future sequels -lrb- hey , do n't shoot the messenger -rrb- . $LABEL$ 0 +like a veteran head cutter , barbershop is tuned in to its community . $LABEL$ 1 +brisk hack job . $LABEL$ 0 +thumbs up to paxton for not falling into the hollywood trap and making a vanity project with nothing new to offer . $LABEL$ 1 +performances all around are tops , with the two leads delivering oscar-caliber performances . $LABEL$ 1 +it does n't offer audiences any way of gripping what its point is , or even its attitude toward its subject . $LABEL$ 0 +miller comes at film with bracing intelligence and a vision both painterly and literary . $LABEL$ 1 +this odd , poetic road movie , spiked by jolts of pop music , pretty much takes place in morton 's ever-watchful gaze -- and it 's a tribute to the actress , and to her inventive director , that the journey is such a mesmerizing one . $LABEL$ 1 +as gamely as the movie tries to make sense of its title character , there remains a huge gap between the film 's creepy , clean-cut dahmer -lrb- jeremy renner -rrb- and fiendish acts that no amount of earnest textbook psychologizing can bridge . $LABEL$ 0 +as earnest as a community-college advertisement , american chai is enough to make you put away the guitar , sell the amp , and apply to medical school . $LABEL$ 0 +if you 're not , you 'll still have a good time . '' $LABEL$ 1 +has a certain ghoulish fascination , and generates a fair amount of b-movie excitement . $LABEL$ 1 +although it lacks the detail of the book , the film does pack some serious suspense . $LABEL$ 1 +-lrb- cuarón has -rrb- created a substantive movie out of several cliched movie structures : the road movie , the coming-of-age movie , and the teenage sex comedy . $LABEL$ 1 +and second , what 's with all the shooting ? $LABEL$ 0 +billy crystal and robert de niro sleepwalk through vulgarities in a sequel you can refuse . $LABEL$ 0 +shrewd but pointless . $LABEL$ 0 +the problems and characters it reveals are universal and involving , and the film itself -- as well its delightful cast -- is so breezy , pretty and gifted , it really won my heart . $LABEL$ 1 +proof once again that if the filmmakers just follow the books , they ca n't go wrong . $LABEL$ 1 +... wise and elegiac ... $LABEL$ 1 +though filmed partly in canada , paid in full has clever ways of capturing inner-city life during the reagan years . $LABEL$ 1 +not counting a few gross-out comedies i 've been trying to forget , this is the first film in a long time that made me want to bolt the theater in the first 10 minutes . $LABEL$ 0 +all of the elements are in place for a great film noir , but director george hickenlooper 's approach to the material is too upbeat . $LABEL$ 0 +the overall fabric is hypnotic , and mr. mattei fosters moments of spontaneous intimacy . $LABEL$ 1 +friday after next is a lot more bluster than bite . $LABEL$ 0 +opera on film is never satisfactory . $LABEL$ 0 +nicole holofcenter , the insightful writer\/director responsible for this illuminating comedy does n't wrap the proceedings up neatly but the ideas tie together beautifully . $LABEL$ 1 +but , like silence , it 's a movie that gets under your skin . $LABEL$ 0 +gooding and coburn are both oscar winners , a fact which , as you watch them clumsily mugging their way through snow dogs , seems inconceivable . $LABEL$ 0 +loud , silly , stupid and pointless . $LABEL$ 0 +while it 's nothing we have n't seen before from murphy , i spy is still fun and enjoyable and so aggressively silly that it 's more than a worthwhile effort . $LABEL$ 1 +mctiernan 's remake may be lighter on its feet -- the sober-minded original was as graceful as a tap-dancing rhino -- but it is just as boring and as obvious . $LABEL$ 0 +if you 're looking to rekindle the magic of the first film , you 'll need a stronger stomach than us . $LABEL$ 0 +an average b-movie with no aspirations to be anything more . $LABEL$ 0 +a film that plays things so nice 'n safe as to often play like a milquetoast movie of the week blown up for the big screen . $LABEL$ 0 +the movie straddles the fence between escapism and social commentary , and on both sides it falls short . $LABEL$ 0 +only masochistic moviegoers need apply . $LABEL$ 0 +is anyone else out there getting tired of the whole slo-mo , double-pistoled , ballistic-pyrotechnic hong kong action aesthetic ? $LABEL$ 0 +like shrek , spirit 's visual imagination reminds you of why animation is such a perfect medium for children , because of the way it allows the mind to enter and accept another world . $LABEL$ 1 +statham employs an accent that i think is supposed to be an attempt at hardass american but sometimes just lapses into unhidden british . $LABEL$ 0 +a yawn-provoking little farm melodrama . $LABEL$ 0 +for all its shoot-outs , fistfights , and car chases , this movie is a phlegmatic bore , so tedious it makes the silly spy vs. spy film the sum of all fears , starring ben affleck , seem downright hitchcockian . $LABEL$ 0 +kicks off with an inauspicious premise , mopes through a dreary tract of virtually plotless meanderings and then ends with a whimper . $LABEL$ 0 +one of the greatest films i 've ever seen . $LABEL$ 1 +feels strangely hollow at its emotional core . $LABEL$ 0 +it gets old quickly . $LABEL$ 0 +feels less like a change in -lrb- herzog 's -rrb- personal policy than a half-hearted fluke . $LABEL$ 0 +exudes the fizz of a busby berkeley musical and the visceral excitement of a sports extravaganza . $LABEL$ 1 +good performances keep it from being a total rehash . $LABEL$ 1 +tsai convincingly paints a specifically urban sense of disassociation here . $LABEL$ 1 +he thinks the film is just as much a document about him as it is about the subject . $LABEL$ 0 +it all starts to smack of a hallmark hall of fame , with a few four letter words thrown in that are generally not heard on television . $LABEL$ 0 +some body will take you places you have n't been , and also places you have . $LABEL$ 1 +hollywood ending just is n't very funny . $LABEL$ 0 +a jaw-droppingly beautiful work that upends nearly every cliché of japanese animation while delivering a more than satisfactory amount of carnage . $LABEL$ 1 +but kouyate elicits strong performances from his cast , and he delivers a powerful commentary on how governments lie , no matter who runs them . $LABEL$ 1 +` drumline ' shows a level of young , black manhood that is funny , touching , smart and complicated . $LABEL$ 1 +upper teens may get cynical . $LABEL$ 0 +welles groupie\/scholar peter bogdanovich took a long time to do it , but he 's finally provided his own broadside at publishing giant william randolph hearst . $LABEL$ 1 +the most brilliant and brutal uk crime film since jack carter went back to newcastle , the first half of gangster no. 1 drips with style and , at times , blood . $LABEL$ 1 +it might not be 1970s animation , but everything else about it is straight from the saturday morning cartoons -- a retread story , bad writing , and the same old silliness . $LABEL$ 0 +birthday girl lucks out with chaplin and kidman , who are capable of anteing up some movie star charisma when they need it to sell us on this twisted love story , but who can also negotiate the movie 's darker turns . $LABEL$ 1 +stay for the credits and see a devastating comic impersonation by dustin hoffman that is revelatory . $LABEL$ 1 +it is a likable story , told with competence . $LABEL$ 1 +a gushy episode of `` m \* a \* s \* h '' only this time from an asian perspective . $LABEL$ 0 +bread , my sweet has so many flaws it would be easy for critics to shred it . $LABEL$ 0 +a delightful romantic comedy with plenty of bite . $LABEL$ 1 +you 'll forget about it by monday , though , and if they 're old enough to have developed some taste , so will your kids . $LABEL$ 0 +a good thriller . $LABEL$ 1 +you could easily mistake it for a sketchy work-in-progress that was inexplicably rushed to the megaplexes before its time . $LABEL$ 0 +it 's hard to imagine any recent film , independent or otherwise , that makes as much of a mess as this one . $LABEL$ 0 +rumor , a muddled drama about coming to terms with death , feels impersonal , almost generic . $LABEL$ 0 +works on the whodunit level as its larger themes get lost in the murk of its own making $LABEL$ 0 +there 's nothing like love to give a movie a b-12 shot , and cq shimmers with it . $LABEL$ 1 +while not for every taste , this often very funny collegiate gross-out comedy goes a long way toward restoring the luster of the national lampoon film franchise , too long reduced to direct-to-video irrelevancy . $LABEL$ 1 +the movie is not as terrible as the synergistic impulse that created it . $LABEL$ 0 +the characters are based on stock clichés , and the attempt to complicate the story only defies credibility . $LABEL$ 0 +it 's petty thievery like this that puts flimsy flicks like this behind bars $LABEL$ 0 +... an adorably whimsical comedy that deserves more than a passing twinkle . $LABEL$ 1 +with or without ballast tanks , k-19 sinks to a harrison ford low . $LABEL$ 0 +mr. koshashvili is a director to watch . $LABEL$ 1 +about as big a crowdpleaser as they possibly come . $LABEL$ 1 +but on the whole , you 're gonna like this movie . $LABEL$ 1 +we can tell what it is supposed to be , but ca n't really call it a work of art . $LABEL$ 0 +the art direction and costumes are gorgeous and finely detailed , and kurys ' direction is clever and insightful . $LABEL$ 1 +the film is delicately narrated by martin landau and directed with sensitivity and skill by dana janklowicz-mann . $LABEL$ 1 +sad nonsense , this . $LABEL$ 0 +every note rings false . $LABEL$ 0 +the evocative imagery and gentle , lapping rhythms of this film are infectious -- it gets under our skin and draws us in long before the plot kicks into gear . $LABEL$ 1 +succeeds as a well-made evocation of a subculture . $LABEL$ 1 +plunges you into a reality that is , more often then not , difficult and sad , and then , without sentimentalizing it or denying its brutality , transforms that reality into a lyrical and celebratory vision . $LABEL$ 1 +an immensely entertaining look at some of the unsung heroes of 20th century pop music . $LABEL$ 1 +the action scenes have all the suspense of a 20-car pileup , while the plot holes are big enough for a train car to drive through -- if kaos had n't blown them all up . $LABEL$ 0 +howard conjures the past via surrealist flourishes so overwrought you 'd swear he just stepped out of a buñuel retrospective . $LABEL$ 1 +eisenstein lacks considerable brio for a film about one of cinema 's directorial giants . $LABEL$ 0 +even if you do n't know the band or the album 's songs by heart , you will enjoy seeing how both evolve , and you will also learn a good deal about the state of the music business in the 21st century . $LABEL$ 1 +inherently caustic and oddly whimsical , the film chimes in on the grieving process and strangely draws the audience into the unexplainable pain and eccentricities that are attached to the concept of loss . $LABEL$ 1 +like being able to hit on a 15-year old when you 're over 100 . $LABEL$ 0 +it 's better than the phantom menace . $LABEL$ 1 +an effortlessly accomplished and richly resonant work . $LABEL$ 1 +broomfield is energized by volletta wallace 's maternal fury , her fearlessness , and because of that , his film crackles . $LABEL$ 1 +a fiercely clever and subtle film , capturing the precarious balance between the extravagant confidence of the exiled aristocracy and the cruel earnestness of the victorious revolutionaries . $LABEL$ 1 +this kind of hands-on storytelling is ultimately what makes shanghai ghetto move beyond a good , dry , reliable textbook and what allows it to rank with its worthy predecessors . $LABEL$ 1 +formulaic to the 51st power , more like . $LABEL$ 0 +when your subject is illusion versus reality , should n't the reality seem at least passably real ? $LABEL$ 0 +the results are far more alienating than involving . $LABEL$ 0 +these characters become wearisome . $LABEL$ 0 +it finds its moviegoing pleasures in the tiny events that could make a person who has lived her life half-asleep suddenly wake up and take notice . $LABEL$ 1 +i could have used my two hours better watching being john malkovich again . $LABEL$ 0 +comes across as a relic from a bygone era , and its convolutions ... feel silly rather than plausible . $LABEL$ 0 +the movie is as padded as allen 's jelly belly . $LABEL$ 0 +the story is bogus and its characters tissue-thin . $LABEL$ 0 +more busy than exciting , more frantic than involving , more chaotic than entertaining . $LABEL$ 0 +although ... visually striking and slickly staged , it 's also cold , grey , antiseptic and emotionally desiccated . $LABEL$ 0 +though in some ways similar to catherine breillat 's fat girl , rain is the far superior film . $LABEL$ 1 +you leave feeling like you 've endured a long workout without your pulse ever racing . $LABEL$ 0 +one-sided documentary offers simplistic explanations to a very complex situation . $LABEL$ 0 +instead , it 'll only put you to sleep . $LABEL$ 0 +the only way to tolerate this insipid , brutally clueless film might be with a large dose of painkillers . $LABEL$ 0 +a sensitive and astute first feature by anne-sophie birot . $LABEL$ 1 +the comedy is nonexistent . $LABEL$ 0 +a real winner -- smart , funny , subtle , and resonant . $LABEL$ 1 +... comes alive only when it switches gears to the sentimental . $LABEL$ 0 +an instance of an old dog not only learning but inventing a remarkable new trick . $LABEL$ 1 +romantic , riveting and handsomely animated . $LABEL$ 1 +try as you might to scrutinize the ethics of kaufman 's approach , somehow it all comes together to create a very compelling , sensitive , intelligent and almost cohesive piece of film entertainment . $LABEL$ 1 +every once in a while , a movie will come along that turns me into that annoying specimen of humanity that i usually dread encountering the most - the fanboy $LABEL$ 1 +spreads itself too thin , leaving these actors , as well as the members of the commune , short of profound characterizations $LABEL$ 0 +the acting , for the most part , is terrific , although the actors must struggle with the fact that they 're playing characters who sometimes feel more like literary conceits than flesh-and-blood humans . $LABEL$ 1 +-lrb- less a movie than -rrb- an appalling , odoriferous thing ... so rotten in almost every single facet of production that you 'll want to crawl up your own \*\*\* in embarrassment . $LABEL$ 0 +funny and touching . $LABEL$ 1 +an awkward hybrid of genres that just does n't work . $LABEL$ 0 +affirms the gifts of all involved , starting with spielberg and going right through the ranks of the players -- on-camera and off -- that he brings together . $LABEL$ 1 +a fifty car pileup of cliches . $LABEL$ 0 +will warm your heart without making you feel guilty about it . $LABEL$ 1 +one of the most unpleasant things the studio has ever produced . $LABEL$ 0 +a glib but bouncy bit of sixties-style slickness in which the hero might wind up caught but the audience gets pure escapism . $LABEL$ 1 +this one is not nearly as dreadful as expected . $LABEL$ 1 +the result is a powerful , naturally dramatic piece of low-budget filmmaking . $LABEL$ 1 +as a science fiction movie , `` minority report '' astounds . $LABEL$ 1 +does n't deliver a great story , nor is the action as gripping as in past seagal films . $LABEL$ 0 +chilling in its objective portrait of dreary , lost twenty-first century america . $LABEL$ 1 +the auteur 's ear for the way fears and slights are telegraphed in the most blithe exchanges gives the film its lingering tug . $LABEL$ 1 +a rehash of every gangster movie from the past decade . $LABEL$ 0 +shattering , devastating documentary on two maladjusted teens in a downward narcotized spiral . $LABEL$ 1 +the somber pacing and lack of dramatic fireworks make green dragon seem more like medicine than entertainment . $LABEL$ 0 +below is well below expectations . $LABEL$ 0 +a generic international version of a typical american horror film . $LABEL$ 0 +includes too much obvious padding . $LABEL$ 0 +at just over an hour , home movie will leave you wanting more , not to mention leaving you with some laughs and a smile on your face . $LABEL$ 1 +the movie 's ultimate point -- that everyone should be themselves -- is trite , but the screenwriter and director michel gondry restate it to the point of ridiculousness . $LABEL$ 0 +a fine documentary can be distinguished from a mediocre one by the better film 's ability to make its subject interesting to those who are n't part of its supposed target audience . $LABEL$ 1 +in the wake of saving private ryan , black hawk down and we were soldiers , you are likely to be as heartily sick of mayhem as cage 's war-weary marine . $LABEL$ 0 +peppered with witty dialogue and inventive moments . $LABEL$ 1 +-- is a crime that should be punishable by chainsaw . $LABEL$ 0 +whether or not you 're enlightened by any of derrida 's lectures on `` the other '' and `` the self , '' derrida is an undeniably fascinating and playful fellow . $LABEL$ 1 +the people in jessica are so recognizable and true that , as in real life , we 're never sure how things will work out . $LABEL$ 1 +parents may even find that it goes by quickly , because it has some of the funniest jokes of any movie this year , including those intended for adults . $LABEL$ 1 +a good music documentary , probably one of the best since the last waltz . $LABEL$ 1 +-lrb- gulpilil -rrb- is a commanding screen presence , and his character 's abundant humanism makes him the film 's moral compass . $LABEL$ 1 +the screenplay never lets us forget that bourne was once an amoral assassin just like the ones who are pursuing him ... there is never really a true `` us '' versus `` them '' . $LABEL$ 1 +an interesting look behind the scenes of chicago-based rock group wilco ... $LABEL$ 1 +the sword fighting is well done and auteuil is a goofy pleasure . $LABEL$ 1 +the only thing scary about feardotcom is that the filmmakers and studio are brazen enough to attempt to pass this stinker off as a scary movie . $LABEL$ 0 +munch 's screenplay is tenderly observant of his characters . $LABEL$ 1 +it has the requisite faux-urban vibe and hotter-two-years-ago rap and r&b names and references . $LABEL$ 0 +the country bears wastes an exceptionally good idea . $LABEL$ 0 +a film of epic scale with an intimate feeling , a saga of the ups and downs of friendships . $LABEL$ 1 +the movie would seem less of a trifle if ms. sugarman followed through on her defiance of the saccharine . $LABEL$ 0 +mention `` solaris '' five years from now and i 'm sure those who saw it will have an opinion to share . $LABEL$ 1 +that ` alabama ' manages to be pleasant in spite of its predictability and occasional slowness is due primarily to the perkiness of witherspoon -lrb- who is always a joy to watch , even when her material is not first-rate -rrb- ... $LABEL$ 1 +pacino is the best he 's been in years and keener is marvelous . $LABEL$ 1 +much of the cast is stiff or just plain bad . $LABEL$ 0 +it 's excessively quirky and a little underconfident in its delivery , but otherwise this is the best ` old neighborhood ' project since christopher walken kinda romanced cyndi lauper in the opportunists . $LABEL$ 1 +busy urban comedy is clearly not zhang 's forte , his directorial touch is neither light nor magical enough to bring off this kind of whimsy . $LABEL$ 0 +imagine the cleanflicks version of ` love story , ' with ali macgraw 's profanities replaced by romance-novel platitudes . $LABEL$ 0 +extremely well acted by the four primary actors , this is a seriously intended movie that is not easily forgotten . $LABEL$ 1 +bound to appeal to women looking for a howlingly trashy time . $LABEL$ 1 +ms. hutchins is talented enough and charismatic enough to make us care about zelda 's ultimate fate . $LABEL$ 1 +such a fine idea for a film , and such a stultifying , lifeless execution . $LABEL$ 0 +return to neverland manages to straddle the line between another classic for the company and just another run-of-the-mill disney sequel intended for the home video market . $LABEL$ 0 +writer-director david jacobson and his star , jeremy renner , have made a remarkable film that explores the monster 's psychology not in order to excuse him but rather to demonstrate that his pathology evolved from human impulses that grew hideously twisted . $LABEL$ 1 +drama of temptation , salvation and good intentions is a thoughtful examination of faith , love and power . $LABEL$ 1 +oddly compelling . $LABEL$ 1 +feels at times like a giant commercial for universal studios , where much of the action takes place . $LABEL$ 0 +a small fortune in salaries and stunt cars might have been saved if the director , tom dey , had spliced together bits and pieces of midnight run and 48 hours -lrb- and , for that matter , shrek -rrb- . $LABEL$ 0 +strange , funny , twisted , brilliant and macabre . $LABEL$ 1 +shanghai ghetto , much stranger than any fiction , brings this unknown slice of history affectingly to life . $LABEL$ 1 +a movie that will thrill you , touch you and make you laugh as well . $LABEL$ 1 +though overall an overwhelmingly positive portrayal , the film does n't ignore the more problematic aspects of brown 's life . $LABEL$ 1 +the film is so busy making reference to other films and trying to be other films that it fails to have a heart , mind or humor of its own . $LABEL$ 0 +cool gadgets and creatures keep this fresh . $LABEL$ 1 +this is very much of a mixed bag , with enough negatives to outweigh the positives . $LABEL$ 0 +ringu is a disaster of a story , full of holes and completely lacking in chills . $LABEL$ 0 +while maintaining the appearance of clinical objectivity , this sad , occasionally horrifying but often inspiring film is among wiseman 's warmest . $LABEL$ 1 +but it would be better to wait for the video . $LABEL$ 0 +dreary tale of middle-class angst $LABEL$ 0 +though the aboriginal aspect lends the ending an extraordinary poignancy , and the story itself could be played out in any working class community in the nation . $LABEL$ 1 +the byplay and bickering between the now spy-savvy siblings , carmen -lrb- vega -rrb- and juni -lrb- sabara -rrb- cortez , anchor the film in a very real and amusing give-and-take . $LABEL$ 1 +it 's sweet , funny , charming , and completely delightful . $LABEL$ 1 +seen in that light , moonlight mile should strike a nerve in many . $LABEL$ 1 +to the filmmakers , ivan is a prince of a fellow , but he comes across as shallow and glib though not mean-spirited , and there 's no indication that he 's been responsible for putting together any movies of particular value or merit . $LABEL$ 0 +the movie 's something-borrowed construction feels less the product of loving , well integrated homage and more like a mere excuse for the wan , thinly sketched story . $LABEL$ 0 +none of birthday girl 's calculated events take us by surprise ... $LABEL$ 0 +there are many definitions of ` time waster ' but this movie must surely be one of them . $LABEL$ 0 +i can easily imagine benigni 's pinocchio becoming a christmas perennial . $LABEL$ 1 +this is rote drivel aimed at mom and dad 's wallet . $LABEL$ 0 +k 19 stays afloat as decent drama\/action flick $LABEL$ 1 +what more can be expected from a college comedy that 's target audience has n't graduated from junior high school ? $LABEL$ 0 +it 's quite diverting nonsense . $LABEL$ 0 +aggravating and tedious . $LABEL$ 0 +i 'm sorry to say that this should seal the deal - arnold is not , nor will he be , back . $LABEL$ 0 +a bittersweet drama about the limbo of grief and how truth-telling can open the door to liberation . $LABEL$ 1 +more precious than perspicacious $LABEL$ 1 +rarely does such high-profile talent serve such literate material . $LABEL$ 1 +a moving picture that does not move . $LABEL$ 0 +this ludicrous film is predictable at every turn . $LABEL$ 0 +just another combination of bad animation and mindless violence ... lacking the slightest bit of wit or charm . $LABEL$ 0 +-lrb- fiji diver rusi vulakoro and the married couple howard and michelle hall -rrb- show us the world they love and make us love it , too . $LABEL$ 1 +a fanciful drama about napoleon 's last years and his surprising discovery of love and humility . $LABEL$ 1 +the superior plotline is n't quite enough to drag along the dead -lrb- water -rrb- weight of the other . $LABEL$ 0 +... enthusiastically invokes the percussion rhythm , the brass soul and the sense of fierce competition that helps make great marching bands half the fun of college football games . $LABEL$ 1 +spy kids 2 also happens to be that rarity among sequels : it actually improves upon the original hit movie . $LABEL$ 1 +speaks eloquently about the symbiotic relationship between art and life . $LABEL$ 1 +audiard successfully maintains suspense on different levels throughout a film that is both gripping and compelling . $LABEL$ 1 +an unsettling , memorable cinematic experience that does its predecessors proud . $LABEL$ 1 +its almost too-spectacular coastal setting distracts slightly from an eccentric and good-naturedly aimless story . $LABEL$ 1 +a compassionate , moving portrait of an american -lrb- and an america -rrb- always reaching for something just outside his grasp . $LABEL$ 1 +-lrb- stephen -rrb- earnhart 's film is more about the optimism of a group of people who are struggling to give themselves a better lot in life than the ones they currently have . $LABEL$ 1 +adaptation is intricately constructed and in a strange way nails all of orlean 's themes without being a true adaptation of her book . $LABEL$ 1 +if you want a movie time trip , the 1960 version is a far smoother ride . $LABEL$ 0 +an older cad instructs a younger lad in zen and the art of getting laid in this prickly indie comedy of manners and misanthropy . $LABEL$ 1 +with amazing finesse , the film shadows heidi 's trip back to vietnam and the city where her mother , mai thi kim , still lives . $LABEL$ 1 +an occasionally interesting but mostly repetitive look at a slice of counterculture that might be best forgotten . $LABEL$ 0 +it 's an 88-minute highlight reel that 's 86 minutes too long . $LABEL$ 0 +-lrb- jeff 's -rrb- gorgeous , fluid compositions , underlined by neil finn and edmund mcwilliams 's melancholy music , are charged with metaphor , but rarely easy , obvious or self-indulgent . $LABEL$ 1 +it 's a smart , solid , kinetically-charged spy flick worthy of a couple hours of summertime and a bucket of popcorn . $LABEL$ 1 +the film is predictable in the reassuring manner of a beautifully sung holiday carol . $LABEL$ 1 +the heat of the moment prevails . $LABEL$ 1 +a beautifully tooled action thriller about love and terrorism in korea . $LABEL$ 1 +return to never land is much more p.c. than the original version -lrb- no more racist portraits of indians , for instance -rrb- , but the excitement is missing . $LABEL$ 0 +the only thing `` swept away '' is the one hour and thirty-three minutes spent watching this waste of time . $LABEL$ 0 +the banter between calvin and his fellow barbers feels like a streetwise mclaughlin group ... and never fails to entertain . $LABEL$ 1 +while the importance of being earnest offers opportunities for occasional smiles and chuckles , it does n't give us a reason to be in the theater beyond wilde 's wit and the actors ' performances . $LABEL$ 0 +contrived , awkward and filled with unintended laughs , the film shows signs that someone other than the director got into the editing room and tried to improve things by making the movie go faster . $LABEL$ 0 +broomfield reminds us that beneath the hype , the celebrity , the high life , the conspiracies and the mystery there were once a couple of bright young men -- promising , talented , charismatic and tragically doomed . $LABEL$ 1 +offers a persuasive look at a defeated but defiant nation in flux . $LABEL$ 1 +muccino seems to be exploring the idea of why human beings long for what they do n't have , and how this gets us in trouble . $LABEL$ 1 +this picture is mostly a lump of run-of-the-mill profanity sprinkled with a few remarks so geared toward engendering audience sympathy that you might think he was running for office -- or trying to win over a probation officer . $LABEL$ 0 +my wife is an actress has its moments in looking at the comic effects of jealousy . $LABEL$ 1 +a riveting documentary . $LABEL$ 1 +while i ca n't say it 's on par with the first one , stuart little 2 is a light , fun cheese puff of a movie . $LABEL$ 1 +so boring that even its target audience talked all the way through it . $LABEL$ 0 +sad to say -- it accurately reflects the rage and alienation that fuels the self-destructiveness of many young people . $LABEL$ 1 +it 's neither as sappy as big daddy nor as anarchic as happy gilmore or the waterboy , but it has its moments . $LABEL$ 1 +great character interaction . $LABEL$ 1 +louiso lets the movie dawdle in classic disaffected-indie-film mode , and brother hoffman 's script stumbles over a late-inning twist that just does n't make sense . $LABEL$ 0 +even bigger and more ambitious than the first installment , spy kids 2 looks as if it were made by a highly gifted 12-year-old instead of a grown man . $LABEL$ 0 +a meatier deeper beginning and\/or ending would have easily tipped this film into the `` a '' range , as is , it 's a very very strong `` b + . '' $LABEL$ 1 +funny in a sick , twisted sort of way . $LABEL$ 1 +trapped wo n't score points for political correctness , but it may cause parents a few sleepless hours -- a sign of its effectiveness . $LABEL$ 1 +nicks refuses to let slackers be seen as just another teen movie , which means he can be forgiven for frequently pandering to fans of the gross-out comedy . $LABEL$ 1 +but though he only scratches the surface , at least he provides a strong itch to explore more . $LABEL$ 1 +there are few things more frustrating to a film buff than seeing an otherwise good movie marred beyond redemption by a disastrous ending . $LABEL$ 0 +the film lapses too often into sugary sentiment and withholds delivery on the pell-mell pyrotechnics its punchy style promises . $LABEL$ 0 +birthday girl walks a tricky tightrope between being wickedly funny and just plain wicked . $LABEL$ 1 +potty-mouthed enough for pg-13 , yet not as hilariously raunchy as south park , this strangely schizo cartoon seems suited neither to kids or adults . $LABEL$ 0 +does n't add up to much . $LABEL$ 0 +while it is welcome to see a chinese film depict a homosexual relationship in a mature and frank fashion , lan yu never catches dramatic fire . $LABEL$ 0 +the movie is silly beyond comprehension , and even if it were n't silly , it would still be beyond comprehension . $LABEL$ 0 +despite its flaws , crazy as hell marks an encouraging new direction for la salle . $LABEL$ 1 +this film is too busy hitting all of its assigned marks to take on any life of its own . $LABEL$ 0 +one of the most plain , unimaginative romantic comedies i 've ever seen . $LABEL$ 0 +it 's tough to watch , but it 's a fantastic movie . $LABEL$ 1 +the movie is well crafted , and well executed . $LABEL$ 1 +it all comes down to whether you can tolerate leon barlow . $LABEL$ 0 +90 punitive minutes of eardrum-dicing gunplay , screeching-metal smashups , and flaccid odd-couple sniping . $LABEL$ 0 +moore provides an invaluable service by sparking debate and encouraging thought . $LABEL$ 1 +a big fat pain . $LABEL$ 0 +this is a movie filled with unlikable , spiteful idiots ; whether or not their friendship is salvaged makes no difference in the least . $LABEL$ 0 +as giddy and whimsical and relevant today as it was 270 years ago . $LABEL$ 1 +while some will object to the idea of a vietnam picture with such a rah-rah , patriotic tone , soldiers ultimately achieves its main strategic objective : dramatizing the human cost of the conflict that came to define a generation . $LABEL$ 0 +it 's a pedestrian , flat drama that screams out ` amateur ' in almost every frame . $LABEL$ 0 +hip-hop rarely comes alive as its own fire-breathing entity in this picture . $LABEL$ 0 +parts seem like they were lifted from terry gilliam 's subconscious , pressed through kafka 's meat grinder and into buñuel 's casings $LABEL$ 1 +it uses some of the figures from the real-life story to portray themselves in the film . $LABEL$ 1 +for casual moviegoers who stumble into rules expecting a slice of american pie hijinks starring the kid from dawson 's creek , they 'll probably run out screaming . $LABEL$ 0 +it could have been something special , but two things drag it down to mediocrity -- director clare peploe 's misunderstanding of marivaux 's rhythms , and mira sorvino 's limitations as a classical actress . $LABEL$ 0 +affable if not timeless , like mike raises some worthwhile themes while delivering a wholesome fantasy for kids . $LABEL$ 1 +slap her - she 's not funny ! $LABEL$ 0 +everything 's serious , poetic , earnest and -- sadly -- dull . $LABEL$ 0 +see clockstoppers if you have nothing better to do with 94 minutes . $LABEL$ 0 +if you 're not fans of the adventues of steve and terri , you should avoid this like the dreaded king brown snake . $LABEL$ 0 +a psychic journey deep into the very fabric of iranian ... life . $LABEL$ 1 +an incredibly thoughtful , deeply meditative picture that neatly and effectively captures the debilitating grief felt in the immediate aftermath of the terrorist attacks . $LABEL$ 1 +love liza is a festival film that would have been better off staying on the festival circuit . $LABEL$ 0 +this is an extraordinary film , not least because it is japanese and yet feels universal . $LABEL$ 1 +gaghan ... has thrown every suspenseful cliché in the book at this nonsensical story . $LABEL$ 0 +deuces wild is an encyclopedia of cliches that shoplifts shamelessly from farewell-to-innocence movies like the wanderers and a bronx tale without cribbing any of their intelligence . $LABEL$ 0 +it 's still terrible ! $LABEL$ 0 +it 's in the action scenes that things fall apart . $LABEL$ 0 +if ayurveda can help us return to a sane regimen of eating , sleeping and stress-reducing contemplation , it is clearly a good thing . $LABEL$ 1 +will certainly appeal to asian cult cinema fans and asiaphiles interested to see what all the fuss is about . $LABEL$ 1 +they 're just a couple of cops in copmovieland , these two , but in narc , they find new routes through a familiar neighborhood . $LABEL$ 1 +while dutifully pulling on heartstrings , directors dean deblois and chris sanders valiantly keep punching up the mix . $LABEL$ 1 +davis is funny , charming and quirky in her feature film acting debut as amy . $LABEL$ 1 +heartwarming and gently comic even as the film breaks your heart . $LABEL$ 1 +scherfig , the writer-director , has made a film so unabashedly hopeful that it actually makes the heart soar . $LABEL$ 1 +barry convinces us he 's a dangerous , secretly unhinged guy who could easily have killed a president because it made him feel powerful . $LABEL$ 1 +an unsuccessful attempt at a movie of ideas . $LABEL$ 0 +this strenuously unfunny showtime deserves the hook . $LABEL$ 0 +stands as one of the year 's most intriguing movie experiences , letting its imagery speak for it while it forces you to ponder anew what a movie can be . $LABEL$ 1 +this story of unrequited love does n't sustain interest beyond the first half-hour . $LABEL$ 0 +it 's a stale , overused cocktail using the same olives since 1962 as garnish . $LABEL$ 0 +in imax in short , it 's just as wonderful on the big screen . $LABEL$ 1 +sex ironically has little to do with the story , which becomes something about how lame it is to try and evade your responsibilities and that you should never , ever , leave a large dog alone with a toddler . $LABEL$ 0 +i 'd watch these two together again in a new york minute . $LABEL$ 1 +it 's a film that 's destined to win a wide summer audience through word-of-mouth reviews and , not far down the line , to find a place among the studio 's animated classics . $LABEL$ 1 +continually challenges perceptions of guilt and innocence , of good guys and bad , and asks us whether a noble end can justify evil means . $LABEL$ 1 +he 's a better actor than a standup comedian . $LABEL$ 1 +so beautifully acted and directed , it 's clear that washington most certainly has a new career ahead of him if he so chooses . $LABEL$ 1 +he 's just a sad aristocrat in tattered finery , and the film seems as deflated as he does . $LABEL$ 0 +insomnia is one of the year 's best films and pacino gives one of his most daring , and complicated , performances . $LABEL$ 1 +it 's so badly made on every level that i 'm actually having a hard time believing people were paid to make it . $LABEL$ 0 +while not quite `` shrek '' or `` monsters , inc. '' , it 's not too bad . $LABEL$ 1 +a slight but sweet film . $LABEL$ 1 +my only wish is that celebi could take me back to a time before i saw this movie and i could just skip it . $LABEL$ 0 +one of these days hollywood will come up with an original idea for a teen movie , but until then there 's always these rehashes to feed to the younger generations . $LABEL$ 0 +an appalling ` ace ventura ' rip-off that somehow manages to bring together kevin pollak , former wrestler chyna and dolly parton . $LABEL$ 0 +a smart , arch and rather cold-blooded comedy . $LABEL$ 1 +it finds no way to entertain or inspire its viewers . $LABEL$ 0 +a powerful , chilling , and affecting study of one man 's dying fall . $LABEL$ 1 +the satire is unfocused , while the story goes nowhere . $LABEL$ 0 +the son of the bride 's humour is born out of an engaging storyline , which also is n't embarrassed to make you reach for the tissues . $LABEL$ 1 +an uneasy mix of run-of-the-mill raunchy humor and seemingly sincere personal reflection . $LABEL$ 0 +an uplifting , near-masterpiece . $LABEL$ 1 +the film 's hero is a bore and his innocence soon becomes a questionable kind of inexcusable dumb innocence . $LABEL$ 0 +unlike lots of hollywood fluff , this has layered , well-developed characters and some surprises . $LABEL$ 1 +in his role of observer of the scene , lawrence sounds whiny and defensive , as if his life-altering experiences made him bitter and less mature . $LABEL$ 0 +boasts eye-catching art direction but has a forcefully quirky tone that quickly wears out its limited welcome . $LABEL$ 0 +pete 's screenplay manages to find that real natural , even-flowing tone that few movies are able to accomplish . $LABEL$ 1 +exploitative and largely devoid of the depth or sophistication that would make watching such a graphic treatment of the crimes bearable . $LABEL$ 0 +the humor and humanity of monsoon wedding are in perfect balance . $LABEL$ 1 +the gorgeously elaborate continuation of `` the lord of the rings '' trilogy is so huge that a column of words can not adequately describe co-writer\/director peter jackson 's expanded vision of j.r.r. tolkien 's middle-earth . $LABEL$ 1 +to paraphrase a line from another dickens ' novel , nicholas nickleby is too much like a fragment of an underdone potato . $LABEL$ 0 +lacks depth . $LABEL$ 0 +it 's as if solondz had two ideas for two movies , could n't really figure out how to flesh either out , so he just slopped ` em together here . $LABEL$ 0 +in the end , tuck everlasting falls victim to that everlasting conundrum experienced by every human who ever lived : too much to do , too little time to do it in . $LABEL$ 0 +this slight premise ... works because of the ideal casting of the masterful british actor ian holm as the aged napoleon . $LABEL$ 1 +rarely has sex on screen been so aggressively anti-erotic . $LABEL$ 0 +straightforward and old-fashioned in the best possible senses of both those words , possession is a movie that puts itself squarely in the service of the lovers who inhabit it . $LABEL$ 1 +though the story ... is hackneyed , the characters have a freshness and modesty that transcends their predicament . $LABEL$ 1 +it 's light on the chills and heavy on the atmospheric weirdness , and there are moments of jaw-droppingly odd behavior -- yet i found it weirdly appealing . $LABEL$ 1 +the first tunisian film i have ever seen , and it 's also probably the most good-hearted yet sensual entertainment i 'm likely to see all year . $LABEL$ 1 +anybody who enjoys quirky , fun , popcorn movies with a touch of silliness and a little bloodshed . $LABEL$ 1 +as the dominant christine , sylvie testud is icily brilliant . $LABEL$ 1 +the makers of mothman prophecies succeed in producing that most frightening of all movies -- a mediocre horror film too bad to be good and too good to be bad . $LABEL$ 0 +-lrb- a -rrb- devastatingly powerful and astonishingly vivid holocaust drama . $LABEL$ 1 +dogtown & z-boys evokes the blithe rebel fantasy with the kind of insouciance embedded in the sexy demise of james dean . $LABEL$ 1 +it works well enough , since the thrills pop up frequently , and the dispatching of the cast is as often imaginative as it is gory . $LABEL$ 1 +-lrb- hayek -rrb- throws herself into this dream hispanic role with a teeth-clenching gusto , she strikes a potent chemistry with molina and she gradually makes us believe she is kahlo . $LABEL$ 1 +the film 's needlessly opaque intro takes its doe-eyed crudup out of pre-9 \/ 11 new york and onto a cross-country road trip of the homeric kind . $LABEL$ 0 +the biggest problem with satin rouge is lilia herself . $LABEL$ 0 +the thought of watching this film with an audience full of teenagers fixating on its body humour and reinforcement of stereotypes -lrb- of which they 'll get plenty -rrb- fills me with revulsion . $LABEL$ 0 +captivates and shows how a skillful filmmaker can impart a message without bludgeoning the audience over the head . $LABEL$ 1 +jaglom offers the none-too-original premise that everyone involved with moviemaking is a con artist and a liar . $LABEL$ 0 +contrived , maudlin and cliche-ridden ... if this sappy script was the best the contest received , those rejected must have been astronomically bad . $LABEL$ 0 +one suspects that craven endorses they simply because this movie makes his own look much better by comparison . $LABEL$ 0 +the film 's final hour , where nearly all the previous unseen material resides , is unconvincing soap opera that tornatore was right to cut . $LABEL$ 0 +like its bizarre heroine , it irrigates our souls . $LABEL$ 1 +savvy director robert j. siegel and his co-writers keep the story subtle and us in suspense . $LABEL$ 1 +puts on airs of a hal hartley wannabe film -- without the vital comic ingredient of the hilarious writer-director himself . $LABEL$ 0 +the appeal of the vulgar , sexist , racist humour went over my head or -- considering just how low brow it is -- perhaps it snuck under my feet . $LABEL$ 0 +has the disjointed feel of a bunch of strung-together tv episodes . $LABEL$ 0 +while broomfield 's film does n't capture the effect of these tragic deaths on hip-hop culture , it succeeds as a powerful look at a failure of our justice system . $LABEL$ 1 +completely creatively stillborn and executed in a manner that i 'm not sure could be a single iota worse ... a soulless hunk of exploitative garbage . $LABEL$ 0 +... a vivid , thoughtful , unapologetically raw coming-of-age tale full of sex , drugs and rock 'n' roll . $LABEL$ 1 +a treat for its depiction on not giving up on dreams when you 're a struggling nobody . $LABEL$ 1 +it 's fitting that a movie as artificial and soulless as the country bears owes its genesis to an animatronic display at disneyland . $LABEL$ 0 +we do n't get paid enough to sit through crap like this . $LABEL$ 0 +feels like a cold old man going through the motions . $LABEL$ 0 +both an admirable reconstruction of terrible events , and a fitting memorial to the dead of that day , and of the thousands thereafter . $LABEL$ 1 +bravado kathy ! $LABEL$ 1 +execrable . $LABEL$ 0 +-lrb- seagal 's -rrb- strenuous attempt at a change in expression could very well clinch him this year 's razzie . $LABEL$ 0 +thoroughly awful . $LABEL$ 0 +the production values are of the highest and the performances attractive without being memorable . $LABEL$ 1 +starts as a tart little lemon drop of a movie and ends up as a bitter pill . $LABEL$ 0 +despite besson 's high-profile name being wasabi 's big selling point , there is no doubt that krawczyk deserves a huge amount of the credit for the film 's thoroughly winning tone . $LABEL$ 1 +often lingers just as long on the irrelevant as on the engaging , which gradually turns what time is it there ? $LABEL$ 0 +a sensitive , moving , brilliantly constructed work . $LABEL$ 1 +not exaggerated enough to be a parody of gross-out flicks , college flicks , or even flicks in general . $LABEL$ 0 +a high-minded snoozer . $LABEL$ 0 +bring on the sequel . $LABEL$ 1 +judging by those standards , ` scratch ' is a pretty decent little documentary . $LABEL$ 1 +a movie like the guys is why film criticism can be considered work . $LABEL$ 0 +pc stability notwithstanding , the film suffers from a simplistic narrative and a pat , fairy-tale conclusion . $LABEL$ 0 +an often watchable , though goofy and lurid , blast of a costume drama set in the late 15th century . $LABEL$ 1 +check your brain and your secret agent decoder ring at the door because you do n't want to think too much about what 's going on . $LABEL$ 0 +a seriocomic debut of extravagant promise by georgian-israeli director dover kosashvili . $LABEL$ 1 +as saccharine as it is disposable . $LABEL$ 0 +the film becomes an overwhelming pleasure , and you find yourself rooting for gai 's character to avoid the fate that has befallen every other carmen before her . $LABEL$ 1 +matters play out realistically if not always fairly . $LABEL$ 1 +as lively an account as seinfeld is deadpan . $LABEL$ 0 +it may not be a great piece of filmmaking , but its power comes from its soul 's - eye view of how well-meaning patronizing masked a social injustice , at least as represented by this case . $LABEL$ 1 +the only thing that distinguishes a randall wallace film from any other is the fact that there is nothing distinguishing in a randall wallace film . $LABEL$ 0 +contains all the substance of a twinkie -- easy to swallow , but scarcely nourishing . $LABEL$ 0 +cremaster 3 is at once a tough pill to swallow and a minor miracle of self-expression . $LABEL$ 1 +ver wiel 's desperate attempt at wit is lost , leaving the character of critical jim two-dimensional and pointless . $LABEL$ 0 +instead of hitting the audience over the head with a moral , schrader relies on subtle ironies and visual devices to convey point of view . $LABEL$ 1 +a sustained fest of self-congratulation between actor and director that leaves scant place for the viewer . $LABEL$ 0 +a lame romantic comedy about an unsympathetic character and someone who would not likely be so stupid as to get involved with her . $LABEL$ 0 +a much more successful translation than its most famous previous film adaptation , writer-director anthony friedman 's similarly updated 1970 british production . $LABEL$ 1 +hugh grant 's act is so consuming that sometimes it 's difficult to tell who the other actors in the movie are . $LABEL$ 1 +mendes still does n't quite know how to fill a frame . $LABEL$ 0 +but darned if it does n't also keep us riveted to our seats . $LABEL$ 1 +such an incomprehensible mess that it feels less like bad cinema than like being stuck in a dark pit having a nightmare about bad cinema . $LABEL$ 0 +there 's too much forced drama in this wildly uneven movie , about a young man 's battle with his inescapable past and uncertain future in a very shapable but largely unfulfilling present . $LABEL$ 0 +to call this film a lump of coal would only be to flatter it . $LABEL$ 0 +all of the filmmakers ' calculations ca n't rescue brown sugar from the curse of blandness . $LABEL$ 0 +intriguing and stylish . $LABEL$ 1 +a few nonbelievers may rethink their attitudes when they see the joy the characters take in this creed , but skeptics are n't likely to enter the theater . $LABEL$ 1 +mostly , shafer and co-writer gregory hinton lack a strong-minded viewpoint , or a sense of humor . $LABEL$ 0 +it should be interesting , it should be poignant , it turns out to be affected and boring . $LABEL$ 0 +when it 's not wallowing in hormonal melodrama , `` real women have curves '' is a sweet , honest , and enjoyable comedy-drama about a young woman who wants many things in life , but fears she 'll become her mother before she gets to fulfill her dreams . $LABEL$ 1 +cold , nervy and memorable . $LABEL$ 1 +first-timer john mckay is never able to pull it back on course . $LABEL$ 0 +you can practically hear george orwell turning over . $LABEL$ 0 +helmer hudlin tries to make a hip comedy , but his dependence on slapstick defeats the possibility of creating a more darkly edged tome . $LABEL$ 0 +passion , melodrama , sorrow , laugther , and tears cascade over the screen effortlessly ... $LABEL$ 1 +eric schweig and graham greene both exude an air of dignity that 's perfect for the proud warrior that still lingers in the souls of these characters . $LABEL$ 1 +what jackson has done is proven that no amount of imagination , no creature , no fantasy story and no incredibly outlandish scenery $LABEL$ 0 +there is n't one moment in the film that surprises or delights . $LABEL$ 0 +spiderman rocks $LABEL$ 1 +the plot is plastered with one hollywood cliche after another , most of which involve precocious kids getting the better of obnoxious adults . $LABEL$ 0 +astonishing is n't the word -- neither is incompetent , incoherent or just plain crap . $LABEL$ 0 +you might want to take a reality check before you pay the full ticket price to see `` simone , '' and consider a dvd rental instead . $LABEL$ 0 +unfortunately , a cast of competent performers from movies , television and the theater are cast adrift in various new york city locations with no unifying rhythm or visual style . $LABEL$ 0 +kids five and up will be delighted with the fast , funny , and even touching story . $LABEL$ 1 +still , the updated dickensian sensibility of writer craig bartlett 's story is appealing . $LABEL$ 1 +waydowntown manages to nail the spirit-crushing ennui of denuded urban living without giving in to it . $LABEL$ 1 +he watches them as they float within the seas of their personalities . $LABEL$ 1 +hard as this may be to believe , here on earth , a surprisingly similar teen drama , was a better film . $LABEL$ 0 +it 's a funny little movie with clever dialogue and likeable characters . $LABEL$ 1 +this charming , thought-provoking new york fest of life and love has its rewards . $LABEL$ 1 +a full-frontal attack on audience patience . $LABEL$ 0 +... less a story than an inexplicable nightmare , right down to the population 's shrugging acceptance to each new horror . $LABEL$ 0 +this long and relentlessly saccharine film is a clear case of preaching to the converted . $LABEL$ 0 +the film is old-fashioned , occasionally charming and as subtle as boldface . $LABEL$ 1 +an entertaining mix of period drama and flat-out farce that should please history fans . $LABEL$ 1 +a very well-meaning movie , and it will stand in future years as an eloquent memorial to the world trade center tragedy . $LABEL$ 1 +it 's pretty linear and only makeup-deep , but bogdanovich ties it together with efficiency and an affection for the period . $LABEL$ 1 +adaptation is simply brilliant . $LABEL$ 1 +a thought-provoking picture . $LABEL$ 1 +but arriving at a particularly dark moment in history , it offers flickering reminders of the ties that bind us . $LABEL$ 1 +director charles stone iii applies more detail to the film 's music than to the story line ; what 's best about drumline is its energy . $LABEL$ 1 +presents nothing special and , until the final act , nothing overtly disagreeable . $LABEL$ 0 +turturro is fabulously funny and over the top as a ` very sneaky ' butler who excels in the art of impossible disappearing\/reappearing acts $LABEL$ 1 +director yu seems far more interested in gross-out humor than in showing us well-thought stunts or a car chase that we have n't seen 10,000 times . $LABEL$ 0 +average , at best , i 'm afraid . $LABEL$ 0 +this is a superior horror flick . $LABEL$ 1 +the cast delivers without sham the raw-nerved story . $LABEL$ 1 +all in all , it 's a pretty good execution of a story that 's a lot richer than the ones hollywood action screenwriters usually come up with on their own . $LABEL$ 1 +it 's got all the familiar bruckheimer elements , and schumacher does probably as good a job as anyone at bringing off the hopkins\/rock collision of acting styles and onscreen personas . $LABEL$ 1 +i felt trapped and with no obvious escape for the entire 100 minutes . $LABEL$ 0 +although i did n't hate this one , it 's not very good either . $LABEL$ 0 +cattaneo reworks the formula that made the full monty a smashing success ... but neglects to add the magic that made it all work . $LABEL$ 0 +a moving and not infrequently breathtaking film . $LABEL$ 1 +while the plot follows a predictable connect-the-dots course ... director john schultz colors the picture in some evocative shades . $LABEL$ 1 +anemic , pretentious . $LABEL$ 0 +with few respites , marshall keeps the energy humming , and his edits , unlike those in moulin rouge , are crisp and purposeful without overdoing it . $LABEL$ 1 +light-years ahead of paint-by-number american blockbusters like pearl harbor , at least artistically . $LABEL$ 1 +one of those unassuming films that sneaks up on you and stays with you long after you have left the theatre . $LABEL$ 1 +all of it works smoothly under the direction of spielberg , who does a convincing impersonation here of a director enjoying himself immensely . $LABEL$ 1 +a work that lacks both a purpose and a strong pulse . $LABEL$ 0 +a moving , if uneven , success . $LABEL$ 1 +it 's one thing to read about or rail against the ongoing - and unprecedented - construction project going on over our heads . $LABEL$ 0 +-lrb- a -rrb- real pleasure in its laid-back way . $LABEL$ 1 +feels like pieces a bunch of other , better movies slapped together . $LABEL$ 0 +has all the hallmarks of a movie designed strictly for children 's home video , a market so insatiable it absorbs all manner of lame entertainment , as long as 3-year-olds find it diverting . $LABEL$ 0 +... too contrived to be as naturally charming as it needs to be . $LABEL$ 0 +... in no way original , or even all that memorable , but as downtown saturday matinee brain candy , it does n't disappoint . $LABEL$ 1 +the 50-something lovebirds are too immature and unappealing to care about . $LABEL$ 0 +after a while , the only way for a reasonably intelligent person to get through the country bears is to ponder how a whole segment of pop-music history has been allowed to get wet , fuzzy and sticky . $LABEL$ 0 +a lot of fun , with an undeniable energy sparked by two actresses in their 50s working at the peak of their powers . $LABEL$ 1 +a breathtaking adventure for all ages , spirit tells its poignant and uplifting story in a stunning fusion of music and images . $LABEL$ 1 +this is a nicely handled affair , a film about human darkness but etched with a light -lrb- yet unsentimental -rrb- touch . $LABEL$ 1 +a bland animated sequel that hardly seems worth the effort . $LABEL$ 0 +unspeakable , of course , barely begins to describe the plot and its complications . $LABEL$ 0 +a limp eddie murphy vehicle that even he seems embarrassed to be part of . $LABEL$ 0 +the film sparkles with the the wisdom and humor of its subjects . $LABEL$ 1 +though a capable thriller , somewhere along the way k-19 jettisoned some crucial drama . $LABEL$ 0 +it 's ... worth the extra effort to see an artist , still committed to growth in his ninth decade , change while remaining true to his principles with a film whose very subject is , quite pointedly , about the peril of such efforts . $LABEL$ 1 +in auteil 's less dramatic but equally incisive performance , he 's a charismatic charmer likely to seduce and conquer . $LABEL$ 1 +how many more times will indie filmmakers subject us to boring , self-important stories of how horrible we are to ourselves and each other ? $LABEL$ 0 +this is a movie that refreshes the mind and spirit along with the body , so original is its content , look , and style . $LABEL$ 1 +a much better documentary -- more revealing , more emotional and more surprising -- than its pedestrian english title would have you believe . $LABEL$ 1 +` if you are in the mood for an intelligent weepy , it can easily worm its way into your heart . ' $LABEL$ 1 +who knows , but it works under the direction of kevin reynolds . $LABEL$ 1 +it 's supposed to be post-feminist breezy but ends up as tedious as the chatter of parrots raised on oprah . $LABEL$ 0 +lacking substance and soul , crossroads comes up shorter than britney 's cutoffs . $LABEL$ 0 +simple , poignant and leavened with humor , it 's a film that affirms the nourishing aspects of love and companionship . $LABEL$ 1 +at times , the movie looks genuinely pretty . $LABEL$ 1 +a deliberative account of a lifestyle characterized by its surface-obsession -- one that typifies the delirium of post , pre , and extant stardom . $LABEL$ 1 +this is surely one of the most frantic , virulent and foul-natured christmas season pics ever delivered by a hollywood studio . $LABEL$ 0 +i simply ca n't recommend it enough . $LABEL$ 1 +it 's a glorified sitcom , and a long , unfunny one at that . $LABEL$ 0 +returning director rob minkoff ... and screenwriter bruce joel rubin ... have done a fine job of updating white 's dry wit to a new age . $LABEL$ 1 +with zoe clarke-williams 's lackluster thriller `` new best friend '' , who needs enemies ? $LABEL$ 0 +just send it to cranky . $LABEL$ 0 +it 's secondary to american psycho but still has claws enough to get inside you and stay there for a couple of hours . $LABEL$ 1 +one of the funnier movies in town . $LABEL$ 1 +a terrific insider look at the star-making machinery of tinseltown . $LABEL$ 1 +the movie is amateurish , but it 's a minor treat . $LABEL$ 1 +it is n't scary . $LABEL$ 0 +a preposterous , prurient whodunit . $LABEL$ 0 +they are what makes it worth the trip to the theatre . $LABEL$ 1 +chan 's stunts are limited and so embellished by editing that there 's really not much of a sense of action or even action-comedy . $LABEL$ 0 +an average kid-empowerment fantasy with slightly above-average brains . $LABEL$ 1 +instead of making his own style , director marcus adams just copies from various sources -- good sources , bad mixture $LABEL$ 0 +the plot of the comeback curlers is n't very interesting actually , but what i like about men with brooms and what is kind of special is how the film knows what 's unique and quirky about canadians . $LABEL$ 1 +tambor and clayburgh make an appealing couple -- he 's understated and sardonic , she 's appealingly manic and energetic . $LABEL$ 1 +the movie is without intent . $LABEL$ 0 +the best thing about the movie is its personable , amusing cast . $LABEL$ 1 +here is a divine monument to a single man 's struggle to regain his life , his dignity and his music . $LABEL$ 1 +if you 're the kind of parent who enjoys intentionally introducing your kids to films which will cause loads of irreparable damage that years and years of costly analysis could never fix , i have just one word for you - -- decasia $LABEL$ 0 +all movie long , city by the sea swings from one approach to the other , but in the end , it stays in formula -- which is a waste of de niro , mcdormand and the other good actors in the cast . $LABEL$ 0 +painful , horrifying and oppressively tragic , this film should not be missed . $LABEL$ 1 +take care is nicely performed by a quintet of actresses , but nonetheless it drags during its 112-minute length . $LABEL$ 0 +the script covers huge , heavy topics in a bland , surfacey way that does n't offer any insight into why , for instance , good things happen to bad people . $LABEL$ 0 +a seriously bad film with seriously warped logic by writer-director kurt wimmer at the screenplay level . $LABEL$ 0 +a deliciously nonsensical comedy about a city coming apart at its seams . $LABEL$ 1 diff --git a/text_defense/204.AGNews10K/AGNews10K.test.dat b/text_defense/204.AGNews10K/AGNews10K.test.dat new file mode 100644 index 0000000000000000000000000000000000000000..b440ee339469510e721f124a158c783f1539e1f2 --- /dev/null +++ b/text_defense/204.AGNews10K/AGNews10K.test.dat @@ -0,0 +1,2000 @@ +Fears for T N pension after talks Unions representing workers at Turner Newall say they are 'disappointed' after talks with stricken parent firm Federal Mogul.$LABEL$2 +The Race is On: Second Private Team Sets Launch Date for Human Spaceflight (SPACE.com) SPACE.com - TORONTO, Canada -- A second\team of rocketeers competing for the #36;10 million Ansari X Prize, a contest for\privately funded suborbital space flight, has officially announced the first\launch date for its manned rocket.$LABEL$3 +Ky. Company Wins Grant to Study Peptides (AP) AP - A company founded by a chemistry researcher at the University of Louisville won a grant to develop a method of producing better peptides, which are short chains of amino acids, the building blocks of proteins.$LABEL$3 +Prediction Unit Helps Forecast Wildfires (AP) AP - It's barely dawn when Mike Fitzpatrick starts his shift with a blur of colorful maps, figures and endless charts, but already he knows what the day will bring. Lightning will strike in places he expects. Winds will pick up, moist places will dry and flames will roar.$LABEL$3 +Calif. Aims to Limit Farm-Related Smog (AP) AP - Southern California's smog-fighting agency went after emissions of the bovine variety Friday, adopting the nation's first rules to reduce air pollution from dairy cow manure.$LABEL$3 +Open Letter Against British Copyright Indoctrination in Schools The British Department for Education and Skills (DfES) recently launched a ""Music Manifesto"" campaign, with the ostensible intention of educating the next generation of British musicians. Unfortunately, they also teamed up with the music industry (EMI, and various artists) to make this popular. EMI has apparently negotiated their end well, so that children in our schools will now be indoctrinated about the illegality of downloading music.The ignorance and audacity of this got to me a little, so I wrote an open letter to the DfES about it. Unfortunately, it's pedantic, as I suppose you have to be when writing to goverment representatives. But I hope you find it useful, and perhaps feel inspired to do something similar, if or when the same thing has happened in your area.$LABEL$3 +Loosing the War on Terrorism \\""Sven Jaschan, self-confessed author of the Netsky and Sasser viruses, is\responsible for 70 percent of virus infections in 2004, according to a six-month\virus roundup published Wednesday by antivirus company Sophos.""\\""The 18-year-old Jaschan was taken into custody in Germany in May by police who\said he had admitted programming both the Netsky and Sasser worms, something\experts at Microsoft confirmed. (A Microsoft antivirus reward program led to the\teenager's arrest.) During the five months preceding Jaschan's capture, there\were at least 25 variants of Netsky and one of the port-scanning network worm\Sasser.""\\""Graham Cluley, senior technology consultant at Sophos, said it was staggeri ...\\$LABEL$3 +FOAFKey: FOAF, PGP, Key Distribution, and Bloom Filters \\FOAF/LOAF and bloom filters have a lot of interesting properties for social\network and whitelist distribution.\\I think we can go one level higher though and include GPG/OpenPGP key\fingerpring distribution in the FOAF file for simple web-of-trust based key\distribution.\\What if we used FOAF and included the PGP key fingerprint(s) for identities?\This could mean a lot. You include the PGP key fingerprints within the FOAF\file of your direct friends and then include a bloom filter of the PGP key\fingerprints of your entire whitelist (the source FOAF file would of course need\to be encrypted ).\\Your whitelist would be populated from the social network as your client\discovered new identit ...\\$LABEL$3 +E-mail scam targets police chief Wiltshire Police warns about ""phishing"" after its fraud squad chief was targeted.$LABEL$3 +Card fraud unit nets 36,000 cards In its first two years, the UK's dedicated card fraud unit, has recovered 36,000 stolen cards and 171 arrests - and estimates it saved 65m.$LABEL$3 +Group to Propose New High-Speed Wireless Format LOS ANGELES (Reuters) - A group of technology companies including Texas Instruments Inc. <TXN.N>, STMicroelectronics <STM.PA> and Broadcom Corp. <BRCM.O>, on Thursday said they will propose a new wireless networking standard up to 10 times the speed of the current generation.$LABEL$3 +Apple Launches Graphics Software, Video Bundle LOS ANGELES (Reuters) - Apple Computer Inc.<AAPL.O> on Tuesday began shipping a new program designed to let users create real-time motion graphics and unveiled a discount video-editing software bundle featuring its flagship Final Cut Pro software.$LABEL$3 +Dutch Retailer Beats Apple to Local Download Market AMSTERDAM (Reuters) - Free Record Shop, a Dutch music retail chain, beat Apple Computer Inc. to market on Tuesday with the launch of a new download service in Europe's latest battleground for digital song services.$LABEL$3 +Super ant colony hits Australia A giant 100km colony of ants which has been discovered in Melbourne, Australia, could threaten local insect species.$LABEL$3 +Socialites unite dolphin groups Dolphin groups, or ""pods"", rely on socialites to keep them from collapsing, scientists claim.$LABEL$3 +Teenage T. rex's monster growth Tyrannosaurus rex achieved its massive size due to an enormous growth spurt during its adolescent years.$LABEL$3 +Scientists Discover Ganymede has a Lumpy Interior Jet Propulsion Lab -- Scientists have discovered irregular lumps beneath the icy surface of Jupiter's largest moon, Ganymede. These irregular masses may be rock formations, supported by Ganymede's icy shell for billions of years...$LABEL$3 +Mars Rovers Relay Images Through Mars Express European Space Agency -- ESAs Mars Express has relayed pictures from one of NASA's Mars rovers for the first time, as part of a set of interplanetary networking demonstrations. The demonstrations pave the way for future Mars missions to draw on joint interplanetary networking capabilities...$LABEL$3 +Rocking the Cradle of Life When did life begin? One evidential clue stems from the fossil records in Western Australia, although whether these layered sediments are biological or chemical has spawned a spirited debate. Oxford researcher, Nicola McLoughlin, describes some of the issues in contention.$LABEL$3 +Storage, servers bruise HP earnings update Earnings per share rise compared with a year ago, but company misses analysts' expectations by a long shot.$LABEL$3 +IBM to hire even more new workers By the end of the year, the computing giant plans to have its biggest headcount since 1991.$LABEL$3 +Sun's Looking Glass Provides 3D View Developers get early code for new operating system 'skin' still being crafted.$LABEL$3 +IBM Chips May Someday Heal Themselves New technology applies electrical fuses to help identify and repair faults.$LABEL$3 +Some People Not Eligible to Get in on Google IPO Google has billed its IPO as a way for everyday people to get in on the process, denying Wall Street the usual stranglehold it's had on IPOs. Public bidding, a minimum of just five shares, an open process with 28 underwriters - all this pointed to a new level of public participation. But this isn't the case.$LABEL$3 +Rivals Try to Turn Tables on Charles Schwab By MICHAEL LIEDTKE SAN FRANCISCO (AP) -- With its low prices and iconoclastic attitude, discount stock broker Charles Schwab Corp. (SCH) represented an annoying stone in Wall Street's wing-tipped shoes for decades...$LABEL$3 +News: Sluggish movement on power grid cyber security Industry cyber security standards fail to reach some of the most vulnerable components of the power grid.\$LABEL$3 +Giddy Phelps Touches Gold for First Time Michael Phelps won the gold medal in the 400 individual medley and set a world record in a time of 4 minutes 8.26 seconds.$LABEL$1 +Tougher rules won't soften Law's game FOXBOROUGH -- Looking at his ridiculously developed upper body, with huge biceps and hardly an ounce of fat, it's easy to see why Ty Law, arguably the best cornerback in football, chooses physical play over finesse. That's not to imply that he's lacking a finesse component, because he can shut down his side of the field much as Deion Sanders ...$LABEL$1 +Shoppach doesn't appear ready to hit the next level With the weeks dwindling until Jason Varitek enters free agency, the Red Sox continue to carefully monitor Kelly Shoppach , their catcher of the future, in his climb toward the majors. The Sox like most of what they have seen at Triple A Pawtucket from Shoppach, though it remains highly uncertain whether he can make the adjustments at the plate ...$LABEL$1 +Mighty Ortiz makes sure Sox can rest easy Just imagine what David Ortiz could do on a good night's rest. Ortiz spent the night before last with his baby boy, D'Angelo, who is barely 1 month old. He had planned on attending the Red Sox' Family Day at Fenway Park yesterday morning, but he had to sleep in. After all, Ortiz had a son at home, and he ...$LABEL$1 +They've caught his eye In quot;helping themselves, quot; Ricky Bryant, Chas Gessner, Michael Jennings, and David Patten did nothing Friday night to make Bill Belichick's decision on what to do with his receivers any easier.$LABEL$1 +Indians Mount Charge The Cleveland Indians pulled within one game of the AL Central lead by beating the Minnesota Twins, 7-1, Saturday night with home runs by Travis Hafner and Victor Martinez.$LABEL$1 +Sister of man who died in Vancouver police custody slams chief (Canadian Press) Canadian Press - VANCOUVER (CP) - The sister of a man who died after a violent confrontation with police has demanded the city's chief constable resign for defending the officer involved.$LABEL$0 +Man Sought #36;50M From McGreevey, Aides Say (AP) AP - The man who claims Gov. James E. McGreevey sexually harassed him was pushing for a cash settlement of up to #36;50 million before the governor decided to announce that he was gay and had an extramarital affair, sources told The Associated Press.$LABEL$0 +Explosions Echo Throughout Najaf NAJAF, Iraq - Explosions and gunfire rattled through the city of Najaf as U.S. troops in armored vehicles and tanks rolled back into the streets here Sunday, a day after the collapse of talks - and with them a temporary cease-fire - intended to end the fighting in this holy city...$LABEL$0 +Frail Pope Celebrates Mass at Lourdes LOURDES, France - A frail Pope John Paul II, breathing heavily and gasping at times, celebrated an open-air Mass on Sunday for several hundred thousand pilgrims, many in wheelchairs, at a shrine to the Virgin Mary that is associated with miraculous cures. At one point he said ""help me"" in Polish while struggling through his homily in French...$LABEL$0 +Venezuela Prepares for Chavez Recall Vote Supporters and rivals warn of possible fraud; government says Chavez's defeat could produce turmoil in world oil market.$LABEL$0 +1994 Law Designed to Preserve Guard Jobs (AP) AP - A 1994 law strengthened job protections for National Guard and Reserve troops called to active duty. Here are major provisions of the Uniformed Services Employment and Reemployment Rights Act (USERRA).$LABEL$0 +Iran Warns Its Missiles Can Hit Anywhere in Israel TEHRAN (Reuters) - A senior Iranian military official said Sunday Israel and the United States would not dare attack Iran since it could strike back anywhere in Israel with its latest missiles, news agencies reported.$LABEL$0 +Afghan Army Dispatched to Calm Violence KABUL, Afghanistan - Government troops intervened in Afghanistan's latest outbreak of deadly fighting between warlords, flying from the capital to the far west on U.S. and NATO airplanes to retake an air base contested in the violence, officials said Sunday...$LABEL$0 +Johnson Helps D-Backs End Nine-Game Slide (AP) AP - Randy Johnson took a four-hitter into the ninth inning to help the Arizona Diamondbacks end a nine-game losing streak Sunday, beating Steve Trachsel and the New York Mets 2-0.$LABEL$1 +Retailers Vie for Back-To-School Buyers (Reuters) Reuters - Apparel retailers are hoping their\back-to-school fashions will make the grade among\style-conscious teens and young adults this fall, but it could\be a tough sell, with students and parents keeping a tighter\hold on their wallets.$LABEL$2 +Politics an Afterthought Amid Hurricane (AP) AP - If Hurricane Charley had struck three years ago, President Bush's tour through the wreckage of this coastal city would have been just the sort of post-disaster visit that other presidents have made to the scenes of storms, earthquakes, floods and fires.$LABEL$0 +Spam suspension hits Sohu.com shares (FT.com) FT.com - Shares in Sohu.com, a leading US-listed Chinese internet portal, fell more than 10 per cent on Friday after China's biggest mobile phone network operator imposed a one-year suspension on its multimedia messaging services because of customers being sent spam.$LABEL$3 +Erstad's Double Lifts Angels to Win (AP) AP - Darin Erstad doubled in the go-ahead run in the eighth inning, lifting the Anaheim Angels to a 3-2 victory over the Detroit Tigers on Sunday. The win pulled Anaheim within a percentage point of Boston and Texas in the AL wild-card race.$LABEL$1 +Drew Out of Braves' Lineup After Injury (AP) AP - Outfielder J.D. Drew missed the Atlanta Braves' game against the St. Louis Cardinals on Sunday night with a sore right quadriceps.$LABEL$1 +Venezuelans Flood Polls, Voting Extended CARACAS, Venezuela (Reuters) - Venezuelans voted in huge numbers on Sunday in a historic referendum on whether to recall left-wing President Hugo Chavez and electoral authorities prolonged voting well into the night.$LABEL$0 +Dell Exits Low-End China Consumer PC Market HONG KONG (Reuters) - Dell Inc. <DELL.O>, the world's largest PC maker, said on Monday it has left the low-end consumer PC market in China and cut its overall growth target for the country this year due to stiff competition in the segment.$LABEL$3 +China Says Taiwan Spy Also Operated in U.S. - Media BEIJING (Reuters) - Beijing on Monday accused a Chinese-American arrested for spying for Taiwan of building an espionage network in the United States, and said he could go on trial very soon.$LABEL$0 +Another Major Non-Factor Another major, another disappointment for Tiger Woods, the No. 1 ranked player in the world who has not won a major championship since his triumph at the 2002 U.S. Open.$LABEL$1 +US fighter squadron to be deployed in South Korea next month (AFP) AFP - A squadron of US Air Force F-15E fighters based in Alaska will fly to South Korea next month for temporary deployment aimed at enhancing US firepower on the Korean peninsula, US authorities said.$LABEL$0 +Johnson Back to His Best as D-Backs End Streak NEW YORK (Reuters) - Randy Johnson struck out 14 batters in 8 1/3 innings to help the Arizona Diamondbacks end a nine-game losing streak with a 2-0 win over the host New York Mets in the National League Sunday.$LABEL$1 +Restive Maldives eases curfew after rounding up dissidents (AFP) AFP - A curfew in the capital of the Maldives was eased but parliament sessions were put off indefinitely and emergency rule continued following last week's riots, officials and residents said.$LABEL$0 +Vodafone hires Citi for Cesky bid (TheDeal.com) TheDeal.com - The U.K. mobile giant wants to find a way to disentagle the Czech wireless and fixed-line businesses.$LABEL$3 +Dollar Briefly Hits 4-Wk Low Vs Euro LONDON (Reuters) - The dollar dipped to a four-week low against the euro on Monday before rising slightly on profit-taking, but steep oil prices and weak U.S. data continued to fan worries about the health of the world's largest economy.$LABEL$2 +Promoting a Shared Vision As Michael Kaleko kept running into people who were getting older and having more vision problems, he realized he could do something about it.$LABEL$3 +India's Tata expands regional footprint via NatSteel buyout (AFP) AFP - India's Tata Iron and Steel Company Ltd. took a strategic step to expand its Asian footprint with the announcement it will buy the Asia-Pacific steel operations of Singapore's NatSteel Ltd.$LABEL$0 +Delegates Urge Cleric to Pull Out of Najaf BAGHDAD, Iraq - Delegates at Iraq's National Conference called on radical Shiite cleric Muqtada al-Sadr to abandon his uprising against U.S. and Iraqi troops and pull his fighters out of a holy shrine in Najaf...$LABEL$0 +Treasuries Slip as Stocks Rally NEW YORK (Reuters) - U.S. Treasury debt prices slipped on Monday, though traders characterized the move as profit-taking rather than any fundamental change in sentiment.$LABEL$2 +Dollar Rises Vs Euro on Asset Flows Data NEW YORK (Reuters) - The dollar extended gains against the euro on Monday after a report on flows into U.S. assets showed enough of a rise in foreign investments to offset the current account gap for the month.$LABEL$2 +Sutton Adds Haas, Cink to Ryder Cup Team MILWAUKEE (Sports Network) - U.S. Ryder Cup captain Hal Sutton finalized his team on Monday when he announced the selections of Jay Haas and Stewart Cink as his captain's picks.$LABEL$1 +Haas and Cink Selected for Ryder Cup Team Jay Haas joined Stewart Cink as the two captain's picks for a U.S. team that will try to regain the cup from Europe next month.$LABEL$1 +Natalie Coughlin Wins 100M Backstroke (AP) AP - American Natalie Coughlin won Olympic gold in the 100-meter backstroke Monday night. Coughlin, the only woman ever to swim under 1 minute in the event, finished first in 1 minute, 0.37 seconds. Kirsty Coventry of Zimbabwe, who swims at Auburn University in Alabama, earned the silver in 1:00.50. Laure Manaudou of France took bronze in 1:00.88.$LABEL$1 +Oracle Overhauls Sales-Side Apps for CRM Suite (NewsFactor) NewsFactor - Oracle (Nasdaq: ORCL) has revamped its sales-side CRM applications in version 11i.10 of its sales, marketing, partner relationship management and e-commerce application.$LABEL$3 +UN launches 210-million-dollar appeal for flood-hit Bangladesh (AFP) AFP - The United Nations launched an appeal here for 210 million dollars to help flood victims facing ""grave"" food shortages after two-thirds of Bangladesh was submerged, destroying crops and killing more than 700 people.$LABEL$0 +Indian state rolls out wireless broadband Government in South Indian state of Kerala sets up wireless kiosks as part of initiative to bridge digital divide.$LABEL$3 +Hurricane Survivors Wait for Water, Gas PUNTA GORDA, Fla. - Urban rescue teams, insurance adjusters and National Guard troops scattered across Florida Monday to help victims of Hurricane Charley and deliver water and other supplies to thousands of people left homeless...$LABEL$0 +Jackson Squares Off With Prosecutor SANTA MARIA, Calif. - Fans of Michael Jackson erupted in cheers Monday as the pop star emerged from a double-decker tour bus and went into court for a showdown with the prosecutor who has pursued him for years on child molestation charges...$LABEL$0 +Bobcats Trade Drobnjak to Hawks for Pick (AP) AP - The Charlotte Bobcats traded center Predrag Drobnjak to the Atlanta Hawks on Monday for a second round pick in the 2005 NBA draft.$LABEL$1 +Suspect charged in abduction, sexual assault of 11-year-old girl (Canadian Press) Canadian Press - LANGLEY, B.C. (CP) - Police have arrested a man in the kidnapping and sexual assault of an 11-year-old girl that frightened this suburban Vancouver community last week.$LABEL$0 +China's Red Flag Linux to focus on enterprise Red Flag Software Co., the company behind China's leading Linux client distribution, plans to focus more on its server operating system and enterprise customers, the company's acting president said.$LABEL$3 +AOL Properties Sign Girafa For Thumbnail Search Images AOL Properties Sign Girafa For Thumbnail Search Images\\Girafa.com Inc. announced today that the CompuServe, Netscape, AIM and ICQ properties of America Online, Inc., have signed an agreement with Girafa to use Girafa's thumbnail search images as an integrated part of their search results.\\Using Girafa's thumbnail search service, search users can ...$LABEL$3 +Cassini Spies Two Little Saturn Moons (AP) AP - NASA's Cassini spacecraft has spied two new little moons around satellite-rich Saturn, the space agency said Monday.$LABEL$3 +On front line of AIDS in Russia An industrial city northwest of Moscow struggles as AIDS hits a broader population.$LABEL$0 +Nobel Laureate Decries Stem Cell Limits (AP) AP - A Nobel laureate in medicine said Monday the Bush administration's limits on funding for embryonic stem cell research effectively have stopped the clock on American scientists' efforts to develop treatments for a host of chronic, debilitating diseases.$LABEL$3 +Jury Can Hear of Kobe Accuser's Sex Life (AP) AP - Prosecutors suffered another setback Monday in the Kobe Bryant sexual assault case, losing a last-ditch attempt to keep the NBA star's lawyers from telling jurors about the alleged victim's sex life.$LABEL$1 +North Korea Talks Still On, China Tells Downer (Reuters) Reuters - China has said no date has been set for\working-level talks on the North Korean nuclear crisis and gave\no indication that the meeting has been canceled, Australian\Foreign Minister Alexander Downer said on Tuesday.$LABEL$0 +Griffin to Anchor D-Line The Redskins expect huge things from 300-pound Cornelius Griffin, who was signed to aid the team's weakest unit - the defensive line.$LABEL$1 +Last American defector in North Korea agrees to tell story (AFP) AFP - The last surviving American defector to communist North Korea wants to tell his story to put a human face on the Stalinist state which he believes is unfairly vilified abroad, British film-makers said.$LABEL$0 +Live: Olympics day four Richard Faulds and Stephen Parry are going for gold for Great Britain on day four in Athens.$LABEL$0 +Kerry Widens Lead in California, Poll Finds (Reuters) Reuters - Democratic challenger John Kerry\has a commanding lead over President Bush in California of 54\percent to 38 percent among likely voters, a poll released on\Tuesday found.$LABEL$0 +Capacity Crowds at Beach Volleyball Rock the Joint ATHENS (Reuters) - At the beach volleyball, the 2004 Olympics is a sell-out, foot-stomping success.$LABEL$1 +Dollar Near Recent Lows, Awaits ZEW/CPI LONDON (Reuters) - The dollar held steady near this week's four-week low against the euro on Tuesday with investors awaiting a German investor confidence survey and U.S. consumer inflation numbers to shed light on the direction.$LABEL$2 +Intel to delay product aimed for high-definition TVs SAN FRANCISCO -- In the latest of a series of product delays, Intel Corp. has postponed the launch of a video display chip it had previously planned to introduce by year end, putting off a showdown with Texas Instruments Inc. in the fast-growing market for high-definition television displays.$LABEL$2 +Venezuela vote keeps Chavez as president CARACAS -- Venezuelans voted resoundingly to keep firebrand populist Hugo Chavez as their president in a victory that drew noisy reactions yesterday from both sides in the streets. International observers certified the results as clean and accurate.$LABEL$0 +Jailing of HK democrat in China 'politically motivated' (AFP) AFP - Hong Kong democrats accused China of jailing one of their members on trumped-up prostitution charges in a bid to disgrace a political movement Beijing has been feuding with for seven years.$LABEL$0 +Kmart Swings to Profit in 2Q; Stock Surges (AP) AP - Shares of Kmart Holding Corp. surged 17 percent Monday after the discount retailer reported a profit for the second quarter and said chairman and majority owner Edward Lampert is now free to invest the company's #36;2.6 billion in surplus cash.$LABEL$2 +Fischer's Fiancee: Marriage Plans Genuine (AP) AP - Former chess champion Bobby Fischer's announcement thathe is engaged to a Japanese woman could win him sympathy among Japanese officials and help him avoid deportation to the United States, his fiancee and one of his supporters said Tuesday.$LABEL$0 +U.S. Misses Cut in Olympic 100 Free ATHENS, Greece - Top American sprinters Jason Lezak and Ian Crocker missed the cut in the Olympic 100-meter freestyle preliminaries Tuesday, a stunning blow for a country that had always done well in the event. Pieter van den Hoogenband of the Netherlands and Australian Ian Thorpe advanced to the evening semifinal a day after dueling teenager Michael Phelps in the 200 freestyle, won by Thorpe...$LABEL$0 +Consumers Would Pay In Phone Proposal A proposal backed by a coalition of telephone carriers would cut billions of dollars in fees owed by long-distance companies to regional phone giants but would allow the regional companies to make up some of the difference by raising monthly phone bills for millions of consumers. <FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2""\ color=""#666666""><B>-The Washington Post</B></FONT>$LABEL$3 +U.S. Brokers Cease-fire in Western Afghanistan KABUL (Reuters) - The United States has brokered a cease-fire between a renegade Afghan militia leader and the embattled governor of the western province of Herat, Washington's envoy to Kabul said Tuesday.$LABEL$0 +Sneaky Credit Card Tactics Keep an eye on your credit card issuers -- they may be about to raise your rates.$LABEL$2 +Intel Delays Launch of Projection TV Chip In another product postponement, semiconductor giant Intel Corp. said it won't be offering a chip for projection TVs by the end of 2004 as it had announced earlier this year.$LABEL$3 +Fund pessimism grows NEW YORK (CNN/Money) - Money managers are growing more pessimistic about the economy, corporate profits and US stock market returns, according to a monthly survey by Merrill Lynch released Tuesday. $LABEL$2 +Kederis proclaims innocence Olympic champion Kostas Kederis today left hospital ahead of his date with IOC inquisitors claiming his innocence and vowing: quot;After the crucifixion comes the resurrection. quot; ...$LABEL$1 +Eriksson doesn #39;t feel any extra pressure following scandal NEWCASTLE, England (AP) - England coach Sven-Goran Eriksson said Tuesday he isn #39;t under any extra pressure in the aftermath of a scandal that damaged the Football Association #39;s reputation. $LABEL$1 +Injured Heskey to miss England friendly NEWCASTLE, England (AP) - Striker Emile Heskey has pulled out of the England squad ahead of Wednesday #39;s friendly against Ukraine because of a tight hamstring, the Football Association said Tuesday. $LABEL$1 +Staples Profit Up, to Enter China Market NEW YORK (Reuters) - Staples Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=SPLS.O target=/stocks/quickinfo/fullquote"">SPLS.O</A>, the top U.S. office products retailer, on Tuesday reported a 39 percent jump in quarterly profit, raised its full-year forecast and said it plans to enter the fast-growing Chinese market, sending its shares higher.$LABEL$2 +Delegation Is Delayed Before Reaching Najaf AGHDAD, Iraq, Aug. 17 A delegation of Iraqis was delayed for security reasons today but still intended to visit Najaf to try to convince a rebellious Shiite cleric and his militia to evacuate a shrine in the holy city and end ...$LABEL$0 +Consumer Prices Down, Industry Output Up WASHINGTON (Reuters) - U.S. consumer prices dropped in July for the first time in eight months as a sharp run up in energy costs reversed, the government said in a report that suggested a slow rate of interest rate hikes is likely.$LABEL$2 +Olympic history for India, UAE An Indian army major shot his way to his country #39;s first ever individual Olympic silver medal on Tuesday, while in the same event an member of Dubai #39;s ruling family became the first ever medallist from the United Arab Emirates. $LABEL$1 +Home Depot Likes High Oil Rising fuel prices, a bugbear for most of the retail sector, are helping Home Depot (HD:NYSE - news - research), the remodeling giant that reported a surge in second-quarter earnings Tuesday and guided the rest of the year higher. $LABEL$2 +China cracks down on quot;phone sex quot; services BEIJING, Aug. 17 (Xinhuanet) -- China is carrying out a nationwide campaign to crack down on quot;phone sex quot; services, paralleling another sweeping operation against Internet pornography, Minister of Information Industry Wang Xudong said here Tuesday. $LABEL$3 +Surviving Biotech's Downturns Charly Travers offers advice on withstanding the volatility of the biotech sector.$LABEL$2 +Mr Downer shoots his mouth off Just what Alexander Downer was thinking when he declared on radio last Friday that quot;they could fire a missile from North Korea to Sydney quot; is unclear. The provocative remark, just days before his arrival yesterday on his second visit to the North Korean ...$LABEL$0 +Edwards Banned from Games - Source ATHENS (Reuters) - World 100 meters champion Torri Edwards will miss the Athens Olympics after her appeal against a two-year drugs ban was dismissed on Tuesday, a source told Reuters.$LABEL$1 +Stocks Climb on Drop in Consumer Prices NEW YORK - Stocks rose for a second straight session Tuesday as a drop in consumer prices allowed investors to put aside worries about inflation, at least for the short term. With gasoline prices falling to eight-month lows, the Consumer Price Index registered a small drop in July, giving consumers a respite from soaring energy prices...$LABEL$0 +Iliadis, Tanimoto win judo golds Ilias Iliadis of Greece thrilled the home crowd Tuesday, beating Roman Gontyuk of Ukraine to win the gold medal in the 81-kilogram class. $LABEL$1 +Sudan vows to restore order to Darfur but calls for African peacekeepers (AFP) AFP - Sudan will take the lead in restoring order to its rebellious Darfur region but needs the support of African peacekeepers and humanitarian aid, Foreign Minister Mustafa Osman Ismail said.$LABEL$0 +TGn Sync Proposes New WLAN Standard The battle over home entertainment networking is heating up as a coalition proposes yet another standard for the IEEE #39;s consideration. $LABEL$3 +Yahoo! Ups Ante for Small Businesses Web giant Yahoo! is gambling that price cuts on its domain name registration and Web hosting products will make it more competitive with discounters in the space -- which means that small businesses looking to move online get a sweeter deal through ...$LABEL$2 +IBM Buys Two Danish Services Firms IBM said Tuesday it has acquired a pair of Danish IT services firms as part of its effort to broaden its presence in Scandinavia. As a result of the moves, IBM will add about 3,700 IT staffers to its global head count. Financial terms of ...$LABEL$3 +Motorola and HP in Linux tie-up Motorola plans to sell mobile phone network equipment that uses Linux-based code, a step forward in network gear makers #39; efforts to rally around a standard. $LABEL$3 +Microsoft Pushes Off SP2 Release Microsoft will delay the release of its SP2 update for another week to fix software glitches. But not everyone is quite so eager to install the SP2 update for Windows XP. In fact, many companies have demanded the ability to prevent their ...$LABEL$3 +Cassini Space Probe Spots Two New Saturn Moons (Reuters) Reuters - Two new moons were spotted around\Saturn by the Cassini space probe, raising the total to 33\moons for the ringed planet, NASA said on Monday.$LABEL$3 +Buckeyes have lots to replace but are brimming with optimism There are remarkable similarities between the 2004 Ohio State Buckeyes and those that won the national championship just two years ago. $LABEL$1 +IBM adds midrange server to eServer lineup The new IBM Power5 eServer i5 550 also features higher performance and new virtualization capabilities that allow it to run multiple operating systems at once on separate partitions.$LABEL$3 +iPod Comparison Newsday #146;s Stephen Williams reports on seeing Sony #146;s NW-HD1 audio player in a store: #147; #145;How #146;s it compare to the iPod? #146; I asked a salesman. #145;Battery life is a lot longer, up to 30 hours, #146; he said. #145;The LCD readout is kind of dim, #146; I said. #146;Battery life is a lot longer, #146; he said. #145;I understand it can #146;t play MP3 files, #146; I said. #145;Battery life is a lot longer, #146; he said. #148; Aug 17$LABEL$3 +Mills Grabs \$1B Portfolio; Taubman Likely to Lose Contracts Mills Corp. agreed to purchase a 50 percent interest in nine malls owned by General Motors Asset Management Corp. for just over \$1 billion, creating a new joint venture between the groups. The deal will extend ...$LABEL$2 +Women stumble to silver ATHENS -- The mistakes were so minor. Carly Patterson #39;s foot scraping the lower of the uneven bars. Courtney Kupets #39; tumbling pass that ended here instead of there. Mohini Bhardwaj #39;s slight stumble on the beam. $LABEL$1 +Oil prices bubble to record high The price of oil has continued its sharp rise overnight, closing at a record high. The main contract in New York, light sweet crude for delivery next month, has closed at a record \$US46.75 a barrel - up 70 cents on yesterday #39;s close. $LABEL$0 +Notable quotes Tuesday at the Athens Olympics quot;It hurt like hell. I could see (Thorpe) coming up. But when I was breathing, I saw my team going crazy -- and that really kept me going. quot; ...$LABEL$1 +AMD Ships Notebook Chips It wasn #39;t the first to go small, and it won #39;t be the biggest producer, but AMD #39;s (Quote, Chart) 64-bit 90-nanometer (nm) chips are expected to make waves in the semiconductor pool. $LABEL$3 +UK charges 8 in terror plot linked to alert in US LONDON, AUGUST 17: Britain charged eight terror suspects on Tuesday with conspiracy to commit murder and said one had plans that could be used in striking US buildings that were the focus of security scares this month. $LABEL$0 +IBM Seeks To Have SCO Claims Dismissed (NewsFactor) NewsFactor - IBM (NYSE: IBM) has -- again -- sought to have the pending legal claims by The SCO Group dismissed. According to a motion it filed in a U.S. district court, IBM argues that SCO has no evidence to support its claims that it appropriated confidential source code from Unix System V and placed it in Linux.$LABEL$3 +SUVs: Live And Let Die NEW YORK - The newly released traffic crash fatality data have something for everyone in the debate about the safety of sport utility vehicles. $LABEL$2 +Security scare as intruder dives in A CANADIAN husband #39;s love for his wife has led to a tightening of security at all Olympic venues in Athens. $LABEL$1 +Team USA barely wins, but struggles not all players #39; fault Now that everybody in and around USA Basketball has breathed a huge sigh of relief, let #39;s not get carried away. $LABEL$1 +UPI NewsTrack Sports -- The United States men #39;s basketball team capped off a big day for the USA by fighting off Greece for a vital win, 77-71. quot;They played with heart, quot; said Coach Larry Brown. quot;That #39;s all you can ask. quot; ...$LABEL$1 +Peace delegation leaves Najaf empty-handed as fighting continues BAGHDAD, Iraq - A national political conference #39;s bid to end the fighting in the Shiite Muslim holy city of Najaf appeared to have failed Tuesday. $LABEL$0 +Georgian president calls for international conference on South Ossetia TBILISI, Georgia Georgian President Mikhail Saakashvili appealed to world leaders Tuesday to convene an international conference on the conflict in breakaway South Ossetia, where daily exchanges of gunfire threaten to spark ...$LABEL$0 +Shelling, shooting resumes in breakaway Georgian region (AFP) AFP - Georgian and South Ossetian forces overnight accused each other of trying to storm the other side's positions in Georgia's breakaway region of South Ossetia, as four Georgian soldiers were reported to be wounded.$LABEL$0 +Youkilis, McCarty placed on 15-day disabled list BOSTON -- It was another busy day on the medical front for the Red Sox, as a series of roster moves were announced prior to Tuesday night #39;s game against the Blue Jays. $LABEL$1 +Kerry-Kerrey Confusion Trips Up Campaign (AP) AP - John Kerry, Bob Kerrey. It's easy to get confused.$LABEL$0 +Former Florida Swimming Coach Dies at 83 (AP) AP - William H. Harlan, the retired University of Florida swimming coach who led the Gators to eight conference titles, died Tuesday, school officials said. He was 83.$LABEL$1 +US Men Have Right Touch in Relay Duel Against Australia THENS, Aug. 17 - So Michael Phelps is not going to match the seven gold medals won by Mark Spitz. And it is too early to tell if he will match Aleksandr Dityatin, the Soviet gymnast who won eight total medals in 1980. But those were not the ...$LABEL$1 +Schrder adopts Russian orphan Three-year-old Victoria, from St Petersburg, has been living at the Schrders #39; family home in Hanover in northern Germany for several weeks. $LABEL$0 +Cabrera Leads Red Sox Past Blue Jays 5-4 (AP) AP - Orlando Cabrera hit a run-scoring double off the Green Monster in the ninth inning on reliever Justin Speier's second pitch of the game, giving the Boston Red Sox a 5-4 win over the Toronto Blue Jays on Tuesday night.$LABEL$1 +United Arab Emirates trap shooter secures nation #39;s first Olympic gold Sheik Ahmed bin Hashr Al-Maktoum earned the first-ever Olympic medal for the United Arab Emirates when he took home the gold medal in men #39;s double trap shooting on Tuesday in Athens. $LABEL$1 +Sharon orders 1,000 homes in West Bank Israel announced plans for 1,000 houses in the West Bank yesterday, accelerating the expansion of the settlements. $LABEL$0 +So. Cal Player Investigated in Sex Assault (AP) AP - At least one member of the top-ranked Southern California football team is under investigation for sexual assault, the Los Angeles Police Department said Tuesday.$LABEL$1 +Bush Promotes His Plan for Missile Defense System President Bush, in Pennsylvania, said that opponents of a missile defense system were putting the nation's security at risk.$LABEL$0 +China Sighs in Relief as Yao Scores High BEIJING (Reuters) - China breathed a measured sigh of relief after the skills of its basketball giant Yao Ming dwarfed New Zealand to sweep his team nearer to their goal of reaching the Athens Olympics semi-finals. $LABEL$1 +Israelis OK new homes in West Bank A leaked Israeli plan to build 1,000 new Jewish settler homes in the West Bank yesterday sent Bush administration officials scrambling for a response in the sensitive period before November #39;s presidential election. $LABEL$0 +Britain accuses 8 of terror plot LONDON - British police charged eight terrorist suspects yesterday with conspiring to commit murder and use radioactive materials, toxic gases, chemicals or explosives to cause quot;fear or injury. quot; ...$LABEL$0 +Israel kills 5 in strike at Hamas activist Islamic group #39;s armed wing, the Izz el-Deen al-Qassam Brigades. Doctors said he suffered leg wounds. $LABEL$0 +Zambrano Out Early; So Are Mets ENVER, Aug. 17 - Victor Zambrano came to the Mets with radical movement on his pitches, fixable flaws in his delivery and a curious sore spot lingering around his right elbow. $LABEL$1 +Dollar Stuck, CPI Offers Little Direction TOKYO (Reuters) - The dollar moved in tight ranges on Wednesday as most investors shrugged off lower-than-expected U.S. inflation data and stuck to the view the U.S. Federal Reserve would continue raising rates.$LABEL$2 +St. Louis Cardinals News Right-hander Matt Morris threw seven solid innings, but the Cardinals needed a bases-loaded walk to second baseman Tony Womack and a grand slam from new right fielder Larry Walker to key a six-run eighth inning for a ...$LABEL$1 +Greek sprinters arrive at IOC hearing ATHENS (Reuters) - Greek sprinters Costas Kenteris and Katerina Thanou have arrived at an Athens hotel for an International Olympic Committee (IOC) hearing into their missed doped tests, a saga that has shamed and angered the Olympic host ...$LABEL$1 +Flop in the ninth inning sinks Jays BOSTON -- The Toronto Blue Jays have had worse hitting games this season against lesser pitchers than Pedro Martinez. $LABEL$1 +Fresh Fighting Shatters Short-Lived Ceasefire Deal Renewed clashes in South Ossetia, which resulted in death of two Georgian soldiers, erupted late on August 17, several hours after the South Ossetian and Georgian officials agreed on ceasefire. As a result Tbilisi has already announced that it will not ...$LABEL$0 +Hamm hopes to get on a roll Paul Hamm takes another shot at history tonight, when he'll try to become the first American to win the Olympic men's all-around in gymnastics.$LABEL$1 +Karzai Promises Afghans Security for Election (Reuters) Reuters - Afghanistan's President Hamid Karzai\promised Afghans greater security when they go to vote in the\country's first ever democratic election during an independence\day speech on Wednesday.$LABEL$0 +Google Lowers Its IPO Price Range SAN JOSE, Calif. - In a sign that Google Inc.'s initial public offering isn't as popular as expected, the company lowered its estimated price range to between \$85 and \$95 per share, down from the earlier prediction of \$108 and \$135 per share...$LABEL$0 +Future Doctors, Crossing Borders Students at the Mount Sinai School of Medicine learn that diet and culture shape health in East Harlem.$LABEL$0 +Oil Sets New Record \$47 on Iraq Threat LONDON (Reuters) - Oil prices surged to a new high of \$47 a barrel on Wednesday after a new threat by rebel militia against Iraqi oil facilities and as the United States said inflation had stayed in check despite rising energy costs.$LABEL$2 +Greek sprinters quit to end Games scandal ATHENS (Reuters) - Greece #39;s two top athletes have pulled out of the Athens Olympics and apologised to the Greek people for a scandal over missed dope tests that has tarnished the Games #39; return to their birthplace. $LABEL$1 +Phelps Eyes Fourth Gold ATHENS (Reuters) - A weary Michael Phelps targeted his fourth Olympic gold medal in Athens, turning his attention on Wednesday to the 200 meters individual medley and settling for the second-fastest overall time in the heats.$LABEL$1 +Israel Kills 5 in Attempt to Assassinate Hamas Man GAZA (Reuters) - A senior Hamas leader survived an Israeli assassination attempt in the Gaza Strip Wednesday but at least five other Palestinians were killed in the explosion that tore through his home.$LABEL$0 +Giants win 6th straight, but Schmidt is injured SAN FRANCISCO -- With the first doubleheader at SBC Park set to go off, today already stood to be a long workday for the Giants. It will come on the heels of an even longer night. $LABEL$1 +SEC may put end to quid pro quo (USATODAY.com) USATODAY.com - The Securities and Exchange Commission is expected to vote Wednesday to prohibit mutual fund companies from funneling stock trades to brokerage firms that agree to promote their funds to investors.$LABEL$2 +Real targets iPod with download price cut RealNetworks has kicked off what it claims is the biggest online music sale in history. For a limited time, every song in the firm #39;s RealPlayer Music Store can be downloaded for 49 cents, with most albums available for \$4.99. $LABEL$3 +Philippine Rebels Free Troops, Talks in Doubt PRESENTACION, Philippines (Reuters) - Philippine communist rebels freed Wednesday two soldiers they had held as ""prisoners of war"" for more than five months, saying they wanted to rebuild confidence in peace talks with the government.$LABEL$0 +British Terror Suspects Make First Court Appearance LONDON (Reuters) - British terror suspects charged in a plot linked to security alerts at financial targets in New York, New Jersey and Washington made their first court appearance Wednesday inside a high security prison.$LABEL$0 +UPDATE: China Mobile 1H Net Up 7.8 On Subscriber Growth HONG KONG (Dow Jones)--China Mobile (Hong Kong) Ltd. (CHL), the listed unit of China #39;s biggest cellular phone operator, posted Wednesday a 7.8 rise in first-half net profit on a 23 increase in its subscriber base. $LABEL$2 +Monsanto Says Justice Dept Closes Inquiry NEW YORK (Reuters) - Monsanto Co. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=MON.N target=/stocks/quickinfo/fullquote"">MON.N</A> on Wednesday said the U.S. Justice Department has closed an inquiry into potential antitrust issues regarding a key ingredient used in its Roundup herbicide.$LABEL$2 +Cox Communications forms committee to advise on buyout Cox Communications Inc. #39;s board of directors has formed a special committee of independent directors to consider Cox Enterprises Inc. #39;s proposal to take the company private in a \$8 billion stock buyout. $LABEL$2 +Afghan women make brief Olympic debut Afghan women made a short-lived debut in the Olympic Games on Wednesday as 18-year-old judo wildcard Friba Razayee was defeated after 45 seconds of her first match in the under-70kg middleweight. $LABEL$1 +North Korea peace efforts in peril THE international effort to end the North Korean nuclear crisis appears at risk of unravelling, despite Foreign Minister Alexander Downer #39;s high-profile mission to the secretive Stalinist state. $LABEL$0 +10 features for a perfect browser There are some great browsers out there. But they all seem to have some slight niggles, different for each, that make it hard for me to kick back and enjoy them. While there are some projects out there to make browsers more useful for some specialised purposes or by bolting on handy extensions, wouldn't it be great if these people could come up with a standardised set of nice features like these? A lot of browsers may support one or two, but I'll bet none have them all. $LABEL$3 +Cops Test Handheld Fingerprint Reader Several Minnesota police departments are field testing a handheld device that scans a suspect's fingerprint and digitally checks it against Minnesota's criminal history and fingerprint database.$LABEL$3 +Ross Stores Profit Plummets 40 Percent (AP) AP - Discount retailer Ross Stores Inc. Wednesday said its profit fell about 40 percent in the latest quarter due to problems with a new computer system that limited the company's ability to respond to changes in customer demand.$LABEL$2 +Small computers can have multiple personalities, too BOSTON The jury is still out on whether a computer can ever truly be intelligent, but there is no question that it can have multiple personalities. It #39;s just a matter of software. We usually think of the processor chip as the brains of a computer. The ...$LABEL$3 +Rebel threat on the roads leaves Katmandu isolated KATMANDU, Nepal The Nepali capital was largely cut off from the rest of the country on Wednesday after Maoist rebels threatened to attack any vehicles traveling on main roads, in a virtual blockade of Katmandu to press their demands for the release of ...$LABEL$0 +Immigrants settled in big cities, but less likely to find work: StatsCan (Canadian Press) Canadian Press - OTTAWA (CP) - Most of the nearly two million immigrants who arrived in Canada during the 1990s settled in one of the country's 27 census metropolitan areas, but still found it harder to find work than natural-born citizens, Statistics Canada reported Wednesday.$LABEL$0 +Sun postpones September user show Sun Microsystems Inc. has decided to postpone its September SunNetwork 2004 San Francisco user conference, and is contemplating merging the event with its JavaOne 2005 developer conference, scheduled for the end of June 2005.$LABEL$3 +Olympics: Emotional Zijlaard-van Moorsel defends time trial title ATHENS : Dutch cycling great Leontien Zijlaard-van Moorsel emotionally defended her Olympic time trial gold medal here. $LABEL$1 +Oracle launches Business Integlligence 10g Oracle introduced a new BI platform yesterday, Business Intelligence 10g that rolls up into one solution all of their BI tools. However, more interesting than the nitty-gritty details of what is included is the back story taking place at the same time.$LABEL$3 +Dutch cyclist defends Olympic gold AMSTERDAM Cyclist Leontien Zijlaard-Van Moorsel won the first gold medal for the Netherlands at the Athens Olympic Games on Wednesday. $LABEL$1 +Kroger's Profit Up; Price Cuts Weigh NEW YORK (Reuters) - Kroger Co., the top U.S. grocer, on Tuesday posted a 29 percent rise in quarterly profit due to cost controls, but price cuts to lure shoppers caused earnings to miss Wall Street estimates and shares fell.$LABEL$2 +Expanding West Major League Soccer's two expansion teams, Real Salt Lake and Club Deportivo Chivas USA, will join the Western Conference for the 2005 season.$LABEL$1 +Pacers Activate Foster From Injured List (AP) AP - The Indiana Pacers activated center Jeff Foster from the injured list Tuesday.$LABEL$1 +Microsoft finalises three-year government deal Hot on the heels of its 10-year strategic partnership with the London Borough of Newham, Microsoft is close to signing a new broad three-year public sector agreement with the government. $LABEL$3 +Airlines Agree to Cut Flights at Chicago O'Hare CHICAGO (Reuters) - U.S. airlines have agreed to limit flights into Chicago's O'Hare International Airport to 88 arrivals per hour between 7 a.m. and 8 p.m. in an effort to cut congestion that has slowed the whole U.S. aviation system, federal officials said on Wednesday.$LABEL$2 +Russia ready to contribute to settlement of South Ossetia conflict: Putin MOSCOW, Aug. 18 (Xinhuanet) -- Russian President Vladimir Putin said Wednesday that Russia is ready to contribute to a settlement of conflict between Georgia and its separatist province of South Ossetia. $LABEL$0 +NASA confident of debris solution Six months before NASA plans to return the shuttle to space, officials think they #39;ve essentially solved the problem that doomed Columbia in 2003 -- debris coming off its fuel $LABEL$3 +Burundi Police Forcibly Disperse Tutsi Protest Police in Burundi #39;s capital, Bujumbura, used tear gas to break up a demonstration Wednesday held to protest the massacre of Congolese Tutsi refugees. $LABEL$0 +Veterans Committee counts for little The Hall of Fame released the latest Veterans Committee ballot yesterday. As you might (or might not) remember, there #39;s a (nearly) new committee in town.$LABEL$1 +Drive maker files counterclaims in patent suit Cornice blasts Seagate's suit over patents for tiny hard drives used in portable gadgets.$LABEL$3 +HP moves network scanning software into beta CHICAGO - Hewlett-Packard(HP) has moved its Active Counter Measures network security software into beta tests with a select group of European and North American customers in hopes of readying the product for a 2005 release, an HP executive said at the HP World conference here in Chicago Wednesday.$LABEL$3 +Martin announces major overhaul of key staff in Prime Minister's Office (Canadian Press) Canadian Press - OTTAWA (CP) - Paul Martin announced a major overhaul of his senior staff Wednesday, with several close confidants and one ex-cabinet minister handed major roles in the Prime Minister's Office in a post-election shakeup.$LABEL$0 +Kerry assails Bush troop withdrawal plan (AFP) AFP - Democratic White House hopeful Senator John Kerry warned that President George W. Bush's plan to withdraw 70,000 troops from Europe and Asia would hinder the war on terrorism and embolden North Korea.$LABEL$0 +Iraq cleric 'to end Najaf revolt' Shia cleric Moqtada Sadr reportedly agrees to end an uprising in the holy Iraqi city of Najaf.$LABEL$0 +Medtronic Quarterly Earnings Rise CHICAGO (Reuters) - Medtronic Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=MDT.N target=/stocks/quickinfo/fullquote"">MDT.N</A> on Wednesday said its quarterly earnings rose amid brisk demand for devices that manage irregular heart beats and products used to treat the spine.$LABEL$2 +Airlines Agree to Cuts at O'Hare Federal officials today announced plans to temporarily cut 37 flights operating at Chicago's O'Hare International Airport to help reduce the delay problems that ripple across the country.$LABEL$2 +Stock Prices Climb Ahead of Google IPO NEW YORK - Investors shrugged off rising crude futures Wednesday to capture well-priced shares, sending the Nasdaq composite index up 1.6 percent ahead of Google Inc.'s much-anticipated initial public offering of stock. In afternoon trading, the Dow Jones industrial average gained 67.10, or 0.7 percent, to 10,039.93...$LABEL$0 +Today in Athens Leontien Zijlaard-van Moorsel of the Netherlands wipes a tear after winning the gold medal in the women #39;s road cycling individual time trial at the Vouliagmeni Olympic Centre in Athens on Wednesday. $LABEL$1 +Medtronic Quarterly Net Up CHICAGO (Reuters) - Medtronic Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=MDT.N target=/stocks/quickinfo/fullquote"">MDT.N</A> on Wednesday said its quarterly earnings rose on brisk demand for devices that manage irregular heart beats and products used to treat the spine.$LABEL$2 +Greek sprinters quit Games ATHENS (Reuters) - Greece #39;s top two sprinters have quit the Olympic Games after submitting their country to six days of embarrassment in a hide-and-seek contest with anti-doping enforcers. $LABEL$1 +Strong Family Equals Strong Education Single mothers, poverty were big factors in school performance HealthDayNews -- American teenagers who live with poor single mothers are more likely to get into trouble at school and have poor marks and are less likely to think they'll go to college, says a Rice University study. Holly Heard, an assistant professor of sociology, analyzed data from thousands of teens who took part in the National Longitudinal Study of Adolescent Health...$LABEL$3 +NetRatings survey shows broadband users now a majority in US AUGUST 18, 2004 (IDG NEWS SERVICE) - A majority of US home Internet users now have broadband, according to a survey by NetRatings Inc. $LABEL$3 +Stunt pilots to save sun dust IT PROMISES to be a scene worthy of a science fiction spectacular. A space probe carrying primordial material scooped from outer space starts to plunge towards our planet. But before it can strike, a helicopter flown by a Hollywood stunt ...$LABEL$3 +U.S. Forces Kill 50 Sadr Militia in Baghdad Suburb BAGHDAD (Reuters) - U.S. forces killed more than 50 Shi'ite militiamen on Wednesday in a significant advance into a Baghdad suburb that is a powerbase for radical cleric Moqtada al-Sadr, the military said.$LABEL$0 +Owners Seek Best Ballpark Deal for Expos (AP) AP - Trying to get the best possible ballpark deal for the Montreal Expos, major league baseball instructed its lawyers to press ahead with negotiations involving four of the areas bidding for the team.$LABEL$1 +Crowd Inspires Greek Beach Volleyballers; U.S. Duo Ousted ATHENS (Reuters) - A roaring crowd helped inspire Greece's top women's beach volleyball team to trounce China on Wednesday and reach the next round.$LABEL$1 +Boro Captain Warns of Duo #39;s Threat Gareth Southgate has warned Barclays Premiership defences to be wary of Middlesbroughs back-to-form strikers Mark Viduka and Jimmy Floyd Hasselbaink.$LABEL$1 +Intuit Posts Wider Loss After Charge (Reuters) Reuters - Intuit Inc. (INTU.O), maker of\the No. 1 U.S. tax presentation software TurboTax, on Wednesday\posted a wider quarterly loss after taking a goodwill\impairment charge during its seasonally weaker fourth quarter.$LABEL$3 +Hamilton Wins Cycling Time Trial Event THENS, Aug. 18 Tyler Hamilton had bruises splotched all over his back, painful souvenirs of a Tour de France gone terribly wrong. $LABEL$1 +Alaska Wildfires Grow to Record 5 Million Acres (Reuters) Reuters - Wildfires have scorched over\5 million acres in Alaska as of Tuesday, forestry officials\said, a new record that signals possible changes in climate\conditions and the composition of the vast forests.$LABEL$3 +Britain #39;s Olympic medal total takes sudden turn for the better Great Britain #39;s performances in the Olympic Games made a dramatic and unexpected improvement yesterday as they won a silver and three bronze medals. They were also guaranteed at least a silver medal in badminton #39;s mixed doubles. $LABEL$1 +Putin faults Georgia on #39;90s tactics in 2 regions TBILISI, Georgia The separatist conflicts in Georgia resulted from the quot;foolish quot; move by Georgia to strip South Ossetia and Abkhazia of their autonomous status during the Soviet collapse, President Vladimir Putin of Russia was quoted as saying on ...$LABEL$0 +Avalanche Sign Damphousse to One-Year Deal (AP) AP - The Colorado Avalanche prepared for the potential loss of several key front-line players, signing former San Jose Sharks captain Vincent Damphousse to a one-year, #36;2 million contract Wednesday.$LABEL$1 +Government gives partial clearance to Bangla tour The Government today gave a partial go-ahead for the Indian cricket team #39;s tour of Bangladesh for the first Test match beginning on Thursday but its security delegation will go to Chittagong, the other venue, to make an assessment of the threat perception $LABEL$1 +Viduka Brace Helps Boro To Win After a spell without scoring, Mark Viduka grabbed two goals as Middlesbrough beat Manchester City 3-2. Boro went ahead when Viduka took Stewart Downings pass, brought it sweetly under control and chipped it over onrushing City keeper David James.$LABEL$1 +Hurricane center #39;s projection on Charley not far off, data show FORT LAUDERDALE, Fla. - (KRT) - Despite criticism that it should have better anticipated Hurricane Charley #39;s rapid intensification and quick turn, the National Hurricane Center #39;s forecast wasn #39;t that far off, a preliminary post-mortem shows. $LABEL$3 +UPDATE 1-J amp;J in talks to buy Guidant - sources Health care and consumer products maker Johnson amp; Johnson (JNJ.N: Quote, Profile, Research) is in negotiations to acquire medical-device maker Guidant Corp.$LABEL$2 +AMP shrugs off British debacle Australian insurer AMP returned to the black in the first half of the year with net profits of A\$378m (150m) after a disastrous foray into Britain pushed it A\$2.16 billion into the red last year. $LABEL$2 +Lloyds TSB cashes in on VoIP Lloyds TSB is gearing up to roll out one of the largest converged networks in Europe, a 500m 70,000 phone VoIP infrastructure linking all the bank #39;s branches and cash points.$LABEL$3 +British athletics appoint psychologist for 2008 Olympics British athletics chiefs have appointed sports psychologist David Collins as Performance Director to produce medal winners at the 2008 Beijing Olympics.$LABEL$1 +Olympic Daily Preview - Thursday, August 19 Athens, Greece (Sports Network) - Wednesday night it was Paul Hamm #39;s turn to shine for the United States, as he won the gold medal in the men #39;s all-around competition. Will Thursday produce a sweep for the US at the Olympics? ...$LABEL$1 +Arafat urges reforms to rectify his #39;mistakes #39; YASSER Arafat, the Palestinian president, made a rare acknowledgement of mistakes under his rule yesterday and urged reforms to end corruption. $LABEL$0 +Selling Houston Warts and All, Especially Warts Descriptions of urban afflictions and images of giant mosquitoes and cockroaches to convey a sense of how Houston is nevertheless beloved by many residents.$LABEL$2 +Brazil beats Haiti in goodwill soccer game The boys from Brazil beat Haiti #39;s national soccer team Wednesday in a friendly goodwill game 6-0. The game was the brainchild of Brazilian President Luiz Inacio Lula da Silva, who was on hand in the Haitian capital for the historical match. $LABEL$1 +Credit Suisse to merge CSFB unit into parent Credit Suisse Group announced plans to merge its Credit Suisse First Boston Securities unit with the rest of the company #39;s operations and cut as many as 300 jobs.$LABEL$2 +Holiday-Shopping Season Remains Sluggish (Reuters) Reuters - U.S. shoppers have kept a tight grip\on their wallets this holiday season with indices on Tuesday\showing sluggish sales in the second week of the season.$LABEL$2 +UN to begin second airlift of Vietnamese Montagnards (AFP) AFP - The second major airlift of Vietnamese Montagnards who fled to Cambodia's remote jungles after April anti-government protests will begin at the weekend.$LABEL$0 +Tennis: Roddick and Williams ousted ATHENS Shell-shocked Americans Andy Roddick and Venus Williams joined already-beaten men #39;s top seed Roger Federer in the favourites #39;exodus from the Olympic tennis tournament on Wednesday. $LABEL$1 +Insurer lowers hurricane estimate Hurricane Charley, the worst storm to hit the US in over a decade, will cost insurers just \$7.4bn, one insurance expert estimates.$LABEL$2 +Nepal Seeks Talks to End Rebel Blockade of Capital KATHMANDU (Reuters) - The fear of attack kept most vehicles off roads leading to Nepal's capital for a second day on Thursday as authorities sought talks to end a siege called by Maoist insurgents.$LABEL$0 +Braves 6, Padres 5 Andruw Jones hit a two-run homer off Trevor Hoffman in the ninth inning and the Atlanta Braves threw out the potential tying run at the plate for the final out Wednesday night, preserving a 6-5 come-from-behind win over the San Diego Padres. $LABEL$1 +Scandal won #39;t go away ATHENS -- It was telling yesterday that the majority of the dozens of journalists who asked questions and attended a news conference into a Greek doping scandal were mostly Canadian. Question after question came from Canadians. We were all there, I think, ...$LABEL$1 +Hundreds laid off at Fleet offices Bank of America Corp. yesterday laid off hundreds of workers at Fleet bank branches across the Northeast as the North Carolina bank began to implement its brand of ...$LABEL$2 +NetApp CEO: No Storage Spending Shortfall (TechWeb) TechWeb - Customers are decoupling storage from server purchases, which explains why EMC and NetApp earnings were up and why Sun and HP were flat or down, Warmenhoven says.$LABEL$3 +Justices to debate mail-order wine Being freelance wine critics may sound like a sweet gig, but Ray and Eleanor Heald have soured on it. Because their home state, Michigan, blocks direct shipments from out-of-state $LABEL$2 +Stanford's Cubit Hired As W. Mich. Coach (AP) AP - Stanford offensive coordinator Bill Cubit was hired Tuesday as head coach at Western Michigan.$LABEL$1 +Oil prices surge to a new high WASHINGTON -- The price of oil charged to a new high above \$47 a barrel yesterday amid nagging concerns about instability in Iraq, the uncertain fate of Russian petroleum giant Yukos, and the world's limited supply cushion.$LABEL$2 +A shot in the arm for all OLYMPIA, Greece -- A brilliant idea, taking the shot put back to the birthplace of the Olympic Games, proving, if nothing else, that everything old really can become new again. $LABEL$1 +Bomb found near Berlusconi #39;s villa Italian Premier Silvio Berlusconi (left) goes for a walk with British Prime Minister Tony Blair and his wife Cherie Blair at Berlusconi #39;s villa, Monday. AP ...$LABEL$0 +After Wait, Google Set for Market Debut NEW YORK (Reuters) - Shares of Google Inc. will make their Nasdaq stock market debut on Thursday after the year's most anticipated initial public offering priced far below initial estimates, raising \$1.67 billion.$LABEL$2 +Bill Clinton Helps Launch Search Engine Former president Bill Clinton on Monday helped launch a new Internet search company backed by the Chinese government which says its technology uses artificial intelligence to produce better results than Google Inc.$LABEL$3 +Harris #39; three-run double in ninth sinks Gagne LOS ANGELES - Paul Lo Duca never got to moonwalk to home plate, though he did skip gleefully to the dugout moments after facing former batterymate Eric Gagne for the first time. $LABEL$1 +Ali gives Iraq fighting chance The back of his shirt told the story last night at the Peristeri Olympic Boxing Hall.$LABEL$1 +Survey: Napster, iTunes beat other download brands (MacCentral) MacCentral - Market research company Ipsos-Insight on Tuesday announced the results of TEMPO, a quarterly survey of digital music behaviors. According to the report, consumers aged 12 and older in the United States were as likely to be aware of Apple Computer Inc.'s iTunes Music Store and Napster 2.0 when it came to recognizing digital music download brands -- each music service registered 20 percent of what TEMPO refers to as ""top-of-mind"" awareness.$LABEL$3 +Qantas says record profit not big enough Australia #39;s flagship carrier Qantas Airways has reported a record annual net profit but warned oil prices threatened its performance, increasing the chance of a hike in ticket price surcharges to offset its fuel bill. $LABEL$2 +State, drug chains reach agreement The state of Maine, Rite Aid Corp., and Community Pharmacy LP have agreed to a consent decree placing conditions on the sale of five Community Pharmacy stores to Rite Aid.$LABEL$2 +Most US homes have broadband connections While the total number of home internet users has reached a plateau in the US, those who do use the internet are adopting broadband at a rapid pace, according to Marc Ryan, senior director of analysis at the audience measurement company. $LABEL$3 +Bluetooth flying bot creates buzz The latest tiny flying robot that could help in search and rescue or surveillance has been unveiled in Japan.$LABEL$3 +Caterpillar snaps up another remanufacturer of engines PEORIA - Caterpillar Inc. said Wednesday it will acquire a South Carolina remanufacturer of engines and automatic transmissions, increasing its US employment base by 500 people. $LABEL$3 +Kidnappers threaten to kill western journalist The kidnappers of an American-French journalist in Iraq have threatened to execute him within 48 hours unless US forces withdraw from the holy city of Najaf. $LABEL$0 +Qantas wants better tax treatment MARK COLVIN: Qantas might have posted yet another record profit, but the national carrier #39;s boss, Geoff Dixon, claims earnings are being hampered by unfair subsidies for international carriers allowed to fly in and out of Australia. $LABEL$2 +SA 'mercenaries' plead not guilty Sixty-six men accused of plotting a coup in Equatorial Guinea deny breaching Zimbabwe's security laws.$LABEL$0 +Olympics: Hansen still strong enough to take bronze Every ounce of his energy was expended, leaving an empty fuel tank. But, even in a depleted state, Brendan Hansen found a way to bolster his ever-growing swimming legacy. $LABEL$1 +Oil Hits New High Over \$48 as Iraq Violence Flares LONDON (Reuters) - Oil prices struck a fresh record above \$48 a barrel on Thursday, spurred higher by renewed violence in Iraq and fresh evidence that strong demand growth in China and India has not been slowed yet by higher energy costs.$LABEL$2 +Economic Indicators Declined in July A closely watched measure of future economic activity fell in July for the second consecutive month, reinforcing evidence that the nation's financial recovery is slackening.$LABEL$2 +Explorers Find Ancient City in Remote Peru Jungle (Reuters) Reuters - An ancient walled city complex\inhabited some 1,300 years ago by a culture later conquered by\the Incas has been discovered deep in Peru's Amazon jungle,\explorers said on Tuesday.$LABEL$3 +Colgate to Cut 4,400 Jobs, Shut Plants NEW YORK (Reuters) - Colgate-Palmolive Co. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=CL.N target=/stocks/quickinfo/fullquote"">CL.N</A> will cut about 4,400 jobs, or 12 percent of its work force, and close nearly a third of its factories under a restructuring, the consumer products company said on Tuesday.$LABEL$2 +Drugstore Offers New Wave of Disposable Cameras NEW YORK (Reuters) - Pharmacy chain CVS Corp. on Thursday said it would offer the world's first disposable digital camera with a bright color viewing screen that allows consumers to instantly preview pictures.$LABEL$3 +Ciena Posts a Loss, Forecasts Flat Sales <p></p><p> By Deborah Cohen</p><p> CHICAGO (Reuters) - Telecommunications equipment makerCiena Corp. <CIEN.O> on Thursday reported a wider loss for thefiscal third quarter due to slack demand and forecast sales inthe current quarter would be little changed from the thirdquarter.</p>$LABEL$3 +U.S. Broadband Penetration Tops 51 By ANICK JESDANUN NEW YORK (AP) -- The number of Americans who get on the Internet via high-speed lines has now equaled the number using dial-up connections. July measurements from Nielsen/NetRatings placed the broadband audience at 51 percent of the U.S...$LABEL$3 +American Aaron Peirsol Wins Gold on Appeal ATHENS (Reuters) - Aaron Peirsol won his second gold medal at the Athens Olympics Thursday after winning an appeal against his disqualification from the men's 200 meter backstroke.$LABEL$1 +Abu Ghraib report 'spreads blame' A report on the Abu Ghraib prisoner abuse scandal will blame at least two dozen more people, say US officials.$LABEL$0 +Ecuadorean Lawsuit Vs Texaco Boils Down to Science (Reuters) Reuters - After a decade\of court battles, lawyers on Wednesday took a lawsuit by\Ecuadorean Indians accusing U.S. oil firm ChevronTexaco Corp..\of polluting the Amazon jungle into the field.$LABEL$3 +Priceline, Ramada to Make Sites More Accessible to Blind In one of the first enforcement actions of the Americans with Disabilities Act on the Internet, two major travel services have agreed to make sites more accessible to the blind and visually impaired.$LABEL$3 +Atlantis ""Evidence"" Found in Spain, Ireland In 360 B.C. the Greek philosopher Plato described an island he called Atlantis. Now contradicting new evidence claims the fabled city-state was based on a real place.$LABEL$3 +Groups Eager to Meet With Bush, Kerry (AP) AP - Organizations representing the nation's 3 million scientists, engineers and doctors have invited both presidential candidates to have a word with them #151; online.$LABEL$3 +Carly Patterson Wins the Women's All-Round ATHENS (Reuters) - Carly Patterson upstaged Russian diva Svetlana Khorkina to become the first American in 20 years to seize the women's Olympic gymnastics all-round gold medal on Thursday.$LABEL$1 +Court: File-swapping software not liable for copyright violations The makers of two leading file-sharing programs are not legally liable for the songs, movies and other copyright works swapped online by their users, a federal appeals court ruled Thursday in a stinging blow to the entertainment industry. $LABEL$3 +Olympics: Olympic weightlifting reels as six more lifters fail drug tests ATHENS : Weightlifting was reeling from the latest crisis to hit the perennially drug-tainted sport here as six more athletes were kicked out of the Olympics for failing dope tests. $LABEL$1 +Colts' Carthon Hopes to Follow Dad in NFL (AP) AP - Ran Carthon tried to avoid playing football after seeing the pain it inflicted on his father, Maurice. Bloodlines, his friends and reality forced a changed of heart.$LABEL$1 +LPGA's Nabisco to Change Dates in 2006 (AP) AP - The Kraft Nabisco Championship will be played one week later than usual starting in 2006, preventing the LPGA Tour's first major from getting lost among other big sporting events.$LABEL$1 +Georgian Troops Leave South Ossetia The soldiers withdrew from the heights above the Ossetian of capital of Tskhinvali Thursday, turning the area over to peacekeepers. Georgia says three of its soldiers were killed in earlier fighting, while Ossetian authorities say three civilians died ...$LABEL$0 +Ohio Sues Best Buy, Alleging Used Sales (AP) AP - Ohio authorities sued Best Buy Co. Inc. on Thursday, alleging the electronics retailer engaged in unfair and deceptive business practices.$LABEL$2 +Cisco Flaw Leaves Router Vulnerable to Attack Cisco Systems issued a security advisory warning that some networks using its routers may be vulnerable to denial-of-service attacks. Devices running Internetwork Operating System and enabled for the open shortest path first (OSPF) ...$LABEL$3 +Sprint is chock full of potential heros It would be nice to see this week #39;s 100-meter sprint as simply the best footrace of all time. We could witness four sub-10-second sprints for the first time ever. It would be nice to watch with raised eyebrows instead of furrowed ones. It ...$LABEL$1 +Scientists Study the Hudson River (AP) AP - Scientists are plunking a series of high-tech sensors into the Hudson River in an effort to unravel mysteries of the murky waterway.$LABEL$3 +Study to Examine Effects of Ship Waste (AP) AP - A team of scientists is traveling a 600-mile stretch of the Inside Passage this month to study the effects of cruise ship waste and other contaminants in Southeast Alaska waters.$LABEL$3 +Cink Leads NEC Invitational by One Shot (AP) AP - Free from the burden of trying to make the Ryder Cup team, Stewart Cink looked at ease Thursday on a marathon day at the NEC Invitational that ended with his name atop the leaderboard.$LABEL$1 +Briefly: China interest in key Yukos unit China is interested in participating in the bidding for Yuganskneftegaz, the top oil-producing subsidiary of the Russian oil giant Yukos, a Chinese economic official was quoted as saying in a report Thursday by the Russian news agency Interfax. The ...$LABEL$2 +Apple recalls 28,000 batteries APPLE has issued a safety recall for 28,000 batteries for its Powerbook notebooks, saying they posed a potential fire hazard. $LABEL$3 +Best Buy a Bad Deal? Attorney General Jim Petro is suing Best Buy, alleging the electronics retailer has engaged in unfair and deceptive business practices. $LABEL$2 +Liu brings China 4th gold in weightlifting at Athens Games ATHENS, Aug. 19 (Xinhuanet) -- Chinese Hercules Liu Chunhong Thursday lifted three world records on her way to winning the women #39;s 69kg gold medal at the Athens Olympics, the fourth of the power sport competition for China. $LABEL$1 +Battling Davenport through Lindsay Davenport continued her dominant recent run and reached the last eight of the Cincinnati Open with a 4-6 6-4 6-1 win over Lilia Osterloh. $LABEL$1 +Genesis Spacecraft Prepares to Return to Earth with a Piece of the Sun In a dramatic ending that marks a beginning in scientific research, NASA's Genesis spacecraft is set to swing by Earth and jettison a sample return capsule filled with particles of the Sun that may ultimately tell us more about the genesis of our solar system.$LABEL$3 +Badminton pair want more Nathan Robertson says there is no reason why he and badminton partner Gail Emms should not win the next Olympics.$LABEL$1 +Darfur warring parties to meet in Nigeria for peace talks (AFP) AFP - Sudan's government and its foes in the Darfur region's rebel movements will meet on Monday for peace talks which mark a last chance for African diplomacy to solve the crisis before the United Nations steps in.$LABEL$0 +Iraq Oil Exports Still Halved After Basra HQ Attack BAGHDAD (Reuters) - Iraq continued to export oil at one million barrels per day on Friday after an attack on the South Oil Company headquarters took sabotage operations to a new level, an official at the state-owned entity said.$LABEL$0 +US unemployment claims slip but picture still murky NEW YORKFewer Americans lined up to claim first-time jobless benefits last week but analysts said the modest decline said very little about the current state of the labour market. $LABEL$2 +Vt. sues over importing drugs Vermont's Republican governor challenged the Bush administration's prescription drug policy in federal court yesterday, marking the first time a state has chosen a legal avenue in the expanding battle over Canadian imports.$LABEL$2 +For starters, Giants #39; Manning on mark Manning had a decent debut as a starter, but Delhomme overshadowed the No. 1 pick in the NFL Draft by throwing for a touchdown and running for another in the Carolina Panthers #39; 27-20 exhibition victory last night over ...$LABEL$1 +Clemens deal is waived off CHICAGO -- The Red Sox were ready to welcome Roger Clemens back to Boston. His uniform number (21) was available. Pedro Martinez , who has expressed the utmost respect for Clemens, almost certainly would have made some room for the Rocket near the locker Clemens long used and Martinez now occupies. Curt Schilling would have been thrilled to pitch with ...$LABEL$1 +Life without numbers in a unique Amazon tribe 11=2. Mathematics doesn #39;t get any more basic than this, but even 11 would stump the brightest minds among the Piraha tribe of the Amazon. $LABEL$3 +P2P Services in the Clear In a major setback for the music and movie industries, a federal appeals court upholds a lower court's decision in the infamous Grokster case, ruling peer-to-peer services Morpheus and Grokster are not liable for the copyright infringement of their users. By Katie Dean.$LABEL$3 +Swap Your PC, or Your President The producer of ads featuring PC users who switched to Macs is applying the same tactic to political commercials. This time, he'll focus on former backers of President Bush, recruited online, who've changed their political allegiance. By Louise Witt.$LABEL$3 +Agassi cruises into Washington Open ATP quarter-finals WASHINGTON, Aug. 19 (Xinhuanet) -- Andre Agassi cruised into quarter-finals in Washington Open tennis with a 6-4, 6-2 victory over Kristian Pless of Denmark here on Thursday night. $LABEL$1 +Producer sues for Rings profits Hollywood producer Saul Zaentz sues the producers of The Lord of the Rings for \$20m in royalties.$LABEL$0 +30,000 More Sudanese Threaten to Cross to Chad -UN (Reuters) Reuters - Some 30,000 Sudanese, victims of fresh\attacks by Arab militia inside Darfur, have threatened to cross\into Chad, the U.N. refugee agency warned on Friday.$LABEL$0 +Google scores first-day bump of 18 (USATODAY.com) USATODAY.com - Even a big first-day jump in shares of Google (GOOG) couldn't quiet debate over whether the Internet search engine's contentious auction was a hit or a flop.$LABEL$3 +Carly Patterson Wins Gymnastics All-Around Gold ATHENS (Reuters) - Carly Patterson upstaged Russian diva Svetlana Khorkina to become the first American in 20 years to win the women's Olympic gymnastics all-round gold medal on Thursday.$LABEL$1 +ChevronTexaco hit with \$40.3M ruling Montana jury orders oil firm to pay up over gas pipeline leak from 1955; company plans to appeal. NEW YORK (Reuters) - A Montana jury ordered ChevronTexaco Corp., the number two US oil company, to pay \$40.3 million for environmental damage from a gasoline ...$LABEL$2 +3 US boxers punched out of Games Athens -- Vanes Martirosyan became the second American to bow out of the Olympic boxing tournament Thursday when he was defeated 20-11 by Lorenzo Aragon of Cuba in their welterweight bout at 152 pounds. $LABEL$1 +Before-the Bell; Rouse Co. Shares Jump <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=RSE.N target=/stocks/quickinfo/fullquote"">RSE.N</A> jumped before the bell after General Growth Properties Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=GGP.N target=/stocks/quickinfo/fullquote"">GGP.N</A>, the No. 2 U.S. shopping mall owner, on Friday said it would buy Rouse for \$7.2 billion.$LABEL$2 +Services make big gains in Japan Tertiary index comes in at almost double expectations, drives up yen and helps Nikkei overcome oil. LONDON (Reuters) - The yen hit a four-week high against the dollar Friday as stronger-than-expected Japanese service sector data raised optimism about the ...$LABEL$2 +Google shares bounce up 18 in trading debut In the stock #39;s first day of trading, investors bought, sold and flipped shares at a furious pace, with the price ending just above \$100 - 18 percent higher than where it started. It was, in other words, everything the company #39;s founders, Sergy Brin and ...$LABEL$2 +Stocks Lower as Oil Prices Steam Higher With the much-ballyhooed initial public offering of Google behind them and oil chugging to a new record high, investors took a step back today.$LABEL$2 +Don #39;t expect Tiger to relinquish his top ranking without a fight They #39;re calling Ohio a quot;battleground state, quot; one of the two or three places likely to decide November #39;s presidential election. On local TV, the Bush and Kerry ads air so frequently that it #39;s easy to forget it #39;s Bob Costas who actually runs the country. $LABEL$1 +Understanding Google AdWords Understanding Google AdWords\\Unlike many search engines Google, to its credit, clearly denotes search listings that are paid placement. In fact, Google AdWords appear in a separate section down the left side of the screen.\\Google AdWords provide an inexpensive advertising venue for businesses to advertise products or services to a targeted ...$LABEL$3 +Service packs, senators and civil liberties <strong>Letters:</strong> The bulging postbag gives up its secrets$LABEL$3 +Saints Revoke Waiver Claim on Derek Ross (AP) AP - One day after placing a waiver claim on troubled cornerback Derek Ross, the Saints did an about-face and released the former Ohio State standout after he missed a scheduled flight to New Orleans on Wednesday night.$LABEL$1 +Hooker Furniture Puts Investors First Closing a factory is never popular, but it's the right thing to do.$LABEL$2 +Clicking on Profits The latest data from the US Department of Commerce further bolsters what we have all suspected: E-commerce sales are increasing. Not only might one suspect that consumer confidence has been bolstered since last year, there ...$LABEL$2 +French Take Gold, Bronze in Single Kayak ATHENS, Greece - Winning on whitewater runs in the family for Frenchman Benoit Peschier, though an Olympic gold is something new. Peschier paddled his one-man kayak aggressively but penalty free in both his semifinal and final runs on the manmade Olympic ...$LABEL$1 +Dogs in Training to Sniff Out Cancer Experts have trained unwanted dogs into supersniffers that can detect drugs or bombs. Now they're focusing on a new threat #151;prostate cancer.$LABEL$3 +Antidepressants to Reflect Suicide Risk WASHINGTON (Reuters) - The U.S. Food and Drug Administration plans to update antidepressant labels to reflect studies that suggest a link between the drugs and suicide in youths, but remains cautious about the strength of such ties, according to documents released on Friday.$LABEL$2 +UAL and Its Creditors Agree to 30-Day Extension UAL's United Airlines will have a 30-day extention on the period in which it can file an exclusive bankruptcy reorganization plan.$LABEL$2 +Mood Mixed Among Darfur Rebels Ahead of Talks CORCHA CAMP, Sudan (Reuters) - A Sudanese rebel commander in a camp in Darfur tells his troops he is hoping for peace. But just a few hours march away, young men say they are convinced Sudan wants to drive them off the land. $LABEL$0 +Crude Price Spike May Send Gas Higher (AP) AP - Amid soaring crude oil prices, gasoline costs have been dropping. But don't expect that to last, economists say.$LABEL$0 +Amazon Snaps Up China's Largest Web Retailer (NewsFactor) NewsFactor - Amazon.com (Nasdaq: AMZN) has said it will buy Joyo.com Limited -- a British Virgin Islands company that operates the largest Internet retail Web site in China -- for US #36;75 million.$LABEL$2 +Swimming: Phelps Wins Gold, Pulls Out of Relay ATHENS (Reuters) - Michael Phelps, who has won five gold medals in the Olympic pool, said Friday he was pulling out of Saturday's 4x100 meter medley relay final to give team mate Ian Crocker the chance to swim.$LABEL$1 +Court Won't Halt Arch Coal's Triton Bid (Reuters) Reuters - A U.S. appeals court ruled on Friday\that Arch Coal Inc. (ACI.N) may proceed with its bid to buy the\assets of rival Triton Coal Co. LLC, denying an emergency\request by the Federal Trade Commission to block the deal, a\spokesman for the agency said.$LABEL$2 +Treasury Prices Take a Breather Today NEW YORK (Reuters) - U.S. Treasury prices paused for breath on Tuesday after a blistering two-session rally ran out of steam, though analysts still saw room to the upside given the large short-base in the market.$LABEL$2 +Sadr Militiamen Still in Control of Iraq Shrine NAJAF, Iraq (Reuters) - Rebel Shi'ite fighters appeared still to be in control of the Imam Ali mosque in the Iraqi city Najaf early on Saturday, but the whereabouts of their leader, the fiery cleric Moqtada al-Sadr, were unknown.$LABEL$0 +Liverpool completes signings of Alonso, Garcia LIVERPOOL, England (AP) -- Spanish pair Xabi Alonso from Real Sociedad and Luis Garcia from Barcelona signed five-year contracts with Liverpool on Friday. $LABEL$1 +Report: Consumers tuning in to plasma TVs First-quarter shipments of plasma televisions in the United States more than doubled from the previous year, according to research firm iSuppli. Prices fell by nearly \$1,000 over the same period. $LABEL$3 +Seven seize ATHENS -- He was behind at the start. He was behind at the turn. He was behind for 99.99 of the 100 meters. His head was behind Ian Crocker's head at the finish. And yet somehow last night, Michael Phelps won again -- for the fourth and final time in an individual race at these Olympics.$LABEL$1 +One in four servers to run Linux by 2008 In a report, the research firm painted a bright future for the open source operating system, claiming that shipments of servers running Linux -- and revenues from those shipments -- will rise significantly over the next five years.$LABEL$3 +Republican Convention Light on Stars (AP) AP - The Republicans will have one sure Hollywood star for their convention #151; California Gov. Arnold Schwarzenegger #151; along with performers to keep the country music fans happy. But they'll be hard-pressed to match the Democratic convention's appeal to young voters led by Ben Affleck.$LABEL$0 +Italian PM #39;s transplant confirmed After days of speculation sparked by the white bandanna worn by Mr Berlusconi on holiday in Sardinia, Piero Rosati said the results of the operation would show in a couple of months.$LABEL$0 +Apple Recalls Flaming 15-inch PowerBook G4 Battery The affected batteries could overheat, posing a fire hazard. Apple received four reports of these batteries overheating. No injuries have been reported.$LABEL$3 +Samsung plans to invest Won25,000bn in chips Samsung Electronics, the world #39;s second largest computer chip manufacturer, yesterday said that it would invest Won25,000bn (\$24bn) in its semiconductor business by 2010 to generate $LABEL$2 +Rosetta Mission Sniffing a Comet The European Rosetta mission will sample a comet as it tries to harpoon and hook onto its surface. A specially designed oven will cook the comet in analogy to sniffing for recognizable elements.$LABEL$3 +More gold for Britain as Wiggins strikes Bradley Wiggins has given Britain their second Olympic cycling gold medal in two days, winning the men #39;s 4-km individual pursuit.$LABEL$1 +Soldiers Kill Palestinian Near Gaza-Israel Fence Israeli soldiers shot and killed a Palestinian as he approached a security fence between Israel and the Gaza Strip, Israeli military sources said on Saturday.$LABEL$0 +Militia, Shiite Leaders Bicker Over Shrine NAJAF, Iraq - Militants loyal to radical Shiite cleric Muqtada al-Sadr kept their hold on a revered shrine, and clashes flared in Najaf on Saturday, raising fears that a resolution to the crisis in the holy city could collapse amid bickering between Shiite leaders. The clashes between U.S...$LABEL$0 +Strongwoman hoists 100th gold for Chinese delegation Tang Gonghong lifted a world record to claim in Athens the 100th Olympic gold for China since its participation in 1984 Olympic Games on Saturday when $LABEL$1 +West Mulls Boundries for African Fighting (AP) AP - As the month-end deadline nears for Sudan to disarm the mostly Arab pro-government militias in Darfur, the United Nations and Western powers are in a dilemma over how far to go to stop the killing in an African country.$LABEL$0 +Chavez victory confirmed Caracas, Venezuela - The results of an audit support the official vote count showing that President Hugo Chavez won this month #39;s recall referendum in Venezuela, the head of the Organization of American States said Saturday.$LABEL$2 +Wall St.'s Nest Egg - the Housing Sector NEW YORK (Reuters) - If there were any doubts that we're still living in the era of the stay-at-home economy, the rows of empty seats at the Athens Olympics should help erase them.$LABEL$2 +Lithuanians deliver NBA stars another Olympic basketball dunking (AFP) AFP - Lithuania defeated the United States 94-90 in an Olympic men's basketball preliminary round game, only the fourth loss in 115 Olympic starts for the defending champions.$LABEL$1 +Source: Dolphins, Bears on Verge of Deal (AP) AP - The Chicago Bears agreed Saturday to trade receiver Marty Booker to the Miami Dolphins for unsigned Adewale Ogunleye #151; if the Bears can reach a contract agreement with the Pro Bowl defensive end, a source close to the negotiations said.$LABEL$1 +Video Game Makers Go Hollywood. Uh-Oh. OVIE producers are often criticized for running at the sight of original ideas, preferring instead to milk plays, books, news events, toys and even video games for their screenplays.$LABEL$3 +Cricket-Lara mulls over future after England whitewash LONDON (AFP) - Brian Lara said he will take stock before deciding on his future as West Indies captain following his side #39;s 10-wicket defeat to England in the fourth and final Test.$LABEL$1 +Pakistani troops raid two terrorist hideouts PAKISTANI troops backed by artillery and aircraft attacked two suspected terrorist hideouts near the rugged Afghan border yesterday, killing and wounding a number of militants, Pakistan army and security officials said.$LABEL$0 +Fleisher Surges Clear Bruce Fleisher carded a seven-under-par 65 to take a three-shot lead after the second round of the Greater Hickory Classic in North Carolina.$LABEL$1 +Glory Comes Amid Empty Seats and Closed Shutters HERE in Old Europe, people install shutters outside their windows to keep out the heat, the pollution, the daylight, the noise. They also lock the shutters tight when they go away on holiday.$LABEL$1 +Amazon to Buy Chinese Retailer Joyo.com Internet retailer Amazon.com Inc. said on Thursday that it will buy Joyo.com Ltd., which runs some of China #39;s biggest retail Web sites, for about \$75 million to gain entry into China #39;s fast-growing market.$LABEL$3 +Salesforce.com 2Q Profit Up Sharply Software developer Salesforce.com Inc. posted a sharp rise in second-quarter profit on better-than-expected revenue during its first quarter as a public company, but investors shunned the stock in late trading $LABEL$3 +Jerkens makes right call with Society Selection Trainer Allen Jerkens hemmed and hawed this past week over running Society Selection in Saturday #39;s Grade 1 Alabama at Saratoga.$LABEL$1 +Unknown Nesterenko Makes World Headlines (Reuters) Reuters - Belarus' Yuliya Nesterenko won the top\women's athletics gold medal at the Olympics on Saturday,\triumphing over a field stripped of many big names because of\doping woes to win the 100 meters.$LABEL$0 +Ready to Bet on Alternative Energy? Well, Think Again When oil prices rise, public interest in alternative energy often does, too. But the logic is evidently escaping Wall Street.$LABEL$2 +Athletics 5, Devil Rays 0 Barry Zito scattered four hits over eight shutout innings, leading the AL West-leading Oakland Athletics past the Tampa Bay Devil Rays 5-0 on Saturday night.$LABEL$1 +Fatah hopes Barghouti would take back candidacy Fatah, the mainstream Palestinian movement, hopes that its former West Bank leader Marwan Barghouti would take back his candidacy for the Jan. 9 presidential election.$LABEL$0 +Blasts hit Bangladesh party rally A series of grenade blasts has rocked an opposition party rally in the Bangladesh capital, Dhaka, killing at least 13 people. There were seven or eight explosions at the Awami League headquarters, as leader Sheikh Hasina addressed a crowd.$LABEL$0 +Belarus #39; Nesterenko fastest in women #39;s 100m first round Belarus #39; Yuliya Nesterenko became the fastest woman to qualify for the women #39;s 100 meters second round at the Olympic Games here on Friday.$LABEL$1 +Around the world The bombing of a UN election office in Afghanistan that injured six policemen drew calls from a UN union Friday for a withdrawal of staffers from the embattled nation.$LABEL$0 +Greek weightlifter awaits verdict Greek weightlifter Leonidas Sampanis will find out on Sunday if he is to be stripped of his medal.$LABEL$0 +Work done, Phelps basks in gold glor And on the eighth day, Michael Phelps actually got to rest. After swimming some 18 races in Olympic competition, Phelps was a mere spectator last night, watching his teammates cap a terrific week for the US swim team.$LABEL$1 +China confronts lack of pipelines China will spend about \$3.4 billion over two to three years laying thousands of miles of oil pipelines to help secure its energy supply in the face of soaring prices and demand.$LABEL$2 +Lane drives in winning run in ninth Jason Lane took an unusual post-game batting practice with hitting coach Gary Gaetti after a disappointing performance Friday night.$LABEL$1 +Games hammered with controversy The International Gymnastics Federation suspended three judges yesterday for a mistake they made in scoring the men #39;s all-around final, but said results would not be changed and Paul Hamm of the United States would keep his gold medal.$LABEL$1 +Admirers look to 2008 But as far as swim greats Rowdy Gaines and John Naber are concerned, what Phelps did in Athens exceeded what Spitz did in Munich in 1972.$LABEL$1 +Arson attack on Jewish centre in Paris (AFP) AFP - A Jewish social centre in central Paris was destroyed by fire overnight in an anti-Semitic arson attack, city authorities said.$LABEL$0 +Colgate to cut workforce CONSUMER goods maker Colgate-Palmolive said today it would cut about 12 per cent of its 37,000-person work force and close a third of its factories worldwide as part of a four-year restructuring.$LABEL$2 +A Founding Father? Give the guy some credit. Tung Chee-hwa, Hong Kong #39;s embattled Chief Executive, gets precious little of it from his people these daysand heaps of $LABEL$0 +Three People Killed at Afghan Checkpoint KABUL (Reuters) - A man and two women were shot dead by Afghan and U.S.-led troops after their vehicle ran through a checkpoint on Saturday, a U.S. military statement said.$LABEL$0 +PRESS START FOR NOSTALGIA Like Led Zeppelin #39;s #39; #39;Stairway to Heaven #39; #39; and Lynyrd Skynyrd #39;s #39; #39;Freebird, #39; #39; classic video games like Frogger and Pong can bring back an entire era.$LABEL$3 +Emmons loses gold medal after aiming at wrong target American shooter Matt Emmons fired at the wrong target on his final shot Sunday, blowing a commanding lead in the Olympic 50-meter three-position rifle event and allowing Jia Zhanbo of China to take the gold.$LABEL$1 +Oil prices look set to dominate The price of oil looks set to grab headlines as analysts forecast that its record-breaking run may well continue.$LABEL$2 +Putin Visits Chechnya Ahead of Election (AP) AP - Russian President Vladimir Putin made an unannounced visit to Chechnya on Sunday, laying flowers at the grave of the war-ravaged region's assassinated president a week before elections for a new leader.$LABEL$0 +U.S. Softball Team Wins, Closes in on Gold ATHENS, Greece - Right now, the Americans aren't just a Dream Team - they're more like the Perfect Team. Lisa Fernandez pitched a three-hitter Sunday and Crystl Bustos drove in two runs as the Americans rolled to their eighth shutout in eight days, 5-0 over Australia, putting them into the gold medal game...$LABEL$0 +More Newcastle United Stories Legendary Real Madrid defender Goyo Benito believes the arrival of Jonathan Woodgate at the Santiago Bernabeu will help bring an avalanche of titles to Real Madrid.$LABEL$1 +Munch masterpiece 'The Scream' stolen from Oslo museum (AFP) AFP - A version of Edvard Munch's masterpiece ""The Scream"" and another famous painting by the great Norwegian artist were stolen from an Oslo museum by armed and hooded robbers, police said.$LABEL$0 +Men Set for Sizzling Duel in 100 Meters ATHENS, Greece - The preliminaries in the 100 meters were perhaps just a sample of what's to come Sunday, when a talented group of qualifiers - including Americans Shawn Crawford, Justin Gatlin and defending champion Maurice Greene - will try to turn their competition into the fastest show at the Athens Games. Five men broke 10 seconds in qualifying Saturday, led by Crawford's time of 9.89...$LABEL$0 +Ulmer storms to gold New Zealand #39;s Sarah Ulmer stormed to gold in the women #39;s individual pursuit in a new world record time. Ulmer, fourth in Sydney four years ago, beat Australia #39;s Katie Mactier in a time of three minutes 24.$LABEL$1 +Goal-happy Ajax and Feyenoord maintain perfect starts Champions Ajax Amsterdam came from behind to thrash NAC Breda 6-2 on Sunday while Feyenoord hit four past Willem II Tilburg to regain the early lead in the Dutch first division.$LABEL$1 +Agency reports climate change major problem Rising sea levels, disappearing glaciers in the Alps and more deadly heat waves are coming for Europeans because of global warming, Europes environmental agency warned Wednesday.$LABEL$3 +Cycling: Ulmer #39;s scorching times in secret rides New Zealand #39;s star cyclist, Sarah Ulmer, last week rode under world record time twice in an hour during a secret training session in France.$LABEL$1 +Arsenal matches record of 42 league games without a loss on Sunday Arsenal rallied for three second-half goals in 11 minutes on Sunday to beat Middlesbrough 5-3, matching a 25-year-old record of 42 league games without a loss in the top-flight of English soccer.$LABEL$1 +Will High Oil Prices Lead to Recession? (AP) AP - High oil prices, which have been a factor in virtually all U.S. recessions over the past three decades, are surging again this year. And the higher crude oil prices climb, the more risk energy costs pose to what, until recently, many expected to be a banner year for the U.S. economy.$LABEL$2 +Labor: Anti-Peres meetings scheduled for Sunday Labor members have scheduled two #39;rebel #39; anti-Peres conferences for Sunday, one to be headed by MK Matan Vilnai and the second by MK Binyamin Ben-Eliezer.$LABEL$0 +U.S. Gymnasts Win 3 Medals; Hamm Angry (AP) AP - Terin Humphrey and Annia Hatch got silver. Courtney Kupets got bronze. And Paul Hamm got mad. The United States upped its gymnastics medal haul to seven Sunday night, the most since the Americans won 16 at the boycotted Los Angeles Games in 1984. And they might not be finished yet.$LABEL$1 +Noguchi Wins Marathon BULLETIN<br>BC-OLY--Women's Marathon RUN,0058<br>BULLETIN<br> ATHENS, Greece (AP) -- Mizuki Noguchi of Japan won the marathon Sunday in 2 hours, 26 minutes, 20 seconds.$LABEL$1 +More Evidence for Past Water on Mars Summary - (Aug 22, 2004) NASA #39;s Spirit rover has dug up plenty of evidence on slopes of quot;Columbia Hills quot; that water once covered the area.$LABEL$3 +Gatlin Sprints from Unknown to Olympic Gold ATHENS (Reuters) - American Justin Gatlin roared from virtual unknown to win the blue ribband Olympic men's 100 meters race on Sunday, upstaging more illustrious rivals in a pulsating final.$LABEL$1 +Indexes in Japan fall short of hype Japanese stocks have failed to measure up to an assessment made in April by Merrill Lynch #39;s chief global strategist, David Bowers, who said Japan was quot;very much everyone #39;s favorite equity market.$LABEL$2 +GAME DAY RECAP Sunday, August 22 Aramis Ramirez hit a three-run homer, Moises Alou also homered and the Chicago Cubs beat the Houston Astros 11-6 on Sunday in the testy conclusion of a three-game series between the NL Central rivals.$LABEL$1 +SI.com HOUSTON (Ticker) -- Kerry Wood got plenty of run support but didn #39;t stick around long enough to take advantage of it. Wood was ejected in the fifth inning for hitting Jeff Kent as the Cubs posted an 11-6 victory over the Astros.$LABEL$1 +Exhausted Massu Outlasts Fish for Gold ATHENS (Reuters) - An exhausted Nicolas Massu reeled in Mardy Fish in five tortuous sets on Sunday to win Chile their second gold medal at an Olympic Games less than 24 hours after helping them to their first.$LABEL$1 +Three people killed at Afghan checkpoint A man and two women were shot dead by Afghan and US-led troops after their vehicle ran through a checkpoint on Saturday, a US military statement said.$LABEL$0 +Karzai set for visit to Pakistan Afghan President Hamid Karzai is to visit Pakistan to discuss fighting terror and boosting trade.$LABEL$0 +Senate Republican Unveils Plan for Intelligence The plan would give the proposed national director responsibility for intelligence-gathering of the C.I.A. and the Pentagon.$LABEL$0 +Davenport wins in Cincinnati American Lindsay Davenport captured her fourth consecutive title, beating second seed Vera Zvonareva 6-3, 6-2 in the final of the \$US170,000 WTA Cincinnati Open on Sunday.$LABEL$1 +Afghan-Coalition Soldiers Kill 3, Wound 2 at Checkpoint Coalition forces in Afghanistan say that three people were killed and two others critically wounded when their pickup truck tried to run a checkpoint in the province of Ghazni.$LABEL$0 +U.S. Plane Attacks Najaf Rebels as Tanks Near Shrine NAJAF, Iraq (Reuters) - A U.S. AC-130 gunship attacked Shi'ite militia positions in the holy Iraqi city of Najaf early on Monday after tanks reinforced the siege of a shrine at the center of a nearly three-week insurgency.$LABEL$0 +Soldiers face Abu Ghraib hearings Four US soldiers charged with abusing Iraqi prisoners are set to face pre-trial hearings in Germany.$LABEL$0 +Colin Jackson: Hard lessons learnt in the human laboratory Yesterday #39;s Olympics treated us to the two extremes of athletics, the endurance race which tests the body to its limits, and the heavyweight showdown, the sprint, which is in the mind.$LABEL$1 +Cink surfaces as Donald sinks Stewart Cink, who needed only to play around par to convert a five-stroke lead after 54 holes into a win, did just that in the NEC Invitational at Firestone yesterday.$LABEL$1 +Wiretapping on the Net: Who pays? NEW YORK At first glance, it might seem like the simple extension of a standard tool in the fight against the bad guys. But in fact, wiretapping Internet phones to monitor criminals and terrorists is costly $LABEL$3 +Red Sox Rally to Beat White Sox 6-5 (AP) AP - Manny Ramirez and David Ortiz homered on consecutive pitches to start the eighth inning Sunday night and the streaking Boston Red Sox beat the Chicago White Sox 6-5 for their sixth straight win.$LABEL$1 +Nortel Downsizes Again Aug. 23, 2004 (TheDeal.com) Problem-plagued Nortel Networks Corp. announced plans Thursday, Aug. 19, to eliminate an additional 3,500 jobs and fire seven more senior executives as the company labors to reinvent $LABEL$2 +Prototype copter-cam: Here, there, everywhere It can only remain aloft for three minutes but weighs less than an empty soft drink can -- and it can take and transmit pictures in flight.$LABEL$3 +Cink Justifies Sutton #39;s Faith Three weeks away from the Ryder Cup, American Stewart Cink hopes he has silenced at least some of his critics - if indeed they exist.$LABEL$1 +Plane crashes into Venezuelan mountain killing 25 : A military plane crashed into a mountain in Central Venezuela, killing 25 people, including five children, the Air Force rescue team said in a statement.$LABEL$0 +Africa brings Sudanese parties to the table as UN sanctions loom (AFP) AFP - The African Union will bring Sudan's warring government and rebel armies into talks with regional power-brokers aimed at heading off a mounting humanitarian crisis in the province of Darfur.$LABEL$0 +Taiwan votes on leaner parliament A vote is due to be held in Taiwan on plans to halve the number of seats in the island's famously heated legislature.$LABEL$0 +Nikkei briefly regains 11,000 level TOKYO - Japan #39;s benchmark Nikkei stock index briefly recovered to the 11,000 level Monday morning on widespread buying prompted by advances in US shares last Friday.$LABEL$2 +HK walks out of 68-month deflation cycle, official Hong Kong Financial Secretary Henry Tang said he believed Hong Kong has walked out of the consumer price deflation cycle that lingered for 68 months, according to the consumer price index trend in the past few years.$LABEL$2 +Oil prices In terms of dollar value, of all the products in the world, nothing is traded more than oil. Crude oil traded above 47 dollars a barrel for the first time this week.$LABEL$2 +Chavez rejects CD as opposition Venezuela #39;s President Hugo Chavez has announced that he will no longer recognize the Democratic Coordination or CD as the opposition coalition.$LABEL$2 +ROUNDUP: Franchitti overcomes pit mishap for IRL win FOUNTAIN, Colo. -- Dario Franchitti shook off a potentially dangerous pit mishap to win the IRL #39;s Honda 225 Sunday at Pikes Peak International Raceway.$LABEL$1 +Productivity Growth Slowest in 2 Years (AP) AP - The productivity of America's workers grew at a 1.8 percent annual rate in the third quarter, the slowest pace in nearly two years, the government reported Tuesday.$LABEL$2 +Roundup: Pleasantly Perfect takes Pacific Classic Favored Pleasantly Perfect took charge down the stretch to win by a length in the 14th running of the \$1 million Pacific Classic yesterday at Del Mar. Pleasantly $LABEL$1 +War crimes hearings to begin for 4 at Guantanamo US NAVAL BASE GUANTANAMO BAY, Cuba -- Four suspected Al Qaeda fighters will be formally charged with war crimes this week as the US military opens the first legal hearings for foreign prisoners captured during the war in Afghanistan and held at a remote US Navy base in Cuba.$LABEL$0 +Maoists attack Nepal district HQ More than 1,000 Maoists launched a violent assault on a district headquarters in Nepal #39;s northwestern mountains, officials said Sunday, as angry traders rallied on the streets of Kathmandu to protest a crippling rebel blockade of the capital, now also hit $LABEL$0 +Downer dismisses #39;sexed up #39; Iraq warning claims SYDNEY : Foreign Minister Alexander Downer dismissed newspaper claims the Australian government was repeatedly warned its support for the Iraq war would impede the fight against terrorism.$LABEL$0 +Hamm should support Yang Paul Hamm needs a new marketing strategy. Either that, or he needs a clue. One harmless gesture separates him from lionization in America and canonization in South Korea, and $LABEL$1 +US women avoid disaster, advance ATHENS -- Preliminary-round elimination would have been a disaster for the United States women. Desperate for a victory, the Americans avoided embarrassment by finally playing like a gold medal contender -- and like a team.$LABEL$1 +Australia Airline Announces Fuel Surcharge Australian budget airline Virgin Blue announced Monday it will increase the fuel surcharge it adds to ticket prices from Aug. 26 because of soaring oil prices.$LABEL$2 +ARM agrees to buy Artisan Components for \$903 mn LONDON, August 23 (New Ratings) - ARM Holdings (ARM.ETR) has agreed to buy Artisan Components Inc (ARTI), a US-based provider of integrated circuit designing solutions, for about \$913 million (503.$LABEL$2 +North Korea Says the Tyrant is Bush, not Kim North Korea says it sees no reason to join a working-level meeting with the United States to prepare for further six-party talks on the communist state #39;s nuclear weapons development.$LABEL$0 +Terreblanche challenges SA arrest White supremacist Eugene Terreblanche is detained after allegedly breaking the terms of his parole.$LABEL$0 +Radcliffe withdrawal not due to injury World record holder Paula Radcliffe #39;s tearful withdrawal from the women #39;s Olympic marathon yesterday was not due to injury, the British team says.$LABEL$1 +Dollar Bounces; Eye on Data, Greenspan LONDON (Reuters) - The dollar bounced off recent four-week lows against the euro and yen on Monday in thin August trade with investors focusing on U.S. data and a speech by the Federal Reserve chief later in the week.$LABEL$2 +Stopping spam at the source New antispam technology standards are on the way that promise to hit spammers where it hurts the most--their wallets. At issue is the ability to authenticate the original source of e-mail messages, a major $LABEL$3 +New Fat-Busting Microwave Oven Unveiled TOKYO (Reuters) - Eyeing up that juicy steak but worried about your waistline? Japanese electronics maker Sharp Corp. <A HREF=""http://www.reuters.co.uk/financeQuoteLookup.jhtml?ticker=6753.T qtype=sym infotype=info qcat=news"">6753.T</A> says it has developed a new fat-busting microwave oven that can melt some of your worries away.$LABEL$3 +Israel OKs More West Bank Settlement Homes JERUSALEM Aug. 23, 2004 - Israel announced plans Monday to build hundreds of new housing units in the West Bank, following an apparent US policy shift on settlements that the Palestinians warned quot;will destroy the peace process.$LABEL$0 +Kmart to Sell 18 Stores to Home Depot NEW YORK (Reuters) - Retailer Kmart Holdings Corp. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=KMRT.O target=/stocks/quickinfo/fullquote"">KMRT.O</A> on Monday said it finalized a deal to sell 18 of its stores to Home Depot Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=HD.N target=/stocks/quickinfo/fullquote"">HD.N</A> for \$271 million.$LABEL$2 +Rules for Overtime Pay To Take Effect Monday Employers and workers are confused by eligibility and classification of the new regulations.$LABEL$2 +Students crazy about iPod follow the music to Apple laptops (USATODAY.com) USATODAY.com - Apple's trendy iPod digital music player, which has revitalized the company, is giving laptop sales a boost during back-to-school season.$LABEL$3 +Stunt pilots to snag a falling NASA craft NASA #39;s three-year effort to bring some genuine star dust back to Earth is set for a dramatic finale Sept. 8 when Hollywood helicopter pilots will attempt a midair retrieval $LABEL$3 +Trial of Accused US Vigilantes Resumes KABUL, Afghanistan Aug. 23, 2004 - A defense lawyer for one of three Americans accused of torturing a dozen Afghan prisoners in a private jail showed a video in court Monday of Afghanistan #39;s former education $LABEL$0 +Sports: Graham says he sent the syringe ATHENS, Greece Track coach Trevor Graham admits he was the person who triggered the BALCO investigation. Graham says he #39;s the one who anonymously sent a syringe of THG to the US Anti-Doping Agency.$LABEL$1 +Seattle Mariners Minor League Report - August 23rd TACOMA RAINIERS - The Rainiers just missed a perfect week when they suffered their only setback on Sunday August 22nd, a 13-6 loss to the Portland Beavers.$LABEL$1 +Southwest Airlines to Cut 88 Flights (Reuters) Reuters - Southwest Airlines Inc. (LUV.N), the\largest U.S. discount carrier, on Monday said it will eliminate\88 scheduled flights in order to boost revenue by freeing up\planes for more lucrative markets.$LABEL$2 +Seattle Times business columnist admits plagiarism, resigns A business columnist has resigned from the Seattle Times after admitting he plagiarized the work of other journalists, said the newspaper.$LABEL$2 +Does Nick Carr matter? Strategybusiness concludes that a controversial new book on the strategic value of information technology is flawed--but correct.\$LABEL$3 +Students Pay More for Beer Than Books British students spend about \$1.8 billion on drink every year, nearly three times as much as they cough up for books, a survey released on Monday showed.$LABEL$2 +Leeds students figure high on working curve Undergraduates in the city earn more than 90 a week on average, just behind Glasgow, Cambridge and Cardiff. Their hard-earned cash is likely to be spent on looking good and socialising, the $LABEL$2 +Windows Upgrade Causing Campus Headaches Microsoft Corp. #39;s decision to release a major upgrade for its flagship operating system in the same month that hundreds of thousands of students are reporting to college campuses across the $LABEL$3 +Intel cuts Pentium 4 prices The newest P4 chips drop in price by 18 percent to 35 percent; a host of other chips are cheaper now as well.$LABEL$3 +Northrop Grumman Gets \$408 Million Pact Defense contractor Northrop Grumman Corp. on Monday said it received a 10-year, \$408 million Army contract to provide simulated battle command training support to Army corps commanders - the latest award in $LABEL$2 +Record biz hammers #39;ostrich #39; downloaders The music industry in the US is making great strides in its campaign against people it says have illegally downloaded music, with courts awarding huge settlements in many cases.$LABEL$3 +Sign-Up Reopened for House Race in La. (AP) AP - A state judge ruled Monday that the sign-up period should be reopened for the Nov. 2 election in Louisiana's 5th Congressional District, where incumbent Rep. Rodney Alexander infuriated Democrats by switching to the Republican Party minutes before the qualifying deadline.$LABEL$0 +Oil price down as Iraq fears ease The price of oil has fallen as fears about interruptions to supplies being pumped out of Iraq eased slightly.$LABEL$2 +Israel Accelerates Settlement Drive As Sharon Pushes On With Gaza <b>...</b> The Israeli government was accelerating its settlement program Monday with plans to build hundreds of new homes in the West Bank, bolstered by a US softening of opposition to new construction projects.$LABEL$0 +Obesity Solution: Nuke It Eying that juicy steak but worried about your waistline? Sharp says it has developed a new fat-busting microwave oven that can melt some of your worries away.$LABEL$3 +E-commerce still booming Online retail sales continue to show significant growth, according to the latest figures released by the US Department of Commerce.$LABEL$3 +Lycos offers people and discussion search Terra Lycos SA introduced two search tools on its Lycos U.S. Internet site on Monday as part of a recently announced strategy to focus on services that allow users to connect with others.$LABEL$3 +Oil Eases as Iraq Resumes Exports <p>\</p><p> By Andrew Mitchell</p><p> LONDON (Reuters) - High-flying oil prices eased for a\second session on Monday as Iraq resumed exports from both its\northern and southern outlets after lengthy disruption, despite\fierce fighting in the holy city of Najaf.</p>$LABEL$2 +Botswana miners 'face dismissal' Botswana's giant Debswana diamond mining firm says it will sack workers who carry on with an illegal stoppage.$LABEL$2 +U.S. Men's Hoops Team Finally Gets a Rout ATHENS, Greece - The Americans got a taste of what it was like in the good ol' days. They finally played an opponent they were able to beat easily, routing Angola 89-53 Monday in their final preliminary game of the Olympic men's basketball tournament...$LABEL$0 +Congo Ex-Rebel Group Pulls Out of Government (Reuters) Reuters - The former main rebel group during\Congo's civil war pulled out of a power-sharing transitional\government on Monday, dealing a major blow to the country's\already fragile peace process.$LABEL$0 +Blue Chips Unchanged, Wal-Mart Weighs NEW YORK (Reuters) - U.S. blue chips were near the unchanged mark on Monday as a disappointing sales forecast from retailer Wal-Mart Stores Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=WMT.N target=/stocks/quickinfo/fullquote"">WMT.N</A> dampened sentiment, offsetting the benefit of easing oil prices.$LABEL$2 +Wiretaps may mute Nextel rivals Fed up with technical excuses, FBI wants carriers to support eavesdropping capabilities for push-to-talk technology now.$LABEL$3 +Partnership Connects Wi-Fi Users In The Sky Wi-Fi is going sky-high thanks to a deal forged between enterprise Internet service provider iPass and Connexion by Boeing. Under the deal, iPass #39;s 528,000-plus Wi-Fi enterprise customers will $LABEL$3 +Wariner Succeeds Johnson as 400 Meter Champion ATHENS (Reuters) - American 400 meters champion Jeremy Wariner succeeded Michael Johnson as the Olympic gold medallist Monday with a personal best of 44.00 seconds.$LABEL$1 +Observers insist: no proof of fraud in Venezuelan referendum. Independent observers confirmed that the random auditing of results from the recall referendum (Sunday August 15) against Venezuelan president Hugo Chavez show there are no indications of fraud as claimed by the opposition.$LABEL$2 +EDS Is Charter Member of Siebel BPO Alliance (NewsFactor) NewsFactor - Siebel Systems (Nasdaq: SEBL) has named EDS as the charter partner in Siebels' new business process outsourcing (BPO) global strategic-alliance program. The agreement expands the relationship between EDS and Siebel to provide a set of high-value managed products and service offerings targeted at the BPO and customer relationship management (CRM) marketplaces.$LABEL$3 +Chicago OKs Cubs to Play at Wrigley Field (AP) AP - The city gave the Chicago Cubs the go-ahead to play ball at Wrigley Field on Monday night after the stadium passed another round of inspections of repair work done on its crumbling upper deck.$LABEL$1 +Philippine President Says Country Faces Fiscal Crisis Philippine president Gloria Arroyo warned that her country is in the midst of a fiscal crisis. A report by economists at the University of the Philippines said the country faces economic collapse $LABEL$2 +US men #39;s basketball routs Angola Athens, Greece (Sports Network) - Tim Duncan led a balanced American attack with 15 points and seven rebounds, as the United States men #39;s basketball team completed the preliminary round with a resounding 89-53 victory over winless Angola.$LABEL$1 +Patterson gets silver on balance beam Athens, Greece (Sports Network) - American Carly Patterson, the women #39;s all- around champion at the Summer Games, added another medal on Monday night with a silver in the balance beam competition.$LABEL$1 +New Russian-US Team to Leave for ISS in October MOSCOW (AFP) -- A new Russian-US team for the International Space Station (ISS) will take off from the Baikonur space station in the former Soviet republic of Kazakhstan in October, Russian space officials said. The three-person team, due to be approved on Thursday, will leave for the ISS on board a Russian Soyuz TMA-5 spacecraft, Russia's Federal Space Agency, Roskosmos said on its website...$LABEL$3 +Gatlin sprints from unknown to 100m gold Reuters Athens Aug 23: American Justin Gatlin roared from virtual unknown to win the blue ribband Olympic mens 100 metres race yesterday, upstaging defending champion Maurice Greene and other more illustrious rivals.$LABEL$1 +Panama Recalls Ambassador From Cuba (AP) AP - Panama recalled its ambassador from Cuba on Monday after the Cuban government threatened to break off relations in a dispute over four anti-Fidel Castro exiles imprisoned in Panama.$LABEL$0 +Obesity Raises Risk for 9 Different Types of Cancer By LAURAN NEERGAARD WASHINGTON (AP) -- Heart disease and diabetes get all the attention, but expanding waistlines increase the risk for at least nine types of cancer, too. And with the obesity epidemic showing no signs of waning, specialists say they need to better understand how fat cells fuels cancer growth so they might fight back...$LABEL$3 +Credit Card Delinquencies at a 4-Year Low NEW YORK (Reuters) - Americans paid their credit card bills on time at a record high level in June, sending credit card delinquencies to their lowest level in four years, Moody's Investors Service said on Monday.$LABEL$2 +Deal has S2io champing at the gigabit OTTAWA -- A local firm that says it can help shrink backup times at large data centres is growing its business thanks to an alliance with Sun Microsystems Inc.$LABEL$2 +Microsoft: Use Script to Block Windows XP SP2 Updates Microsoft has offered up yet another way for businesses to block the automatic update of Windows XP to the big-deal Service Pack 2 (SP2) upgrade.$LABEL$3 +Marathon meltdown THE winner smiled and then vomited. The roaring favourite collapsed and couldn #39;t finish. The Australian contemplated surrender, staggered on and didn #39;t regret it.$LABEL$1 +Panama-Cuba 'pardon' row worsens Panama recalls its Havana ambassador after Cuba threatened to cut ties if jailed anti-Castro activists are pardoned.$LABEL$0 +Cisco Buys IP Platform Maker Network equipment giant Cisco Systems (Quote, Chart) is buying IP platform specialist P-Cube for \$200 million in cash and stock. P-Cube #39;s technology helps telecom carriers, cable operators and ISPs manage $LABEL$3 +Arafat Meets With Gaza Critic A former Palestinian security minister who could be key to keeping order among rival factions in Gaza after an Israeli pullout held a fence-mending meeting Monday with President Yasser Arafat, officials said.$LABEL$0 +New Overtime Rules Take Effect New Bush administration rules that scale back overtime eligibility for white-collar workers took effect on Monday over protests that they would slash paychecks at a time of economic uncertainty.$LABEL$2 +Japanese joy and British tears IT WAS the night of the longest race and the shortest, a night of distress for Britain #39;s Paula Radcliffe and delight for America #39;s Justin Gatlin.$LABEL$1 +SAP Gets \$35 Million Post Office Pact SAP has landed a \$35 million deal to help the US Postal Service overhaul its human resources systems. According to sources close to the deal, the agreement includes a \$21 million consulting component, and $LABEL$3 +US beats Germany 2-1 in OT, to face Brazil in women #39;s soccer final Heather O #39;Reilly, minutes after missing a wide open net, scored in the ninth minute of overtime Monday to give the United States a 2-1 victory over World Cup champion Germany and a place in Thursday #39;s gold-medal game.$LABEL$1 +Intel drops prices on computer chips SAN FRANCISCO - Intel Corp. has cut prices on its computer chips by as much as 35 percent, though analysts on Monday said the cuts were probably unrelated to swelling inventories of the world #39;s largest chip maker.$LABEL$3 +Israel Announces West Bank Housing Plans (AP) AP - Israel announced plans Monday for 500 new housing units in the West Bank, after an apparent U.S. policy shift that has infuriated the Palestinians. The Palestinians oppose all Jewish settlement in the West Bank and Gaza Strip, lands where they hope to establish an independent state.$LABEL$0 +Dollar Holds Gains, Fed Comments Help TOKYO (Reuters) - The dollar held on to the previous day's gain on Tuesday, supported by a retreat in oil prices and upbeat comments on the U.S. economy from Federal Reserve officials.$LABEL$2 +SAP Awarded \$35 Million Postal Service Contract The postal service, which employs more than a third of the civilian employees of the federal government, chose SAP after a multi-year evaluation, it said.$LABEL$3 +Dark arts of spin evident in phoney war for Abbey THE phoney war over the fate of Abbey grinds on. Along the way, on all sides, it is producing its predictable crop of knowing winks and destabilising nudges.$LABEL$2 +Controversial US Overtime Rules Take Effect New overtime rules have taken effect in the United States that the government says will strengthen workers #39; rights, but opponents say will significantly reduce workers #39; pay.$LABEL$2 + #39;Marathon mouse #39; doubles stamina Scientists in the United States have genetically engineered mice which can run twice as far as normal before becoming exhausted. The researchers say their finding could lead to drugs or gene $LABEL$3 +SAS Braathens to cut Gatwick, Geneva flights blackhawk writes quot;SAS Braathens, the Norwegian unit of Scandinavian airline SAS, will cut Oslo routes to Geneva and London Gatwick in the first step of a plan to eliminate 10 routes.$LABEL$2 +CAO executives hand over passports Executives at the collapsed China Aviation Oil Singapore have voluntarily handed over their passports to Singapore #39;s police, a spokesman said Tuesday.$LABEL$2 +Dickens Departs Tony Dickens resigns as head coach at Northwestern six months after leading the Wildcats to the Maryland 4A boys basketball title.$LABEL$1 +Dollar Keeps Gains as Market Awaits Data TOKYO (Reuters) - The dollar idled on Tuesday after gaining the previous day, as many investors held off building positions ahead of economic data from the United States.$LABEL$2 +Audit finds no fraud in Venezuelan recall vote CARACAS : An audit of last Sunday #39;s recall vote in Venezuela, which favored keeping President Hugo Chavez in office, found no evidence of fraud, as the opposition had charged, electoral officials said.$LABEL$2 +Chargers, Rivers Agree to Deal The San Diego Chargers finally reached a contract agreement last night with quarterback Philip Rivers. Rivers, the fourth overall choice in April #39;s draft, agreed to a six-year deal worth about \$40 million, including $LABEL$1 +Chiefs #39; offense too much for Rams in 24-7 victory The NFL #39;s highest-scoring offense is averaging two touchdowns every three possessions during the preseason. If Kansas City #39;s woeful defense can get its act together, too, the Chiefs could be in for big things.$LABEL$1 +Marathoning mice could have Olympian effects on obesity A molecular switch known to regulate fat metabolism appears to prevent obesity and turns laboratory mice into marathon runners, a Salk Institute study has found.$LABEL$3 +Dominant US captures gold with 79th straight win The US softball team completed its scorched-earth run through the Olympics on Monday with a 5-1 win over Australia, America #39;s third straight gold medal.$LABEL$1 +Johnson amp; Johnson bids for rival NEW YORK Johnson amp; Johnson is in advanced negotiations to acquire Guidant, one of the largest US makers of devices to treat heart and circulatory illnesses, according to executives close to the talks.$LABEL$2 +Yukos warns it oil output is lagging Beleaguered Russian energy giant Yukos has warned that it will not produce as much oil as expected this year. It blames bailiffs who are draining its bank accounts to pay its potentially ruinous tax bill.$LABEL$2 +Pressure points ATHENS -- The booing went on for nearly 10 minutes while Paul Hamm, chalked up and ready, waited beneath the horizontal bar last night. quot;Wow, quot; Hamm told his twin brother Morgan. quot;I've never seen this before. quot;$LABEL$1 +Unions protest as overtime rules take effect WASHINGTON -- Hundreds of workers rallied on the steps of the Labor Department yesterday to protest the implementation of new rules they say will cause as many as 6 million Americans to lose their overtime pay. But the Bush administration officials who crafted the complex regulations insisted more workers will actually qualify for extra pay under the plan, which almost ...$LABEL$2 +Serb denies siege terror charges A Bosnian Serb general accused of organising the siege of Sarajevo pleads not guilty to war crimes charges.$LABEL$0 +11th-hour highlights too late NBC's prime-time Olympic coverage is taped and shaped, the television version of a Reader's Digest condensed book. We get all the US highlights, the big news stories, and a well-edited drama building to the 11 p.m. hour. It's a formula that's been proven to hold an audience and pull ratings. The big downside: You have to stay up until midnight ...$LABEL$1 +No IE? No Can See One thing that #39;s always irritated those who don #39;t choose to use Internet Explorer is finding a website that requires IE. Such complaints seem to have grown all the more passionate now security concerns are driving more users to consider IE alternatives.$LABEL$3 +Iran shuts reformist websites WEBSITES CLOSE to Iran #39;s leading reformist party have been blocked by religious hardliners in the police bureau of public morals.$LABEL$3 +Zambrano right at home No one has been more dominating against National League hitters at home than Cubs starter Carlos Zambrano. And Zambrano looked as if he would be at his finest Monday night at Wrigley Field.$LABEL$1 +Torre Calls a Meeting, and the Yanks Respond Joe Torre gathered the Yankees before Monday night #39;s game at Jacobs Field and imparted a simple message: put aside the struggles of the past week.$LABEL$1 +Kerry Dispute Revives Memory of Delta War (AP) AP - The controversy over the Vietnam war record of Democratic presidential candidate John Kerry has trained a fresh light on one of that conflict's lesser-known episodes #151; the operations of America's ""Brown Water Navy"" in rivers, canals and mangrove swamps of the Mekong Delta.$LABEL$0 +Japan to Deport Ex-Chess Champion Bobby Fischer (Reuters) Reuters - Japan issued a deportation order on\Tuesday against former world chess champion Bobby Fischer, who\is wanted in the United States for defying sanctions on\Yugoslavia, an immigration official said.$LABEL$0 +N.Korea Hurls Abuse at Bush, Calls Him Human Trash SEOUL (Reuters) - North Korea hurled invective at President Bush for a second day on Tuesday, calling him a political idiot and human trash, and said six-party talks on Pyongyang's nuclear ambitions appeared doomed.$LABEL$0 +Nairobi police disperse Maasai Police in Kenya disperse Maasai protesters in the capital who are seeking the return of leased colonial land.$LABEL$0 +Arctic team finds ship remains A team retracing the route of a group of Victorian Arctic explorers have found parts of their 172-year-old ship.$LABEL$3 +Toy store profits R back up TOY retailer Toys R Us has posted a second-quarter profit, over- turning the loss it made over the same period the year before. The New Jersey-based group, which is considering quitting the toys business, turned $LABEL$2 +Vonage Calls on Linksys for VoIP Linksys will provide broadband-to-phone adapters and, eventually, Wi-Fi equipment.$LABEL$3 +Vonage Calls on Linksys for VoIP (PC World) PC World - Linksys will provide broadband-to-phone adapters and, eventually, Wi-Fi equipment.$LABEL$3 +Mich. Elephant Gets Therapy for Arthritis ROYAL OAK, Mich. - Like any patient, Wanda needs positive reinforcement to wrestle through her physical therapy...$LABEL$0 +Intel slashes Itanium prices as Madison looms Intel has slashed prices across the board as it prepares to get behind new processor lines due this autumn. The Itanium server line has seen cuts of over 30 per cent, while prices for Intel #39;s fastest business $LABEL$3 +Straw: No British troops to Darfur British Foreign Minister Jack Straw said his country does not plan to deploy forces to Darfur in western Sudan but will provide technical assistance.$LABEL$0 +Iraqi Guardsmen Ring Najaf Shrine US and Iraqi forces battled militants in Najaf on Tuesday and Iraqi National Guardsmen advanced to within 200 yards of the holy city #39;s Imam Ali Shrine compound, where insurgents loyal to radical cleric Muqtada al-Sadr have been holed up for weeks.$LABEL$0 +Gregg: I will help to close deal EVERTON chairman Bill Kenwright #39;s plans for a Russian revolution at Goodison Park may have thawed the cold war with director Paul Gregg.$LABEL$1 +Straw: Sudan Must Help Displaced People (AP) AP - British Foreign Secretary Jack Straw, touring a sprawling desert camp housing 40,000 displaced people from the troubled western Darfur region, urged the Sudanese government to do more to make it safe for the frightened refugees to return home.$LABEL$0 +Japanese Bank Makes Hostile Bid in Takeover Battle The biggest-ever takeover battle in Japan got even bigger today as Sumitomo Mitsui sought to disrupt a rival's expansion plans with a \$29 billion hostile bid for UFJ.$LABEL$2 +Martian Weather Blamed for Loss of Beagle 2 Description: An investigation into the loss of Britain #39;s Beagle 2 spacecraft last December suggests the cause may have been unusual Martian weather.$LABEL$3 +Prodigy Adu Learns His Trade at DC United WASHINGTON (Reuters) - Teenager Freddy Adu, America's most talked about soccer player, has hardly set the league alight with his skills in his first season.$LABEL$1 +Japan #39;s SMFG in \$29B bid for UFJ Sumitomo Mitsui Financial Group Inc. laid out a \$29 billion bid for UFJ Holdings on Tuesday, challenging a rival offer by Mitsubishi Tokyo Financial Group to form the world #39;s biggest bank.$LABEL$2 +Sex toys find niche market in church-influenced Philippines (AFP) AFP - In this predominantly Roman Catholic country where prostitution is illegal and the church still wields considerable influence on the nation's morals, it is a brave person who goes into business selling sex toys.$LABEL$0 +Director Leaves Hollinger Inc. Board Hollinger Inc., th #39;e Toronto-based holding company controlled by disgraced media baron Conrad Black, lost an independent director Tuesday when a former general in Canada #39;s armed forces resigned from its board.$LABEL$2 +US not involved in Afghan vigilante trial-official An Afghan court was following proper procedures in its trial of three US men accused of torture and kidnapping and the United States would exert no influence on next week #39;s verdict, a US official said on Tuesday.$LABEL$0 +British Minister Sees 'Show Camp' in Sudan (Reuters) Reuters - Two rows of well-spaced\mattresses with brightly colored covers are laid out in a straw\hut, and the smiling nurse in surgical gloves gives an\injection to a crying baby held by his mother.$LABEL$0 +Bin Laden Driver Charged at Guantanamo GUANTANAMO BAY NAVAL BASE, Cuba - Osama bin Laden's chauffeur was officially charged Tuesday in the first U.S. military tribunal since World War II, appearing at a pretrial hearing where his lawyer challenged the process as unfair...$LABEL$0 +Cisco Reaches High And Low NEW YORK - Cisco Systems is aggressively trying to build its presence in key growth markets, and it #39;s using both new products and new acquisitions to do it.$LABEL$3 + #39;Somebody please save my dad #39; Nick du Toit #39;s wife and stepdaughter are distraught that there is nothing they can do to help him. On Monday his stepdaughter, Marilise Bezuidenhout, was forced to convey the news of his possible death sentence $LABEL$0 +Update 1: Passengers Stranded by Canceled Flights Thousands of disgruntled vacationers were stranded at Heathrow Airport Tuesday after British Airways canceled scores of flights because of staff shortages and technical hitches.$LABEL$0 +Journalist purportedly kidnapped by militants A group calling itself quot;The Islamic Army in Iraq quot; said Italy must withdraw its 3,000 troops -- or the safety of a missing Italian journalist can #39;t be guaranteed.$LABEL$0 +Discus Champion Thrown Out of Games ATHENS (Reuters) - Hungarian Olympic discus champion Robert Fazekas will lose his gold medal and be expelled from the Games after breaking doping rules, the International Olympic Committee (IOC) said Tuesday.$LABEL$1 +Cisco to acquire P-Cube for \$200M SAN JOSE, Calif.Cisco Systems Inc. said it has agreed to acquire P-Cube for \$200 million in stock and cash to enable service providers to further control and manage such advanced Internet Protocol services $LABEL$3 +Cisco and Microsoft Partner for CRM 8/24/2004 -- Cisco Systems yesterday announced a new Customer Relationship Management (CRM) Communications Connector for Microsofts CRM offering.$LABEL$3 +Apple Tops in Customer Satisfaction Dell comes in a close second, while Gateway shows improvement, study says.$LABEL$3 +Sabre, NWA Trade Barbs Over Ticketing Fee AUGUST 25, 2004 -- The Sabre Travel Network yesterday responded quickly to Northwest Airlines #39; decision to impose a fee on all domestic tickets issued through global distribution systems, firing back with its own policy changes and concluding the $LABEL$2 +United #39;s pension dilemma United Airlines says it likely will end funding for employee pension plans, a move that would be the largest ever default by a US company and could lead to a taxpayer-funded bailout rivaling the savings-and-loan fiasco of the 1980s.$LABEL$2 +Linksys, Netgear prep soho VoIP kit WLAN kit makers Linksys and Netgear have rolled out consumer and small-business oriented wireless access points with integrated Voice over IP (VoIP) support.$LABEL$3 +Tiny telescope detects a giant planet A tiny telescope has spotted a giant planet circling a faraway star, using a technique that could open a new phase of planetary discovery, scientists say.$LABEL$3 +Gardner Loses Quest for Repeat Wrestling Gold US heavyweight Rulon Gardner lost his Olympic title Wednesday after being beaten in the semi-final stage of the 120kg Greco-Roman wrestling event by Georgiy Tsurtsumia of Kazakhstan.$LABEL$1 +Playboy Posts Unused Google Excerpt to Web Site (Reuters) Reuters - Playboy magazine on Tuesday\posted to its Web site an unpublished portion from its\interview with Google's founders, which raised regulatory\eyebrows not for what it revealed, but for its timing -- just\before the Internet search engine's much-anticipated initial\public offering.$LABEL$3 +Williams' Status at USC Still Unresolved (AP) AP - Standout receiver Mike Williams is all but certain not to play Saturday night when top-ranked Southern California opens its season because of continuing delays in the school's appeal process to the NCAA. After that, who knows? USC has applied to the NCAA for a progress-toward-degree waiver and reinstatement of Williams' eligibility.$LABEL$1 +Kerry Pledges to Create Higher-Paying Jobs (AP) AP - John Kerry headed to closely divided Pennsylvania and Wisconsin to tell voters he could produce better, higher-paying jobs from the White House than President Bush has.$LABEL$0 +GOP Platform Plan Seeks Gay Marriage Ban (AP) AP - Republican leaders are pushing for a constitutional ban on gay marriage in the GOP platform, opening a new point of contention between social conservatives and outnumbered but vocal factions fighting to give the party's statement of principles a more moderate tone.$LABEL$0 +EPA: U.S. Waterways Contain Polluted Fish (AP) AP - One of every three lakes in the United States, and nearly one-quarter of the nation's rivers contain enough pollution that people should limit or avoid eating fish caught there.$LABEL$3 +Selig Welcomes Government Help In Steroids Scandal NEW YORK -- Baseball commissioner Bud Selig said Monday he would accept government intervention on steroid testing if the players #39; association refuses to change the current rules, which run for two more years.$LABEL$1 +Barents Sea Under Threat from Fishing, Oil (Reuters) Reuters - The Arctic Barents Sea is\under threat from overfishing, oil and gas exploration and\Soviet-era radioactive waste, the U.N. Environment Program said\on Tuesday.$LABEL$3 +Will This Idea Fly? Charge Some Travelers \$10 for Showing Up Northwest Airlines said it would begin charging a \$10 fee for issuing a ticket at its airport check-in desks.$LABEL$2 +A man with a plan ATHENS -- Four years ago in Sydney, after the US gymnasts had gone medal-free at the Olympics for the first time in 28 years, federation president Bob Colarossi was sitting at a table, explaining that the turnaround already had begun. The women had moved from sixth to fourth in the world in one year, the men from sixth to fifth. ...$LABEL$1 +ASCAP Shakes Down Burning Man for Music Royalties LOS ANGELES, CA -- Officials from ASCAP today indicated they intend to pursue music royalties from the organizers of Burning Man, an artist's gathering and celebration held over the Labor Day holiday near Reno, NV. The unconventional event, held annually since 1986, has never paid fees for any of the music played at the event, says ASCAP. ""We intend to pursue all available avenues to get this issue resolved,"" said Tony Wilcox, ASCAP spokesperson.$LABEL$3 +Branson: Virgin Billionaire Eyes China Telecom Deal Can you hear him now: Virgin Group Chairman Richard Branson said in Hong Kong that his company has earmarked \$300 million for a cell phone joint venture in China.$LABEL$2 +Second Prisoner Abuse Report Expected WASHINGTON - Inattention to prisoner issues by senior U.S. military leaders in Iraq and at the Pentagon was a key factor in the abuse scandal at Abu Ghraib prison, but there is no evidence they ordered any mistreatment, an independent panel concluded...$LABEL$0 +Cleric Returns to Broker Najaf Peace Deal NAJAF, Iraq - Iraq's most powerful Shiite cleric returned home from Britain on Wednesday to help broker an end to nearly three weeks of fighting in Najaf and is calling on his followers to join him in a march to reclaim the holy city, his spokesmen and witnesses said. Grand Ayatollah Ali Husseini al-Sistani return came as heavy fighting persisted in Najaf's Old City...$LABEL$0 +Police Tear Gas, Arrest Protesters in Bangladesh Baton-wielding riot police fired tear gas and rounded up dozens of demonstrators in Bangladesh on Tuesday during a general strike called to protest a weekend grenade attack that killed 20 people and wounded hundreds at an opposition political rally.$LABEL$0 +Careening Indians Fall Slumping Cleveland lost a three-run lead while Derek Jeter homered and stole two ninth-inning bases as New York sent the Indians to their ninth consecutive loss, 5-4, Tuesday.$LABEL$1 +Internosis Will Relocate To Greenbelt in October Internosis Inc., an information technology company in Arlington, plans to move its headquarters to Greenbelt in October. The relocation will bring 170 jobs to Prince George's County.$LABEL$3 +Microsoft offers SP2 compatibility guide Security-focused Windows XP update can be tough on applications. Guidelines are meant to help professionals ""test and mitigate.""$LABEL$3 +Site security gets a recount at Rock the Vote Grassroots movement to register younger voters leaves publishing tools accessible to outsiders.$LABEL$3 +Sony reveals some specs for PSP handheld The PlayStation Portable is going to have one complex processor running the show for games and multimedia.$LABEL$3 +Study: Apple, Dell lead PC customer satisfaction index The PC industry is doing a better job this year of satisfying its U.S. customers, and better technical support and easier-to-use hardware seem to have made a difference, according to the American Customer Satisfaction Index.$LABEL$3 +UN organizes open-source software day across Asia The United Nations, through its International Open Source Network (IOSN) will organize the first annual Software Freedom Day on Saturday in an effort to educate Asian users about the benefits of Free and Open Source Software (FOSS) and encourage its wider use in the region.$LABEL$3 +European Union Extends Review of Microsoft Deal By PAUL GEITNER BRUSSELS, Belgium (AP) -- Software giant Microsoft Corp. (MSFT) and the media and entertainment powerhouse Time Warner Inc...$LABEL$3 +Darfur: 4-Point Draft Agenda Adopted in Abuja A tentative step was taken yesterday in the quest to finding lasting peace in the crisis torn Dafur region of Sudan when the Abuja peace talks unanimously adopted a four-point draft agenda.$LABEL$0 +UPDATE 2-TD, Banknorth in talks on possible deal Toronto Dominion Bank (TD.TO: Quote, Profile, Research) said on Wednesday that it is in talks with US-based Banknorth Group (BNK.N: Quote, Profile, Research) about a possible deal, in line with the Canadian bank #39;s push for $LABEL$2 +Jamaican Government to Provide Free Internet Access in Poor <b>...</b> Jamaica #39;s government on Tuesday announced a US\$5 million (Jamaican \$308 million) plan to provide free Internet access in poor communities across the island.$LABEL$3 +A new Golden Girl It took only 49.41 seconds for Tonique Williams-Darling to etch her name in the annals of Bahamian history. Williams-Darling crossed the finish line $LABEL$1 +India's Tata makes powerful debut Shares in Indian software services giant Tata Consultancy close 16 higher on their market debut, raising \$1.2bn for the company.$LABEL$0 +Sudanese rebels agree to take part in peace talks in Abuja ABUJA, Aug 25, 2004 (dpa) -- Rebel groups agreed Wednesday to participate in peace talks with the Sudanese government being held in the Nigerian capital of Abuja after coming under pressure to disarm and accept confinement to camps in the country #39;s $LABEL$0 +Dragging the Net for Cyber Criminals In an attempt to stem the growing tide of online scams, identity theft and the proliferation of junk e-mail, the Justice Department and state law enforcement officials have initiated what seems to be the largest dragnet yet against spammers, so-called ""phishers"" and other Internet con artists. <FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2"" color=""#666666""><B>-washingtonpost.com</B></FONT>$LABEL$3 +EU to probe Microsoft-Time Warner buy The decision is a setback for the two companies and their plan to acquire ContentGuard, a digital rights management firm.$LABEL$3 +Allen Wins Triathlon Kate Allen of Austria wins the triathlon with a late surge Wednesday, passing more than half of the field in the final leg and edging Loretta Harrop of Australia at the finish line.$LABEL$1 +Is Google the Next Netscape? Is Google the Next Netscape?\\To draw a parallel between Netscape #038; Google in their fight against Microsoft, it is necessary to examine the various similarities between the two situations and see if the tactics that worked then will work now. \$LABEL$3 +GM pulls Guy Ritchie car ad after protest Protests from seven safety groups have prompted General Motors to pull a television ad that shows a young boy driving a Corvette sports car so recklessly that it goes airborne, officials of the automaker say.$LABEL$2 +Tiny telescope #39;s big discovery opens new doors WASHINGTON - A tiny telescope has spotted a giant planet circling a faraway star, using a technique that could open a new phase of planetary discovery.$LABEL$3 +News: US cracks down on spam mountain John Ashcroft, the attorney General of the US, is expected to announce on Thursday dozens of lawsuits against alleged spammers following a low key campaign against the practise across the US.\$LABEL$3 +Bryant Prosecutors Say Some Data Tainted DENVER - Crucial DNA evidence tested by defense experts in the Kobe Bryant sexual assault case might have been contaminated, prosecutors said in a court filing released Wednesday, just two days before jury selection is to begin. Prosecutors said they had found contamination in DNA ""control"" samples intended to ensure testing was accurate...$LABEL$0 +Poultry Stocks See Mixed Recovery Despite a weak third-quarter earnings report that sent its shares plunging 24 percent Tuesday, poultry producer Sanderson Farms Inc.$LABEL$2 +Brazil Tops Spain for Men's Gold in Beach Volleyball ATHENS (Reuters) - Ricardo Santos and Emanuel Rego beat Spain's Javier Bosma and Pablo Herrera 21-16, 21-15 on Wednesday to bag Brazil's first men's Olympic beach volleyball gold medal.$LABEL$1 +NTT DoCoMo, Motorola tie up on 3G handsets NTT DoCoMo will release a handset compatible with non-Japanese cellular networks and with its own 3G (third generation) mobile network early next year.$LABEL$3 +Vonage Awash in Venture Capital VoIP (define) upstart Vonage has quickly amassed another \$105 million from venture capitalists and is looking to Latin America and Asia to accelerate an already torrid growth rate.$LABEL$3 +UN says Afghan vote can legitimise postwar scene (AFP) AFP - Afghanistan has a chance for real political legitimacy when voters go to the polls in the country's first post-Taliban presidential election, the UN's envoy to the nation said.$LABEL$0 +Bryant Prosecutors Question Defense DNA Evidence DENVER (Reuters) - Prosecutors in the rape case against U.S. basketball star Kobe Bryant are questioning the validity of DNA evidence crucial to the defense's case, saying data appeared to have been manipulated and might have to be thrown out.$LABEL$1 +Best Software overhauls Act Best Softwarelaunched this week an overhaul of its Act contact management software, adding to the product line a second version with more scalability and advanced functionality.$LABEL$3 +MOM 2005 Released to Manufacturing Microsoft on Wednesday announced the release to manufacturing of Microsoft Operations Manager (MOM) 2005 and MOM 2005 Workgroup Edition, a new edition that the company previously called MOM 2005 Express.$LABEL$2 +Pittman misses out Fani Halkia (1980), of Greece, clears a hurdle en route to winning a gold medal ahead of fifth place finisher Jana Pittman, of Australia.$LABEL$1 +Jones Advances in Long Jump; Johnson Out ATHENS, Greece - Marion Jones made her Athens debut in virtual anonymity, quietly advancing to the long jump final. Allen Johnson had the attention of everyone in the stadium, for all the wrong reasons...$LABEL$0 +Ford to Repair Faulty Heated Seats in Focus Cars Ford Motor Co. said on Wednesday it will fix malfunctioning heated seats in 33,000 Focus cars, two-thirds of which were sold in Canada.$LABEL$2 +Gartner: Q2 server shipments rise on Sun, Dell strength Server shipments and revenue increased in the second quarter, with low-cost servers based on Linux or the Windows operating system growing faster than their Unix counterparts, according to research firm Gartner Inc.$LABEL$3 +US raids Net song swappers US agents have raided the homes of five people who allegedly traded hundreds of thousands of songs, movies and other copyrighted material over the Internet, Attorney General John Ashcroft says.$LABEL$3 +Dell May Soon Unveil More Consumer Goods -Analyst (Reuters) Reuters - Dell Inc. (DELL.O), the world's\largest PC maker, could announce an expanded selection of its\consumer electronics line in the next several weeks, a retail\industry analyst said on Wednesday.$LABEL$3 +Coke Loses Quiznos Sandwich Account Quiznos Sub, the third-largest US sandwich chain, said on Wednesday it signed a deal to serve PepsiCo Inc. (PEP.N: Quote, Profile, Research) drinks in its US outlets, ending a 23-year relationship with Coca-Cola Co.$LABEL$2 +Israeli army set to unveil stink bomb JERUSALEM: The Israeli army is set to unveil a new weapon designed to get under the noses of Palestinians - a massive stink bomb. A report in the Maariv daily on Wednesday said that the military, which has $LABEL$0 +Northwest sues Sabre over ticket fees Northwest Airlines Corp. filed suit against Sabre Travel Network in the US District Court for the District of Minnesota alleging that Sabre instituted measures that will make it more difficult for the carrier to sell tickets.$LABEL$2 +News: FBI seizes computers in first-ever criminal action against P2P network The Associated Press By Curt Anderson$LABEL$3 +Kuwait assures help on hostages NEW DELHI, Aug. 25. - Kuwait has promised to leave no stone unturned to ensure the safe return of the three Indians who were taken hostage in Iraq.$LABEL$0 +MmO2 Announces 3G Mobile Data Network Launch Customers will be able to download film clips, audio and video, interactive multiplayer games, multimedia music tracks, quot;push-to-watch quot; services, as well as access large e-mail attachments.$LABEL$3 +Republicans Endorse Ban on Gay Marriage NEW YORK - Republicans endorsed an uncompromising position against gay unions Wednesday in a manifesto that contrasts with Vice President Dick Cheney's supportive comments about gay rights and the moderate face the party will show at next week's national convention. A panel made up largely of conservative delegates approved platform language that calls for a constitutional amendment banning same-sex marriage and opposes legal recognition of any sort for gay civil unions...$LABEL$0 +Microsoft expands mainframe pitch Company is upgrading current support and service program to draw more mainframe customers.$LABEL$3 +U.S. Justice Department Cracks Down Internet Crime The FBI seized computers, software and equipment as part of an investigation into illegal sharing of copyrighted movies, music and games over an Internet ""peer-to-peer"" network, Attorney General John Ashcroft announced Wednesday.$LABEL$3 +UPDATE: NZ Auckland Airport FY Net Surges On Travel Boom WELLINGTON (Dow Jones)--New Zealand #39;s Auckland International Airport Ltd. (AIA.NZ) Thursday posted double digit annual profit growth, buoyed by a surge in passenger travel, and said it expects to meet market consensus for the 2005 fiscal year earnings.$LABEL$2 +Mich. Rep. to Head Intelligence Panel (AP) AP - Republican Rep. Peter Hoekstra of Michigan was picked Wednesday to head the House Intelligence Committee amid a heated election-year debate over how to carry out a major overhaul of the nation's intelligence system.$LABEL$0 +Belarus Bank Denies Money Laundering Charge A bank in Belarus has denied US charges that it laundered money for former Iraqi leader Saddam Hussein. Infobank, in a statement, said it has strictly followed international agreements related to the fight against illegal transactions.$LABEL$2 +Singapore Air plans \$7.35B Boeing order Singapore Airlines plans to buy up to 31 Boeing long-range 777-300ER planes worth about \$7.35 billion, the carrier said Wednesday.$LABEL$2 +Global server sales on the rise Sales of server systems rose 7.7 percent globally in the second quarter to \$11.55 billion as demand for Information Technology remained strong after a three year downturn, market research firm Gartner said in a statement.$LABEL$3 +Oil Prices Alter Direction After a month-long rally that repeatedly pushed prices to new highs, the cost of a barrel slumped for the fourth day, leaving the price \$10 higher than year-ago rate.$LABEL$2 +Warner to Start for Giants This Week (AP) AP - Kurt Warner will start at quarterback for the New York Giants this week, although his competition with rookie Eli Manning for the regular-season job continues.$LABEL$1 +Pinochet Immunity Weighed by Chile Court (AP) AP - Lawyers pressed Chile's Supreme Court on Wednesday to uphold a lower court decision stripping retired Gen. Augusto Pinochet of immunity from prosecution, saying the former dictator should face justice for past human rights abuses.$LABEL$0 +Lawyer for Bush Quits Over Links to Kerry's Foes The quick resignation suggests that the Bush campaign, which has repeatedly said it has no ties to the Swift boat veterans group, is eager to put the issue behind it.$LABEL$0 +Toyota reports a silicon carbide breakthrough Move over silicon chips, there is a new semiconductor king on the horizon. Silicon carbide #39;s (SiC) potential has been known since the 1950 #39;s, but the properties that make is attractive also make it hard to work with.$LABEL$3 +MLB, Va. Officials Meet Chicago White Sox owner Jerry Reinsdorf led a team of negotiators from Major League Baseball in a three-hour meeting Wednesday with the leaders of the Virginia Baseball Stadium Authority.$LABEL$1 +AL Wrap: Ortiz Fuels Red Sox Fire as Blue Jays Go Down (Reuters) Reuters - David Ortiz thumped two homers and\drove in four runs to fire the Boston Red Sox to an 11-5 win\over the Toronto Blue Jays in the American League Wednesday.$LABEL$1 +AL Wrap: Ortiz Fuels Red Sox Fire as Blue Jays Go Down TORONTO (Reuters) - David Ortiz thumped two homers and drove in four runs to fire the Boston Red Sox to an 11-5 win over the Toronto Blue Jays in the American League Wednesday.$LABEL$1 +China warns Singapore officials against future visits to Taiwan (AFP) AFP - China has warned Singapore officials against visiting Taiwan again after a ""private and unofficial"" trip by the city-state's new leader just weeks before he took office strained ties with Beijing.$LABEL$0 +Sistani Urges Supporters to Wait at Najaf Gates BAGHDAD (Reuters) - Iraq's top Shi'ite cleric Grand Ayatollah Ali al-Sistani urged his supporters converging on Najaf on Thursday not to enter the battered holy city until he arrived, a senior aide said.$LABEL$0 +Rain threatens triangular final (AFP) AFP - Organisers were left banking on the Dutch weather to spare Saturday's final of the triangular cricket tournament after deciding against altering the fixture schedule in a bid to beat the rain that has marred this warm-up event for next month's ICC Champions Trophy in England.$LABEL$0 +Pakistan down India to ensure top six finish (AFP) AFP - Pakistan defeated arch-rivals India 3-0 here to ensure they stand among the top six in the Olympic men's field hockey competition.$LABEL$0 +Singapore Air expands fleet with US\$3.7B Boeing order Singapore Airlines Ltd., Asia #39;s most profitable carrier, is betting new planes will help it lure passengers from Emirates and Cathay Pacific Airways Ltd.$LABEL$2 +White House Shifts Its Focus on Climate The administration issued a report indicating that emissions of carbon dioxide and other heat-trapping gases were the only likely explanation for global warming.$LABEL$3 +Bush Makes Fourth Trip of Year to N.M. (AP) AP - The ranks of independent voters in New Mexico have grown by nearly 20,000 in the last 10 months, a prize pulling President Bush and rival John Kerry to the state again and again.$LABEL$0 +Charges reduced for Iraq jail MP MANNHEIM, Germany -- A US military policewoman accused in the Abu Ghraib prison abuse scandal had the charges against her reduced yesterday as a set of pretrial hearings wrapped up at an American base in Germany.$LABEL$0 +An insurer sees the light Snoopy has left the building. Well, almost. MetLife Inc. , the insurance giant that employs Charlie Brown's dog in ads, is close to completing a deal to sell its State Street Research and Management investment arm to BlackRock Inc. for about \$400 million. Everyone involved will be better off for it.$LABEL$2 +GM pulls Corvette ad with underage driver DETROIT -- General Motors Corp. has withdrawn a Corvette commercial that shows a young boy driving wildly through city streets after safety advocates complained, the company said yesterday.$LABEL$2 +A mixed economic bag in July Factory orders in July for costly manufactured goods recorded the biggest gain in four months. New home sales, meanwhile, slid, according to a pair of reports $LABEL$2 +Keck telescope confirms important exoplanet discovery Hawaii #39;s Keck Observatory has confirmed the existence of a Jupiter-sized planet orbiting a distant star, the first one spotted by a network of astronomers using telescopes no larger than the ones you can buy in stores.$LABEL$3 +Civil servants in net porn probe More than 200 staff at the Department of Work and Pensions have been disciplined for downloading porn at work.$LABEL$3 +World #39;s smallest digital camera with zoom lens Come September, Japanese electronics giant Casio Computer will launch the world #39;s smallest digital camera with a zoom lens. Casio #39;s palm-sized Exilim camera is much smaller than others as, for the first time, it uses a ceramic lens.$LABEL$3 +Iraq Mortar Attack Kills 25, Sistani Heads to Najaf NAJAF, Iraq (Reuters) - A mortar attack on a packed mosque in the town of Kufa on Thursday killed at least 25 people as Iraq's most influential Shi'ite cleric headed to the nearby holy city of Najaf to try to end a bloody three-week uprising.$LABEL$0 +Dream Team Leads Spain 44-42 at Halftime ATHENS, Greece - As expected, the U.S. men's basketball team had its hands full in a quarterfinal game against Spain on Thursday...$LABEL$0 +Nokia, Pointsec team on mobile data security Enterprises seeking higher security for their growing number of mobile devices may be interested in new encryption technology that Nokia Corp. is deploying in its smart phone products.$LABEL$3 +BlackRock Buys State Street Research NEW YORK (Reuters) - BlackRock Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=BLK.N target=/stocks/quickinfo/fullquote"">BLK.N</A>, one of the largest U.S. fixed income managers, on Thursday said it will buy its far smaller competitor State Street Research Management Co., marking the biggest takeover in the asset management business this year.$LABEL$2 +Six-month deal for Hoddle at Wolves The 47-year-old former England coach was unveiled at a press conference, bringing to an end Wolves #39; month-long search for a successor to Dave Jones.$LABEL$1 +Microsoft Expands Windows Update Release Microsoft Corp. is starting to ramp up distribution of its massive security update for the Windows XP operating system, but analysts say they still expect the company to move at a relatively slow pace to avoid widespread glitches.$LABEL$3 +British sailors bag bronze Britain's Chris Draper and Simon Hiscocks win bronze in a tense final 49er race on the Saronic Gulf.$LABEL$1 +Understanding Search Engine Models Understanding Search Engine Models\\To understand search engines and search engine marketing, one must first understand the search engine model. There are two fundamentally different types of search engine back ends: site directories and spidering search engines. Site directory databases are built by a person manually inputting data about websites. Most ...$LABEL$3 +Electronic Jihad Internet Attack Rumored For Today Electronic Jihad Internet Attack Rumored For Today\\Is the Electronic Jihad attack happening today or is it just stirred up rumors? Yevgeny Kaspersky has raised concerns of a major attack on the internet today. Kaspersky has been widely quoted as saying that there would be a major online attack against Israeli ...$LABEL$3 +Freddie Mac: Investment Portfolio Grew NEW YORK (Reuters) - Freddie Mac <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=FRE.N target=/stocks/quickinfo/fullquote"">FRE.N</A> said on Thursday its mortgage investments, or retained portfolio, grew at an annualized rate of 20.8 percent in July, compared with a 19.4 percent increase in June.$LABEL$2 +Science Magazine: Asia Farmers Sucking Continent Dry (Reuters) Reuters - Asian farmers drilling millions of\pump-operated wells in an ever-deeper search for water are\threatening to suck the continent's underground reserves dry, a\science magazine warned on Wednesday.$LABEL$3 +Report: Intel Logs Big Gains In Flash Market Intel #39;s share of the booming flash market jumped 40.8 percent in the second quarter, according to market-research firm iSuppli Corp.$LABEL$3 +Morocco #39;s El Guerrouj Olympic champion Morocco #39;s Hicham El Guerrouj won in Athens Tuesday an Olympic title in the 1500m race after two failed attempts in Sydney and Atlanta.$LABEL$1 +McClaren happy with striking duo Middlesbrough boss Steve McClaren believes Mark Viduka and Jimmy Floyd Hasselbaink could forge one of the most dangerous strike partnerships in the Barclays Premiership.$LABEL$1 +Iraq group to free 3 Indians, 4 others of Kuwait firm - TV (Reuters) Reuters - Iraqi kidnappers of seven employees of a Kuwaiti company said in a video statement on Thursday they would release the captives once their employer halted operations in Iraq, Al Arabiya television reported.$LABEL$0 +BlackRock to buy State Street Research from MetLife NEW YORK, August 26 (New Ratings) - BlackRock Inc (BLK.NYS), a leading US-based fixed-income asset management company, has reportedly agreed to buy State Street Research amp; Management Company, a unit of MetLife Inc, for \$375 million in a cash and stock $LABEL$2 +Casio Shows Off Slim, Trim Digicams New Exilim models include the thinnest version yet, featuring a new ceramic lens.$LABEL$3 +U.N. Urges Funds to Curb African Locusts (AP) AP - With swarms of locusts threatening crops in a number of African countries, a U.N. agency appealed for an additional #36;70 million in assistance Thursday to prevent the upsurge from becoming a full-scale plague.$LABEL$3 +Nepal blockade 'blow to tourism' Nepal tour operators say tourists cancelled millions of dollars of bookings due to the rebel blockade of Kathmandu.$LABEL$2 +Manchester United cruise into Champions League Manchester United eased into the Champions League group phase with a comfortable 3-0 victory over Dinamo Bucharest at Old Trafford on Wednesday.$LABEL$1 +Intel Gives Centrino Chip Line a Wireless Upgrade (Reuters) Reuters - Intel Corp. (INTC.O) on Thursday\said it has upgraded the wireless networking capabilities of\its Centrino line of notebook computer chips to allow broader\network access with improved security.$LABEL$3 +Panama pardons Castro 'plotters' Four men accused of planning to kill Cuba's Fidel Castro have been pardoned by Panama's president.$LABEL$0 +Pinochet loses immunity: Your reaction The Supreme Court in Chile has ruled that the former dictator General Pinochet should have his immunity from prosecution removed. A lawsuit was brought by relatives of alleged victims of the military regime Operation Condor.$LABEL$0 +Rangers Sign Weekes, Bolster Goaltending (AP) AP - Goaltender Kevin Weekes signed Thursday with the New York Rangers, who expect the unrestricted free agent to compete for the No. 1 job with Mike Dunham.$LABEL$1 +Glaxo Settles Paxil 'Suicide Pill' Suit NEW YORK (Reuters) - GlaxoSmithKline Plc <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=GSK.L target=/stocks/quickinfo/fullquote"">GSK.L</A> has agreed to release all clinical studies of its drugs to settle a lawsuit that accused it of withholding negative information about the antidepressant Paxil, the New York Attorney General's office said on Thursday.$LABEL$2 +Spears' Fiance to Star in Her New Video NEW YORK - Britney Spears' former backup dancer and current fiance Kevin Federline can add another title to his resume: co-star. On Wednesday, a Jive Records publicist confirmed Federline is featured in Spears' upcoming ""My Prerogative"" video, set to debut in mid-September...$LABEL$0 +Dollar General earnings up 19 percent CHICAGO (CBS.MW) - Discount retailer Dollar General reported a 19 percent rise in fiscal second-quarter earnings, helped by higher sales and lower charges.$LABEL$2 +No Evidence Of Abuse At Guantanamo, says Australian Foreign <b>...</b> Australian Foreign Minister Alexander Downer says a US investigation has rejected allegations that Australian terror suspect David Hicks was abused while in US custody in Afghanistan and Cuba.$LABEL$0 +British police arrest radical cleric Abu Hamza (AFP) AFP - Radical Islamic cleric Abu Hamza al-Masri, already detained in London on an extradition request from the United States, was arrested under suspicion of committing or preparing terrorism acts within Britain.$LABEL$0 +Olympics: High-Flying Holm Aims to Defy Science (Reuters) Reuters - Sweden's gold medal-winning high\jumper Stefan Holm reckons he can leap even higher but\scientists say he and other athletes were already close to the\limit of what they can achieve.$LABEL$3 +Japan Won't Have U.S. Beef Anytime Soon (Reuters) Reuters - Japan's lucrative market for U.S.\beef, ruptured by mad cow disease worries, is likely to remain\closed for the rest of this year, U.S. meat industry officials\said on Thursday.$LABEL$0 +Nigeria gives Shell \$1.5 billion eco-bill The Shell oil company has been handed a \$1.5 billion bill for ecological compensation in the Niger delta by the government of Nigeria.$LABEL$2 +Texas School to Offer Women's Gaming Scholarship (Reuters) Reuters - As part of a drive to attract more\women into the male-dominated video game industry, a program\for aspiring game developers at Southern Methodist University\will offer a women-only scholarship, organizers said on\Thursday.$LABEL$3 +Dell adds new switch to lineup Dell has upgraded its PowerConnect line with the addition of the PowerConnect 5324, a 24-port managed gigabit layer 2 switch.$LABEL$3 +103 arrests for Internet fraud, related crimes since June: US (AFP) AFP - US authorities arrested at least 103 suspects and filed 117 criminal complaints since June 1 in a crackdown on various forms of online fraud, Attorney General John Ashcroft said.$LABEL$3 +Microsoft Reprimanded for Misleading Linux Ad (NewsFactor) NewsFactor - The United Kingdom's advertising watchdog group, the Advertising Standards Association, has found that complaints lodged against a Microsoft (Nasdaq: MSFT) magazine ad that stated that Linux was more expensive than Windows were valid.$LABEL$3 +IBM To Amp Integration with Venetica Buy (NewsFactor) NewsFactor - IBM (NYSE: IBM) has said it will purchase Venetica, a privately held firm that provides content-integration software to unstructured data sources.$LABEL$3 +Carter finishes fourth in 400 hurdles James Carter of Baltimore finished fourth in the finals of the 400-meter hurdles today, missing out on a medal. Felix Sanchez, of the Dominican Republic, won the gold medal.$LABEL$1 +London oil drops to \$40 a barrel The cost of a barrel of oil in London has dipped below \$40 as energy prices have continued to slide. The price of Brent crude in London fell to a three-week low of \$39.$LABEL$2 +TiVo loss widens SAN FRANCISCO (CBS.MW) - TiVo said its second-quarter loss widened from a year earlier on higher customer acquisition costs. Free!$LABEL$3 +Athletics: Dominant Phillips takes long jump gold ATHENS - Dwight Phillips of the United States completed a hat-trick of global long jump titles when he crushed the field with his opening leap in Thursday #39;s final to win Olympic gold.$LABEL$1 +Jury Selection to Begin in Kobe Bryant Rape Trial EAGLE, Colo. (Reuters) - Jury selection begins in the Kobe Bryant rape case on Friday when hundreds of potential jurors fill out a questionnaire to help determine if they can sit in judgment in a trial involving race, sex and celebrity.$LABEL$1 +Vioxx Faces Challenges from Insurers, Lawyers Merck amp; Co. faces a dual threat from health insurers and patients #39; lawyers, after a US study suggested its Vioxx arthritis drug carries a greater risk than rival medicines.$LABEL$2 +U.N. Agency Sees No Rapid Development of El Nino (Reuters) Reuters - Fears of a new El Nino, a phenomenon\that brings extreme weather patterns, are unfounded despite\unusual ocean temperatures which often herald the devastating\weather anomaly, the World Meteorological Organization said\Thursday.$LABEL$3 +Visit to a Potemkin village Gongzhong does not resemble any Tibetan village in Tibet. It is a village more from Epcot Center in Walt Disney World.$LABEL$0 +Let basketball As the US men #39;s basketball team limps into the Olympic medal round, the focus has been on the team #39;s lousy outside shooting.$LABEL$1 +Anglers Have Big Impact on Fish Numbers -- Study Recreational anglers may be responsible for landing nearly 25 percent of over-fished salt water species caught off US coasts, a study released on Thursday suggests.$LABEL$3 +Israeli army demolishes 13 Palestinian homes GAZA CITY: The Israeli army demolished 13 Palestinian houses during an incursion in the southern Gaza Strip town of Rafah on Thursday, Palestinian security sources and witnesses said.$LABEL$0 +Nigerian Senate approves \$1.5 bln claim on Shell LAGOS - Nigeria #39;s Senate has passed a resolution asking Shell #39;s Nigerian unit to pay \$1.5 billion in compensation to oilfield communities for pollution, a Senate spokesman said.$LABEL$2 +Goosen takes lead in the BMW Open Retief Goosen, a two-time US Open champion, grabbed the first-round lead in the BMW Open in Nord Eichenried, Germany, with a 6-under-par 66, while Colin Montgomerie improved his European Ryder Cup chances by finishing one stroke back on Thursday.$LABEL$1 +Hewitt cruises to quarterfinals Former Wimbledon and US Open winner Lleyton Hewitt cruised to a 6-1, 6-4 victory over Michael Llodra on Thursday to advance to the quarterfinals of the TD Waterhouse Cup.$LABEL$1 +US edge out Brazil for gold The United States beat Brazil 2-1 in extra time to win the women's Olympic football tournament.$LABEL$0 +Breast scans 'fail' in some women Some women with breast cancer are less likely to have their tumours picked up by scans, say experts.$LABEL$0 +Yemeni Poet Says He Is al-Qaida Member GUANTANAMO BAY NAVAL BASE, Cuba Aug. 26, 2004 - In a dramatic turn that silenced defense lawyers, a Yemeni poet accused of crafting terrorist propaganda argued on Thursday to represent himself before a US $LABEL$0 +Changing of the Guard in US Track and Field Description: NPR #39;s Steve Inskeep talks with USA Today sports columnist Christine Brennan about the latest news in track and field at the Athens Olympics.$LABEL$1 +Govt. to Test New Air Passenger Screening Program The US government unveiled plans on Thursday for a revised computer-based program using personal information to identify airline passengers who may pose a threat to air travel.$LABEL$3 +Chile Court Strips Pinochet of Immunity (AP) AP - Chile's Supreme Court stripped Gen. Augusto Pinochet of immunity from prosecution Thursday in a ruling that revived hopes of his foes that he might stand trial on charges of human rights abuses during his rule.$LABEL$0 +Amelie's final footsteps retraced Detectives have staged a reconstruction of the final steps of murdered French student Amelie Delagrange.$LABEL$0 +Bush, Kerry Bow to McCain's Wishes on Ads NEW YORK - President Bush and Sen. John Kerry bowed to the wishes of popular maverick John McCain on Thursday, as the president embraced the Republican senator's legal fight against big-money special interest groups airing negative ads and the Democratic nominee scrapped a commercial that featured McCain...$LABEL$0 +Thatcher case twist as list of alleged coup backers vanishes THE Thatcher saga took a dramatic twist last night when it emerged a key witness in the police investigation has disappeared, taking with him a list of wealthy individuals who supposedly bankrolled an alleged coup attempt in oil-rich Equatorial Guinea.$LABEL$0 +PeopleSoft customers reassured Oracle Corp. President Charles Phillips on Monday said PeopleSoft Inc. customers have become more comfortable with the prospect of a merger between the two software firms even as the proposed transaction awaits a critical ruling from a Delaware court.$LABEL$2 +Torch passed on winning goal ATHENS -- America #39;s gold-medal soccer players don #39;t just say goodbye; they say hello. quot;The thing I love, quot; retiring captain Julie Foudy said, quot;is that Tarpley and Wambach scored.$LABEL$1 +Union leaders held under ESMA on Day 6 of strike New Delhi, August 26: The sixth day of the truckers strike on Thursday saw 12 more truckers being arrested under the Essential Services Maintenance Act (ESMA)in the Capital.$LABEL$2 +DreamWorks Officer Quits DreamWorks SKG, the studio that created the quot;Shrek #39; #39; films, said yesterday that Helene Hahn would step down as chief operating officer.$LABEL$2 +Vote 2004 - a guide to the primary Get ready for the primary with the Herald-Tribunes special news section profiling all the federal, state and local candidates in races in Tuesdays election.$LABEL$0 +Jets, Pennington Talk The New York Jets and quarterback Chad Pennington are looking to finalize a contract extension by next Wednesday.$LABEL$1 +AL Wrap: Oakland's Durazo Piles on Misery for Baltimore (Reuters) Reuters - Erubiel Durazo's three-run homer in\the second inning helped the Oakland Athletics remain top of\the American League (AL) West with a 9-4 win over the reeling\Baltimore Orioles Thursday.$LABEL$1 +AL Wrap: Oakland's Durazo Piles on Misery for Baltimore NEW YORK (Reuters) - Erubiel Durazo's three-run homer in the second inning helped the Oakland Athletics remain top of the American League (AL) West with a 9-4 win over the reeling Baltimore Orioles Thursday.$LABEL$1 +Sports: Braves 6 Rockies 4 ATLANTA Mike Hampton hit an RBI single and Atlanta stretched its lead in the NL East by winning its fourth in a row 6-to-4 over Colorado.$LABEL$1 +Islamic group holding lorry drivers demands firm quit Iraq (AFP) AFP - A group calling itself the Secret Islamic Army (SIA) will release seven hostages it has been holding for more than a month as soon as their Kuwaiti company says it will no longer operate in Iraq, the SIA announced.$LABEL$0 +Iraq's Sadr Orders Fighters to Lay Down Weapons NAJAF, Iraq (Reuters) - Rebel Iraqi cleric Moqtada al-Sadr on Friday ordered his men inside Najaf's Imam Ali mosque to lay down their weapons and join thousands of Shi'ite pilgrims outside the shrine.$LABEL$0 +Guo tucks away gold for China China #39;s Guo Jingjing easily won the women #39;s 3-meter springboard last night, and Wu Minxia made it a 1-2 finish for the world #39;s diving superpower, taking the silver.$LABEL$1 +Taiwan Rescuers Dig Out 7 Bodies Buried in Landslide TAIPEI (Reuters) - Taiwan rescue workers dug out seven bodies from mud and rock in a mountain village that was hit by a devastating landslide triggered by Typhoon Aere, but eight still remained buried, officials said on Friday.$LABEL$0 +Camarillo #39;s Homer Lifts Mexico SOUTH WILLIAMSPORT, Pa., Aug. 26 -- Alan Camarillo #39;s first homer of the series came at a perfect time for Mexico. Camarillo hit a three-run homer in the 10th inning on Thursday to propel Guadalupe, Mexico, into $LABEL$1 +Troops close Gaza roads after rockets fired at Israel JERUSALEM -- Israeli forces blocked main roads in Gaza yesterday after rockets were fired at an Israeli town, and troops tore down houses in a refugee camp on the Egyptian border, foreshadowing more unrest after Israel #39;s announced planned pullout next year $LABEL$0 +Exec, wife give Stanford \$43.5 million SAN FRANCISCO (CBS.MW) -- Berkshire Hathaway vice-chairman Charles Munger and his wife Nancy Munger on Thursday donated \$43.5 million to Stanford University and its law school.$LABEL$2 +Athens - a \$12bn bill THE world sighed with relief when Greeks kept their promise to deliver some of the world #39;s finest sport venues in time for the Athens Olympics.$LABEL$1 +HP Unveils Cavalcade of Consumer Products (PC World) PC World - First TVs, new printers, long-lasting inks, and projectors are targeted\ at living room and office.$LABEL$3 +Bush Faces Heavy Pre-RNC Travel Schedule (AP) AP - President Bush charges into the final runup to the Republican National Convention with a heavy campaign schedule in key states he needs to carry in November.$LABEL$0 +Anticipation nation LINCOLN, Neb. -- Carly Simon got it right a generation ago.AN-TI-CI-PA-TION. She wasn't singing about college football, but out here in the heartland of America, as Husker Nation prepares for a new season, the sense of anticipation is enormous.$LABEL$1 +A great catch? Lobsters How does he like lobster? Boiled, steamed, broiled, baked, grilled? Newburg? Bahar Uttam prefers his with a capital L -- Lobsters -- and sees them frolicking on a tennis court rather than laid out on a plate. In Uttam's mind lurks a tasty dish for the town's sporting crowd, one that could satisfy the five-year hunger of tennis junkies, a ...$LABEL$1 +Bureaucracy Pins Rocket to Earth The da Vinci Project, a Toronto group planning to launch a homemade, manned spacecraft in October, is having trouble getting its paperwork off the ground. Canadian regulators are leery of approving the launch. And then there's the matter of finding insurance. By Dan Brekke.$LABEL$3 +Dominicans' Swift Step Into Crisis SANTO DOMINGO, Dominican Republic -- When Sandro Batista smashed his banana truck into a tree in April, leaving him with two hideously shattered legs and a broken arm, his orthopedic surgeon sent his sister shopping.$LABEL$2 +HP Moves Deeper Into Consumer Electronics Personal computer giant Hewlett-Packard Co. is stepping deeper than ever into the consumer electronics arena with its fall product lineup - so don't be surprised if you hear about ""HP TV"" along with ""HDTV"" when shopping for your next television.$LABEL$3 +Sprint, SBC Announce Wi-Fi Roaming Pact Customers of Sprint Corp. and SBC Communications Inc. will be able to use both companies' wireless Internet connections with less hassle under a reciprocal deal announced Friday.$LABEL$3 +Stock Futures Flat Before GDP, Fed Speech NEW YORK (Reuters) - U.S. stock futures were nearly unchanged on Friday as investors awaited key data on the economy that could determine the market's early direction.$LABEL$2 +Interbrew wins shareholder vote to buy AmBev LONDON, August 27 (New Ratings) - Belgian brewing giant, Interbrew SA (ITK.ETR), has received the approval of its shareholders for its proposed acquisition of the Brazilian brewer, AmBev.$LABEL$2 +Update 1: Thai Airways Orders 6 Airbus Superjumbos Thai Airways has agreed to buy six Airbus A380s, becoming the 13th airline to order the new quot;superjumbo, quot; the European aircraft maker said Friday.$LABEL$2 +Jacobson Lifts Ryder Cup Hopes with Sparkling 65 MUNICH (Reuters) - Sweden's Fredrik Jacobson made his bid for a last-gasp Ryder Cup spot with a spectacular seven-under-par 65 in the BMW International Open second round on Friday.$LABEL$1 +CSKA sponsor rejects criticism RUSSIAN oil giant Sibneft today rejected any suggestion of a conflict of interest existing between Chelsea and CSKA Moscow who are due to meet in the Champions League.$LABEL$1 +Astronaut Candidates Practice Survival Skills By SARA LEITCH BRUNSWICK, Maine (AP) -- Astronauts spend years training before they can lift off into space. They learn to operate shuttles, perform experiments in zero-gravity, and eat bugs if they must...$LABEL$3 +RealNetworks Gets in Content Business (AP) AP - RealNetworks Inc. survived the dot-com collapse and an assault from Microsoft Corp. Now it's trying to remake itself into a provider of paid Internet content.$LABEL$3 +United States 66, Russia 62 Frustrated by fouls, turnovers and a feisty opponent, the United States desperately looked for help. Then along came Sheryl Swoopes to set things right.$LABEL$1 +Paula #39;s going for gold PAULA RADCLIFFE has decided she WILL run in tonight #39;s 10,000m race at the Athens Olympics. Today #39;s dramatic decision comes just days after Britain #39;s star long-distance runner was left weeping at the roadside after pulling up in the Olympic marathon.$LABEL$1 +US economic growth slips to 2.8 Annual US economic growth fell to 2.8 in the second quarter of 2004, marking a slowdown from the 3 estimated a month ago.$LABEL$0 +Explosive Remnants Found in Russian Jet Wreckage One of two Russian airliners that crashed nearly simultaneously was brought down by a terrorist act, officials said Friday, after finding traces of explosives in the plane's wreckage. A Web site connected to Islamic militants claimed the action was connected to Russia's fight against Chechen separatists.$LABEL$0 +Who cares about Kerry? It's Bush we can't stand, say Vietnamese (AFP) AFP - The question of whether presidential candidate John Kerry was a coward or a leader during the Vietnam War might be raging in the United States, but on the streets of Hanoi people hope for just one result from the American election -- the exit of George W. Bush.$LABEL$0 +Spike Lee Wins Cybersquatting Case Against Porn Site Movie director Spike Lee has won his\cybersquatting case against a Philippines-based operator who\misused the domain name to redirect surfers to a pornographic\Web Site, arbitrators ruled Friday.$LABEL$3 +Socially Responsible Funds on a Tear Don't be too impressed -- great returns don't always mean much.$LABEL$2 +At least 25 bodies at Sadr #39;s religious court NAJAF, Iraq : At least 25 charred and bloated bodies were discovered in the basement of a religious court set up by rebel cleric Moqtada Sadr in Najaf #39;s Old City, police said.$LABEL$0 +Nepal rejects UN mediation Nepalese Prime Minister has rejected the UN offer of mediating in talks with Maoist rebels. But Sher Bahadur Deuba has not ruled out an expanded role for India to resolve the conflict in the Himalayan kingdom.$LABEL$0 +USOC letter to FIG I write in response to your letter of August 26, 2004, which you asked the United States Olympic Committee to forward to Olympic gold medalist Paul Hamm of the United States of America.$LABEL$1 +Japanese Utility Plans IPO in October (AP) AP - Electric Power Development Co., a former state-run utility, said Friday it is planning an initial public offering on the Tokyo Stock Exchange in October, a deal that could be the country's biggest new stock listing in six years.$LABEL$0 +Now It's Official: Economy Shrunk WASHINGTON (Reuters) - The U.S. economy slowed more sharply in the second quarter than first thought as oil prices rose and the trade gap swelled, the government said on Friday in a report that confirmed momentum faltered in the spring.$LABEL$2 +Now It #39;s Official: Economy Shrunk The US economy slowed more sharply in the second quarter than first thought as oil prices rose and the trade gap swelled, the government said on Friday in a report that confirmed momentum faltered in the spring.$LABEL$2 +Now It's Official: U.S. Growth Slowed WASHINGTON (Reuters) - The U.S. economy slowed more sharply in the second quarter than first thought as oil prices rose and the trade gap swelled, the government said on Friday in a report that confirmed momentum faltered in the spring.$LABEL$2 +Microsoft corrals changes for Longhorn With SP2 out the door, Microsoft turns sights to Longhorn--which won't look quite as expected.$LABEL$3 +Nonnative Goats Bunking at Yellowstone (AP) AP - A new study shows mountain goats are taking hold in Yellowstone National Park, but park officials aren't sure how to handle the presence of the nonnative animals.$LABEL$3 +Less Turbulence Ahead for Airbus, Boeing EU Trade Commissioner Peter Mandelson and his US counterpart, Robert Zoellick, aim for a truce in the latest transatlantic row over government aid for aviation rivals Boeing and Airbus.$LABEL$2 +Bon-Ton's Succession Success The transition atop the department store company looks like a pleasant non-story.$LABEL$2 +Friday Focus: Running in the rain Rain is forecast for Saturday in Spa. Here's what the team will do to cope...$LABEL$1 +Procter amp; Gamble: A soap opera success By Davis Dyer, Frederick Dalzell. By Robert Slater. In the 1830s, William Procter, a storekeeper and candle maker, and James Gamble, a soap maker, happened to marry two sisters in Cincinnati, Olivia and Elizabeth Ann Norris.$LABEL$2 +Paisley #39;s decision over disarmament awaited Northern Ireland #39;s politicians have an anxious wait as the Reverend Ian Paisley decides whether to endorse an historic deal with Sinn Fein.$LABEL$0 +VeriSign #39;s Antitrust Claim Against ICANN Dismissed quot;VeriSign #39;s contentions are deficient, quot; Judge Howard Matz wrote in the 16-page decision setting aside the antitrust claims against ICANN.$LABEL$3 +Rooney going nowhere unless price is right: Moyes England striker on his way. Or is he? Will it be St James #39; Park or Old Trafford? Or will he remain at Goodison? Although Wayne Rooney today handed in a transfer request, and set in motion his seemingly inevitable $LABEL$1 +Triathlon: Double for Kiwis in toughest of events NEW ZEALAND scored an unprecedented Olympic double in the men #39;s triathlon yesterday when Hamish Carter no cigar for guessing his roots beat his compatriot, reigning world champion Bevan Docherty, by 7.87 seconds, writes Doug Gillon.$LABEL$1 +Modified US space shuttle ready to fly next spring NASA said Thursday it had corrected flaws that caused the destruction of the space shuttle Columbia in February 2003 and that a modified shuttle would be ready to resume flights sometime next Spring.$LABEL$3 +Report: Explosion Kills 2 Near Chechyna (AP) AP - An explosion rocked a police building in the restive Dagestan region adjacent to Chechnya on Friday, and initial reports indicated two people were killed, the Interfax news agency said.$LABEL$0 +Flying Cars Reportedly Still Decades Away (AP) AP - It's a frustrated commuter's escapist fantasy: literally lifting your car out of a clogged highway and soaring through the skies, landing just in time to motor into your driveway.$LABEL$3 +HP to tempt holiday shoppers with sights and sounds The computer-hardware giant, best known for products such as PCs and printers, on Friday laid out its plan to become a brand-name in consumer electronics products such as flat-screen TVs, music players and the devices that move content between them.$LABEL$2 +Thai Airways orders six Airbus superjumbos Thai Airways International plans to buy six Airbus A380 double-decker aircraft that will be delivered in 2008 and 2009. The airline is also ordering two additional A340 aircraft.$LABEL$2 +Shareholders Toast Brewers' Merger BRUSSELS/SAO PAULO (Reuters) - Shareholders gave their blessing on Friday for Belgium's Interbrew <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=INTB.BR target=/stocks/quickinfo/fullquote"">INTB.BR</A> to buy Brazil's AmBev <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=AMBV4.SA target=/stocks/quickinfo/fullquote"">AMBV4.SA</A><ABV.N> in a \$9.7 billion deal that will create the world's largest brewer.$LABEL$2 +Argentina Beats U.S. Men's Basketball Team Argentina defeated the United States team of National Basketball Association stars 89-81 here Friday in the Olympic semi-finals, dethroning the three-time defending champions.$LABEL$0 +US Space Agency Improves Shuttle Safety, Management The US space agency, NASA, continues work on improving the safety of the space shuttle, before the fleet of orbiters resumes its visits to the international space station next year.$LABEL$3 +'Dream Team' Out of Gold Race After Loss to Argentina ATHENS (Reuters) - The U.S. men's basketball team was beaten by Argentina Friday, denying it an Olympic gold medal for the first time since 1992 when NBA players started competing.$LABEL$1 +GOP Urge Bush to Turn Attention From Iraq (AP) AP - Nervous Republicans are urging President Bush to unveil a robust second-term agenda at his convention next week to shift voters' focus from the unpopular war in Iraq and other issues that are a distraction to his re-election drive. Some contend the party should ditch the GOP-fueled controversy over rival John Kerry's combat record in Vietnam.$LABEL$0 +A Canadian Invasion A few weeks ago, in a story on Nortel (NYSE: NT), I asked people to submit a Canadian joke to me. This is as good a place as any to reveal the winner.$LABEL$2 +American Champion Tim Mack Wins Pole Vault Gold American champion Tim Mack won the Olympic pole vault title on Friday with a Games record 5.95 meters after an engrossing duel with teammate Toby Stevenson.$LABEL$1 +Khan urged to stay amateur British boxing sensation Amir Khan is being urged to shun a big-money move to the professional ranks, whether he wins or loses his shot at Olympic gold on Sunday.$LABEL$1 +FBI Suspects Israel Has Spy in Pentagon -- CBS News WASHINGTON (Reuters) - The FBI believes there is an Israeli spy at the very highest level of the Pentagon, CBS News reported on Friday.$LABEL$0 +IBM puts grids to work at U.S. Open IBM will put a collection of its On Demand-related products and technologies to this test next week at the U.S. Open tennis championships, implementing a grid-based infrastructure capable of running multiple workloads including two not associated with the tournament.$LABEL$3 +Sudan remains defiant as time starts to run out BRITAIN has warned Sudan that it still has a lot of work to do to satisfy the international community that it is tackling what the United Nations has described as the worlds worst humanitarian crisis.$LABEL$0 +Lebanon political drama plays out Syrian scipt The stage is Beirut and the actors are Lebanese; but the audience knows the drama surrounding selection of the countrys president is being produced in Lebanons powerful neighbour Syria.$LABEL$0 +HP brand to inject new life into ink The company splashes a new name on the inks to be used in its photo printers.$LABEL$3 +UPDATE 1-Rookie Johnson shares Buick lead with Funk Rookie Zach Johnson produced the day #39;s joint best score, a five-under-par 65, to join Fred Funk at the top of the leaderboard after the second round of the \$4.$LABEL$1 +UK growth at fastest pace in nearly 4 years Britain #39;s economy accelerated to the fastest annual pace in nearly four years in the second quarter as manufacturing emerged from a slump and consumers ratcheted up spending, the government said Friday.$LABEL$2 +Next Version of Windows for PC's to Ship in 2006 To meet its timetable, Microsoft has scaled back its technological ambitions for the product, code-named Longhorn.$LABEL$3 +Siemens Says Cellphone Flaw May Hurt Users and Its Profit Siemens, the world #39;s fourth-largest maker of mobile phones, said Friday that a software flaw that can create a piercing ring in its newest phone models might hurt earnings in its handset division.$LABEL$2 +Microsoft promises new OS for 2006 Microsoft says it plans to broadly release the long-awaited update to its flagship Windows operating system, dubbed #39;Longhorn #39;, in 2006.$LABEL$3 +Yemeni Ambassador to United Nations Dies (AP) AP - Abdullah Saleh al-Ashtal, who served as Yemen's ambassador to the United Nations for nearly 30 years, died in New York on Thursday after a long illness, Yemen's Foreign Ministry and its U.N. Mission said Friday. He was 66.$LABEL$0 +Schumacher in uncharted territory MICHAEL Schumacher doesn #39;t need to win the Belgian Grand Prix on Sunday to nail his unprecedented seventh Formula One drivers title.$LABEL$1 +Top-ranked Illinois flyin #39; high When the Illinois men #39;s basketball team moved to No. 1 in The Associated Press and ESPN/USA Today Top 25 polls on Monday afternoon, it was a special moment for the program and the players.$LABEL$1 +Daly penciled in for Deutsche Bank John Daly provided a nice surprise for local golf fans yesterday when he committed to play in next week #39;s Deutsche Bank Championship at TPC of Boston in Norton.$LABEL$1 +Revelations on ""children overboard"" incident put pressure on Australian PM (AFP) AFP - Australian Prime Minister John Howard was fighting to maintain his credibility after official transcripts backed up critics' claims about what he knew of a controversial 2001 sea rescue of boatpeople.$LABEL$0 +Short Jump, Bad Handoff End Jones #39; Games ATHENS, Greece - For Marion Jones, Sydney must seem far more than half a world away. Those Olympics were some dreamland where she ruled track and field with a golden touch and a sweet smile, winning five medals $LABEL$1 +DATA VIEW: HK Exports Slow In July, But Momentum Intact HONG KONG (Dow Jones)--Hong Kong #39;s export expansion slowed a touch in July, as expected, but still continued at double-digit rates thanks to high trade volume with mainland China.$LABEL$2 +Fired-up Baggaley takes silver Australia #39;s Nathan Baggaley was over the moon after winning the silver medal in the Olympic kayaking K1 500 event today. Double world champion Baggaley fired from the start and took an early lead but faded $LABEL$1 +Profiling Shaukat Aziz: economic reformist-turned-PM Shaukat Aziz, taking over as Pakistan #39;s 23rd prime minister on Saturday, is a former private banker credited with infusing new life into an almost bankrupt economy.$LABEL$0 +NCAA Wrong To Close Book On Williams Top-ranked and defending co-national champion USC opens its season tonight against Virginia Tech. Tampa #39;s Mike Williams, the best football player not in the NFL - now officially the best college football player $LABEL$1 +Change on the money One day after National Hockey League executive vice president and chief legal officer Bill Daly accused the NHL Players Association of engaging quot;in a charade quot; with regards to negotiating a collective bargaining agreement -- and believes the start of the 2004-05 season is in jeopardy because the union wants to keep status quo -- Bruins owner Jeremy Jacobs said there's ...$LABEL$1 +Eritreans deported by Libya hijack a plane KHARTOUM, Sudan -- Armed with knives, Eritrean deportees hijacked a plane that left Libya carrying about 80 fellow Eritreans and forced it to land yesterday in the Sudanese capital before surrendering to security forces, officials said.$LABEL$0 +Bush administration shifts stance on the cause of warming NEW YORK In a striking shift in the way the Bush administration has portrayed the science of climate change, a new report to Congress focuses on federal research indicating that emissions of carbon dioxide and other heat-trapping gases are the only likely $LABEL$3 +Hamm flap, Dream Team just wrong ATHENS, Greece -- Look at it this way: At least the US basketball team won #39;t be asked to give back its gold medal. On a day that was Olympic in scope both for its shock value and its intrinsic weirdness, the $LABEL$1 +Microsoft #39;s big fix: Security patch now on the market For the past few years, viruses have attacked Microsoft #39;s operating system, Web browser or e-mail programs seemingly on a weekly basis.$LABEL$3 +Second seed Dementieva hammered in New Haven The French Open runner-up, who had progressed to the last four with ease, was completely out of sorts as seventh seed Bovina wrapped up victory in only 56 minutes.$LABEL$1 +Yemen Jails 5 Over Limburg, US Envoy Murder Plot A Yemeni court jailed five al Qaeda supporters for 10 years Saturday for the bombing of the French supertanker Limburg and sentenced to death another militant who plotted to kill the US ambassador to the Arab state.$LABEL$0 +Facing Arrest, Uma Bharti Quits as Madhya Pradesh Chief BHOPAL (PTI) - Madhya Pradesh Chief Minister Uma Bharti has been forced out of office after four days of political drama as the issue of tainted ministers came back to haunt the Bharatiya Janata Party.$LABEL$0 +Far from fun and Games for Jones ATHENS, Greece -- So other than your anemic, fifth-place finish in the long jump and the missed baton pass in the 400-meter relay for a big fat quot;Did Not Finish, #39; #39; how did your day go, Marion Jones?$LABEL$1 +Swing and a Miss for Asteroid An asteroid the size of a large storage shed came within 4,100 miles of Earth this spring, making it the closest near miss ever recorded, US astronomers said this week.$LABEL$3 +US team stumbles Marion Jones, the queen of Sydney who finished those 2000 Olympics with a record five track-and-field medals, ended her next Olympics much differently Friday -- out of medals and in tears.$LABEL$1 +Yemen Sentences 15 Militants on Terror Charges A court in Yemen has sentenced one man to death and 14 others to prison terms for a series of attacks and terrorist plots in 2002, including the bombing of a French oil tanker.$LABEL$0 +Shaukat Aziz gets vote of confidence ISLAMABAD: Newly-elected known as finance wizard Prime Minister Shaukat Aziz has secured vote of confidence form the national assembly.$LABEL$0 +Australia win Olympic hockey gold ATHENS, Aug 27: Australia won the Olympic men #39;s hockey tournament for the first time in history on Friday, beating the Netherlands 2-1 with a golden goal.$LABEL$1 +GOP Jamboree Could Briefly Lift Stocks NEW YORK (Reuters) - Fasten your seatbelts. The Republicans are coming to town. If things go smoothly at the Republican National Convention, the stock market could get a brief boost next week, experts say.$LABEL$2 +Bea Arthur for President Bea Arthur sparked a security scare at Logan Airport in Boston this week when she tried to board a Cape Air flight with a pocketknife in her handbag. The ""Golden Girls"" star, now 81, was flagged by a Transportation Security Administration agent, who discovered the knife - a strict no-no following 9/11. ""She started yelling that it wasn't hers and said 'The terrorists put it there,' "" a fellow passenger said. ""She kept yelling about the 'terrorists, the terrorists, the terrorists.' "" After the blade was confiscated, Arthur took a keyring from her bag and told the agent it belonged to the ""terrorists,"" before throwing it at them. - via philly.com$LABEL$3 +At Least 24 Killed Morocco Bush Crash (AP) AP - A bus, truck and taxi collided in a mountainous region of western Morocco Saturday, killing 24 people and injuring about 20 others, the official MAP news agency reported.$LABEL$0 +The Digital Transition If my car died tomorrow, I'd have a lot less angst picking its successor than I would if my TV conked out. <FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2""\ color=""#666666""><B>-Rob Pegoraro</B></FONT>$LABEL$3 +Sudanese rebels squabble with government over ceasefire violations (AFP) AFP - Sudanese rebels walked away from African Union peace talks to hold a 24-hour boycott in protest at alleged government attacks on civilians in the war-torn western province of Darfur.$LABEL$0 +Olympics-U.S. Women Show Men How to Win Gold ATHENS (Reuters) - The U.S. women's basketball team showed their men how to win gold Saturday as around 70,000 spectators flocked to the Olympic stadium for a hectic athletics program on the penultimate night of the Athens Games.$LABEL$1 +Hard Drive: SP Your XP, RSN Don #39;t have Windows XP? Listen up anyway, because there #39;s a lesson to learn, not to mention sly put downs you can use to annoy your Windows-XP-using-friends so they #39;ll finally break down and admit $LABEL$3 +In Western Iraq, Fundamentalists Hold U.S. Forces at Bay Falluja and Ramadi, and much of Anbar Province, are now controlled by militias, with U.S. troops confined to outside bases.$LABEL$0 +The Hunt for a Hybrid The Aug. 23 front-page article on the Toyota Prius vs. the Honda Civic implied that the main reason people prefer the Prius was its quot;geek-chic look quot; and the image buyers want.$LABEL$2 +Al-Sadr #39;s militia keeps fighting in Baghdad US forces and radical Shiite cleric Muqtada al-Sadr #39;s militia battled Saturday in Baghdad even as the truce that ended the bloody fighting between US-Iraqi troops and the militia forces in Najaf held for a second day.$LABEL$0 +Britain Edges U.S. for 400M Relay Gold (AP) AP - Stymied by a sloppy handoff in the middle of the race, the United States lost to Great Britain by a hundredth of a second Saturday night in the 400-meter relay #151; a race the American men usually dominate.$LABEL$1 +US suspends helicopter flights after Japan crash (AFP) AFP - The United States suspended flights of CH-53D military helicopters in Japan, bowing to protests over a crash in an Okinawa university campus.$LABEL$0 +Bovina wins Pilot Pen tournament Elena Bovina of Russia outlasted Nathalie Dechy of France 6-2, 2-6, 7-5 and won the Pilot Pen tennis tournament Saturday. Bovina, seeded seventh, won her third WTA title.$LABEL$1 +Hewitt reaches final on Long Island Commack, NY (Sports Network) - Second-seeded Lleyton Hewitt reached Sunday #39;s final at the \$380,000 TD Waterhouse Cup -- a final US Open tune-up.$LABEL$1 +Hurricane Watch Issued for Gaston Off S.C. COLUMBIA, S.C. - A hurricane watch was issued for the South Carolina coast Saturday as forecasters predicted Tropical Storm Gaston would make landfall near Charleston on Sunday night...$LABEL$0 +Kerry Says He's in a 'Fighting Mood' (AP) AP - Democratic Sen. John Kerry said Saturday he's in ""fighting mood"" with two months to go to the presidential as his allies defended him from questions about his valor in Vietnam.$LABEL$0 + #39;We walk a fine line, #39; says the boss whose airline tripped up After one of the most embarrassing weeks in British Airways #39; history, the recriminations begin tomorrow. Rod Eddington, the airline #39;s gregarious Australian chief executive, says he will mount a full investigation $LABEL$2 +GlobeTrotter: Mandrake-based 40GB Linux Mobile Desktop joestar writes quot;Mandrakesoft amp; LaCie have just launched quot;GlobeTrotter quot;, a ultra-compact 40 GB bootable USB hard-drive pre-loaded with Mandrakelinux 10.$LABEL$3 +Health Highlights: Aug. 28, 2004 A new drug that fights a form of age-related macular degeneration (AMD), a leading cause of blindness in the elderly, won applause if not approval from a panel of advisors to the US Food and Drug Administration.$LABEL$2 +Hewitt advances to Long Island final Lleyton Hewitt is one match away from winning his second consecutive ATP title, with the Australian reaching the final of the TD Waterhouse Cup at Long Island.$LABEL$1 +Soldiers face death after refusing to bomb Darfur Fifteen armed men in blue uniforms guard the metal stairs leading to the Sudanese court. Among the people massed at the bottom, only those who look official and scream loud $LABEL$0 +Bovina ends two-year wait Seventh-seeded Russian Elena Bovina won her first title in two years by beating France #39;s Nathalie Dechy 6-2 2-6 7-5 in the final of the Pilot Pen tournament.$LABEL$1 +UN, ending mission, says some human rights improvement Sudan's Darfur region (Canadian Press) Canadian Press - AL-FASHER, Sudan (AP) - Security has improved inside camps in Sudan's violence-torn Darfur region, but displaced villagers still face attacks and abuse when leave the camps, a United Nations team said Saturday, wrapping up a mission that could determine whether Sudan is hit with international sanctions.$LABEL$0 +File-Sharers, the Eyes of Justice Are Upon You President Bush likes to project the swashbuckling image, but this week it was the folks over at the Justice Department who formed the posse to go after the evildoers -- the ones on the Internet.$LABEL$3 +Mobile phone #39;deafness #39; risk p2pnet.net News:- Defects in Siemens 65 series mobile phones could cause deafness, says the company. quot;In extreme cases, this volume could lead to hearing damage.$LABEL$3 +Pakistani PM-elect takes parliament confidence vote Pakistani Prime Minister- elect Shaukat Aziz Saturday secured vote of confidence in the National Assembly (NA), the powerful lower house of the parliament,a requirement under the country #39;s constitution.$LABEL$0 +TOMPKINS: Young Brit who fought here has shot at gold Great Britain #39;s Amir Khan, who looked so impressive in winning the 132-pound championship at the Junior International Invitational Boxing Championships here last summer, has a chance for an Olympic gold medal in the lightweight division today.$LABEL$1 +Pakistan province focuses on prayers, curbing vice (Reuters) Reuters - Cinemas are barred from hoisting movie bill-boards and shopkeepers are afraid to display posters featuring women in the historic northern Pakistani city of Peshawar.$LABEL$0 +Apology, refund from cruise line In a move almost unheard of in its industry, Norwegian Cruise Line has apologized for service problems during the Pride of Aloha #39;s first two months of sailing around Hawaii, and is refunding a portion of the service charge to everyone who has cruised on $LABEL$2 +Smith saves United LONDON, Aug. 28. - Alan Smith scored a late equaliser for Manchester United today as the side tied 1-1 at Blackburn. Sir Alex Fergusons side looked headed for their second Premier League defeat of the $LABEL$1 +Sunday: A fierce battle between US forces and Shiite militants <b>...</b> Tuesday: A Shiite insurgency appeared to be weakening as Iraqi forces moved to within 200 yards of the Imam Ali Shrine. Wednesday: Iraq #39;s top Shiite cleric returned home with a peace initiative demanding an end to the fighting in Najaf.$LABEL$0 +Terror is below radar in Russia It took 2 days for Russia #39;s security service to announce what virtually everyone else believed from the moment two domestic passenger airlines plunged to earth simultaneously $LABEL$0 +Australian PM calls election on Oct. 9 Australian Prime Minister John Howard on Sunday announced that the next federal election will be held on October 9. He told a press conference here that voters will decide $LABEL$0 +We owe Athens an apology ATHENS -- The Games of the XXVIII Olympiad -- the great disaster that wasn #39;t -- come to an emotional end this afternoon and, really, the world owes Athens an apology.$LABEL$1 +Legendary double for El Guerrouj In a historic 5,000-meter race, Hicham El Guerrouj of Morocco, who won gold at 1,500 meters last week, outkicked Kenenisa Bekele of Ethiopia in $LABEL$1 +Hamm not looking back Controversial Olympic gold medalist Paul Hamm is back in the United States and ready to move on. Hamm, in Worcester for the Rock amp; Roll $LABEL$1 +Northwest fee increase has agents crying foul The airline said it will begin paying only \$5 of the \$12.50 cost of booking a Northwest ticket through a global distribution system such as Sabre or Galileo starting Wednesday.$LABEL$2 +Sanderson doesn't let gold out of his grasp ATHENS -- Cael Sanderson didn't look too comfortable on the medal stand last night. As the national anthem was played, he went from taking the winners' wreath off his head to putting it back on, to taking it off again and holding it across his chest.$LABEL$1 +Chechens Vote for New Leader, 'Bomber' Kills Self ZNAMENSKOYE, Russia (Reuters) - Chechens voted Sunday for a new president in a tense election, but many doubted the Moscow-backed police officer who was set to win would manage to stamp out rebellion in the turbulent region.$LABEL$0 +US Sprinter Pulled From Relay for Marijuana Violation Less than two hours before the Olympic men #39;s 400-meter relay semifinal on Friday, the United States Coach George Williams pulled John Capel from the race after being told by $LABEL$1 +Five facts about France #39;s Muslim headscarf ban - The French parliament passed the law in March to ban quot;conspicuous symbols quot; of faith from its state school system. Guidelines for applying the law identified Muslim headscarves, Jewish skullcaps and large $LABEL$0 +Saboteurs Blow Up Oil Pipeline in Iraq (AP) AP - Saboteurs blew up a pipeline in southern Iraq on Sunday in the latest attack targeting the country's crucial oil industry, a senior oil official said.$LABEL$0 +Vote near, Saudis push to modernize RIYADH, Saudi Arabia -- Even as Saudi Arabia struggles internally with violent extremists and externally with its image as the country that produced most of the attackers of Sept. 11, 2001, the desert kingdom's rulers are moving on multiple fronts to modernize and moderate their nation.$LABEL$0 +French Govt., Muslims Appeal for Reporters' Release PARIS (Reuters) - France's government and leaders of its Muslim minority urged Iraqi militants Sunday to free two French journalists they were holding hostage in a bid to force Paris to revoke its ban on Muslim headscarves in schools.$LABEL$0 +Spilled Oil, Gas Ignite in Iraq's South Rumaila Field BASRA, Iraq (Reuters) - Oil and gas spilled during recent sabotage attacks on Iraq's southern oil pipelines ignited Sunday and firefighters battled to douse the flames.$LABEL$0 +Conn. Man, 70, Oldest to Swim Channel LONDON - A retired Connecticut pilot has become the oldest person to swim the English Channel. George Brunstad, 70, left Dover, England, Saturday morning heading for the French Coast...$LABEL$0 +Schumacher Clinches Seventh Season Title (AP) AP - Michael Schumacher clinched an unprecedented seventh Formula One drivers' title at the Belgian Grand Prix on Sunday, despite not winning for just the second time in 14 races this season.$LABEL$1 +US Bells Do Video on Path Blazed by Small Telcos The three largest US local telephone corporations made a splash this summer with plans to sell video services on their voice and data lines in a few years.$LABEL$2 +SEC gives a slap on the wrist After last week #39;s settlement with San Francisco investment adviser Garrett Van Wagoner, you have to wonder how serious the Securities and Exchange Commission is about protecting mutual fund shareholders.$LABEL$2 +Helm #39;s perfect 10 And the two-and-a-half back somersaults with one and a half twists in a pike position turned out to be his ticket to a silver medal.$LABEL$1 +Tropical Storm Slams Into Coastal S.C. CHARLESTON, S.C. - Tropical Storm Gaston blasted the South Carolina coast with rain and near-hurricane strength wind early Sunday, flooding roads and knocking out power to at least 75,000 homes...$LABEL$0 +Our mobile margins will fall: Telstra TELSTRA chief financial officer John Stanhope has admitted Telstra #39;s margins in its \$4.5 billion a year mobile phone business will shrink this year in the face of increased price competition and the growing cost of acquiring new customers.$LABEL$3 +UPDATE 1-Thompson earns Celtic a record win over Rangers Scottish champions Celtic secured a record seventh successive win over Glasgow rivals Rangers on Sunday with a 1-0 victory courtesy of midfielder Alan Thompson #39;s venomous late strike.$LABEL$1 +Pakistan not for open-ended arms race: spokesman A Pakistani Foreign Office spokesman Sunday said Islamabad does not favor an open-ended arms race in South Asia, according to the official Associated Press of Pakistan (APP).$LABEL$0 +Montgomerie, Donald named as Ryder Cup wildcards European Ryder Cup captain Bernhard Langer named Britons Colin Montgomerie and Luke Donald as his wildcard picks on Sunday for next month #39;s match against the United States.$LABEL$1 +Arsenal #39;s winning ways a joy Legendary Nottingham Forest manager Brian Clough said last week that losing Forest #39;s 42-game unbeaten record to Arsenal stuck in the craw quot;because nobody likes them quot;, but surely that is not true.$LABEL$1 +Thousands Hit NYC Streets; Cheney Arrives NEW YORK - Tens of thousands of demonstrators marched past the Madison Square Garden site of the Republican National Convention on Sunday, chanting, blowing whistles and carrying anti-war banners as delegates gathered to nominate President Bush for a second term. On the eve of the convention, the demonstrators packed the street from sidewalk to sidewalk for 20 blocks as they slowly filed past...$LABEL$0 +Windows Tip: Scheduled Tasks written by Greg Melton on Monday <b>...</b> If you always forget to scan for viruses, update virus protection, run Disk Defragmenter, or run any other system tool, look to the Task Scheduler for help.$LABEL$3 +Sudan peace talks resume Peace talks between Darfur rebels and the Sudanese Government have resumed after a 24-hour boycott by rebels who accused Khartoum of violating a ceasefire by killing 75 civilians in six villages.$LABEL$0 +Dyke reopens WMD row Former BBC chief Greg Dyke has reopened the row over Tony Blair #39;s decision to go to war with Iraq. Dyke was forced to resign from his post, along with former BBC chairman Gavyn Davies, last January after Lord $LABEL$0 +Moderate Republicans Criticize Bush (AP) AP - A group of moderate Republicans, many long out of office, called on President Bush and the Republican party to ""come back to the mainstream"" on the eve of the Republican National Convention.$LABEL$0 +Closing Ceremonies Host city Athens bid a final farewell to the athletes and guests of the 2004 Summer Games with a spectacular party under a full moon.$LABEL$1 +China launches science satellite China launched an experimental satellite into orbit Sunday, atop a Long March 2C carrier rocket; reported Xinhua, China #39;s government-run news agency.$LABEL$3 +Sheffield day to day with sprained left ankle New York Yankees right fielder Gary Sheffield missed Sunday #39;s against the Toronto Blue Jays with a sprained left ankle. Sheffield is listed as day to day.$LABEL$1 +PM Hails Successful Launch Of Agni II NEW DELHI, AUG 29: Prime Minister Manmohan Singh on Sunday congratulated the scientists and engineers for the successful launch of the Agni II missile.$LABEL$0 +Italian Wins Marathon... US Finishes Second Italian Stefano Baldini has won the men #39;s marathon in a time of 2:10:54. Naturalized American Meb Keflezighi was a surprise runnerup with Brazil #39;s Vanderlei Lima finishing third.$LABEL$1 +Warner Will Start for Giants in Opener Eli Manning remains the New York Giants' quarterback of the future. For now, the job belongs to Kurt Warner.$LABEL$1 +A #39;new Greece #39; beams after success of Games As Greeks get a boost, it remains unclear if success will mean higher stature in Europe. By Peter Ford Staff writer of The Christian Science Monitor.$LABEL$1 +Jimenez wins BMW Open with final-round 66 Spain #39;s Miguel Angel Jimenez won the BMW Open, his fourth title on the European tour this season, and Colin Montgomerie was one of six golfers to claim Ryder Cup berths Sunday.$LABEL$1 +Jays power up to take finale Contrary to popular belief, the power never really snapped back at SkyDome on Sunday. The lights came on after an hour delay, but it took some extra time for the batting orders to provide some extra wattage.$LABEL$1 +Hewitt, Davenport Top US Open Standings (AP) AP - Lleyton Hewitt and Lindsay Davenport could earn up to #36;500,000 extra at the U.S. Open because they finished atop the inaugural US Open Series standings.$LABEL$1 +Microsoft revamps its plans for Longhorn Microsoft is shaking up its plans for the next version of Windows to get the software off the drawing board and into PCs by the end of 2006.$LABEL$3 +SEVEN KILLED IN KABUL BLOODSHED At least seven people have been killed in a bomb blast in central Kabul - the second deadly explosion in Afghanistan over the weekend.$LABEL$0 +Canada, US fail to resolve beef trade dispute Canada and the United States have failed to reach an agreement on resuming US imports of Canadian live cattle, local press reported Sunday.$LABEL$2 +Angels' Glaus Activated From DL (AP) AP - Troy Glaus was activated from the 60-day disabled list Sunday by the Anaheim Angels and was back in the lineup against the Minnesota Twins.$LABEL$1 +Ankiel solid in rehab start, unsure about future More that three years since he threw his last pitch for the St. Louis Cardinals, Ankiel gave up one unearned run and one hit in six innings Sunday for Triple-A Memphis in what could be his final start in the minors.$LABEL$1 +GOP Jamboree May Give Stocks Brief Lift NEW YORK (Reuters) - Fasten your seatbelts. The Republicans are in town. If things go smoothly at the Republican National Convention, the stock market could get a brief boost this week, experts say.$LABEL$2 +Tokyo Stocks Flat, Focus on Data TOKYO (Reuters) - Japanese stocks were flat in mid-morning trade on Monday with confidence in the domestic economic outlook failing to offset profit-taking that hit recent gainers such as insurers and real estate stocks.$LABEL$2 +China Launches Mapping Satellite (AP) AP - China on Sunday launched a satellite that will carry out land surveying and other scientific projects for several days and return to Earth, government media reported.$LABEL$3 +Federal-Mogul May Sell Turner amp; Newall Assets, Independent Says Federal-Mogul Corp., the bankrupt US engineering company, may sell its UK-based Turner amp; Newall Plc after the UK division #39;s independent pension trustee rejected a \$130 million cash offer $LABEL$2 +GI #39;s in Talks With Rebels of Sadr Stronghold in Baghdad The American military met for five hours on Sunday with representatives of the rebellious cleric Moktada al-Sadr in the volatile Baghdad Shiite neighborhood of Sadr $LABEL$0 +Allawi Meets Militants, Pushes Amnesty Iraq's interim prime minister said that he had held private meetings with representatives of insurgent groups from Fallujah, Ramadi and Samarra to persuade them to accept a government amnesty offer.$LABEL$0 +El Guerrouj, Holmes book spots in Olympic Pantheon Britain #39;s Kelly Holmes and Morocco #39;s Hicham El Guerrouj earned their places among Olympic athletic legends here on Saturday as they won their second golds of the Games.$LABEL$1 +Beijing gears up for 2008 Although the Beijing Olympics is still four years away, the Chinese capital is already gearing up to host the event. The city of over 12 million is refurbishing ancient landmarks in $LABEL$1 +Warner Gets the Nod The first pick in the NFL draft last April will be the first QB off the bench for the Giants as Eli Manning lost the competition for the starting job to veteran Kurt Warner.$LABEL$1 +New Namath Book Is Fact, Not Fiction If you read the recent excerpt of ""Namath"" in Sports Illustrated and were put off by the apparent focus on the iconic Broadway Joe's personal life, be comforted in the knowledge that Mark Kriegel's 441-page biography includes plenty of football, too. The book is exhaustively researched and includes telling anecdotes from Beaver Falls, Pa., to Tuscaloosa, Ala., to New York.$LABEL$1 +Mr. Chang, Strike a Pose Halfway around the world, standing virtually in the middle of the Pacific Ocean, the incomparable Timmy Chang is just days away from throwing his first pass of the season. From my tattered sofa, I will be watching him. I want you to watch him, too.$LABEL$1 +ROGER #39;S READY Roger Federer says he #39;s ready to erase the image as being too soft to win in New York. The world #39;s No. 1 player from Switzerland has played three US Opens and lost in the fourth round each time.$LABEL$1 +Still no beef resolution after latest talks NEW YORK, (Aug. 30, 2004) - Cattle farmers and haulers finally looking for a quick end to a 15-month ban on live cattle exports to the US are out of luck after Canadian Agriculture Minister Andy Mitchell $LABEL$2 +For Now, Unwired Means Unlisted. That May Change. In October, most major cellphone carriers plan to start compiling a publicly accessible listing of wireless phone numbers.$LABEL$2 +Women #39;s basketball team finds special place in Chancellor #39;s heart The medal ceremony had ended. Van Chancellor had already shed a few tears, but he had held his emotions together through all the hugs and dancing, even through the victory $LABEL$1 +New Pakistan cabinet may be sworn in today Islamabad, :A new Cabinet in Pakistan is likely to be sworn in on Monday, two days after Finance Minister Shaukat Aziz was made the country #39;s 23rd Prime Minister.$LABEL$0 +Infocus: Deploying Network Access Quarantine Control, Part 2 This article discusses Network Access Quarantine Control in Windows Server 2003, which allows administrators to quarantine mobile users and verify their security posture before giving them full access to the network. Part 2 of 2.$LABEL$3 +Scaffold collapse survivors improving One of the men who survived Friday #39;s fatal scaffold collapse is in guarded condition at Detroit Receiving Hospital and the two other survivors were released on Sunday, a hospital spokeswoman said.$LABEL$2 +Pollsters refuse to write off Australian PM despite lag in polls (AFP) AFP - Opinion polls give Australia's opposition Labor Party a big lead over Prime Minister John Howard's conservative government as campaigning begins for October 9 elections, but analysts say the real race is still too close to call.$LABEL$0 +Santander accelerates Abbey bid Santander says it aims to complete its takeover of UK mortgage lender Abbey one month sooner than originally planned.$LABEL$2 +A blazing start for Beijing Greece tried to pass the Olympics baton off to Beijing on Sunday night, but it was a tough job. The Chinese are way ahead of the curve already.$LABEL$1 +Wakefield goes deep this time When it comes to giving up long balls, Red Sox pitcher Tim Wakefield has a short memory. Just three weeks after he surrendered a club-record six home $LABEL$1 +Hot pursuit Times like these make grown men talk to televisions. quot;C'mon, guys, get the darn out, quot; Pedro Martinez shouted at a big screen in the Red Sox clubhouse yesterday as he watched the Blue Jays try to finish off the Yankees with two outs and the potential winning run at the plate in the ninth inning in Toronto.$LABEL$1 +On TV -- from the Internet SAN MATEO, Calif. -- The promise of Internet-based video has long been hamstrung by copyright and piracy worries, slow dial-up connections, technical challenges, and consumer disdain for watching blotchy videos on their home computers.$LABEL$2 +Youngster Khan taken to school The sensation of the Olympic boxing tournament learned yesterday that there #39;s no substitute for experience. At least not in the ring.$LABEL$1 +Challenger disappoints with writedown The Kerry Packer-backed Challenger Financial Services Group has reported its first net loss since incorporating, impacted by a massive writedown of goodwill.$LABEL$2 +Corporate Failures Hurt Pension Guaranty Group Description: A flurry of corporate bankruptcies in the past few years leaves a public agency strapped for cash: the Pension Benefit Guaranty Corporation.$LABEL$2 +Bellhorn makes plenty of noise: Big Second baseman Mark Bellhorn stats, news issued the closing statement in the Red Sox stats, schedule #39; four-game sweep of the Detroit Tigers yesterday at Fenway Park.$LABEL$1 +Intel in new chip breakthrough Intel creates a more powerful memory chip without increasing its size, confounding the firm's critics.$LABEL$2 +Going ballistic: Agni-II test fired NEW DELHI: Indias quest to develop a solid missile defence took a step forward today when it successfully test-fired the surface-to-surface Agni-II missile, which can cover targets in the 2000-2500 kms-range, from the Integrated Test Range (ITR) at $LABEL$0 +Nigerian troops set off on AU peace mission to Darfur (AFP) AFP - A 155-strong company of Nigerian infantry flew out of Abuja, heading for the war-torn western Sudanese region of Darfur to join an African Union force protecting ceasefire monitors.$LABEL$0 +UPDATE: Sons Of Gwalia In Administration On Hedging Debt PERTH (Dow Jones)--Sons of Gwalia Ltd. (SGW.AU), Australia #39;s second-biggest gold producer, has fallen into administration over aA\$348 million hedge book liability.$LABEL$2 +Carnival crowds likely to top 1m As the Notting Hill Carnival enters its final day, police say they are pleased with how it has gone so far. About 250,000 people took to the streets on Sunday - more than double the first day last year - to celebrate 40 years of the west London event.$LABEL$0 +Typhoon Chaba Kills Four in Japan Powerful Typhoon Chaba has plowed into southern Japan, sweeping at least four people to their deaths and injuring more than 30 as it knocked out power to thousands.$LABEL$0 +Vietnam Marks Independence with Pardons for Prisoners HANOI (Reuters) - Vietnam has released nearly 9,000 prisoners, including 10 inmates whose cases it says had drawn international attention, as part of traditional pardons granted ahead of independence celebrations on September 2.$LABEL$0 +Mining concern names outside managers SYDNEY Sons of Gwalia, the world #39;s leading supplier of tantalum, appointed outside managers on Monday after failing to reach agreement with creditors.$LABEL$2 +Minister Lee Says Uncertainty Deepens Economic Lethargy Deputy Prime Minister and Finance-Economy Minister Lee Hun-jai said Monday the nation #39;s current economic lethargy is due to unsubstantiated uncertainty #39; #39; about the future, which in turn weakens the confidence of market players.$LABEL$2 +Robson #39; Massively Disappointed #39; at Newcastle Exit Departing Newcastle boss Sir Bobby Robson has spoken of his regret at not being able to complete his mission after being relieved of his duties today.$LABEL$1 +Atlas Copco to Sell Electric Tool Business Swedish engineering company Atlas Copco said Monday it will sell its electric tool business to Hong Kong-based Techtronic Industries Co.$LABEL$2 +Sadr Aide Tells Iraq Militia to Cease Fire -TV A top aide to Iraq #39;s rebel Shi #39;ite leader Muqtada al-Sadr Monday called on the Mehdi Army militia to cease fire across Iraq and said Sadr was preparing to announce plans for a major political program.$LABEL$0 +96 Processors Under Your Desktop Roland Piquepaille writes quot;A small Santa Clara-based company, Orion Multisystems, today unveils a new concept in computing, #39;cluster workstations.$LABEL$3 +Defrocked Priest Gets Suspended Sentence for Marathon Attack A defrocked Irish priest who attacked the leader during yesterdays Olympic marathon was given a one year suspended sentence in Athens today.$LABEL$1 +UPDATE:Sinopec 1H Pft Up 51; To Raise Refining Capacity HONG KONG (Dow Jones)--China Petroleum amp; Chemical Corp. (SNP), the country #39;s second-largest oil and gas producer, Monday reported a 51 jump in first-half earnings and said it plans to boost its refining capacity by about one-fifth over three years.$LABEL$2 +Rebound in US consumer spending US consumer spending rebounded in July, a sign the economy may be emerging from an early summer decline. Consumer spending rose 0.8 last month, boosted by car and retail sales.$LABEL$2 +Israeli Held Meetings With U.S. Analyst (AP) AP - A senior Israeli diplomat in Washington has met with a Pentagon analyst being investigated by the FBI on suspicion he passed classified information to Israel, Israeli officials confirmed Monday.$LABEL$0 +Regional House Price Declines Possible WASHINGTON (Reuters) - U.S. housing industry economists on Monday cautioned that rapid house price gains in some areas of the country may not be sustainable.$LABEL$2 +Intel Shrinks Transistor Size By 30 pinkUZI writes quot;Intel will announce that it has crammed 500 million transistors on to a single memory chip, shrinking them in size by 30.$LABEL$3 +US Airways Up on Labor Talks US Airways #39; (UAIR:Nasdaq - news - research) shares jumped almost 20 on news that management and pilots were back at the table, trying to hammer out an agreement on work concessions to save the company.$LABEL$2 +Bryant Makes First Appearance at Trial (AP) AP - NBA star Kobe Bryant arrived at his sexual assault trial Monday as attorneys in the case who spent the weekend poring over questionnaires prepared to question potential jurors individually.$LABEL$3 +Language of goals what counts for tongue-tied Ronnie and Michael England striker Michael Owen said his lack of Spanish and Ronaldo #39;s lack of English did not hinder celebrations of the Brazilian #39;s matchwinner for Real Madrid in Sunday #39;s 1-0 win at Mallorca.$LABEL$1 +Oil Drops Below \$42 a Barrel NEW YORK (Reuters) - U.S. oil prices fell more than \$1 on Monday on continued profit-taking as producer-group OPEC eyed increases in the coming months in its tight spare capacity, countering worries over stumbling Iraqi oil exports.$LABEL$2 +Al-Sadr Calls on Militia to Stop Fighting BAGHDAD, Iraq - Rebel Shiite cleric Muqtada al-Sadr called for his followers across Iraq to end fighting against U.S. and Iraqi forces and is planning to join the political process in the coming days, an al-Sadr aide said Monday...$LABEL$0 +Regional Home Price Drop Possible WASHINGTON (Reuters) - U.S. housing industry economists on Monday cautioned that rapid house price gains in some areas of the country may not be sustainable.$LABEL$2 +Man U. and Everton play to scoreless draw Manchester, England (Sports Network) - Manchester United #39;s struggle continued on Monday when they failed to score in a 0-0 tie with Everton at Old Trafford.$LABEL$1 +GOP Sharpens Attacks As Convention Opens NEW YORK (AP) -- Sen. John McCain said Monday it was fair game to criticize Democrat John Kerry's anti-war protests three decades ago, firing an opening salvo as Republicans at their national convention sought to portray President Bush as a strong wartime leader.$LABEL$0 +11 Dead in a Car Bomb in Kabul KABUL (Masnet amp; News Agencies) - At least eleven people, including two US citizens, were killed when a truck bomb exploded in downtown Kabul in the second deadly blast to strike Afghanistan over the weekend.$LABEL$0 +Microsoft spends 1bn to keep out the hackers The growing threat of hackers and viruses has prompted Microsoft to roll out a billion- dollar upgrade of its Windows computer operating system to strengthen security.$LABEL$3 +Juniper Takes Security to Endpoints Juniper Networks (Quote, Chart) has launched a new initiative designed to improve interoperability of popular third-party antivirus and firewall measures with its own Secure Socket Layer (define) Virtual Private Network (define) appliances.$LABEL$3 +Stocks Dip on Consumer Income Report News (AP) AP - An unsettling report on consumer incomes set off a spate of profit-taking on Wall Street Monday as investors worried that a tepid economy would erode companies' third-quarter earnings. Another drop in oil prices failed to shake the gloom from the market.$LABEL$2 +SEC Probes United Rentals, Shares Drop CHICAGO (Reuters) - U.S. securities regulators are investigating United Rentals Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=URI.N target=/stocks/quickinfo/fullquote"">URI.N</A> and have subpoenaed some accounting records, the company said on Monday, sending its shares down 21.5 percent.$LABEL$2 +New Chechen Leader Vows Peace, Poll Criticized GROZNY, Russia (Reuters) - Chechnya's new leader vowed on Monday to rebuild the shattered region and crush extremists, after winning an election condemned by rights groups as a stage-managed show and by Washington as seriously flawed.$LABEL$0 +Africa takes tough stand on coups The arrest of Margaret Thatcher's son last week is the latest example of a crackdown on overthrows.$LABEL$0 +Generals May Pay a Price for Iraq Abuse WASHINGTON - The Abu Ghraib prisoner abuse scandal could effectively end the careers of four Army generals who are linked indirectly to the misconduct but face no criminal charges. The four are singled out for varying degrees of criticism - mixed with instances of praise - in two comprehensive investigative reports released last week...$LABEL$0 +Survey: IT spending to grow modestly next year CIO confidence is up in third quarter, according to Forrester poll.$LABEL$3 +Coming to a TV near you: Ads for desktop Linux Linspire CEO points out that recent TV ads serve as indication of acceptance in mainstream populace.$LABEL$3 +FOOTBALL: RAE KNEE SCAN HAS MCLEISH IN A SWEAT ALEX RAE was in hospital yesterday for a scan on his injured knee after playing through the pain barrier in Sunday #39;s Old Firm clash.$LABEL$1 +Iraqi oil exports slump: report NEAR daily attacks on pipelines and pumping stations had pushed down Iraq #39;s oil exports to their lowest point in nearly a year, Britain #39;s Financial Times newspaper reported today.$LABEL$0 +Australia #39;s Seven FY Net Jumps 59 To A\$93.3M -2- SYDNEY (Dow Jones)--Australian television broadcaster Seven Network Ltd. (SEV) said Tuesday net profit jumped 59 to A\$93.3 million for the fiscal year ended June 26, boosted by profit proceeds from the sell down of its stake in B Digital.$LABEL$2 +Parts pinch shuts down Ford plant Workers at the Ford plant in Hapeville are getting a second unexpected day off during the dog days of summer. The company has stopped assembly-line production at the plant today because of a continued parts shortage, a Ford official said.$LABEL$2 +Orion Debuts Cluster Workstation Orion Multisystems, a new company founded by former Transmeta (Quote, Chart) executives, debuted a family of workstations Monday that think and act like a cluster of servers.$LABEL$3 +AT amp;T Embraces Voice-over-Internet Telephony AT amp;T is attracted to Voice over IP because Internet telephony is cheaper to offer to businesses and consumers and requires less upfront investment than the old copper wire and traditional switching networks.$LABEL$3 +Off-day would have been welcomed by Sox After another disappointing road trip - the White Sox were 3-4 on a swing through Detroit and Cleveland - a day off sure would look enticing.$LABEL$1 +Maker of Twinkies Delays Filing Annual Report, Hires Turnaround <b>...</b> KANSAS CITY, Mo., Aug. 30 -- Twinkie maker Interstate Bakeries Corp. on Monday delayed filing its annual report for the second time, a move that dragged shares lower by more than 42 percent on speculation about the company #39;s ongoing viability.$LABEL$2 +MND confirms China pulling troops from drill The Ministry of Defense confirmed yesterday that China #39;s military had withdrawn most of its troops from Dongshan Island where it was to hold an annual war game, but would not say if the action indicated Beijing was calling off the maneuvers that simulate $LABEL$0 +A Better Solution for Israel The hysterical tone of Daniel Seidemann #39;s plea to the next US administration to save Israel from itself serves no useful purpose op-ed, Aug. 26.$LABEL$0 +Braves Rally to Defeat Giants 7-6 (AP) AP - Even with a big lead in the NL East, the Atlanta Braves aren't taking anything for granted.$LABEL$1 +Bryant Jury Selection Behind Closed Doors (AP) AP - Prospective jurors in the Kobe Bryant rape case were asked their feelings on racial prejudice, interracial relationships, marital infidelity and justice for the rich and famous in an 82-item questionnaire released Monday.$LABEL$1 +IT seeing steady but slow growth: Forrester projects 7 percent <b>...</b> Tech companies waiting for a big resurgence in spending on computer hardware, software, networks and staff better plan to wait about four more years, Forrester Research projected yesterday.$LABEL$3 +Japan should outsource more The Japanese information services industry clocked up sales of 13,703.9 billion yen in fiscal 2001, according to a report on selected service industries for 2001 released by the Ministry of Economy, Trade and Industry (METI).$LABEL$0 +White Sox Edge Phillies Joe Borchard wows the crowd with the longest homer in the 14-year history of U.S. Cellular Field as the White Sox edge the Phillies 9-8.$LABEL$1 +ANOTHER VOICE Sugary drinks bad for you Many studies have linked the consumption of nondiet soda and fruit juices with added sugars to obesity and attendant risks of diabetes.$LABEL$3 +Testaverde accepts Parcells #39; nomination Who would have thought that the Dallas Cowboys #39; offense would be the least of coach Bill Parcells problems? After cutting their starting quarterback in training camp, signing a controversial $LABEL$1 +Australia Police to Trap Cyberspace Pedophiles (Reuters) Reuters - Australian police acting as part of an\international ""cyber cop"" network will be able to trap\pedophiles who use the Internet to ""groom"" or lure children for\sex, under new laws passed by parliament on Tuesday.$LABEL$3 +Marlins keep pace in wild-card race The Mets #39; objective, Fred Wilpon said last winter and into the spring, was to play meaningful games late into the season. The owner was confident his revamped team could compete for first place $LABEL$1 +Milosevic opens his defense case, starting second half of his <b>...</b> Former Yugoslav President Slobodan Milosevic opened his long-delayed defense at the Yugoslav war crimes tribunal Tuesday, describing the battles of his Serbian people as self defense against internal rebellions and external attacks by Islamic warriors.$LABEL$0 +Injury brings Brown down Troy Brown didn't play any defense against Carolina in Saturday night's exhibition game. Thing is, he didn't play much offense or special teams, either.$LABEL$1 +Starting today, funds' stances on proxies are matter of record Every year, public companies put a number of questions before their stockholders for a vote. Investors weigh in on whether to reelect company directors, reappoint auditors, and approve or kill plans to give big stock option packages to senior executives.$LABEL$2 +Hall of Shame Hall of Fame We spotlight people and products that pester us...and the heroes saving us from annoyances.$LABEL$3 +Athens coverage a winner for NBC NBC and its family of cable networks flooded American households with nearly nonstop coverage of the Athens Olympics, and the strategy - along with strong performances by the US teams in swimming and gymnastics -roduced not only a ratings increase $LABEL$1 +Alitalia union may accept job cuts A top Italian labor leader says his union could consider job cuts at Alitalia to prevent the airline #39;s collapse, as workers at the flag carrier clamored for details of its cost-cutting rescue plan.$LABEL$2 +FCC asks high court to rule on broadband (USATODAY.com) USATODAY.com - The federal government is challenging an appeals court ruling that, officials fear, would stifle the expansion of cable broadband services by burdening the providers with new regulations.$LABEL$3 +UBS pays 265 million dollars for Schwab capital markets business (AFP) AFP - Swiss banking group UBS said that it had paid 265 million dollars (219 million euros) to buy SoundView, the capital markets division of online broker Charles Schwab to strengthen its position on the US Nasdaq market.$LABEL$2 +Longhorn announcements barely a blimp on IT radar While developers are naturally curious over tweaks to the Longhorn road map, many IT administrators barely take notice. Enterprise IT customers typically lag at least $LABEL$3 +Novell reshuffles biz for Linux focus Novell is reorganising its business to focus on two key areas - Linux and identity management. The networking software firm #39;s Nterprise and Linux operations will be folded into a Platform and Application Services group CRN reports.$LABEL$3 +British Minister to Visit North Korea in September The British government has announced plans to send a top Foreign Office representative to North Korea in September. Junior Minister for East Asia Bill Rammell will become the first British minister to visit $LABEL$0 +Broncos Running Back Out for Entire Season (AP) AP - Denver Broncos running back Mike Anderson will miss the entire season because of a groin injury sustained last weekend in an exhibition game against Houston.$LABEL$1 +Apple unveils super thin iMac in Paris (AFP) AFP - Apple Computers launched the newest version of its iMac model, which at two inches thick, is the world's thinnest desktop computer, the company said.$LABEL$3 +Conditions Worsen in Darfur, U.N. Agencies Say (Reuters) Reuters - Conditions for 1.2 million Sudanese\displaced in Darfur continue to worsen amid violent attacks,\spreading disease, and heavy rains which wreak havoc with aid\convoys, United Nations agencies said on Tuesday.$LABEL$0 +Australian employee of Canadian oil company reportedly abducted in Yemen (Canadian Press) Canadian Press - CANBERRA, Australia (AP) - Diplomats investigated Tuesday a report that an Australian oil engineer had been abducted in Yemen by armed tribesmen, but a conflicting report from Yemen said there was no kidnapping.$LABEL$0 +EU, Japan Win WTO Approval to Impose Duties on US (Update2) The European Union, Japan and Brazil won World Trade Organization backing to impose tariffs on US imports after Congress failed to end illegal corporate subsidies worth \$850 million since 2001.$LABEL$2 +Study: CEOs rewarded for outsourcing NEW YORK (CNN/Money) - The CEOs of the top 50 US companies that sent service jobs overseas pulled down far more pay than their counterparts at other large companies last year, a study said Tuesday.$LABEL$2 +Hartford Sees \$91 Mln in Charley Losses NEW YORK (Reuters) - Hartford Financial Services Group Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=HIG.N target=/stocks/quickinfo/fullquote"">HIG.N</A> on Tuesday became the latest insurer to issue a profit warning tied to Hurricane Charley, the strongest storm to hit Florida in a dozen years.$LABEL$2 +Roundup: Illini men rise to top of AP poll, win game There was little celebrating when Illinois men #39;s players found out they were ranked No. 1 in the nation yesterday afternoon. There was a game to play at night.$LABEL$1 +Maddux Wins No. 302, Baker Wins No. 1,000 Greg Maddux pitched the Chicago Cubs into the lead in the NL wild-card race and gave Dusty Baker a win to remember. Maddux threw seven shutout innings for his 302nd career win, Baker got his 1,000th victory as a manager and Chicago beat the Montreal Expos 5-2 on Monday night...$LABEL$0 +Apple's New iMac Computer Is All Display PARIS (Reuters) - Apple Computer unveiled, after a two-month delay, its new iMac desktop computer on Tuesday which integrates disk drives and processors into a flat display less than two inches thick.$LABEL$3 +New iMac packs computer into flat screen PARIS Apple Computer engineered another design coup on Tuesday, unveiling a new iMac here that incorporates all of the personal computer #39;s innards into a flat-panel screen that balances on an aluminum stand.$LABEL$3 +UPDATE 3-Albertsons hit by California strike; shares fall Albertsons Inc. (ABS.N: Quote, Profile, Research) , the No. 2 US grocer, on Tuesday reported a substantial drop in its quarterly profit as heavy promotions $LABEL$2 +Samsung readies Philips #39; near-field communications for cellphones MANHASSET, NY - Philips Electronics and Samsung Electronics have entered into a deal that will enable Samsung to deploy cellular devices using Philips #39; near-field communications chip and technology.$LABEL$3 +Putin Says Plane Crashes Involved Terrorists Linked to Al-Qaeda Russian President Vladimir Putin today said the explosions that brought down two airliners in Russia a week ago were the work of terrorists linked to the al- Qaeda terrorist network.$LABEL$0 +Hurricane Frances Nears NE Caribbean (AP) AP - Hurricane Frances strengthened as it churned near islands of the northeastern Caribbean with ferocious winds expected to graze Puerto Rico on Tuesday before the storm plows on toward the Bahamas and the southeastern United States.$LABEL$0 +Kansas City Royals Team Report - August 31 (Sports Network) - The Kansas City Royals try to get back on the winning track this evening when they continue their three-game series with the Detroit Tigers at Kauffman Stadium.$LABEL$1 +Montreal Expos Team Report - August 31 (Sports Network) - The Montreal Expos were handed a setback in Monday #39;s opener at Olympic Stadium. Greg Maddux threw seven shutout innings and went 2-for-3 with an RBI at the plate to lead the Cubs to a 5-2 victory.$LABEL$1 +Japanese electronics giants in LCD joint venture Hitachi, Toshiba and Matsushita Electric have formed a joint venture to manufacture large liquid-crystal displays for flat-screen televisions, escalating competition for a piece of the digital living room.$LABEL$3 +Microsoft to delay advanced search technology from Longhorn Microsoft said Friday that it is delaying the release of a new data-storage technology, named WinFS, from the next version of Windows, code-named Longhorn, in order to deliver the operating system by 2006.$LABEL$3 +Darfur conditions worsen rebels struggle to make headway in talks aiming to ease the conflict in the Darfur region. sanctions on Sudan, by saying Moscow opposed sanctions.$LABEL$0 +Beyond solar system, planets that look familiar The universe looked a little more familiar and friendlier on Tuesday. The roll call of planets beyond the solar system swelled significantly with the announcement of a trio of newly discovered worlds much $LABEL$3 +Credit Suisse to Combine US Unit Credit Suisse Group, Switzerland #39;s second-largest bank, said Tuesday it will combine its US-based Credit Suisse First Boston investment unit with its retail and private banking business within two years.$LABEL$2 +Spammers use sender authentication too, study says The technology hasn't been widely adopted, but spammers are taking it up at a faster rate than legitimate e-mailers.$LABEL$3 +SafeGuard Offers Easy Hard-Drive Protection Upgraded version of this encryption app adds plenty of tools for networked users.$LABEL$3 +Francis Nixes Hurricanes' Front Office Job (AP) AP - Ron Francis turned down a front-office job with the Carolina Hurricanes and is still deciding whether he wants to continue his playing career.$LABEL$1 +Disgraced Greek Sprinters Drug Tested by WADA ATHENS (Reuters) - Greek sprinters Costas Kenteris and Katerina Thanou have been dope tested by doctors from the World Anti-Doping Agency, an official said Tuesday.$LABEL$1 +Skype Telephony Now Available for the Mac Skype for Windows, Skype for Pocket PC and Skype for Linux -- Skype for Mac OS X is free. Skype users can control their online presence and $LABEL$3 +Killings shock, humiliate Nepalese Protesters in Kathmandu have expressed disbelief and frustration after learning of the deaths of 12 Nepalese hostages in Iraq. Nepal #39;s ambassador to Qatar, Somananda Suman, confirmed $LABEL$0 +Gaddafi to Compensate Libyan Jews for Lost Homes (Reuters) Reuters - Libyan leader Muammar Gaddafi, easing\his country's way back into the international fold, on Tuesday\became the first Arab leader to promise compensation for Jews\who were forced from their homes due to religious tension.$LABEL$0 +Microsoft To Ship Longhorn in 2006 Without WinFS Microsoft will ship its next Windows client code-named Longhorn in 2006 as originally promised -- but without the next-generation file system known as WinFS.$LABEL$3 +Veritas Keeps Reaching into Its Wallet By acquiring KVault, which makes e-mail-archiving software, it aims to erode EMC #39;s lead and rebuild investors #39; confidence.$LABEL$3 +NL Wrap: Edmonds Double Strike Lifts Cards Over Padres NEW YORK (Reuters) - Jim Edmonds belted two solo homers to lead the host St Louis Cardinals to an easy 9-3 win over the San Diego Padres in National League action at Busch Stadium Tuesday.$LABEL$1 +A Year of Charges, Reforms for Funds NEW YORK -- Just a year ago this week, New York Attorney General Eliot L. Spitzer shook the financial services industry -- and investor confidence -- by revealing that four big-name mutual fund companies had cut secret deals allowing a New Jersey hedge fund to profit from short-term trading at the expense of ordinary investors.$LABEL$2 +Moscow Rail Station Evacuated on Bomb Threat, Interfax Says Moscow police are conducting a partial evacuation at the Kursk railway station in central Moscow as they search for explosives after receiving an anonymous phone call from a man threatening $LABEL$0 +Iraq #39;s Chalabi escapes attempt on his life Gunmen opened fire Wednesday on a convoy carrying former Iraqi Governing Council member Ahmad Chalabi in an apparent assassination attempt that wounded two of his bodyguards, Chalabi #39;s spokesman said.$LABEL$0 +Blu-ray group mandates Microsoft codec for BD-ROM The Blu-ray Disc Association (BRDA) has selected Microsoft #39;s VC-9 video codec for future BD-ROM content, the organisation said today.$LABEL$3 +Mariners riding the Ichiro wave Ichiro Suzuki singled three times last night to etch out a spot in history and to send the Toronto Blue Jays a little deeper into oblivion.$LABEL$1 +Wharf marks debut with wickets In-form Alex Wharf made an impressive start to his international career this morning with wickets in his first two overs against India at Trent Bridge.$LABEL$1 +Roddick blisters junior champ By the time his match with Andy Roddick was over, Jenkins had felt the full fury of Roddick #39;s jet blast. Roddick had nailed a 152-mph serve at him, the fastest serve in Open history and one $LABEL$1 +AMD dual-core demo pips Intel, IBM AMD has demonstrated the company #39;s first dual-core microprocessors. Dual-core processors offer improved performance over single-core chips, especially in multithreaded applications.$LABEL$3 +Gunmen ambush Chalabi #39;s convoy, wound 2 BAGHDAD - Gunmen ambushed the convoy of former Iraqi governing council president Ahmed Chalabi on Wednesday, wounding two of his bodyguards, aides said.$LABEL$0 +Albertsons #39; 2Q Profit Falls 36 Percent Persistent economic sluggishness and continued fallout from the Southern California labor dispute slashed second quarter profits 36 percent for Albertsons Inc.$LABEL$2 +Problem device bypassed trials The catheter that triggered three safety recalls by Boston Scientific Corp. of its best-selling Taxus coronary stent after being linked to three deaths and 47 injuries had not been subjected to the rigors of a human clinical trial, FDA records show.$LABEL$2 +CRM Vendor Entellium Adopts Open-Source Strategy (TechWeb) TechWeb - Availability of Entellium's code could speed development of industry-specific CRM products.$LABEL$3 +Suicide bomber kills at least 10 in Moscow MOSCOW -- A woman strapped with explosives blew herself up outside a busy Moscow subway station yesterday night, killing at least 10 people and wounding more than 50 in the second terrorist attack to hit Russia in a week.$LABEL$0 +Old Rumors of Gay Sex Prove Powerful on Web Va. GOP members chose Del. Thelma Drake (Norfolk) to replace Rep. Edward L. Schrock after he resigned amidst allegations Schrock indulged in or solicited gay sex.$LABEL$3 +Monster Mashes Attract Masses Kaiju Big Battel -- a multimedia event in which costumed combatants spew toxic ooze on audience members -- is growing in popularity. There are already dedicated websites and a DVD series. Coming next: a book and TV pilot. By Xeni Jardin.$LABEL$3 +Scottish amp; Southern wraps up a 3bn deal over distribution <b>...</b> SCOTTISH amp; Southern Energy yesterday called time on its 18-month acquisition spree after confirming a 3.1 billion swoop for two gas distribution networks.$LABEL$2 +Manchester United the only team for me, says Rooney Teenage striker Wayne Rooney says Manchester United were the only team he wanted to join once they he knew the club were interested in him.$LABEL$1 +Three jockeys, one trainer arrested LONDON -- British police arrested 16 people, including three jockeys and a trainer, Wednesday as part of a major crackdown on corruption in horse racing.$LABEL$1 +Ooh la la, Apple unveils new iMac (SiliconValley.com) SiliconValley.com - Attempting to capitalize on iPod mania, Apple Computer Tuesday unveiled a fast new version of the iMac that it all but touted as a smart accessory for the sexy music players.$LABEL$3 +Verizon, Bain Near Canada Directory Deal NEW YORK (Reuters) - Verizon Communications Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=VZ.N target=/stocks/quickinfo/fullquote"">VZ.N</A> is near an agreement to sell its Canadian telephone directory business to private equity firm Bain Capital, the New York Post said on Wednesday.$LABEL$2 +China's Lenovo in talks with 'major IT firm' for acquisition (AFP) AFP - China's largest manufacturer of personal computers Lenovo Group said it is in negotiations with a major information technology company, believed to be US-based IBM.$LABEL$3 +RESEARCH ALERT-First Albany ups SuperGen to quot;buy quot; on drug deal First Albany Capital on Wednesday raised SuperGen Inc. #39;s (SUPG.O: Quote, Profile, Research) stock rating to quot;buy quot; from quot;neutral, quot; following its cancer-drug deal with MGI Pharma Inc.$LABEL$2 +Alien Contact More Likely by quot;Mail quot; Than Radio, Study Says Researchers behind the study speculate that other life-forms may have already sent us messages, perhaps even as organic material embedded in asteroids that have struck Earth.$LABEL$3 +Oracle Moves To Monthly Patch Schedule An alert posted on the company #39;s Web site outlined the patches that should be posted to fix numerous security holes in a number of applications.$LABEL$3 +Internet Explorer Wins the Battle There #39;s a remarkable graph on Google #39;s Zeitgeist site showing the meteoric rise of Microsoft Internet Explorer 6 use and equally catastrophic decline of all other competing browsers.$LABEL$3 +Compete against your friends, SI experts and celebrities in this <b>...</b> OWINGS MILLS, Maryland (Ticker) -- quot;Prime Time quot; has decided this is the right time to return to the NFL. Deion Sanders, regarded as perhaps the most electrifying cornerback in league history, arrived here $LABEL$1 +Paris Tourists Search for Key to 'Da Vinci Code' (Reuters) Reuters - A funny thing happened on the way to the\Mona Lisa. Visitors to the Louvre museum in Paris, home of the\world's most famous painting, started quizzing tour guides\about Dan Brown's best-selling novel ""The Da Vinci Code.""$LABEL$0 +U.S. Factory Growth Eases NEW YORK (Reuters) - Expansion in the U.S. factory sector slowed in August as higher costs for energy and raw materials squeezed manufacturers, a report showed on Wednesday, but analysts said growth remained relatively robust.$LABEL$2 +China Reports Births of Two Giant Pandas (AP) AP - For pandas, it's practically a baby boom. Two giant pandas were born this week, and mothers and cubs were doing fine, the official Xinhua News Agency reported Wednesday.$LABEL$3 +D #39;Urso suspended by FA The Football Association has handed referee Andy D #39;Urso a 28-day suspension following his failure to give Barry Ferguson his marching orders against Southampton on August 21.$LABEL$1 +Israel seals off Gaza Strip The Israeli army sealed off Gaza Strip Wednesday by shutting down Erez Crossing and the Industrial Zone and prevented Palestinians from leaving.$LABEL$0 +Need for carbon sink technologies Climate scientists tell a conference that greater efforts should be made to pull CO2 from the atmosphere.$LABEL$3 +Share-deal ban signals MGM deal MOVIE studio Metro-Goldwyn Meyer has reportedly banned some of its staff from buying or selling its shares, stoking speculation that a multibillion-dollar takeover of the group could be days away, with Time Warner the favoured candidate.$LABEL$2 +Dell Debuts Color Laser Printers Three new models are designed for businesses and home office users.$LABEL$3 +Crude oil prices soar on drop in US oil inventories Crude oil futures surged Wednesday as the US Energy Department reported US oil supplies fell more than expected. Crude oil for October delivery rose 1.68 dollars to 43.$LABEL$2 +Taiwan #39;s Acer picks a European as president TAIPEI Acer, the Taiwan computer company, named Gianfranco Lanci of Italy as its president on Wednesday, an appointment that signals the company #39;s ambitions to expand its global market share.$LABEL$3 +Companies Moving Cautiously on Microsoft #39;s SP2 Update quot;Whether companies roll out Windows XP immediately or replace their older operating systems with Windows XP when purchasing new PCs, companies now have to ensure XP SP2 compliancy by determining $LABEL$3 +Milosevic Startled: No Applause It was to have been Slobodan Milosevic #39;s day of dignity, the day on which the former Serbian leader would, with certain drama, lay out his defense strategy in his trial $LABEL$0 +Google shares down ahead of first lockup expiry Shares in newly public Google Inc. fell 2 percent on Wednesday as investors braced for the expiration of a lockup period that has kept insiders at the Web search company from selling stock.$LABEL$2 +Philip Morris, plaintiffs fighting again SPRINGFIELD, Ill. Philip Morris and lawyers who won a ten-(B)billion-dollar judgment against the company are fighting again. The cigarette maker on Monday asked the Illinois Supreme Court to disqualify a Chicago $LABEL$2 +Aether Declines Higher Bid for Unit (washingtonpost.com) washingtonpost.com - Aether Systems Inc., a Maryland wireless data company that is selling off its operating units, said yesterday it received a #36;30 million offer for a division it had already agreed to sell to another buyer for #36;25 million.$LABEL$3 +Scientists to Study Dairy Going Organic (AP) AP - Cornell researchers will watch five upstate New York dairy herds to learn about the problems and challenges of converting from conventional to organic farming.$LABEL$3 +29 escapees from North seek refuge at school in Beijing BEIJING -- Twenty-nine people believed to be North Korean entered the Japanese school in Beijing on Wednesday morning to seek asylum in a country other than China, according to Foreign Ministry officials in Tokyo.$LABEL$0 +Orioles 8, Devil Rays 0 Javy Lopez drove in four runs, Daniel Cabrera became the first rookie to win 10 games this season, and the Baltimore Orioles held the Tampa Bay Devil Rays to two hits in an 8-0 victory.$LABEL$1 +Europeans Eat Less of Dangerous Fatty Foods By PAUL GEITNER BRUSSELS, Belgium (AP) -- Europeans eat less of the most dangerous, cholesterol-raising fats than Americans do and the amount is decreasing, according to a report released Wednesday by the European Food Safety Authority. Scientists at the European Food Safety authority declined to say whether the EU should follow the United States' lead and require special labels on margarine, chips, cookies, fries and other potential sources of trans fatty acids...$LABEL$3 +Samsung Says It Will Expand Chip Factories The Samsung Electronics Company, the Korean electronics giant, said Monday that it would invest \$23.7 billion in new chip production lines over the next six years.$LABEL$2 +SAP software exposes shipper's financial errors The installation of SAP financial software at a major London-based container transport firm exposed flaws in the company's accounting systems and processes, forcing it to restate its earnings.$LABEL$3 +VeriSign sues ICANN in state court VeriSign is asking a California court to order the Internet Corporation for Assigned Names and Numbers to butt out of its business.$LABEL$3 +Mexican columnist murdered A prominent Mexican journalist known for his reports on organised crime is killed on the US border.$LABEL$0 +O's Stuff Devil Rays Javy Lopez drives in four runs, Daniel Cabrera becomes the first rookie to win 10 games this season, and the Orioles hold Tampa Bay to two hits in an 8-0 victory Wednesday night.$LABEL$1 +Republican Convention Dogged by Relentless Protests (Reuters) Reuters - Five thousand people protesting high\job losses formed a 3 mile unemployment line in Manhattan on\Wednesday and AIDS activists disrupted a Republican meeting on\the third day of the party's convention to nominate the\president to a second term in office.$LABEL$0 +Make hotels just like home HOTEL operators, take note: Todays hotel guests are making a nonsense of room-pricing strategies with their aggressive, Internet-aided discount-hunting.$LABEL$3 +Strong Hurricane Roars Over Bahamas Toward Florida (Reuters) Reuters - Hurricane Frances battered the\southeastern Bahamas islands with 140 mph winds on Wednesday as\it roared toward the United States and put millions of people\on alert along Florida's heavily populated east coast.$LABEL$3 +Update 8: Ford, GM Set Production Cuts on Sales Drop Another disappointing sales month at General Motors Corp. and Ford Motor Co. led the nation #39;s two largest automakers to cut planned vehicle production in the fourth quarter, which could hurt profits.$LABEL$2 +Apple Unwraps New IMac G5s PARIS -- Apple Computer will begin shipping its new IMac G5 desktop computer worldwide in mid-September, the company #39;s top marketing executive says.$LABEL$3 +Sneaky Sharing (PC World) PC World - Despite well-publicized wins by piracy foes, illegal digital music and movie trading continues to flourish in underground havens.$LABEL$3 +Hague Court Imposes Defense Counsel on Milosevic THE HAGUE (Reuters) - Judges at The Hague tribunal on Thursday imposed a defense counsel on former Yugoslav President Slobodan Milosevic to avoid further delays in his war crimes trial.$LABEL$0 +It #39;s got to be Cole on the left Football365 #39;s top pundit looks ahead to England #39;s international double-header and calls for Joe Cole to be given the nod on the left... Of the three left-sided options available to Sven-Goran Eriksson on Saturday, I would personally go for Joe Cole.$LABEL$1 +Court imposes lawyer on Milosevic The UN tribunal in The Hague says it will impose a defence lawyer on former Yugoslav leader Slobodan Milosevic.$LABEL$0 +Not a big hit everywhere Bill Ryan is spending the last days of the summer traveling across Canada and the United States to pitch big shareholders on the complicated plan to sell 51 percent of his Banknorth Group Inc. to Toronto-Dominion Bank .$LABEL$2 +Software Service Aims to Outfox Caller ID A new computerized service enables customers to create phony outbound phone numbers in order to mask their telephone identities.$LABEL$2 +As French school year begins, Iraq crisis tests head scarf ban PARIS -- School doors open for 12 million French children today, but there is far more at stake this year than back-to-school jitters.$LABEL$0 +12 nations agree to locust battle plan DAKAR, Senegal -- Residents burned tires and children took to the streets with sticks in Senegal's capital yesterday to fight an invasion of locusts, as 12 West African nations agreed on a battle plan.$LABEL$0 +He's caught up in hurricane There was the \$5 million Deutsche Bank Championship to prepare for and the Ryder Cup is a few weeks away, but the first order of business for Jim Furyk yesterday was to make sure his wife and children were headed for safety.$LABEL$1 +A serving of football EFL style Can't wait to see the Super Bowl champion New England Patriots look to continue their 15-game winning streak when they host the Indianapolis Colts next Thursday? Gridiron junkies will whet their appetite tomorrow at 7 p.m. at Battis Field in Middleborough, where the Middleboro Cobras and Brockton Buccaneers will tangle for Eastern Football League supremacy.$LABEL$1 +Locals lift Irish squad in Europe tourney Tim Brett and Matt Shinney are lacrosse aficionados and fervent players. Brett, 27, who is a manager at a hotel in Charlestown, and Shinney, 23, a student at Bridgewater State College, are self-described lacrosse quot;weekend warriors. quot;$LABEL$1 +Phone fight against home violence A campaign begins to collect old mobile phones and convert them into alarms for women who are attacked in the home.$LABEL$3 +Israeli forces raid Gaza refugee camp Israeli forces destroyed two five-story apartment buildings in a Gaza refugee camp early Thursday after evacuating thousands of Palestinians from a neighborhood, said residents and the military.$LABEL$0 +Napster Offers Music to Go This service leverages new Windows Media 10 technologies to enable Napster subscribers to download music to portable devices, a technology called Janus.$LABEL$3 +Casagrande and Golbano out of Vuelta Italy #39;s Francesco Casagrande and Carlos Golbano of Spain have been declared unfit to start the Tour of Spain following pre-race blood tests.$LABEL$1 +Japanese Prime Minister Inspects Four Northern Islands under <b>...</b> On September 2, Japanese Prime Minister Junichiro Koizumi (right) inspects four northern islands that are under territorial dispute with Russia.$LABEL$0 +Red Hat replaces CFO Red Hat on Thursday named Charles Peters Jr. as executive vice president and chief financial officer. Peters replaces Kevin Thompson, who unexpectedly announced his resignation in June, a few days before the $LABEL$2 +Federated sales decline in August A slow August snapped an eight-month winning streak for Federated Department Stores Inc., which reported its first drop in sales since November.$LABEL$2 +French Students Face New Head Scarf Ban PARIS - Millions of French students returned to school Thursday as a new law that bans Islamic head scarves from classrooms went into effect amid demands by Islamic radicals holding two French hostages in Iraq that the law be scrapped. Muslim leaders in France, who had largely opposed the law, urged calm for the return to class...$LABEL$0 +Scotch Whisky eyes Asian and Eastern European markets (AFP) AFP - A favourite tipple among connoisseurs the world over, whisky is treated with almost religious reverence on the Hebridean island of Islay, home to seven of Scotland's single malt distilleries.$LABEL$0 +Mobile phone sales hit second-quarter record: Gartner (AFP) AFP - Global sales of mobile telephones hit a record 156 million in the second quarter, a study published by the US research group Gartner showed.$LABEL$3 +British Bug Splat Survey Springs Surprise (Reuters) Reuters - The results of one of the stranger\environmental surveys to be conducted in Britain are in -- and\there's a surprise.$LABEL$3 +Specialty Retail Tales Not every specialty retailer is cut from the same mold -- some are just moldy.$LABEL$2 +Smith setback for Windies West Indies have been forced to make a second change to their Champions Trophy squad because of injury. Dwayne Smith is suffering from a shoulder problem and has been replaced by Ryan Hinds.$LABEL$1 +Orange tells customers to Talk Now European carrier Orange is rolling out its own Push To Talk service ahead of efforts to create a standardized PTT system. European mobile carrier Orange has announced $LABEL$3 +Microsoft's Tune Like Many Others Cue the music: Microsoft has officially thrown its headphones into the ring in the contest to bring legal music downloads to the masses. <FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2""\ color=""#666666""><B>-washingtonpost.com</B></FONT>$LABEL$3 +RNC Protesters Using Text Messages to Plan Multiple reports of provocateurs setting trash fires in midtown,"" read one text message sent to 400-plus mobile phones this week through a service called Ruckus RNC 2004 Text Alerts.$LABEL$3 +Red Hat replaces CFO Charles Peters Jr. is taking over as the company deals with the aftereffects of restating its earnings for the past three fiscal years.$LABEL$3 +Appeals court faults Oracle in shareholder suit Judges send case back to lower court to sort out allegations of improper bookkeeping and ""suspicious"" stock sales.$LABEL$3 +Microsoft Japan to give away over one million XP SP2 CDs TOKYO -- Microsoft Corp.'s Japanese arm will begin giving away more than a million CD-ROMs of the company's latest security update, Windows XP Service Pack 2 (SP2) from 27,500 locations during September and October, the company said on Thursday.$LABEL$3 +Sun to enter content switch market Sun Microsystems Inc. plans later this month to unveil its first ever content switch: a load-balancing and SSL (Secure Sockets Layer) acceleration switch based on the Nauticus N2000 products that the Santa Clara, California, company acquired in January of this year.$LABEL$3 +US Airways shares up on possible pilots pact Shares of US Airways Group Inc. rose more than 9 Thursday morning after the airline #39;s pilots union said it may agree on a plan to cut wages and benefits.$LABEL$2 +Microsoft to make foray into online music (SiliconValley.com) SiliconValley.com - Microsoft makes its long-anticipated entry into the online music market today, marking the first serious challenge to Apple Computer's popular iTunes service.$LABEL$3 +LeapFrog's Greener Pastures (The Motley Fool) The Motley Fool - If you've ever had the entrepreneurial bug dig its teeth into you, odds are that you might take heart anytime a company's founder steps down and moves on. Granted, sometimes you have instances like Gateway's (NYSE: GTW - News) Ted Waitt and Apple's (Nasdaq: AAPL - News) Steve Jobs in which the originators come back to lead their companies, but that's rarely the case.$LABEL$3 +Davenport Advances at U.S. Open NEW YORK - Lindsay Davenport's summer of success stayed on course Thursday when the fifth-seeded former U.S. Open champion defeated Arantxa Parra Santonja 6-4, 6-2 and advanced to the third round of the season's final Grand Slam event...$LABEL$0 +Media speculate on successor as England coach prepares to step <b>...</b> With Sir Clive Woodward seemingly on his way to soccer, England #39;s rugby team is looking for a new coach to follow up last year #39;s World Cup triumph.$LABEL$1 +UPDATE 1-Jimenez, Garcia, Donald make Langer a happy man Miguel Angel Jimenez and Sergio Garcia warmed up for this month #39;s Ryder Cup with sparkling starts at the European Masters on Thursday.$LABEL$1 +Some Dire Talk From Yukos Lifts Oil Prices OSCOW, Sept. 2- World oil prices rose on Thursday after Russia #39;s largest oil producer, Yukos, said a court ruling quot;paralyzes #39; #39; the company #39;s operations.$LABEL$2 +Megawati kicks off 36th ASEAN economic meeting JAKARTA (Agencies): President Megawati Soekarnoputri opened high-level economic talks between members of the Association of Southeast Asian Nations (ASEAN) on Friday with a warning to ASEAN leaders that they must stay the course on their agreed $LABEL$2 +Microsoft bends on Sender ID SOFTWARE FIRM Microsoft seems to have agreed to bend to the will of the open source community on its anti-spam technology sender ID.$LABEL$3 +Fossil Pushes Upright Walking Back 2 Million Years, Study Says quot;Dating the beginnings of bipedalism is very important in the human story because, for many experts, it would mark a clear divergence from the ancestral/ape pattern and show that the human lineage had really begun, quot; said Chris Stringer, director of the $LABEL$3 +Semiconductor Manufacturing to Boost Capacity by Half (Update2) Semiconductor Manufacturing International Corp., China #39;s biggest supplier of made-to-order chips, said its factory capacity will rise by more than half in the second half as the company brings more plants on line.$LABEL$3 +The Playlist: What's Wrong With Digital Music Stores? (PC World) PC World - Though digital music has come a long way, today's online music stores still have significant problems. Here's my fix-it wish list.$LABEL$3 +Counting the Hops (Forbes.com) Forbes.com - Like Network Appliance, many top tech firms are snapping up Linux programmers, hoping to influence the way the operating system evolves. The trick is to hire programmers closest to Linux creator Linus Torvalds. Torvalds oversees Linux development, but he delegates pieces of the system to the 25 or so code maintainers,like Trond Myklebust at NetApp.Maintainers in turn break their projects into smaller pieces, overseen by submaintainers.$LABEL$3 +Congress Members Seek Officer's Dismissal (AP) AP - A group of congressional Democrats is asking President Bush to dismiss a senior military intelligence officer who made church speeches that included inflammatory religious remarks while discussing the war on terrorism.$LABEL$0 +French Hostage Transfer Sparks Release Hopes PARIS (Reuters) - Hopes of a swift end to the French hostage crisis rose early Friday, after the Le Figaro newspaper that employs one of the two captives said the men were now being held by Iraqi guerrillas willing to negotiate their release.$LABEL$0 +South Korea Seeks to Play Down Nuclear Disclosure SEOUL (Reuters) - South Korea said on Friday it did not expect a shock declaration that government scientists enriched uranium four years ago to upset international efforts to end North Korea's nuclear ambitions.$LABEL$0 +After Steep Drop, Price of Oil Rises The freefall in oil prices ended Monday on a spate of ominous developments, including a deadly attack on a US consulate in Saudi Arabia and reports that OPEC might cut production this week.$LABEL$2 +Ex-teller wins bias case against Citizens A former part-time teller and Mexican immigrant won more than \$100,000 after the Massachusetts Commission Against Discrimination determined Citizens Bank discriminated against her when it bypassed her for a full-time job in favor of a less experienced white co-worker.$LABEL$2 +Seoul allies calm on nuclear shock South Korea's key allies play down a shock admission its scientists experimented to enrich uranium.$LABEL$0 +Freed trio get warm Delhi welcome Three Indian truck drivers held hostage in Iraq arrive back in Delhi, where large crowds greet them.$LABEL$0 +Oil prices rise on fears about Yukos production Oil prices briefly bolted above \$45 a barrel yesterday, then retreated toward \$44, in a volatile day of trading after Russian oil giant Yukos said its output could suffer because of a court ruling that froze some of its assets.$LABEL$2 +The Bahamas - the real medal winner of the Athens Olympics A different way of calculating the medal standings brings some interesting results.$LABEL$3 +Third Month of Slow Sales for Retailers The August start of the back-to-school shopping season was a disappointment for major retailers.$LABEL$2 +South Koreans Say Secret Work Refined Uranium South Korea admitted that a group of its nuclear scientists secretly produced a small amount of near-weapons grade uranium.$LABEL$0 +Del Monte Needs 9Lives The leading private and branded food and pet products marketer is spending to revamp its image.$LABEL$2 +Utes Pile It On Alex Smith throws for three touchdowns, rushes for two more and finishes with 435 yards of offense, and No. 20 Utah backs up its first preseason ranking with a 41-21 win over Texas A M.$LABEL$1 +High court hears dispute over Michigan interstate wine sales The Supreme Court is considering whether Michigan and other states may bar people from buying wine directly from out-of-state suppliers, a big-money question that could lead to sweeping changes in how alcoholic beverages are regulated $LABEL$2 +Apple faithful's apathy to blame for Napsterized schools <strong>Opinion</strong> Impotent with iPod pride$LABEL$3 +Nepal capital under curfew for 3rd day; violators ordered to be <b>...</b> A shoot-on-sight curfew imposed to prevent riots and violent protests over the killing of 12 Nepalese workers in Iraq entered its third day Friday, while officials said they were trying to recover the bodies of the slain hostages.$LABEL$0 +Md. Board Meeting Worries Democrats Republican-dominated election board met behind closed doors in deliberations that Democrats feared were aimed at ousting Elections Administrator Linda H. Lamone.<BR>\<FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2""\ color=""#666666""><B>-The Washington Post</B></FONT>$LABEL$3 +IBM and Intel to open up blade specifications With today's expected announcement, hardware vendors will get access to the BladeCenter specifications by signing a seven-page licensing agreement, which grants users the right to license the specifications for certain types of products.$LABEL$3 +Columnists: Simple and Secure isn't so Simple Simple to code does not always mean simple for the user. And simple for the user is often not easy to code.$LABEL$3 +Policeman Shot Dead in Saudi Battle One Saudi policeman was killed and three others were wounded in clashes with militants in a town northeast of Riyadh. A number of suspects were arrested in the battles, officials said.$LABEL$0 +EU foreign ministers hope to break deadlock over ASEM summit The European Union said Friday it quot;hoped to reach a conclusion quot; at a meeting of foreign ministers on the participation of military-ruled Myanmar in an upcoming summit of Asian and European nations.$LABEL$2 +First Albany cuts target for Intel, keeps #39;buy #39; rating NEW YORK (CBS.MW) -- First Albany lowered its stock price target for Intel (INTC) to \$24 from \$30 following the chip sector bellwether #39;s lowered third-quarter revenue and margin outlook.$LABEL$2 +Lynch triumphs at Redcar Fergal Lynch had a good win at Redcar as he returned to action yesterday along with champion jockey Kieren Fallon, fellow rider Darren Williams and trainer Karl Burke, after their shock $LABEL$1 +9 in a row! Red Sox sweep Angels The Red Sox take control of the American League wild-card race with a 4-3 win over the Angels. It was Boston #39;s ninth straight win -- a season high.$LABEL$1 +The Russians are back St. Paul, Minn.Outclassed and completely humiliated by the Russians here last night, the reeling and desperate Americans are planning wholesale lineup changes to get back on track in the World Cup.$LABEL$1 +US economy generated 144,000 jobs in August (AFP) AFP - The US economy generated 144,000 jobs in August, the Labour Department said, in a sign that the labour market was improving slightly after two sluggish months.$LABEL$2 +Yukos faces tax arrears of \$4bn MOSCOW: Russias tax ministry said on Friday that it had raised its back tax claims against oil major Yukos by a fifth for 01, to 119.$LABEL$2 +Argentine court acquits bombing suspects An Argentine court acquitted five suspects in the 1994 bombing of a Jewish community center that killed 85 people, La Nacion newspaper reported Friday.$LABEL$0 +IBM recalls 225,000 laptop adapters The adapters can overheat and cause damage to the circuit board, according to a safety agency. WASHINGTON: IBM will recall about 225,000 AC power adapters for several models of its laptop computer because $LABEL$3 +Big Blue veteran heads to EMC EMC has hired a former IBM veteran to be its chief technology officer, in what appears to be the latest step in EMC #39;s evolution from a data storage hardware specialist to a more comprehensive computing company.$LABEL$3 +No miracle this time That miracle, of course, took place in Lake Placid, NY, during the 1980 Winter Olympics. Thanks to the likes of Jim Craig, Mike Eruzione, Ken Morrow and the rest of the US hockey team, the mighty Soviet Union $LABEL$1 +Kerry Vows to Tell Truth as President (Reuters) Reuters - Democrat John Kerry on Friday\dismissed the Republican convention as ""bitter and insulting""\and promised to be a U.S. president who would tell Americans\the truth.$LABEL$0 +Intel Outlook May Portend PC Weakness NEW YORK (Reuters) - Intel Corp's <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=INTC.O target=/stocks/quickinfo/fullquote"">INTC.O</A> sharp cut in its revenue outlook dragged down shares of personal computer makers on Friday, on fears that the chipmaker's problems could signal weak PC markets, analysts said.$LABEL$2 +Indian inflation peaks on imports Indian inflation hits its highest level in more than three years, boosted by increasing energy and food costs.$LABEL$2 +Judge: Geico can sue Google, Overture over ads A federal judge in Virginia has ruled that a trademark infringement suit filed by the Government Employees Insurance Co. (GEICO) against Internet search giants Google Inc. and Overture Services Inc. can proceed.$LABEL$2 +Did Apple Offer Sony an ITunes Deal? Update: A partnership may be crucial for long-term success, one industry insider says.$LABEL$3 +USA : Textile industry to renew request to place embargo on <b>...</b> The US textile industry officials would plead for blocking Chinese imports to the Bush administration this month. Earlier this year, the White House had rejected a similar request made by 130 Republican and Democratic members of Congress.$LABEL$2 +NASA braces for Frances Thousands of automobiles clogged Florida #39;s highways during the largest evacuation in state history as residents anticipated the arrival of Hurricane Frances.$LABEL$3 +LSU, Oklahoma play openers on Saturday Louisiana State beat Oklahoma in the Bowl Championship Series title game in the Sugar Bowl last January. Both teams play their openers on Saturday in the first full weekend of the college football season.$LABEL$1 +Gerrard only a 50-50 chance VIENNA - England midfielder Steven Gerrard is a major doubt to face Austria in today #39;s opening 2006 World Cup qualifier. Gerrard has failed to shake off a groin injury suffered in training on Thursday and $LABEL$1 +Israeli Troops Kill Two Palestinians (AP) AP - Israeli troops killed two Palestinians in two separate incidents Friday, and Israeli helicopters fired three missiles at a Gaza warehouse the army said was used for making weapons.$LABEL$0 +Continental won #39;t make pension contributions this year Continental Airlines announced today it will not make any contributions to its pension plan this year, citing as reasons the ongoing uncertainty of the industry #39;s economic environment and the record high cost of jet fuel.$LABEL$2 +Napster tests quot;on-the-go quot; subscription service Napster announced yesterday that it is testing a new subscription service model that would add portable devices to the list of its subscription service #39;s supported devices.$LABEL$3 +A different ball game Two interesting stories this week. One - Manchester United #39;s signing of Wayne Rooney - exciting if rather predictable; another - Southampton #39;s apparent intent to hire England rugby union coach Sir Clive Woodward - surprising and, to many, baffling.$LABEL$1 +President, PM Review Dialogue Process With India ISLAMABAD, Pakistan : Sep 04 (PID) - President General Pervez Musharraf and Prime Minister Shaukat Aziz attended a meeting on Friday to review the progress of the composite dialogue between India and Pakistan delineates a strategy to carry the process $LABEL$0 +MLB: Houston 8, Pittsburgh 6 Carlos Beltran went two for four with a homer and scored three times Friday night as Houston downed Pittsburgh, 8-6. Craig Biggio, Jose Vizcaino and Jeff Bagwell also homered for $LABEL$1 +Attack on UN vehicle kills one in southern Afghanistan KANDAHAR, Afghanistan : An Afghan man died and five people were hurt in a bomb attack on a UN vehicle in Afghanistan, officials said, in the second deadly blast in a week as the country prepares for next month #39;s polls.$LABEL$0 +Mauresmo cruises to straight-set victory NEW YORK No. 2 women #39;s seed Amelie Mauresmo of France advanced to the fourth round of the US Open, defeating No. 31 seed Maria Vento-Kabchi 6-2, 6-0 Friday.$LABEL$1 +It #39;s not in the cards Jose Lima bounced back in grand style Friday night from one of his worst outings of the season and an eight-day layoff, limiting the National League #39;s most feared lineup to two $LABEL$1 +Protesters greet Taiwan president during brief visit Tensions between Taiwan and China landed on Seattle #39;s doorstep last night when Taiwan President Chen Shui-bian visited Seattle under tight security, greeted by demonstrators both for and against Taiwan independence.$LABEL$0 +Livewire: Fantasy Sports Leagues Thrive Online (Reuters) Reuters - Take 15 million armchair athletes,\add a steady stream of statistics and mix in a healthy dollop\of trash talk. Post it all on the Internet and you've got a #36;3\billion industry built around imaginary sports teams.$LABEL$3 +Yankees, Brown go down swinging Kevin Brown's frustrating season finally reached a boiling point, and now his hot temper could cost the New York Yankees at the most important time. Brown broke his non-pitching hand when he punched a wall in the clubhouse last night during a 3-1 loss to the Baltimore Orioles that cut New York's lead in the AL East ...$LABEL$1 +Medicare Premiums to Rise Record 17 Pct. WASHINGTON - Medicare premiums for doctor visits are going up a record \$11.60 a month next year. The Bush administration says the increase reflects a strengthened Medicare, while Democrats complain that seniors are being unfairly socked...$LABEL$0 +AT amp;T Wireless Moves to Sell Canada Asset T amp;T Wireless Services Inc., the third-largest United States mobile phone company, reached an agreement yesterday with Rogers Communications Inc.$LABEL$2 +Symonds century lifts Australia LONDON, England -- Andrew Symonds rode his luck to score the second one-day century of his career as Australia scored 269-6 from their 50 overs against Pakistan at Lord #39;s.$LABEL$1 +Federer back in Open #39;s fourth round with masterful performance For most tennis players, having about the same number of clean winners as unforced errors translates into a pretty good performance.$LABEL$1 +Two Palestinians kiled in a night raid against a warehouse in Gaza Israeli military helicopters yesterday evening bombarded by missiles a building in one of the refugee camps in the downtown of Gaza, while two Palestinians were killed and other three injured in the sector by the Israeli bullets.$LABEL$0 +Colo. Town Relieved by Bryant Decision (AP) AP - It was the surest sign that the Kobe Bryant case was leaving town for good after a 14-month occupation: A rancher obtained permission to tear down CNN's 15-by-20-foot camera platform near the courthouse.$LABEL$1 +French captives #39; fate mulled BAGHDAD, Iraq - An Islamic militant group that claimed to have kidnapped two French journalists said it would soon decide their fate, according to a message posted on a Web site Friday, and an Iraqi negotiator called the chance for their release quot;excellent $LABEL$0 +Alert shuts Los Angeles airport Parts of Los Angeles international airport are temporarily closed down amid reports of a security breach.$LABEL$0 +Bush cuts down the middle on broccoli question (AFP) AFP - Facing a issue that once tripped up his father, US President George W. Bush told adoring supporters that he likes broccoli. Part of it, anyway.$LABEL$0 +Job numbers give candidates room to debate WASHINGTON - Employers stepped up hiring in August, expanding payrolls by 144,000 and lowering the unemployment rate to 5.4 percent.$LABEL$2 +No. 19 Iowa Dominates Kent St., 39-7 (AP) AP - Drew Tate threw two touchdowns in his first start and No. 19 Iowa turned in a dominating defensive performance to beat Kent State 39-7 in the season opener Saturday.$LABEL$1 +Quick Duff puts Kerr #39;s men into fast lane Brian Kerr took his Ireland squad to the dogs last Wednesday, but the evening spent watching greyhounds race was not solely about relaxation.$LABEL$1 +Email this to a friend Print this story Never content with the simple things in life, Microsoft is apparently on a mobile media crusade with the deceptively unassuming announcement of the companies MSN Music service.$LABEL$3 +Stocks dip after Intel cuts forecast STOCKS in the United States fell - led by technology shares - after the world #39;s biggest semiconductor maker Intel cut its revenue forecast because of slowing demand for personal computers and mobile phones.$LABEL$2 +Hezbollah rejects abolition call The leader of militant Lebanese group Hezbollah rejects a UN call for the organisation to be disbanded.$LABEL$0 +Pierce hunts down Sharapova Maria Sharapova, the 17-year-old Wimbledon champion, was eliminated in the third round at the US Open yesterday by the 27th seed, Mary Pierce, who used to be known as quot;The $LABEL$1 +Singh Takes Two-Shot Lead, Woods Tied for Second NORTON, Massachusetts (Reuters) - Fiji's Vijay Singh fashioned an eight-under par 63 Saturday to take a two-shot second-round lead on 131 in the Deutsche Bank Championship.$LABEL$1 +Biffle Bests Mears Greg Biffle wins a nearly race-long duel with Casey Mears, pulling away over the last two laps to win the NASCAR Busch Series race Saturday at California Speedway.$LABEL$1 +Wal-Mart Anchors Windows Media Mall The world #39;s largest software company has teamed with the world #39;s largest retailer to help kick off the latest version of Windows Media Player.$LABEL$2 +KERR CRUISES INTO LEAD Cristie Kerr carded a nine-under-par 63 to take a four-stroke lead after the third round of the State Farm Classic in Illinois. Kerr entered the day four shots behind Christina Kim but showed the youngster that Tour veterans must never be underestimated.$LABEL$1 +In Internet Calling, Skype Is Living Up to the Hype Skype is the easiest, fastest and cheapest way for individual customers to use their computers with broadband connections as telephones.$LABEL$3 +The Next Shock: Not Oil, but Debt The American economic ship, which has weathered the recent run-up in crude oil prices, may be more vulnerable to sudden surges in the price of money.$LABEL$2 +Motorists Submitting to High Gas Prices (AP) AP - Americans appear to be getting used to paying more to drive #151; even if it means they have less money to buy other things. For example, Wal-Mart Stores Inc., the world's largest retailer, blamed disappointing sales in August on the fact that shoppers spent more just getting to and from its stores.$LABEL$2 +Judge orders inspector to look at Hollinger dealings A Canadian judge has ordered that a court-appointed inspector be assigned to take a close look at the business dealings of Hollinger Inc, the Conrad Black-controlled company said on Friday.$LABEL$2 +Pfizer to settle asbestos claims NEW YORK (DowJonesAP) - Pfizer (PFE) said Friday it has agreed to pay \$430 million to settle all lawsuits against it alleging injury from insulation products made by a subsidiary.$LABEL$2 +Apache Balks At Microsoft #39;s Licensing Demands For Anti-Spam <b>...</b> com. The Apache Software Foundation, developers of the popular open-source Apache web server, said on Thursday that it wouldn #39;t support the proposed anti-spam standard Sender ID, because the licensing terms set by Microsoft Corp.$LABEL$3 +ASEAN moves closer to single market with #39;road map #39;, global trade <b>...</b> JAKARTA : ASEAN finance ministers ended a meeting which saw Southeast Asia edge closer to a Europe-style single market, laying out a quot;road map quot; for integration and opening doors to wider global trade.$LABEL$0 +Canada, Finland rule pools Martin Brodeur made 27 saves, and Brad Richards, Kris Draper, and Joe Sakic scored to help Canada beat Russia, 3-1, last night in Toronto, giving the Canadians a 3-0 record in round-robin play of the World Cup of Hockey.$LABEL$1 +Smith lifts Missouri with all-around effort COLUMBIA, Mo. -- Brad Smith threw for 233 yards and three touchdowns and ran for 63 yards and another score to help No. 18 Missouri rout Arkansas State, 52-20, last night in the season opener for both teams.$LABEL$1 +UConn passes first test Dan Orlovsky threw for 382 yards and tied his school record with five touchdown passes to lead Connecticut to a 52-14 win over Murray State yesterday in East Hartford.$LABEL$1 +Tigers celebrating after Beavers don #39;t get their kicks Freshman Alexis Serna is down on the field kneeling, pounding the Tiger Stadium turf. He wanted to hide. But couldn #39;t find a place.$LABEL$1 +Russian school death toll tops 340 The death toll in the Russian schoolhouse siege soared to more than 340 yesterday, and the horrifying human cost is likely to keep climbing.$LABEL$0 +Sharapova ousted They were 78 feet and a generation apart. On one end of the Arthur Ashe Stadium court stood Maria Sharapova, the 17-year-old Wimbledon champion with a future as bright as her usual smile.$LABEL$1 +Tom Ridge sets all-age record in winning World Trotting Derby Tom Ridge set an all-age record of 1 minute 50.2 seconds in winning the \$530,000 World Trotting Derby at the DuQuoin (Ill.) State Fair yesterday.$LABEL$1 +Little guy earns big victory at Open NEW YORK -- Olivier Rochus didn't know quite how to react. First the arms went hesitantly up in the air. Then there was a little half-fist pump, a triumphant bellow, and a smile that could have lit a path through the darkest storm. Then Rochus, a 23-year-old Belgian who prior to this year had never won a match at the ...$LABEL$1 +Checking changes Toward the end of the month if resources are a little tight, there are times when Krista Bergstrom admits she writes a check or two for more than is left in her account.$LABEL$2 +Sales aren #39;t making the grade Retailers in Michigan delighted when students returned to the classroom, but the back-to-school sales haven #39;t generated the kind of dollars many projected.$LABEL$2 +Rossi: #39;I #39;m fairly happy #39; Valentino Rossi, who on Thursday pledged his future to Yamaha, entered the final qualifying session with the fastest time to date, but with the morning rain having washed the circuit clean, the Italian was unable to challenge Makoto Tamada for the pole.$LABEL$1 +Pope Prays for Beslan School Dead at Italy Mass LORETO, Italy (Reuters) - Pope John Paul prayed for the victims of the ""inhumane violence"" of Russia's Beslan school tragedy as he said Mass on Sunday before 200,000 people in central Italy.$LABEL$0 +Kerr happy with Irish win Republic of Ireland manager Brian Kerr said he was delighted with the 3-0 win over Cyprus after so many players had pulled out of his squad.$LABEL$1 +Microsoft Sees Open-Source Threat Looming Ever Larger Microsoft Corp. is facing growing pressure from open-source software across every segment of its businessa competitive threat that could have significant consequences for its financial future going forward $LABEL$3 +Global sales of mobile phones hit record levels PARIS Global cellphone sales rose to record levels in the second quarter as Nokia clawed back some of its lost market share, according to figures released Thursday.$LABEL$3 +In the end, goofs sink Jays TORONTO -- All the early miscues belonged to the Oakland Athletics but the ones that mattered the most, in the eighth and ninth innings, were made by the Toronto Blue Jays.$LABEL$1 +France Hopeful for Hostages, Fatwa Demands Release (Reuters) Reuters - France remained hopeful on Sunday that\two French hostages in Iraq would be freed and a religious\fatwa issued in Iraq demanded their release.$LABEL$0 +Saddam, Aides to Go on Trial Within Weeks - Daoud Iraq #39;s toppled leader Saddam Hussein and his top aides will go on trial within weeks, Iraqi Minister of State Kasim Daoud said on Sunday.$LABEL$0 +The Lowdown on Downloading Music The digital music space is changing, with more songs and a growing number of places to download music legally. Realizing that the time was ripe to see how we were doing, I took some song recommendations and sat down to see what I could download.$LABEL$3 +Guidant, J amp;J reportedly are in merger talks Johnson amp; Johnson is in advanced negotiations to acquire Guidant, an Indianapolis-based medical device maker, for more than \$24 billion, executives close to the talks said Monday.$LABEL$2 +Iraq Govt. Seeks to Confirm if Saddam Aide Held BAGHDAD (Reuters) - Iraq's government was scrambling on Sunday to confirm whether the most wanted Saddam Hussein aide still on the run had been captured, as confident statements that he had been seized gave way to doubt and confusion.$LABEL$0 +Hurricanes Bring Environmental Renewal (AP) AP - Along with their destructive force, hurricanes can have beneficial effects as part of the rhythm of nature. Storms that erode beaches, uproot trees and flatten wildlife habitats may also refresh waterways, revive dry areas and bulk up barrier islands with redistributed sand.$LABEL$3 +Bush takes a double-digit lead as Kerry campaign struggles to regroup (AFP) AFP - George W. Bush took a double-digit lead in what had been a neck-and-neck presidential election contest, prompting Democratic challenger John Kerry to refocus his campaign on bread-and-butter economic issues, where the Republican incumbent president is considered vulnerable.$LABEL$0 +Lord #39;s smiles on India once more India bowled England all out for 181 to win the third one-day international of the NatWest Challenge at Lord #39;s by 23 runs. England would have gone into the second innings confident.$LABEL$1 +Chicago Bears Cut Bryan Robinson LAKE FOREST, Ill. -- Veteran defensive lineman Bryan Robinson (pictured) was among 21 players cut Sunday as the Chicago Bears pared their roster to 53.$LABEL$1 +Cycling: Petacchi wins second stage in Spain MADRID : Alessandro Petacchi showed why he is considered one of the world #39;s top sprinters when coming out on top in a mass dash to the line in the second stage of the Tour of Spain.$LABEL$1 +PM and Latham target Sydney Prime Minister John Howard and Opposition Leader Mark Latham will target key marginal seats around Sydney as the election campaign hits its second week.$LABEL$0 +Frances Knocks Out Power, Floods Florida FORT PIERCE, Fla. - Hurricane Frances' wind and water whacked swaths of southern Florida with fire-hose force Sunday, submerging entire roadways and tearing off rooftops even as the storm weakened and crawled inland with heavy rain in its wake...$LABEL$0 +World briefs LONDON - A man wielding a machete and a knife attacked two security guards at the building housing the headquarters of the British domestic intelligence service MI5 on Friday, police said.$LABEL$2 +Yankees' Brown Has Successful Surgery Kevin Brown had successful surgery on his broken left hand Sunday and vowed to pitch again for the Yankees this season.$LABEL$1 +S.Africa Cancels Thatcher Meeting with Eq. Guinea South Africa has canceled a meeting with prosecutors from Equatorial Guinea who had hoped to interview Mark Thatcher on his suspected links to a coup plot in the oil-rich country, officials said on Sunday.$LABEL$0 +Bangladesh seeks US intelligence cooperation Bangladesh is willing to sign a protocol with the United States to set up a joint working group like India and Pakistan did to enhance Dhaka #39;s capability to effectively deal with future terrorist acts in the country.$LABEL$0 +Titans Release No. 3 QB Jason Gesser (AP) AP - The Tennessee Titans released Jason Gesser, their third quarterback, on Sunday and plan to replace him with a veteran.$LABEL$1 +Jets: Abraham is likely to miss 3 games Though coach Herman Edwards ruled defensive end John Abraham out for only this Sunday #39;s game against the Steelers with a sprained lateral collateral ligament in his right knee, he #39;ll be $LABEL$1 +Astros 10, Pirates 5 HOUSTON Mike Lamb went four-for-five with a homer and four RB-Is to lead the Houston Astros to their ninth straight win with a 10-to-five victory over the Pittsburgh Pirates today.$LABEL$1 +Labor situation deserves honest talk For a moment last week, President Bush escaped the White House spin chamber and was the plainspoken man much of the nation came to like four years ago.$LABEL$2 +Saddam #39;s top aide al-Douri arrested File photo taken on March 1, 2003 shows Izzat Ibrahim at the Arab Summit in Sharm-el-Sheikh, Egypt. Ibrahim, the second most powerful man of the former Iraqi regime, was captured on Sept.$LABEL$0 +Jags Cut Compton, Maddox (AP) AP - Veteran offensive lineman Mike Compton and rookie defensive tackle Anthony Maddox were among the 12 players cut by the Jacksonville Jaguars on Sunday.$LABEL$1 +Former Saddam Deputy Arrested in Iraq (AP) AP - Iraqi authorities claimed on Sunday to have captured Izzat Ibrahim al-Douri, the most wanted member of Saddam Hussein's ousted dictatorship, but there was confusion over the report, as the Iraqi defense minister said word of his arrest was ""baseless.""$LABEL$0 +Couch, Gildon, Levens Among NFL Cuts (AP) AP - Tim Couch's stay in Green Bay was short and unproductive.$LABEL$1 +Tokyo Stocks Higher, Lifted by Survey TOKYO (Reuters) - Tokyo stocks rose by mid-morning on Monday with a broad range of issues getting a lift from a key survey that boosted optimism on Japan's economic outlook, with expectations rising that growth figures will be revised up.$LABEL$2 +British industry at best in 10 years Manufacturing industry is enjoying its strongest performance for almost 10 years, according to a survey by the Engineering Employers Federation.$LABEL$2 +Porn producers face severe punishment Those who are engaged in the profit-oriented production and dissemination of pornographic materials through the Internet, mobile communication terminals and quot;phone-sex quot; services in China are subject to punishment as severe as life imprisonment, according $LABEL$3 +CRICKET: Kaspa has selectors in a bind MICHAEL Kasprowicz has put national selectors into a difficult situation with a five-wicket burst that has enhanced Australia #39;s hopes of snatching a maiden Champions Trophy in London this month.$LABEL$1 +Tokyo Stocks Higher at Late Morning (AP) AP - Tokyo stocks rose moderately Monday morning on bargain hunting following Friday's losses. The U.S. dollar was up against the Japanese yen.$LABEL$0 +Under Attack, Director Says Hollinger's Black Misled Him Richard N. Perle, a director at the media company Hollinger International who was criticized in an internal report, says he was duped by its former chief, Conrad M. Black.$LABEL$2 +French minister returns empty handed Leaving behind two French reporters still held hostage in Iraq, France #39;s foreign minister headed home from the Middle East but said they were still believed to be alive and that efforts to free them would continue.$LABEL$0 +Possible playoff preview A #39;s take a hit in Toronto but come home <b>...</b> If the playoffs opened right now, instead of next month, the A #39;s would face the Red Sox in the first round -- again. Boston bounced Oakland out of the postseason in five games last year, coming back from a 2-0 deficit to do so.$LABEL$1 +COL FB: Tennessee 42, UNLV 17 Freshman Brent Schaeffer threw for one touchdown and ran for another Sunday as the 14th-ranked Tennessee Volunteers defeated the UNLV Rebels, 42-17.$LABEL$1 +Is It Time For Steroid Testing In High Schools? SALINAS, Calif. -- Baseball commissioner Bud Selig said in meetings Monday that he would accept government intervention on steroid testing if the players #39; association refuses to change the current rules, which run for two more years.$LABEL$1 +Update 4: Tokyo Stocks Fall, US Dollar Climbs Tokyo share prices fell steeply Friday, led by technology stocks after a disappointing report from US chip giant Intel. The US dollar was up against the Japanese yen.$LABEL$2 +West Japan on Guard for Aftershocks After Quakes TOKYO (Reuters) - Residents of western Japan were warned of possible aftershocks on Monday after two strong earthquakes the previous day but authorities said the tremors were not directly linked to a cycle of major seismic activity that hits the region every century or so.$LABEL$0 +Monti gives Abbey takeover green light European Competition Commissioner Mario Monti has given the green light to the UK8.75bn takeover bid by Spain #39;s Santander for the UK #39;s Abbey National.$LABEL$2 +Anwar launches bid to clear name Lawyers for Anwar Ibrahim, the former deputy prime minister of Malaysia, have launched a bid to clear his name. Mr Anwar was freed from jail on Thursday, after a conviction for sodomy was quashed by a Malaysian court.$LABEL$0 +Nikkei hits 5-week closing high on upbeat capital spending data TOKYO - Japan #39;s benchmark Nikkei stock index hit a five-week closing high Monday on upbeat capital spending figures for the April-June quarter by Japanese companies.$LABEL$2 +India and Pakistan wind up talks, deadlock on Kashmir (AFP) AFP - The foreign ministers of India and Pakistan held a closing round of talks amid reports of progress on peripheral issues, but the nuclear rivals remained deadlocked on Kashmir.$LABEL$0 +Public warning over letter bombs The discovery of 10 letter bombs has prompted a police warning to the public to exercise caution. Bedfordshire Police said none of the improvised devices - containing lighter fluid - had ignited, despite the fact that some had been opened.$LABEL$0 +Pornsters face life in China smut crackdown China is stepping up its hard line against internet pornography by threatening life imprisonment for anyoner caught peddling porn.$LABEL$3 +Russia Mourns Hostage Deaths, Putin Criticized BESLAN, Russia (Reuters) - Russia on Monday mourned the deaths of hundreds of children and adults in its worst hostage drama as criticism mounted over the way President Vladimir Putin and his security forces handled the crisis.$LABEL$0 +South American World Cup Qualifiers: Brazil Ease Past Bolivia An impressive first-half display from Brazil saw the Selecao defeat Bolivia 3-1 to move back to the top of the South American World Cup qualifying group.$LABEL$1 +Toyota to open south China plant Japan carmaker Toyota enters a joint venture to produce saloon cars in southern China.$LABEL$2 +So Long XMLHack! \\""It's been a lot of fun writing XMLhack since 1999, but it's time for us to take\a rest.""\\""XMLhack has always been run by volunteers writing in their spare time, and now\most of us have so little of that precious commodity it's infeasible to keep the\site going at anything like the rate we want it to be.""\\""As editor, I'd like to extend my grateful thanks to all the contributors over\time, a list of whom you can see on the contributors page. My special thanks go\to Simon St.Laurent, my co-conspirator from the start.""\\So long guys!\\I've been a subscriber to XMLHack for probably > 3 years now. They were one of\the earlier blog-like sites to have RSS in what I'd call a 'modern' and rich\f ...\\$LABEL$3 +Next gen games prove a challenge Making games for the future consoles is going to take a lot of time and money, a games conference is told.$LABEL$3 +2 charged after Chicago area pals are slain in NC tragedy Ever since they met in fourth grade, Brett Johnson Harman and Kevin McCann were as close as brothers. quot;They had the same mannerisms, the same kind of humor, and they even looked alike, quot; said McCann #39;s father, Dennis McCann.$LABEL$1 +EU: Coke Anti-Trust Deal Not Set in Stone BRUSSELS (Reuters) - A proposed settlement between Coca-Cola Co. and the European Commission to end a long-running antitrust case over fizzy drinks is not yet set in stone, the European Union's executive said on Monday.$LABEL$2 +French Internet provider Wanadoo will build Dutch broadband network (AFP) AFP - The French Internet provider Wanadoo will construct its own broadband network in the Netherlands and hopes to reach 55 percent of Dutch homes, a spokesman told the Financieele Dagblad.$LABEL$3 +Service Sector Hit By High Oil Costs Confidence in service firms has been hit by rising oil prices and interest rates but manufacturers have seen the best rate of orders for nine years, two surveys show.$LABEL$2 +Has Your Broadband Had Its Fiber? Falling costs, new technology, and competition, with a nudge from regulatory changes, are bringing fiber closer to homes in the US just a few years after the idea seemed all but written off.$LABEL$3 +No Sign Yet of Predicted Big California Earthquake (Reuters) Reuters - The clock is running out on a\highly publicized prediction that a major earthquake will rip\through Southern California by Sunday.$LABEL$3 +Donald runs into Ryder form Luke Donald says his win in the European Masters on Sunday bodes well for his upcoming Ryder Cup debut. Donald was one of European captain Bernhard Langer #39;s two picks for the match, which takes place at Oakland Hills, Michigan from 17-19 September.$LABEL$1 +US Marines Die In Fallujah Car Bombing BAGHDAD, Iraq -- A US military official in Iraq said seven American marines have been killed Monday in a car-bomb explosion. Several other Marines have been wounded in the attack.$LABEL$0 +Funds: What Makes a Fund a Winner? (Reuters) Reuters - (Clint Willis is a freelance writer who covers mutual funds\for Reuters. Any opinions in the column are solely those of Mr.\Willis.)$LABEL$2 +Coca-Cola closer to settling EU antitrust case NEW YORK, September 3 (New Ratings) - The European Union has reportedly made significant progress in settling its prolonged antitrust case against The Coca-Cola Co (KO.$LABEL$2 +Softbank's hopes on mobile services dashed (FT.com) FT.com - Softbank's hopes of starting a mobile phone service were dealt a blow on Monday after the Japanese telecoms regulator decided not to allocate bandwidth to new entrants for the time being.$LABEL$3 +Coca-Cola Makes Very Good #39; Bid to End Probe, EU Says (Update2) Coca-Cola Co. moved closer to settling a five-year European Commission antitrust probe after regulators said an offer from the world #39;s biggest soft-drink maker to revamp its sales practices is very good.$LABEL$2 +Sox rookie Diaz dials it up against Ichiro, Mariners The Felix Diaz who struggled mightily for most of the time he has spent at the major league level this season was nowhere to be found Sunday afternoon, and that was a most pleasant development as far as the White Sox were concerned.$LABEL$1 +Iraq Group Sets Ransom, Deadline for French Release (Reuters) Reuters - A statement posted on a Web site\purportedly by an Iraqi group which said it was holding two\French hostages set a #36;5 million ransom on Monday and issued a\48-hour deadline for its demands to be met.$LABEL$0 +Supah Blitz captures Del Mar BC Handicap After spending the first 29 starts of his career mostly confined to the East Coast, Supah Blitz found out what everyone eventually does - it #39;s much better at Del Mar. In his $LABEL$1 +Japanese baseball players set to strike Japanese baseball players will strike for the first time if owners proceed with a proposed merger of two teams, the players #39; union said Monday.$LABEL$1 +From overtime rules to job losses from outsourcing overseas to <b>...</b> Labor Day is one of those terms, like driveway and parkway, that means the opposite of what it seems to mean. Honoring the nation #39;s workers, Labor Day is not for working but for picnics.$LABEL$2 +Super powers make move on September BUOYED by ever-increasing crowd figures and television ratings, rugby union yesterday announced a significant expansion of the southern hemisphere season which includes an assault on the traditional September AFL and NRL finals series.$LABEL$1 +Red Sox, Schilling roll on BOSTON - The Boston Red Sox put themselves in great position for a run at the AL East-leading New York Yankees with a great homestand.$LABEL$1 +PM edges ahead in latest poll JOHN Howard #39;s plea for voters to trust him with the economy is paying early dividends, an exclusive Herald Sun poll shows. The Coalition has moved ahead of Labor by 52 per cent to 48 per cent as the Prime Minister #39;s interest rates campaign takes hold.$LABEL$0 +Retailers Looking to Move Plasma TV's (AP) AP - Hanging stockings by the chimney with care? Retailers hope that St. Nicholas soon will be there #151; to hang a 42-inch plasma-screen TV.$LABEL$2 +Cazenove faces scrutiny over merger talks Cazenove, the Queen #39;s broker, will tomorrow be under pressure to divulge the state of merger talks at its annual shareholder meeting, with US giants circling the firm.$LABEL$2 +Oil Tip-Toes Higher, Watches Stocks, OPEC (Reuters) Reuters - U.S. oil prices edged higher for the\second day in a row on Tuesday amid calls within OPEC to crack\down on excess output at this week's meeting.$LABEL$2 +Bush Backers in Wisconsin Say He Is Decisive in War (Reuters) Reuters - The Iraq war and concerns about\terrorism may determine the outcome of the upcoming election,\and they appear to have bolstered support for President Bush in\at least one Republican bastion in the swing state of\Wisconsin.$LABEL$0 +Iraqi Kidnappers of French Reporters Demand Ransom (Update1) The Iraqi kidnappers of two French reporters who have been missing since Aug. 20 today demanded a \$5 million ransom as a condition for their release, according to a statement posted on an Islamic Web site.$LABEL$0 +Capsule to bring the Sun down to Earth A space capsule set to plunge into Earth #39;s atmosphere with a piece of the Sun this Wednesday has spawned additional projects ranging from spacecraft design to the detection of dangerous asteroids.$LABEL$3 +Slovaks and Czechs reject French minister #39;s suggestion over EU <b>...</b> The Slovak and Czech governments Monday rejected a proposal by French Finance Minister Nicolas Sarkozy to axe structural funds for new EU members whose taxes were lower than the European average.$LABEL$2 +Button defends F1 decision Britain #39;s Jenson Button has justified his decision to leave BAR for Williams as the dispute over his future moves towards a conclusion.$LABEL$1 +Reds pick up Miley #39;s option for 2005 Reds general manager Dan O #39;Brien said Sunday what he has hinted at for the last month or so: Dave Miley and his staff will be back for 2005.$LABEL$1 +Streaking Astros Clock Reds 11-5 (AP) AP - Astros pitcher Brandon Backe hit his first career homer, a two-run shot, and allowed one run in seven innings to keep Houston in the thick of the NL wild-card chase with an 11-5 rout of the Cincinnati Reds on Monday.$LABEL$1 +Maid sues Sony Pictures exec p2pnet.net News- James Jackson, vp of legal affairs for Sony Pictures Entertainment, filed for bankruptcy protection just days before a lawsuit accusing him and his wife of involuntary servitude, false imprisonment, invasion of privacy, negligence and $LABEL$3 +Blast kills seven US Marines in Iraq A massive car bomb exploded on the outskirts of the Iraqi city of Fallujah, killing seven United States Marines and wounding several others, a US military official said.$LABEL$0 +Clinton Has Successful Quadruple Bypass NEW YORK - Bill Clinton underwent a successful quadruple heart bypass operation Monday to relieve severely clogged arteries that doctors said put the former president at grave risk of suffering a heart attack. Clinton is expected to make a full recovery, but doctors said he was fortunate to have checked himself into the hospital when he did...$LABEL$0 +Microsoft: scan for spyware before downloading SP2 Microsoft last week warned Windows XP users to scour their systems for spyware before downloading Service Pack 2. An Associated Press report quoted Microsoft executives saying some spyware could cause computers to freeze upon installation.$LABEL$3 +No Kashmir Breakthrough NEW DELHI, 7 September 2004 - India and Pakistan stuck to their guns on the Kashmir issue as the foreign ministers of the two countries concluded their talks yesterday on what was described as a positive note.$LABEL$0 +Golf's New No. 1 Tiger Woods's reign as the world's top player ends at 264 weeks as Vijay Singh has seized the No. 1 spot after beating Woods to win the Deutsche Bank on Monday.$LABEL$1 +Intel lauds milestone in shrinking chips Contradicting fears that the semiconductor industry #39;s pace of development is slowing, Intel Corp has announced that it has achieved a milestone in shrinking the size of transistors that will power its next-generation chips.$LABEL$3 +Philippines mourns dead in Russian school siege The Philippines Saturday expressed quot;deepest sympathy quot; to the families of the dead in the Russian school siege on Friday, in which 322 people were killed when Russian troops stormed $LABEL$3 +CBA to purchase local lender #39;s share Commonwealth Bank of Australia (CBA) said yesterday it was in talks with the Jinan City Commercial Bank (JNCCB) about buying a stake in the regional lender.$LABEL$2 +Singh knocks Woods from No. 1 with victory at TPC of Boston For it to happen on Labor Day became a perfectly fitting reward for Vijay Singh, golf #39;s most noted laborer. The man from Fiji who closes practices ranges for a living opened a new door in world golf Monday.$LABEL$1 +Caribbean Braces for Another Hurricane (AP) AP - Islanders scrambled to put up storm shutters and stock up on supplies as the fourth major hurricane of the season churned closer to the Caribbean, packing sustained winds of 105 mph.$LABEL$0 +Summer Box Office Hits a High, Despite Lows In a summer when many of the studios' biggest bets failed to pay off, it was familiarity in the form of sequels and low-budget comedies that resonated with movie audiences.$LABEL$2 +Pump prices may dip after Labor Day Pump prices have been climbing in advance of Labor Day, as they often do before the last major drive-away weekend of the summer. The average price for self-serve regular $LABEL$2 +Irish Union Airs Fears Over Natl Australia Bank Units DUBLIN (Dow Jones)--Ireland #39;s banking union said Monday it #39;ll write to the Irish Competition Authority and European Commission expressing concern over the prospective sell-off of National Australia Bank Ltd.$LABEL$2 +Once Again, Mets Sputter Toward End of a Season year ago, the Mets were going nowhere when they swept the first-place Atlanta Braves in a three-game series at Shea Stadium on the first three days of September.$LABEL$1 +Petronas pursues China LNG supply opportunities Petroliam Nasional Bhd., or Petronas, Malaysias national oil and gas firm, is in discussions with Chinas State-owned oil and gas firms for potential liquefied natural $LABEL$2 +Russia Says Attack Was To Ignite Regional War The guerrillas who took over a school in southern Russia argued heatedly over whether to abandon the siege in the moments leading up to the firestorm of explosions and shooting that killed hundreds, Russian officials said Monday.$LABEL$0 +INTERVIEW: Australia #39;s QBE Consolidates European Units SYDNEY (Dow Jones)--Seeking to cut costs and encouraged by UK regulatory changes, Australia #39;s QBE Insurance group Ltd. (QBE.AU) Tuesday said it will merge its Lloyd #39;s division with other European operations.$LABEL$2 +Dell cuts prices on many corporate products Dell on Monday said it had cut prices by as much as fifth for a range of products aimed at US corporate customers, as the computer maker passed along savings from cheaper components.$LABEL$3 +NL Wrap: Backe Pitches, Hits Astros to Win Over Reds Brandon Backe pitched seven innings and clubbed a two-run homer, the first of his major league career, to earn the Houston Astros an 11-5 triumph over the Cincinnati Reds in the National League Monday.$LABEL$1 +Longhorns face steeper competition against Razorbacks The University of Texas football team is coming off a 65-0 victory over the North Texas Eagles. Texas dominated every facet of the game against the Eagles.$LABEL$1 +Yankees Win Controversial Game Against Devil Rays NEW YORK (Reuters) - Alex Rodriguez drove in three runs and Orlando Hernandez pitched seven strong innings to guide the New York Yankees past the Tampa Bay Devil Rays 7-4 in the American League Monday.$LABEL$1 +Vijay around, Tiger not yet out of woods The sun was setting when Vijay Singh, Fijian golfer of Indian origin, birdied the 18th here, and it seemed like a sign that Tiger Woods days as the worlds number one player may be fading.$LABEL$1 +Intel To Start Tech Forum with New Chips Intel is expected to kick off its semi-annual developer forum Tuesday by demonstrating a new dual-core processor, something rival AMD showed off last week.$LABEL$3 +Jet could go on market soon to battle Boeing 7E7 Airbus plans to challenge Boeing Co. by offering a new aircraft as early as year-end, its chief executive says. The Toulouse, France-based plane maker is quot;reflecting quot; on whether to introduce an all-new plane $LABEL$2 +Rugby-Lions accept extra match on 2005 New Zealand tour The British and Irish Lions have accepted an extra match on their tour of New Zealand next year. The Lions will now play the traditionally strong Auckland provincial $LABEL$1 +Chargers to start Brees in Houston, beyond com. The San Diego Chargers announced on Monday that Drew Brees will start the 2004 opener against the Houston Texans at Reliant Stadium.$LABEL$1 +Hurricane loss 'less than feared' Hurricane Frances could cause \$3-6bn in insured losses in the US, less than experts first predicted.$LABEL$2 +Thousands to attend Moscow anti-terror rally Over 100,000 people are expected to attend an anti-terrorism rally in Moscow following the Beslan school massacre. The rally, being held outside the Kremlin, is taking place on the second day of official morning $LABEL$0 +Drug makers target counterfeits Big pharmaceutical companies are testing new tracking technology they hope will help them spot counterfeit drugs before they reach consumers' medicine cabinets.$LABEL$2 +Working Long Hours? Take a Massage Break, Courtesy of Your Boss Companies across the country are offering yoga and meditation classes to help employees relax, reduce stress and recharge.$LABEL$3 +Cairn Energy sees profits slide British oil and gas firm Cairn Energy has seen profits drop 40, but reports strong reserves in its Indian oil fields.$LABEL$2 +UK broadband usage doubles in past six months New research from NOP, shows that more of the UK Internet population are progressing to broadband - with usage at 41 per cent up from 27 per cent just six months ago, and an increase in females using the internet.$LABEL$3 +Beer and drugs hit manufacturing output Factory output fell unexpectedly in July for the second month in a row -- the first back-to-back decline in nearly two years -- as the production of beer and pharmaceuticals plummeted.$LABEL$2 +Israel to close Erez industrial zone before March Israel would start liquidating the Erez industrial zone in the northern Gaza Strip before launching the first stage of the disengagement plan in March 2005,local newspaper Ha #39;aretz reported on Tuesday.$LABEL$2 +PC Screen Price-Fall to Slow in Fourth Quarter (Reuters) Reuters - Prices of computer screens are expected\to fall by less than 5 percent in the fourth quarter as the\market stabilizes on hopes of a pick-up in demand during the\Christmas season, a U.S.-based research firm said on Tuesday.$LABEL$3 +Clashes in Baghdad Slum Kill 22 Iraqis, U.S. Soldier BAGHDAD (Reuters) - Iraqi fighters battled U.S. troops in a Baghdad slum district Tuesday, raising the death toll to 22 Iraqis and one U.S. soldier and threatening to wreck a cease-fire called by rebel Shi'ite cleric Moqtada al-Sadr.$LABEL$0 +Fierce Clashes in Iraq Kill 34 People BAGHDAD, Iraq - U.S. forces battled insurgents loyal to Shiite cleric Muqtada al-Sadr in the Baghdad slum of Sadr City on Tuesday, in clashes that left at least 34 people dead, including one American soldier, and 193 people injured, U.S...$LABEL$0 +14 Palestinian Militants Killed in Gaza GAZA CITY, Gaza Strip Sept. 7, 2004 - Israeli helicopters attacked a Hamas training camp early Tuesday, killing at least 14 militants and wounding 30 others in one of the deadliest airstrikes since fighting broke out four years ago.$LABEL$0 +Genesis Set for Return to Earth Meteors are unpredictable. You never know, not exactly, when one will streak across the sky. Not so on Wednesday, September 8th. At precisely 8:52:46 a.m. Pacific Daylight Time (PDT), northwest of Bend, Oregon, a fireball will appear: a white-hot dot of light, brighter than the planet Venus, gliding across the blue morning sky.$LABEL$3 +US Open Tennis: Henin-Hardenne falls to Petrova and blunders NEW YORK The rivalry match at the United States Open fizzled, but the mismatch sizzled. After Lindsay Davenport defeated Venus Williams, 7-5, 6-4, in a match that was ho-hum until the last game, Nadia Petrova $LABEL$1 +Soldier charged with murder A British soldier has been charged with the murder of a civilian in Iraq, police said. Trooper Kevin Lee Williams, 21, from the 2nd Royal Tank Regiment, is due to appear at Bow Street Magistrates Court.$LABEL$0 +King Singh ... at last! The No. 1 golfer in the world is on his way to Glen Abbey for this week #39;s Canadian Open. No, Tiger Woods hasn #39;t changed his plans.$LABEL$1 +Survey: Surge in layoffs, hiring Challenger survey finds most job cuts in 6 months; seasonal hiring by retailers lifts new jobs. NEW YORK (CNN/Money) - Employers increased both hiring and layoff plans in August, according to a survey released Tuesday by an outplacement firm.$LABEL$2 +Kremlin rules out public inquiry on Beslan LONDON President Vladimir Putin of Russia has ruled out a public inquiry into the Beslan school siege and snarled at those who think he should do business with Chechen militants, two British newspapers said Tuesday.$LABEL$0 +Tribe challenges American origins Some of the earliest settlers of America may have been from Australia, southern Asia, and the Pacific, not northern Asia, research suggests.$LABEL$3 +Hurricane Ivan again growing in strength, Caribbean islands <b>...</b> Islanders scrambled to put up storm shutters and buy water as hurricane Ivan churned toward Barbados just days after hurricane Frances tore across the Caribbean and through Florida.$LABEL$0 +SI.com SAN DIEGO (Ticker) -- A late rally gave the San Diego Padres a rare win over the St. Louis Cardinals. Ryan Klesko delivered a go-ahead RBI single to start a four-run outburst in the bottom of the eighth inning as San Diego posted a 7-3 victory over St.$LABEL$1 +Pfizer: Exubera Does Well in Trials Drug makers Pfizer Inc. and Sanofi-Aventis on Tuesday posted positive results from mid-stage trials of an inhaled insulin product for diabetics.$LABEL$2 +CPS to buy additional \$160 million stake in nuclear plant City Public Service (CPS) has reached an agreement with American Electric Power #39;s Texas subsidiary to buy an additional 12 percent equity stake in the South Texas Project for \$160 million.$LABEL$2 +Florida weather may help Israeli citrus industry As sunshine state licks its wounds from Hurricane Frances, Gan Shmuel could reap the benefits. The most important news for Florida #39;s 2.8 million residents this week has not been from the Republican $LABEL$2 +Iran ready to test Shahab-3 missile again: defense minister TEHRAN (IRNA) -- Defense Minister Ali Shamkhani stressed that Iran #39;s recent test of the Shahab-3 missile was successful, saying his ministry is ready to test it again #39;in the presence of observers #39;.$LABEL$0 +Sidebar: Oracle Adds Software for Managing Supplier Contracts SEPTEMBER 06, 2004 (COMPUTERWORLD) - As part of an ongoing upgrade of its E-Business Suite 11i business applications, Oracle Corp.$LABEL$3 +Briefly: Top McAfee exec to step down roundup Plus: Samsung to put hard drives in phones...IDC says external disk storage up...Lawmakers to vote on spyware, piracy bills.$LABEL$3 +Fierce Clashes in Iraq Kill 36; 203 Hurt US troops battled Shiite militiamen loyal to rebel cleric Muqtada al-Sadr in the Baghdad slum of Sadr City on Tuesday in fierce fighting that killed 36 people, including $LABEL$0 +Florida deaths blamed on Hurricane Frances State and local officials Tuesday said nine people have died in Florida because of Hurricane Frances. The following describes those deaths: - A 15-year-old grandson and a former son $LABEL$1 +UPDATE 4-US Airways appeals directly to pilots on givebacks US Airways Group Inc. (UAIR.O: Quote, Profile, Research) issued a general appeal on Tuesday to the carrier #39;s 3,000 pilots after their union #39;s leaders rejected $LABEL$2 +US Airways, Pilots Union Near Agreement US Airways is seeking \$800 million in concessions from employee unions as it attempts to avoid filing Chapter 11. The Air Line Pilots Association will present its proposal on the evening of $LABEL$2 +Pass defense lags behind Forget about No. 1 rankings. Another number will be tested this week when USC plays Colorado State. It #39;s a triple digit that bothered USC coach Pete Carroll each time he heard it last season.$LABEL$1 +Congressman Spratt wants Fed to US Representative John Spratt of South Carolina said the Federal Reserve should go lightly #39; #39; on raising the benchmark interest rate because of the economy.$LABEL$2 +Cubs, Marlins to make up Frances series with two doubleheaders The Chicago Cubs and Florida Marlins will play two doubleheaders to make up the three-game series that was wiped out last weekend in Miami by Hurricane Frances.$LABEL$1 +Spaceport Mum on Frances Shuttle Delays (AP) AP - The director of the hurricane-ravaged Kennedy Space Center refused to speculate Tuesday whether the damage will thwart plans to resume shuttle flights next spring, but his words offered little hope of an on-time launch.$LABEL$3 +Bienvenue, Carrefour Lesser-known French retailer turns in a strong first half. Investors, take notice.$LABEL$2 +HDS aims virtual Lightning at EMC, IBM Discovers virtualisation just as everyone else is trying to forget it$LABEL$3 +Lexmark recalls 40,000 printers Lexmark International Inc. recalled 39,431 printers from the market on Tuesday, according to a statement by Consumer Product Safety Commission.$LABEL$3 +ROBBO USHERS IN NEW ERA Andy Robinson, currently the caretaker of England #39;s only World Cup holding major sports team, is the future, barring a particularly bleak autumn.$LABEL$1 +Czech Republic Crushes Sweden 6-1 (AP) AP - Milan Hejduk scored two goals as the Czech Republic routed Sweden 6-1 Tuesday night in the quarterfinals of the World Cup of Hockey.$LABEL$1 +Campaigning Begins for Afghan Election (AP) AP - Afghanistan's historic election campaign got under way Tuesday, pitting 17 hopefuls against interim leader Hamid Karzai in the race to become the impoverished country's first popularly elected president.$LABEL$0 +US Stocks Rise; Oil, Gold Fall A decline in the price of oil helped lift US stocks to their highest level in two-months on Tuesday. The dollar declined against its major rivals as investors took profits $LABEL$2 +Samsung plans to launch mobile phone with stamp-sized hard disc 2004-09-07 Samsung Electronics, the world #39;s third-largest handset maker, recently announced its plans to launch the first mobile phone with a stamp-sized hard disc drive that would expand the memory capacity by 15 times.$LABEL$3 +Netflix and TiVo Joining Forces Online Home entertainment trendsetters Netflix Inc. (NFLX) and TiVo Inc. (TIVO) hope to link up on a service that will use high-speed Internet connections to pipe DVD-quality movies into the homes of their mutual subscribers.$LABEL$3 +Nevada Implements 1st Touch-Screen Voting Machines With Paper-Trail By RACHEL KONRAD CARSON CITY, Nev. (AP) -- In what could become a model for other states, Nevada voters on Tuesday became the first in the nation to cast ballots in a statewide election on computers that printed paper records of electronic ballots...$LABEL$3 +OPEC Can Raise Output Capacity by 1 Mln Barrels/Day (Update1) The Organization of Petroleum Exporting Countries, which supplies a third of the world #39;s crude oil, can raise production capacity by 1 million barrels a day by year-end, OPEC President Purnomo Yusgiantoro said.$LABEL$2 +CBS Realigns Entertainment Divisions eslie Moonves, the co-president of Viacom, yesterday realigned the management of the company #39;s CBS entertainment division and Paramount television production studio, promising smoother and greater interaction between the two.$LABEL$2 +Asian Stocks Lower, Greenspan Awaited SINGAPORE (Reuters) - Asian stocks edged lower on Wednesday as profit taking set in after two days of gains and the dollar firmed ahead of comments from Fed chief Alan Greenspan that are expected to cement the case for further U.S. rate rises.$LABEL$2 +Former Banker Quattrone Faces Sentencing NEW YORK (Reuters) - Frank Quattrone, a former star investment banker who once earned \$120 million in a year, will be sentenced on Wednesday for obstructing a federal investigation into some of the most popular stock offerings of the 1990s.$LABEL$2 +For Bush, Kerry, Iraq Is More Than a War (AP) AP - President Bush and Sen. John Kerry are using Iraq to advance their negative campaign tactics as the U.S. military death toll in Iraq tops 1,000. War, it seems, is just another excuse to call the other guy names.$LABEL$0 +Cheney: Kerry 'Wrong Choice' for President (AP) AP - Vice President Dick Cheney said Tuesday that the nation faces the threat of another terrorist attack if voters make the ""wrong choice"" on Election Day, suggesting that Sen. John Kerry would follow a pre-Sept. 11 policy of reacting defensively.$LABEL$0 +Study: Athletic success doesn #39;t pay off in donations Success in big-time sports has little, if any, effect on a college #39;s alumni donations or the academic quality of its applicants, according to a study made under the direction of the Knight Commission on Intercollegiate Athletics.$LABEL$1 +The Discreet Charm of the Very Bourgeois Toy Store? F.A.O. Schwarz may be shuttered and dark, but its catalog is somersaulting back in the direction of well-heeled children and the adults who indulge them.$LABEL$2 +Marlins Streak By Mets A four-day layoff fails to cool off the Marlins, who extend their winning streak to eight games by beating the Mets, 7-3.$LABEL$1 +Matsushita Unveils DVD Recorders, Eyes Higher Share TOKYO (Reuters) - Panasonic brand products maker Matsushita Electric Industrial unveiled five new DVD recorders on Wednesday and said it was aiming to boost its share of the domestic market to over 40 percent from around 35 percent.$LABEL$3 +CBS #39;s Moonves Gives Loyalists a Piece of the Eye #39;s Pie Viacom co-president and CBS Chairman Leslie Moonves officially whacked the head of the media conglom #39;s television studio yesterday, and divvied up the job among loyal CBS staffers.$LABEL$2 +Nokia Shrinks 'Brick' Handset to Tap New Markets (Reuters) Reuters - Nokia, the world's biggest handset\maker, unveiled on Wednesday a miniature version of its\equivalent of the Swiss Army knife it hopes will lure women and\less-techie business people.$LABEL$3 +Space Capsule Heading Back to Earth A space capsule holding atoms collected from solar wind was en route to a tricky rendezvous with Earth, offering scientists the first material NASA has brought back from space in nearly three decades.$LABEL$3 +Insurance firms can take hit Florida insurance companies can cover the losses of Hurricanes Charley and Frances, even if a few small insurers fail, the state #39;s chief financial officer said Tuesday.$LABEL$2 +Vijay follows in Tiger #39;s footsteps Tiger Woods has put himself in some peculiar positions this year. He has struggled just to make the cut. Tee shots have ricocheted off corporate tents and small children.$LABEL$1 +NASA's Shuttle Hangar Badly Damaged by Storm The gigantic hangar where the space shuttle is prepared for its missions sustained much more damage from Hurricane Frances than initially believed.$LABEL$3 +Bob Evans, Who Helped I.B.M. Transform Data Processing, Dies at 77 Bob O. Evans led the development of a new class of mainframe computers - the famous 360's - helping turn I.B.M. into a data-processing power.$LABEL$3 +Capriati unnerves Serena It was just about a year ago that Jennifer Capriati had this very same feeling. There she was, in Arthur Ashe Stadium, the lights glaring, more than 20,000 fans screaming. Only the opponent was different, as Capriati faced Justine Henin-Hardenne, serving for what would become one of the most important matches of her career. But that night, ...$LABEL$1 +46 Killed, 270 Injured In Iraqi Violence Baghdad, Sept. 8 (NNN): Bloody clashes on Tuesday between US forces and Shia militiamen left more than 46 persons, including six US soldiers, dead across Iraq during the past 24 hours, officials said here on Wednesday.$LABEL$0 +Royals pain for Tigers; KC wins season series For all their rejuvenation, the Tigers have lost the season series to the Kansas City Royals, who own the American League #39;s worst record and don #39;t have a winning mark against another AL club.$LABEL$1 +The servers cannot take the strain, captain! A San Francisco startup plans to boldly go where no game developer has gone before with an online game based on the cult TV series quot;Star Trek.$LABEL$3 +Heineken Profit Dips But Repeats Outlook AMSTERDAM (Reuters) - Dutch brewer Heineken posted a 4.5 percent fall in core profit for the first half on Wednesday, at the low end of expectations as a weak dollar and sluggish markets hurt business.$LABEL$2 +Gibbs Won #39;t Take a Pass on This Soon after Joe Gibbs ended his 11-year retirement from football and reunited his distinguished offensive coaching staff this winter, a call went out to the NFL offices in New York.$LABEL$1 +WTO Hits EU Again Over Sugar Sales GENEVA (Reuters) - The World Trade Organization (WTO) has again declared some European Union sugar exports illegal, dealing a new blow to the bloc's lavish system of farm subsidies, a trade source close to the case said Wednesday.$LABEL$2 +Crude Oil Falls as Purmono Says OPEC Can Boost Output Capacity Crude oil fell as OPEC President Purnomo Yusgiantoro said the group may raise its spare production capacity to as much as 2.5 million barrels a day by the end of this year, reducing concern about shortages.$LABEL$2 +Cash America shuffles assets, sets special dividend WASHINGTON (CBS.MW) -- Cash America International (PWN) said it #39;s reached a deal to acquire privately owned SuperPawn, operator of a 41-store chain of pawn shops in the US including 21 locations in Las Vegas.$LABEL$2 +Intel silent on Jayhawk replacement SAN FRANCISCO -- Intel Corp. on Tuesday provided a few more details about future plans for its enterprise server processors, but the company maintained its silence on its plans for an upcoming dual-core Xeon processor, which it has promised as the next major follow-up to the Nocona chip it launched in August.$LABEL$3 +Movies in a snap: Netflix and TiVo discuss downloads Bee Staff Writer. The high-tech ground is shifting underfoot again, amid rumblings of a new Silicon Valley alliance that would let owners of TiVo Inc.$LABEL$2 +Serena falls to Capriati after chair ump #39;s miscue Unfairly, unbelievably, Serena Williams was robbed of a point by an umpire #39;s mistake at the US Open, just like her sister was at Wimbledon.$LABEL$1 +NASA space capsule crashes into desert The Genesis space capsule, which had orbited the sun for more than three years in an attempt to find clues to the origin of the solar system, crashed to Earth on Wednesday after its parachute failed to deploy.$LABEL$3 +Hyundai signs deal for China truck plant Hyundai Motor Co. said yesterday that it has signed an agreement with a Chinese company, Jianghuai Automobile Corp., to build a commercial vehicle and engine plant in China #39;s Anhui province.$LABEL$3 +France Mulls Hostage Crisis, Confusion Over Ransom DUBAI/PARIS (Reuters) - The French government held crisis talks on the fate of two French journalists held hostage in Iraq Wednesday amid growing uncertainty over whether their kidnappers had demanded a ransom and two-day deadline.$LABEL$0 +Stocks Flat After Greenspan Testimony NEW YORK (Reuters) - U.S. stocks were flat on Wednesday after Federal Reserve Chairman Alan Greenspan said the economy had recovered from its soft patch and a number of companies warned about their earnings.$LABEL$2 +Pension Agency Raises Top Annual Benefit 2.8 The federal agency that protects private sector pension plans announced yesterday that the maximum annual benefit for plans taken over in 2005 will be \$45,614 for workers who wait until age 65 to retire.$LABEL$2 +Intel executive: EM64T has set back Itanium SAN FRANCISCO -- Intel Corp.'s decision to begin shipping versions of x86 processors that are capable of 64-bit computing has slowed down the adoption of the company's high-end Itanium processors, a senior executive acknowledged Tuesday during a question and answer session at the Intel Developer Forum (IDF) in San Francisco.$LABEL$3 +Attacks on Disney's Eisner Abate On Friday, the former Disney directors who led a shareholder rebellion aimed at the ouster of Disney's chief executive and other directors this year said they had dropped plans to run a slate of directors at next year's shareholders meeting.$LABEL$2 +Sybase releases free Express database for Linux In a bid to expand the customer base for its database software, Sybase Inc. released on Tuesday a free, limited version of its software for deployment on Linux systems.$LABEL$3 +Hall had Penn State executing well against Akron, but BC will be <b>...</b> In recent years, Penn State critics have pointed to its offensive game plan as the source of the team #39;s problems. It was too rigid at times, they said, too reckless at others.$LABEL$1 +Greenspan: Economy Regaining Traction WASHINGTON (Reuters) - The U.S. economy is pulling out of its recent soft patch and appears to be picking up steam, Federal Reserve chief Alan Greenspan said on Wednesday in remarks economists saw as cementing a September rate rise.$LABEL$2 +Stocks Drop After Greenspan Testimony NEW YORK - Investors were unmoved by Federal Reserve Chairman Alan Greenspan's improved assessment of the economy, with stocks falling narrowly Wednesday in light trading. While Greenspan said the economy has ""regained some traction"" after the summer's slowdown, he echoed Wall Street's concerns over energy prices, which have fallen from record highs in recent weeks but stubbornly remain above \$40 per barrel...$LABEL$0 +Subsidy ruling a sweet victory for sugar producers The Federal Government has hailed a World Trade Organisation ruling that European subsidies for sugar producers are in breach of international trade rules.$LABEL$2 +Motorola Aims to Sharpen Design Edge In a 26th-floor office suite overlooking Lake Michigan, some 40 industrial designers, mechanical engineers and specialists in fields ranging from anthropology to musicology $LABEL$3 +The Week: No. 1 at Last water running over a rock, wind ripping across a sand dune, the ocean washing up against the shore. Whatever the image, for the last three years Vijay Singh has been the $LABEL$1 +Groups Offers Beer for Blood Donations (AP) AP - Some in Michigan who roll up their sleeves to donate blood will get a racetrack T-shirt, hat and pin. Sponsors in San Diego have given away whale-watching trips. On Wednesday, the Cleveland Regional Transit Authority handed out vouchers for a pint of any beverage, including beer, in exchange for a pint of blood.$LABEL$3 +Cadence poaches another Intel server staffer <strong>IDF Fall '04</strong> Malhotra rejoins St. Fister$LABEL$3 +Royal Wedding Lures International Media To Brunei Bandar Seri Begawan - Bruneis Royal Wedding between His Royal Highness the Crown Prince Haji Al-Mutahdee Billah and Yang Mulia Dayangku Sarah binti Pengiran Salleh Ab Rahaman has attracted some 170 foreign journalists to the Sultanate.$LABEL$0 +Amvescap reorganizes after settling The chairman of Amvescap said Wednesday that the company planned to wrap its US mutual fund businesses into one following a \$450 million settlement with regulators over improper trading.$LABEL$2 +Hampton Start Is Pushed Back Again (AP) AP - Atlanta left-hander Mike Hampton was not able to pitch for the Braves on Wednesday, still bothered by a stiff neck that kept him out of his scheduled start Monday.$LABEL$1 +England stars refuse to face media despite World Cup soccer <b>...</b> England #39;s soccer team refused to face the media after their 2-1 World Cup qualifying victory in Poland on Wednesday in protest at negative publicity they received after Saturday #39;s 2-2 tie with Austria.$LABEL$1 +Discoverer of DNA Fingerprinting Has Concerns About Technology One morning 20 years ago, Alec Jeffreys stumbled upon DNA fingerprinting, identifying the patterns of genetic material that are unique to almost every individual. The discovery revolutionized everything from criminal investigations to family law.$LABEL$3 +Germany, Brazil draw Germany and Brazil fought out a 1-1 friendly international draw in their first meeting since the 2002 World Cup final. The visitors opened the scoring on nine minutes thanks to a Ronaldinho free kick, but $LABEL$1 +Martin signals new flexibility to reach health deal with provinces (Canadian Press) Canadian Press - KELOWNA, B.C. (CP) - The federal government will seek a flexible medicare-reform agreement that could include individual deals with provinces, Prime Minister Paul Martin said Wednesday.$LABEL$0 +Israeli Forces Thrust Into Northern Gaza (Reuters) Reuters - Israeli forces thrust into the outskirts\of the Jabalya refugee camp in the northern Gaza Strip on\Thursday in what the military said was an effort to stop\Palestinians firing rockets into Israel.$LABEL$0 +Delta Aims to Cut Jobs 12, Drop a Hub and Reduce Pay elta Air Lines announced yesterday that it would cut 12 percent of its work force over the next 18 months and said a bankruptcy filing would be quot;a real possibility quot; as soon as the end $LABEL$2 +Ex-WorldCom CEO Wants Witness Immunity (Reuters) Reuters - Lawyers for former WorldCom Chief\Executive Bernard Ebbers are seeking immunity for two witnesses\who they believe could clear their client of fraud charges\related to the company's #36;11 billion accounting scandal,\according to court papers filed on Wednesday.$LABEL$2 +New Rules for Rematch of Colts and Patriots Indianapolis' loss to New England in the A.F.C. championship game in January will have an impact on officiating as the N.F.L. begins the 2004 season Thursday night.$LABEL$1 +For BlackBerry Users, a New Way to Write While popular among financial-industry types, the BlackBerry is practically unknown to everyone else. RIM hopes to change that with its new model.$LABEL$3 +Intel conference: Power shift As Intel pursues a new path with improved multi-core chips, AMD says its already one step ahead. Intel told the world this week that there is no race to market the next generation of microchips.$LABEL$3 +Microsoft intros new mice, keyboards Microsoft announced on Wednesday five new mice and keyboards: Wireless Optical Desktop, which comes with a wireless mouse and keyboard; Wireless Notebook Optical Mouse; Digital Media Pro Keyboard; and Standard Wireless Optical Mouse.$LABEL$3 +After Waiting a Long Time, Davenport Keeps It Short he weather played havoc with the United States Open schedule yesterday, but it did not affect Lindsay Davenport #39;s game. In front of a sparse crowd of no more than several hundred people at $LABEL$1 +Two Britons shot dead near death railway bridge (AFP) AFP - Two Britons were shot dead by unknown gunmen near the famous Bridge over the River Kwai in western Thailand, police said.$LABEL$0 +British Airways to shed Qantas londonBritish Airways Plc, Europe #39;s second-biggest airline, will sell its 18 per cent stake in Qantas Airways Ltd. worth 427 million or about \$980 million (Canadian) to cut debt ahead of possible acquisitions in Europe.$LABEL$2 +Molson chief airs doubts The CEO of Molson Inc. raised doubts about his company #39;s deal with Adolph Coors Co., telling a Canadian newspaper he doesn #39;t know whether his shareholders will OK the merger, even though it #39;s quot;the best deal.$LABEL$2 +Bonds's Excuse Has the Scent of Snake Oil, Not Arthritis Balm Barry Bonds's ignorance of the substances obtained by his trainer from Balco is more childish than a youngster's excuse that ""the dog ate my homework.""$LABEL$1 +Court hears Ovitz bid to escape suit WILMINGTON, Del. -- A Delaware corporate law judge Wednesday heard a plea from attorneys for former Walt Disney Co. president Michael Ovitz that asks to remove Ovitz from the list of defendants in a shareholder $LABEL$2 +Egypt steps back on Gaza plan over Israeli attacks Egypt took a step back from plans to help the Palestinians prepare for an Israeli withdrawal from Gaza on Wednesday, saying it could not play its role in full as long as Israeli attacks on Palestinians continue.$LABEL$0 +Wind-Aided Delay May Be Plus for Pitt (AP) AP - The rainy remnants of Hurricane Frances forced Pittsburgh to practice inside in advance of its delayed season opener.$LABEL$1 +Honey, did you remember to call the DVD recorder? The machine has a 400GB hard disk drive, is capable of zapping video elsewhere in a home, and is designed to let consumers program recording remotely over the Internet--including via cell phones.$LABEL$3 +China's worst floods in a century kill at least 172, injure thousands BEIJING -- China's Sichuan province faced the threat of epidemics yesterday after the worst flooding in a century killed at least 172 people and left scores missing, while water levels at the huge Three Gorges Dam swelled.$LABEL$0 +Hurricanes May Affect Florida Politics TALLAHASSEE, Fla. - Two devastating hurricanes have given President Bush something his political advisers couldn't dream up: the chance to play comforter in chief in a battleground state he is determined to win again...$LABEL$0 +Panis to Retire from Formula One at End of 2004 LONDON (Reuters) - France's Olivier Panis will retire from Formula One at the end of the 2004 season, his team Toyota said on Thursday.$LABEL$1 +Dream team In March, when his free agency tour stopped here, five-time Pro Bowl safety John Lynch got a glimpse of the formula that has the New England Patriots poised to establish an NFL record for consecutive victories and become just the second team to win three Super Bowls in four years. Lynch ultimately signed a few days later with ...$LABEL$1 +Trying to recapture glory days With two Super Bowl wins in the last three years, the Patriots have enjoyed the greatest stretch in franchise history, and they've been lauded for doing it with team play. Here are examples of when the other sports franchises in town distinguished themselves in similar fashion.$LABEL$1 +Chip shots NO LONG GAME: It had figured to be a whirlwind tour for John Daly -- from Germany to the Deutsche Bank Championship in our neck of the woods, then onward to the other side of the world to defend his Korean Open title. But his late commitment to the Deutsche Bank and the unusual Monday finish apparently wore him out. ...$LABEL$1 +Transactions BASEBALL Atlanta (NL): Recalled P Roman Colon from Greenville (Southern League). Cincinnati (NL): Announced INF Brandon Larson accepted his outright assignment to Louisville (IL). Tampa Bay (AL): Released 1B-DH Randall Simon; recalled OF Midre Cummings from Durham (IL).$LABEL$1 +Santander sells stake in Royal Bank of Scotland LONDON, September 9 (New Ratings) - Santander Central Hispano (BSD2.FSE) has indicated that it is selling a 2.51 stake in Royal Bank of Scotland Group Plc, in an attempt to seek regulatory approval to acquire UKs Abbey National Plc.$LABEL$2 +Update 1: Philippine Shares End Up 0.7 Percent Philippine shares finished higher for the seventh straight session Thursday on follow-through buying anchored by improved investor sentiment, traders said.$LABEL$2 +Stocks Higher on Drop in Jobless Claims A sharp drop in initial unemployment claims and bullish forecasts from Nokia and Texas Instruments sent stocks slightly higher in early trading Thursday.$LABEL$2 +Self-sustaining killer robot creates a stink It may eat flies and stink to high heaven, but if this robot works, it will be an important step towards making robots fully autonomous.$LABEL$3 +Longhorn to put squeeze on gadgets SAN FRANCISCO--Windows makes it easy to quickly download files to iPods and other portable storage devices--a little too easy in the minds of many IT managers.$LABEL$3 +Singh rules world that is yet to embrace him On Monday, the newly crowned No. 1 walked into a room to face the world #39;s golfing media, having just shot down Tiger Woods in the final round of the Deutsche Bank Championship near Boston.$LABEL$1 +US Treasuries cut early gains on jobless drop US Treasury debt prices cut early gains but remained narrowly higher after the government said that new claims for jobless insurance fell in the latest week.$LABEL$2 +Stocks Higher on Drop in Jobless Claims A sharp drop in initial unemployment claims and bullish forecasts from Nokia and Texas Instruments sent stocks higher in early trading Thursday.$LABEL$2 +Major teams bounce back in World Cup soccer qualifiers LONDON: After a mixed bag of results in the weekend #39;s soccer qualifiers, Europe #39;s major countries asserted their authority this morning with France, England and Italy all winning away.$LABEL$1 +Inzaghi fit for start of season AC Milan striker Filippo Inzaghi is fit for the start of the Serie A season after recovering from an ankle injury, the club said on Thursday.$LABEL$1 +Quattrone gets 18 months in prison Frank Quattrone, who rose to investment banking stardom during the dot.com boom, was sentenced to 18 months in a federal prison camp in Lompoc, Calif.$LABEL$2 +P G Backs Profit Forecast, Shares Down (Reuters) Reuters - Procter Gamble Co. on Thursday\backed its quarterly profit outlook, helped by sales of new\products and continued gains in developing markets.$LABEL$2 +Groups Petition U.S. on China Policies (AP) AP - A group of industry, farm and labor groups, seeking to put pressure on the Bush administration before the presidential election, petitioned the government on Thursday to file an unfair trade practices case against China.$LABEL$0 +San Antonio (15-3) at Chicago (2-12) 8:30 pm EST CHICAGO (Ticker) -- Two teams heading in opposite directions meet Monday at the United Center when the San Antonio Spurs visit the Chicago Bulls.$LABEL$1 +Explosives Found Hidden in Closed Russian Cinema ST PETERSBURG, Russia (Reuters) - Police have found explosives, detonators and a gun in a cinema in Russia's second city St Petersburg which was closed for renovation, the Interior Ministry said on Thursday.$LABEL$0 +Blast Hits Australian Embassy in Jakarta A large explosion was set off early Thursday outside the Australian Embassy in Jakarta's financial district, killing at least eight people and wounding more than 150, officials said. Police said the blast appeared to have been a suicide attack using a car bomb.$LABEL$0 +IBM to use dual-core Opteron Big Blue will use AMD's chip in a high-performance server but isn't yet planning a general-purpose Opteron system.$LABEL$3 +German teenager indicted over Sasser worm Prosecutors in Verden, Germany, indicted an 18-year-old student on Wednesday for allegedly creating the Sasser worm that crashed hundreds of thousands of computers worldwide after spreading at lighting speed over the Internet.$LABEL$3 +Teenager Charged With Creating Sasser Informants, seeking a reward from Microsoft, led police to the German student.$LABEL$3 +Google Toolbar Using Browser Keywords Function Google Toolbar Using Keywords Function\\Looks like Google is trying to assure placement within the browser one step at a time. The latest update of the Google toolbar includes ""browse by keyword,"" meaing if I type in ""how do I kill this hangover"" into my IE URL field, I will get ...$LABEL$3 +German teenager charged with creating Sasser virus German student, Sven Jaschan, has been formally charged with computer sabotage, data manipulation and disruption of public systems by German prosecutors.$LABEL$3 +Mortgage Rates Across the US Climb Mortgage rates around the country went up this week, although 30-year mortgages still were below 6 percent for a sixth straight week.$LABEL$2 +Applebee #39;s predicts earnings, units rise Company sees doubling of units to at least 3,000; predicts 17 earnings rise over next 3 to 5 years. LOS ANGELES (Reuters) - Restaurant chain Applebee #39;s International Inc.$LABEL$2 +Health Insurance Costs Soar, Workers Hit (Reuters) Reuters - Health insurance premiums rose five\times faster than U.S. workers' salaries this year, according\to a survey released on Thursday that also showed slippage in\the percentage of American workers covered by employer health\plans.$LABEL$2 +DAILY DIGEST RealNetworks Inc. has sold about 3 million songs online during a three- week, half-price sale designed to promote an alternative to Apple Computer Inc.$LABEL$3 +Robot eats flies to make power A ROBOT that will generate its own power by eating flies is being developed by British scientists. The idea is to produce electricity by catching flies and digesting them in special fuel cells that will break $LABEL$3 +Shanghai Readies for Rockets-Kings Game (AP) AP - Built in the days of Mao Zedong's 1966-76 Cultural Revolution, Shanghai's rundown city gymnasium is getting the full NBA treatment for next month's exhibition game between the Sacramento Kings and the Houston Rockets.$LABEL$1 +Charting East Asias milestones IT is a special honour for me to be speaking before such a distinguished gathering, including my illustrious predecessor and his colleagues from Korea and Japan who are all well-known for their visionary ideas and as proponents of East Asian cooperation.$LABEL$0 +Dinosaurs May Have Been Doting Parents -Report (Reuters) Reuters - Dinosaurs may not all have been the\terrifying creatures portrayed in blockbuster films but could\have had a more caring, loving nature.$LABEL$3 +RealNetworks Ends Download 49-Cent Promo SEATTLE (Reuters) - RealNetworks Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=RNWK.O target=/stocks/quickinfo/fullquote"">RNWK.O</A> is ending its 49 cent-per-song music download service but will keep the promotional prices in place for top 10 songs, the Internet media and software company said on Thursday.$LABEL$2 +IBM Aims New DB2 at Rivals IBM (Quote, Chart) announced its first major database refresh in almost two years with new features from the company #39;s autonomic computing vault.$LABEL$3 +Predators sign 2003 first-round pick ----- NASHVILLE, Tennessee (Ticker) - The Nashville Predators signed defenseman Ryan Suter, their first-round pick in the 2003 draft, on Thursday.$LABEL$1 +A Taste of Yum! Wins the World Over Strong international sales growth and solid U.S. comps propel the company's stock to its highest price ever.$LABEL$2 +Putin Responds to Terror The Russian president puts some blame on his international critics -- and supports president Bush$LABEL$0 +Intel calls for Internet overhaul The Net needs a new layer of abilities that will deal with imminent problems of capacity, security and reliability, Intel's CTO says.$LABEL$3 +Spam on the menu at annual virus conference BOSTON - Computer viruses and worms will have to share the stage with a new challenger for the attention of attendees at a conference of antivirus researchers: spam e-mail.$LABEL$3 +Jakarta Embassy Blast Kills 9, Hurts 173 JAKARTA, Indonesia - Suspected Muslim militants detonated a car bomb Thursday outside the Australian Embassy in Jakarta, killing nine people and wounding 173 in a bloody strike at a key U.S. ally in the war in Iraq...$LABEL$0 +IBM #39;s New eServer Supports AMD Dual-Core IBM (Quote, Chart) is looking to get a leg up on the competition with the October 15 launch of eServer 326, a rack-mounted server that supports AMD #39;s (Quote, Chart) upcoming dual-core 64-bit processor.$LABEL$3 +Florida Starts To Recover in the Wake of Hurricane Frances President Bush will travel to Florida Wednesday to survey damage from Hurricane Frances. He sent a letter to Congress asking for \$2 billion to help with recovery efforts.$LABEL$3 +British couple shot dead in Thailand A Thai policeman was today being hunted after being accused of killing a British couple near a popular tourist destination last night.$LABEL$0 +Indiana University suffers during PeopleSoft rollout Problems during the rollout of a PeopleSoft financial aid software module at the Indiana University system caused problems for about 3,000 students just as classes were set to start.$LABEL$3 +Bank sits tight on rates as house price inflation eases off By Malcolm Moore, Economics Correspondent (Filed: 10/09/2004). The Bank of England held interest rates at 4.75pc yesterday after a series of recent surveys showed the housing market was slowing down.$LABEL$2 +Update 1: Foreign Drug Stocks in Spotlight Foreign drug stocks were in the spotlight Thursday with Food and Drug Administration news pulling the sector down. AstraZeneca PLC took a drubbing on the eve of its FDA advisory panel meeting for its orally $LABEL$2 +Dependent species risk extinction The global extinction crisis is worse than thought, because thousands of quot;affiliated quot; species also at risk do not figure in calculations.$LABEL$3 +CIA accused over Iraq detainees US army generals tell a Senate committee that dozens of detainees may have been held in secret in Iraq.$LABEL$0 +Quincy Carter being released by the Cowboys NEW YORK -- Tim Henman #39;s quarterfinal victory at the US Open was a microcosm of his career - long and brilliant in spurts, with an expected disappointment on the horizon.$LABEL$1 +Bush Declares Genocide in Sudan's Darfur (Reuters) Reuters - The United States declared on\Thursday that the violence in Sudan's Darfur region amounted to\genocide and urged the world to back an expanded African\peacekeeping force to halt the bloodshed.$LABEL$0 +Alcoa Warns Earnings to Miss Forecasts (Reuters) Reuters - Alcoa Inc. , the world's largest\aluminum producer, on Thursday warned that third-quarter\results would fall far short of Wall Street expectations, hurt\by plant shutdowns, restructuring costs and weakness in some\markets.$LABEL$2 +Broadband Providers Monitor Philly's Plans To Offer Citywide Wi-Fi (Investor's Business Daily) Investor's Business Daily - With Philadelphia's recent proposal to install a citywide broadband wireless network, will there be brotherly love between the city and its broadband service providers?$LABEL$3 +Bud Selig Has Skin Cancer Surgery NEW YORK -- Baseball commissioner Bud Selig had surgery Monday to remove a cancerous lesion from his forehead. The lesion was detected last month during Selig #39;s annual physical, and a biopsy confirmed that it contained melanoma, a form of skin cancer.$LABEL$1 +Pakistan bombs suspected al-Qaida camp Ayman al- Zawahiri, second in command of al-Qaida, said last night that the US faced defeat in Iraq and Afghanistan. In a videotape broadcast by the Arab satellite television station al-Jazeera, he said: quot;The $LABEL$0 +Scientists Stumped by Dead Croakers (AP) AP - Thousands of croakers have washed ashore at beaches along the Atlantic coast in recent days, the latest mass deaths of the popular sport fish.$LABEL$3 +Bin Laden Deputy: U.S. Will Be Defeated (AP) AP - Osama bin Laden's chief deputy proclaimed the United States will ultimately be defeated in Iraq and Afghanistan in a videotape broadcast Thursday that appeared to be a rallying call for al-Qaida ahead of the anniversary of the Sept. 11 attacks.$LABEL$0 +FCC Finds US Broadband Deployment Is Accelerating US broadband deployment is accelerating as underserved rural and inner city areas gain greater access to new services, according to a government report.$LABEL$3 +Ivan devastates Grenada ST. GEORGE #39;S, Grenada - Hurricane Ivan took aim yesterday at Jamaica after killing 23 people in five countries and devastating Grenada.$LABEL$0 +Two Charged in S. African Nuclear Trafficking Case JOHANNESBURG, Sept. 9 -- A German man and his colleague appeared in court Thursday on charges of violating South Africa #39;s ban against nuclear proliferation, according to news reports.$LABEL$0 +Georgia Receivers Try to Make Their Mark (AP) AP - It's taken four years and then some. Through injuries, timid play, occasional doubts and flashes of brilliance, everyone at Georgia has waited for Fred Gibson and Reggie Brown to fulfill their enormous potential.$LABEL$1 +Colts Lead Pats Early in Third Quarter FOXBORO, Mass. - Peyton Manning reached the 25,000-yard passing mark faster than anyone but Dan Marino, and the Indianapolis Colts shredded the New England Patriots for a 17-13 halftime lead Thursday night...$LABEL$0 +GAME DAY RECAP Thursday, September 09 Bobby Madritsch pitched eight shutout innings and the Seattle Mariners ended a seven-game losing streak Thursday night with a 7-1 victory over Boston, dropping the Red Sox 3 games behind the first-place New York Yankees in the AL East.$LABEL$1 +There #39;s a lot on the line for drivers at Richmond this weekend RICHMOND, Va. - Its the 26th race of the Nextel Cup season, and for the first time in the sports history, a season will end before, well, the season.$LABEL$1 +Oil Firm After 4 Percent Jump Oil prices held firm on Friday after leaping almost \$2 a day earlier on news US crude stocks sank to a five-month low last week and distillate fuels barely grew ahead of winter.$LABEL$2 +Patriots Begin Title Defense with Narrow Win Over Colts The New England Patriots began their quest for successive Super Bowl titles with a tight 27-24 win over the Indianapolis Colts in the opening game of the NFL season in Foxboro Thursday.$LABEL$1 +Skype releases Pocket PC software Software allows users of personal digital assistants to make free calls using Wi-Fi networks.$LABEL$3 +Skirmish outside Gaza camp kills 5 GAZA CITY -- Palestinian gunmen and Israeli troops fought pitched battles Thursday on the outskirts of the largest refugee camp in the Gaza Strip, with schoolchildren scampering through sandy alleyways just yards from the fighting.$LABEL$0 +Roddick bounced Andy Roddick of the United States ran into a bold, bigger version of himself at the US Open, and 6-foot-6 Joachim Johansson of Sweden sent the defending champion home.$LABEL$1 +Oxygen Generator on Space Station Fails The main oxygen generator for the International Space Station has failed, and the two astronauts on board will tap into an attached cargo ship's air supply this weekend.$LABEL$3 +Jakarta bombing blamed on Malaysian fugitives The Indonesian police asserted Friday it would intensify the hunt of two Malaysian fugitives Azahari and Noordin Moh Top believed to be responsible for the Thursday #39;s bombing at the Australian embassy.$LABEL$0 +Stocks on the edge NEW YORK (CNN/Money) - Wall Street took a wait-and-see approach to the final day of the trading week, looking for more information on inflation, trade, oil and a report of Michael Eisner #39;s 2006 departure from Disney.$LABEL$2 +Grenada In Crisis - Friday 10, September-2004 DESPAIR is setting in among the 80 000 homeless Grenadians who, ravaged and traumatised by the damage done to them by Hurricane Ivan, exist each day with no food, no water and no hope.$LABEL$0 +For openers, a great weekend Chances are the state of Massachusetts will never crown a high school football state champion. But for those who might covet such an idea, the 2004 season kicks off tonight with about as close as you'll ever get to such a matchup when two of the top squads in Central Mass. meet two of the top-ranked squads in Eastern Mass.$LABEL$1 +Changes to Nigeria union bill The Nigerian senate passes a bill to curb the power of the trade unions, but amends the no-strike clause.$LABEL$0 +CEO Eisner to Step Down in Sept 2006 -WSJ NEW YORK (Reuters) - Michael Eisner plans to step down as Walt Disney Co.'s chief executive when his contract expires in September 2006, the Wall Street Journal said on Friday.$LABEL$2 +WordsWorth Books files Chapter 11 WordsWorth Books, a Harvard Square institution for 29 years, yesterday filed for bankruptcy protection, as its owners seek a buyer or investor to help the independent bookseller compete with giant rivals like Amazon.com.$LABEL$2 +Japan GDP Hurts Yen, U.S. Trade Data Eyed LONDON (Reuters) - The yen fell against other major currencies on Friday on a surprising downward revision to Japanese growth, while the dollar hit three-week lows against the euro on worries about the U.S. trade deficit.$LABEL$2 +Alcoa Shares Fall Most Since April in Europe After Forecast Shares of Alcoa Inc., the world #39;s biggest aluminum producer, fell the most in almost five months in Europe after the company said third-quarter profit from continuing operations will be below analysts #39; estimates.$LABEL$2 +Jim Mora #39;s lucky star Falcons need a healthy Michael Vick This is what #39;s known as lucking into it. Jim Mora gets his first head coaching job at any level, with the Atlanta Falcons, and finds Michael Vick waiting for him.$LABEL$1 +Intel sees big changes to the net The internet will have to be changed to stop it reaching breaking point, according to chip giant Intel..$LABEL$3 +P2P company wants RIAA to face the music The Recording Industry Association of America (RIAA) is being given a taste of its own medicine by peer-to-peer (P2P) company Altnet, which has launched a civil suit against the trade body alleging patent infringement.$LABEL$3 +US Open keeps it in the family It will be a long way from West Lakes when Lleyton Hewitt takes on his younger sister #39;s boyfriend. Robert Lusetich reports. IT is a US Open semi-final that has been previewed many times before -- in Adelaide.$LABEL$1 +Atlanta police arrest Braves player on DUI charge ATLANTA - Atlanta Braves shortsop Rafael Furcal has been arrested on charges of driving under the influence. Jail officials say Furcal was booked into the Atlanta city jail at 6:25 am on charges of DUI, speeding and reckless driving.$LABEL$1 +SportsNetwork Game Preview (Sports Network) - The Kansas City Royals host the opener of a three-game series against the Tampa Bay Devil Rays tonight, just one day after playing a very strange doubleheader.$LABEL$1 +Darfur Rebels Urge Nigeria To Intervene, Kickstart Sudan Peace <b>...</b> Rebel leaders from Sudan #39;s Darfur region called on Thursday on Nigeria to intervene and kickstart African Union-sponsored talks on the crisis in the west of Sudan $LABEL$0 +New Brussels blow for Turkey #39;s EU hopes EU farm commissioner Franz Fischler on Friday became the latest Brussels critic to raise doubts over Turkey #39;s hopes of joining the bloc, as wrangling over Ankara #39;s EU bid heats up.$LABEL$0 +9/10/04 - INDIA-PAKISTAN DIALOGUE The foreign ministers of India and Pakistan have concluded another round of peace talks. The talks in Indias capital, New Delhi, set the stage for an expected meeting at the United Nations later this month $LABEL$0 +Atlanta police arrest Braves player on DUI charge ATLANTA - An Atlanta Braves player is in the Atlanta Jail today after being arrested on a charge of driving under the influence. Members of the DUI Task Force arrested shortstop Rafael Furcal about 4:20 am $LABEL$1 +Telescope snaps distant 'planet' The first direct image of a planet circling another star may have been obtained by a US-European team of astronomers.$LABEL$0 +Insurers Eye Ivan the Terrible How will companies and investors fare if the storm spawns moderate damage?$LABEL$2 +Rummenigge - parise for Bayern coach. (Getty Images) Felix Magath #39;s rigorous new training regime at Bayern Munich has been praised by club chairman Karl-Heinz Rummenigge. Magath #39;s approach had been criticised by some of his players, and Bayern have made a slow $LABEL$1 +Web Sites Keep Tabs on Campaign Giving As a Washington journalist during the 90s, I made frequent treks to the Federal Election Commission to inspect cabinets full of campaign-finance reports to find out who was giving to whom.$LABEL$3 +Light at Night Might Be a Cancer Risk By Ed Edelson, HealthDay Reporter HealthDayNews -- Could electric light pose a cancer threat? It might seem like the wildest of paranoid beliefs, but a growing number of scientists suspect it might be true. The reason: Turning on the lights after dark may affect a small number of ""clock genes"" that play a major role in controlling how cells live, die and function, these researchers suggest...$LABEL$3 +Study Suggests Bloodletting May Actually Work By LAURAN NEERGAARD WASHINGTON (AP) -- Could that ancient practice of bleeding patients really have done some good? A scientist says new research on how germs thrive in the body suggests it just may have - for some people. Bacteria need iron to cause infections...$LABEL$3 +Core intermediate goods prices #39; rise fastest in nine years WASHINGTON (CBS.MW) -- Prices of US wholesale goods and services fell 0.1 percent in August, the Labor Department said Friday. The core producer price index -- adjusted to exclude food and energy goods -- also fell 0.1 percent.$LABEL$2 +Oracle's Wish Comes True (washingtonpost.com) washingtonpost.com - Oracle is one step closer to taking over rival PeopleSoft now that a federal judge has ruled against the federal government's effort to thwart the #36;7.7 billion hostile bid over antitrust concerns, a decision that could spark a rash of tech-sector acquisition attempts.$LABEL$3 +England v Zimbabwe England welcomed back the world #39;s best one-day player on Friday as they began their challenge for the ICC Champions Trophy by naming key all-rounder Andrew Flintoff in their line-up to face Zimbabwe at Edgbaston.$LABEL$1 +Decaying Pig Corpses Reveal Forensic Secrets (Reuters) Reuters - Decaying pig corpses deposited\in secret locations around London are providing scientists with\forensic information that may help them solve crimes.$LABEL$3 +Zimbabwe Jails Briton for 7 Years in Mercenary Case HARARE (Reuters) - A Zimbabwe court jailed British former special services officer Simon Mann for seven years on Friday in a case prosecutors had linked to a foiled coup plot in oil-rich Equatorial Guinea.$LABEL$0 +Thousands Demonstrate in Rome for Italian Hostages (Reuters) Reuters - Thousands of Italians marched silently\through Rome in a candlelit procession on Friday to demand the\release of two female aid workers seized in Baghdad.$LABEL$0 +Turkey unlikely to join EU before 2015: commissioner Verheugen (AFP) AFP - Turkey is unlikely to join the European Union before 2015, EU enlargement commissioner Guenter Verheugen said in an interview.$LABEL$0 +Genesis data 'retrieved intact' Some material has been found still intact inside the crashed Genesis space capsule, say Nasa scientists.$LABEL$3 +U.S. Ringtones Market Slow to Connect SAN FRANCISCO (Billboard) - With a possible billion-dollar windfall at stake, U.S. music companies are eagerly awaiting the full-blown development of the stateside ringtone market.$LABEL$3 +Oracle case bounces to Europe The European Commission is studying the U.S. court decision favoring Oracle's PeopleSoft buyout and deciding whether to pursue its own objections.$LABEL$3 +Firms announce video antipiracy technology This fourth priority #39;s main focus has been improving or obtaining CRM and ERP software for the past year and a half. NDS, STMicroelectronics and Thomson said Friday that they will develop new encryption technology $LABEL$3 +Calif. Energy Panel Criticized for Crisis An appeals court ruled Thursday that federal energy regulators shirked their duty when they declined to order power companies to refund consumers for overcharges during $LABEL$2 +Court rules against state Web-blocking law A Pennsylvania law requiring Internet service providers to block Web sites deemed by the state's prosecuting attorneys to be child pornography has been reversed by a U.S. federal court on free-speech grounds.$LABEL$3 +California group sues Albertson's over privacy concerns A California-based privacy advocacy group is suing supermarket giant Albertson's over alleged privacy violations involving its pharmacy customers.$LABEL$3 +Late rally sees Wall Street end week on a positive note US BLUE-chips recovered from an early fall to end higher as a drop in oil prices offset a profit warning from aluminium maker Alcoa, while a rise in Oracle fuelled a rally in technology stocks after a judge rejected a government attempt to block a $LABEL$2 +ESPN Soccernet.com news services CARSON, Calif. -- The Los Angeles Galaxy signed forward Alan Gordon on loan from the Portland Timbers of the A-League on Friday. A Galaxy selection in the 2004 MLS SuperDraft, the club will have the option $LABEL$1 +Sun To Refresh UltraSPARC Servers SAN FRANCISCOSun Microsystems Inc. next week will roll out two new servers featuring its UltraSPARC IV processors, a Sun executive said Friday.$LABEL$3 +U.S. Troops Lay Siege to Iraqi City (AP) AP - U.S. troops handed over medical supplies to Iraqi relief workers Friday amid a siege of a northeastern ethnic Turkish city where Iraqi and American forces are trying to root out hundreds of militants.$LABEL$0 +Braves hope Furcal #39;s situation doesn #39;t tarnish race While Rafael Furcal #39;s DUI arrest on Friday could serve as a distraction for the remainder of the season, the Braves are looking to put the matter behind them, and at the $LABEL$1 +Alleged U.S. Deserter Set to Surrender (AP) AP - Accused U.S. Army deserter Charles Jenkins left his Tokyo hospital for an American military base to surrender to military authorities Saturday, nearly 40 years after he allegedly defected to North Korea.$LABEL$0 +Astronauts Briefly Fix Oxygen Generator (AP) AP - The astronauts aboard the international space station got their broken oxygen generator running after three tries Friday, but the machine shut down again after barely an hour of operation.$LABEL$3 +Alleged U.S. Deserter Set to Surrender TOKYO - Accused U.S. Army deserter Charles Jenkins left his Tokyo hospital for an American military base to surrender to military authorities Saturday, nearly 40 years after he allegedly defected to North Korea...$LABEL$0 +Drivers set for mad dash at Richmond The grip on the steering wheel will be a little tighter, aggressions will run a little higher and emotions will be flowing stronger than ever.$LABEL$1 +Milosevic #39;s Lawyers to Appeal Own Appointment THE HAGUE, Netherlands -- The two lawyers representing Slobodan Milosevic filed papers Thursday (9 September), asking for permission to appeal their appointment by the UN tribunal.$LABEL$0 +Judge Finds Halliburton Settlement Unacceptable A federal judge in Dallas yesterday rejected a \$6 million settlement in a shareholder suit that alleged Halliburton Co. engaged in accounting fraud, saying the lead plaintiffs #39; lawyer mishandled the case and may have settled for too little money.$LABEL$2 +Flight From Keys Begins as Gusts Whip Jamaica As Hurricane Ivan began to lash Jamaica with wind and rain, officials in Florida stepped up their evacuation efforts.$LABEL$0 +All the world #39;s a web page as the Bard goes online The earliest editions of Shakespeare #39;s plays provide a fascinating insight into how the playwright reworked his masterpieces over time, but until now, due to their age and $LABEL$3 +Storms Seem to Cure Floridians of Hurricane Amnesia The state #39;s East Coast hadn #39;t been hit by a hurricane since 1999. That, and the fact that Florida hasn #39;t had its historic share of such storms in recent decades, has led to some complacency about their effects.$LABEL$2 +Suicide bombers suspected in attack JAKARTA, Indonesia -- Police released yesterday a grainy photo taken by a security camera of a white delivery truck just before it blew up outside the Australian Embassy and said they suspect two suicide bombers in the vehicle set off the explosion, killing seven other people.$LABEL$0 +World News: Zimbabwe jails UK #39;coup plotter #39; The British leader of a group of 67 alleged mercenaries accused of plotting a coup in Equatorial Guinea has been sentenced to seven years in jail.$LABEL$0 +How airlines stand Here #39;s where some of the largest US and Canadian airlines stand in terms of restructuring their operations: - Air Canada: Will emerge from bankruptcy protection by end of September, with a smaller workforce, a reduced fleet, a focus on the no-frills $LABEL$2 +Stocks in a rut According to the FTSE World Index Japan has been best performer of the major markets with a 6 per cent rise in dollar terms while Germany, down 7.7 per cent, was the worst.$LABEL$2 +Indonesian police release video tape of embassy blast Indonesian police have released video footage of the explosion outside the Australian embassy in Jakarta. At the same time they say there is no evidence to support the Australian Foreign Minister #39;s claim that $LABEL$0 +Collingwood anchors England (AFP) AFP - Paul Collingwood's unbeaten 80 took England to 299 for seven against Zimbabwe in their opening Champions Trophy Pool D match at Edgbaston here.$LABEL$0 +Itanium is Intels future Intel racked up some serious karmic debt when it schemed to run AMD out of the PC processor business. Xeon now languishes in Opterons shadow, which strikes me as just desserts for some nasty business.$LABEL$3 +Accused deserter surrenders in Japan An accused US Army deserter has surrendered at a US military base near Tokyo to face charges filed in 1965, the Kyodo news service reported.$LABEL$0 +Garcia's Girlfriend Charged With Assault (AP) AP - Jeff Garcia's girlfriend, Playboy magazine's Playmate of the Year, was charged with assault in a bar fight last month with a woman the Cleveland Browns quarterback once dated.$LABEL$1 +U.S. Piles Pressure on Sudan with New U.N. Measure (Reuters) Reuters - The United\States piled pressure on Sudan Wednesday to accept a more\powerful monitoring force in Darfur with a new U.N. draft\resolution threatening sanctions on its oil industry.$LABEL$0 +Polish PM Tries to Head Off Dispute Over WW2 Claims KRYNICA, Poland (Reuters) - Polish leader Marek Belka tried to head off a controversy with Berlin over World War II reparations after Poland's parliament caused anger in Germany by declaring Poles were still owed for wartime losses.$LABEL$0 +Brown seeks to retain EU rebate Chancellor Gordon Brown has expressed his determination to retain the British rebate on its contributions to the European Union #39;s annual budget.$LABEL$2 +Champions Trophy: England rout Zimbabwe BIRMINGHAM, Sep 11: England got their Champions Trophy campaign off to a successful start with a record 152-run win against Zimbabwe at Edgbaston here Saturday.$LABEL$1 +Tough to predict a hurricane landfall this season #39;s busy season of landfalling Atlantic hurricanes has seen a few less-than-perfect calls by tropical $LABEL$3 +Will Your Next Cell Phone Have a Hard Drive? Hitachi Global Storage Technologies and Intel are pushing the development of an interface technology that they hope will smooth the adoption of compact hard drives into mobile phones, PDAs, and digital music players, the companies say.$LABEL$3 +Europe compromises with US on Iran nuke deadline charge Iran vehemently denies. The IAEA has found many previously concealed nuclear activities in Iran. but no quot;smoking gun quot; backing the US view.$LABEL$0 +US soldier convicted of torture in Iraq A US military intelligence soldier in Iraq has been sentenced to 8 months in prison for taking part in torturing detainees in Abu Ghraib prison.$LABEL$0 +Karzai sacks regional governor At least two protesters were killed when supporters of a sacked Afghan governor clashed with US and Afghan security forces in the western city of Herat.$LABEL$0 +Strong quake hits Hokkaido SAPPORO -- A fairly strong earthquake hit eastern Hokkaido, northern Japan, late Monday night, and several people suffered minor injuries, officials said.$LABEL$0 +Fresno St. Blows Out No. 13 Kansas State (AP) AP - Paul Pinegar threw two touchdown passes to Matt Rivera and ran for another score, and Fresno State upset No. 13 Kansas State 45-21 on Saturday.$LABEL$1 +Post-Olympic Greece tightens purse, sells family silver to fill budget holes (AFP) AFP - Squeezed by a swelling public deficit and debt following last month's costly Athens Olympics, the Greek government said it would cut defence spending and boost revenue by 1.5 billion euros (1.84 billion dollars) in privatisation receipts.$LABEL$2 +Spanish PM to host French, German allies in Madrid summit (AFP) AFP - Sealing ratification of an EU constitution and the question of terrorism will top the agenda when Spanish Prime Minister Jose Luis Rodriguez Zapatero welcomes French President Jacques Chirac and German Chancellor Gerhard Schroeder to a summit meeting Monday.$LABEL$0 +Panasonic unleashes new DVD recorder line Matsushita Electric Industrial Co., better known for its Panasonic brand, will soon start international sales of a high-end DVD recorder that offers network connectivity, the company said Wednesday.$LABEL$3 +Kiwis trample USrookies LONDON -Nathan Astle #39;s 145 helped give New Zealand a record-setting 210-run victory over cricket rookie United States in the ICC Champions Trophy Pool A match at the Oval yesterday.$LABEL$1 +Restoring an Original At Charles Schwab, executives plan a return to the firm's original mission of serving mom-and-pop, buy-and-hold investors.$LABEL$2 +No. 9 Ohio State Edges Marshall on Last-Second FG COLUMBUS, Ohio (Sports Network) - Mike Nugent #39;s 55-yard field goal as time expired lifted the ninth-ranked Ohio State Buckeyes to a dramatic 24-21 win over the pesky Marshall Thundering Herd in the first-ever meeting between the teams.$LABEL$1 +Cal Extends Tedford California Bears head coach Jeff Tedford agrees to a five-year contract extension through 2009 on Monday.$LABEL$1 +Kuznetsova Tops Dementieva for Open Title NEW YORK Sept. 11, 2004 - Pounding ferocious forehands and covering the baseline with the muscular legs of a Tour de France rider, Svetlana Kuznetsova overwhelmed Elena Dementieva 6-3, 7-5 Saturday night in the US Open #39;s first all-Russian final.$LABEL$1 +Fed #39;s Pianalto upbeat on growth, inflation WASHINGTON : The Federal Reserve #39;s policy of gradual interest rate hikes is a sign the US economy does not need the stimulus that low rates supply, according to Cleveland Fed president Sandra Pianalto.$LABEL$2 +Overtime Goal Puts Canada in World Cup Hockey Final Vincent Lecavalier #39;s goal 3:45 into overtime earned Canada a nail-biting 4-3 victory over the Czech Republic on Saturday and a place in the final of the World Cup of Hockey.$LABEL$1 +American League Game Summary - Minnesota At Detroit Detroit, MI -- Jacque Jones #39; single in the seventh scored Pat Borders with the go-ahead run and the Minnesota Twins held on for a 3-2 victory over the Detroit Tigers at Comerica Park.$LABEL$1 +Early Voters Transform Campaign Landscape (AP) AP - In an election year when just a few thousand votes in a few states could decide the winner, the growing number of voters who cast ballots weeks before Election Day is transforming the landscape for political campaigns.$LABEL$0 +Pudge, Guillen leave with injuries The Tigers lost both of their All-Stars, shortstop Carlos Guillen and catcher Ivan Rodriguez, to knee injuries on separate plays in Saturday #39;s game against the Twins.$LABEL$1 +CHUCK JAFFE BOSTON (CBS.MW) -- A lot of people got excited when Fidelity Investments announced recently that it was cutting fees on five index mutual funds.$LABEL$2 +Orthodox patriarch killed in Greek air crash ATHENSEgypt #39;s Patriarch of Alexandria, whose post traces its lineage to one of Christ #39;s disciples, was killed with his Greek Orthodox retinue yesterday in a helicopter crash, Greek authorities confirmed.$LABEL$0 +Yankees stay in tune Unbeaten Orlando Hernandez pitched seven innings of five-hit ball to win his eighth straight decision, and the New York Yankees beat Sidney Ponson and the Orioles, 5-2, yesterday in Baltimore.$LABEL$1 +Anniversary remembered on game day When the attacks came on Sept. 11, 2001, Tom O'Brien, if only for a moment, stopped being Boston College's coach. On that day, as the World Trade Center and Pentagon smoldered and the world stood still, O'Brien was a Navy man.$LABEL$1 +Bulldogs shock K-State MANHATTAN, Kan. -- Paul Pinegar threw two touchdown passes to Matt Rivera and ran for another score, and Fresno State upset No. 13 Kansas State, 45-21, yesterday.$LABEL$1 +Callender wins job as starter Frustration set in quickly for Andre Callender. He had already waited a whole year, and now he had to wait another game to play college football.$LABEL$1 +Cayman Islands hit by hurricane The full force of Hurricane Ivan has hit the Cayman Islands, ripping up homes and causing extensive flooding. Up to 40,000 residents - including a large British expat community - hid in homes and shelters to try and escape Ivan #39;s ferocious 155mph winds.$LABEL$0 +U.S. Says N.Korea Blast Probably Not Nuclear SEOUL (Reuters) - A huge explosion rocked North Korea last week but U.S. and South Korean officials said on Sunday it was unlikely to have been a nuclear weapons test despite the appearance of a ""peculiar cloud"" over the area.$LABEL$0 +Dolphins' Fiedler Not Happy About Benching (AP) AP - Dave Wannstedt wasn't happy with Jay Fiedler on Saturday, and the feeling was mutual. Wannstedt benched Fiedler at halftime of the Miami Dolphins' 17-7 loss to the Tennessee Titans, and the quarterback said he was disappointed about the quick hook.$LABEL$1 +European Tour hopes still high in Canada Hopes of another European Tour victory on the US PGA Tour remained high as Jesper Parnevik and Vijay Singh enjoyed a share of second place after the third round of the Bell Canadian Open at the Glen Abbey course in Ontario.$LABEL$1 +Senegal #39;s Camara scores first goals for Celtic in 3-0 win Senegal striker Henri Camara scored his first two goals for champions Celtic in their 3-0 win against Dundee in the Scottish Premier League on Saturday.$LABEL$1 +Conditions in Ohio Point to Kerry, but Bush Runs Strong Everything seemed to be in place for a powerful run by John Kerry in Ohio after Labor Day. Yet polls suggest that Mr. Kerry has actually lost ground.$LABEL$0 +FDA Scientists Testing Limits of Medical Technology By LAURAN NEERGAARD WASHINGTON (AP) -- A little-known Food and Drug program is testing the latest medical technology to determine how safe and useful it can be. One cutting-edge experiment is designed to see if injecting certain drugs directly into diseased arteries works better than commonly used stents in keeping arteries clear...$LABEL$3 +Gunners step up gear to top table ARSENAL pulled clear at the top of the English Premiership for the first time this season after producing a devastating change of gear to sink London rivals Fulham 3-0 at Craven Cottage.$LABEL$1 +Qwest to pay \$250 mn to settle with SEC Qwest Communications International, the US telecommunications group, is understood to have agreed to pay \$250 million to end a two-year federal probe of alleged fraudulent accounting practices employed by former management.$LABEL$2 +Coalition holds off efforts to take rebel-run cities US surgical strikes continue in Fallujah, Samarra, and Tal Afar. But US says Iraqi forces are not ready to launch major attacks. By Howard LaFranchi.$LABEL$0 +Germany Cedes 2006 Cup Honor to Brazil (AP) AP - Germany declined the chance to play in the opening game of the 2006 World Cup, with the host nation ceding the honor to Brazil, the 2002 champion.$LABEL$1 +Exit Polls: Hong Kong Democrats Win Limited Gains HONG KONG (Reuters) - Pro-democracy candidates won limited gains in Hong Kong's Legislative Council election on Sunday and the pro-Beijing camp achieved a better-than-expected showing, exit polls showed.$LABEL$0 +HP signs on high-speed networking start-up Hewlett-Packard has signed a deal to sell network adapters from start-up S2io that the companies say can transfer data 10 times faster than today #39;s widespread standard.$LABEL$3 +Putin #39;s policies at fault The spate of terrorist attacks in Russia illustrates that President Vladimir V. Putin #39;s hard-line policy in Chechnya is failing to resolve that conflict or to make Russians safer.$LABEL$0 +Three Said Killed in Afghanistan Protests KABUL, Afghanistan - Protesters angered at President Hamid Karzai's sacking of a warlord governor in the west of the country ransacked U.N. compounds and clashed with security forces Sunday, leaving as many as three people dead and dozens wounded, including three U.S...$LABEL$0 +Hurricane Ivan Batters Grand Cayman GEORGE TOWN, Cayman Islands - Hurricane Ivan battered the Cayman Islands with ferocious 150-mph winds Sunday, threatening a direct hit as it flooded homes and ripped up roofs and trees three stories high. Ivan has killed at least 60 people as it has torn a path of destruction across the Caribbean and was headed next for western Cuba, where it was expected to hit Monday, and could brush the Florida Keys and parts of Florida's Gulf Coast...$LABEL$0 +Upsets Shake Up College Football Poll (AP) AP - The upsets have begun and the little guys are moving into The Associated Press poll. After ranked teams started the season 21-0, five fell to unranked opponents this weekend, shaking up media poll released Sunday.$LABEL$1 +Oracle #39;s Ellison happy as \$5.5m Larry LARRY Ellison, the chief executive of software maker Oracle, earned \$US3.85 million (\$5.53 million) in salary and bonus for the financial year that ended May 31.$LABEL$2 +Lions #39; Rogers could miss season Chicago, IL (Sports Network) - Detroit Lions wide receiver Charles Rogers will likely miss the remainder of the 2004 campaign after breaking his clavicle in the first quarter of the team #39;s 20-16 season-opening victory over the Chicago Bears.$LABEL$1 +Insurgents hammer central Baghdad BAGHDAD - Insurgents hammered central Baghdad on Sunday with one of their most intense mortar and rocket barrages ever in the heart of the capital, heralding a day of violence that left nearly 60 dead nationwide as security appeared to spiral out of $LABEL$0 +Hong Kong democrats win more seats Democrats have tightened their grip on Hong Kong #39;s legislature, but still have no mandate to push their agenda of universal suffrage in the southern Chinese enclave.$LABEL$0 +Ten Orioles pitchers issue 14 BBs as Yanks rally for 9-7 victory The New York Yankees took advantage of 14 walks, then capped their latest comeback victory with a couple of strolls around the bases.$LABEL$1 +U.S.: Korea Cloud Not From Nuclear Blast SEOUL, South Korea - A huge mushroom cloud that reportedly billowed up from North Korea was not caused by a nuclear explosion, South Korean and U.S. officials said Sunday, but they said the cause was a mystery...$LABEL$0 +OPEC Eyes Caution, Supply Weighs on Price VIENNA (Reuters) - OPEC may resist calls to raise oil output quotas much, if at all, when it meets this week for fear of turning a decline from record prices into a rout.$LABEL$2 +Jarvis teeters on the brink Jarvis admitted yesterday it was in a race against time to raise enough cash from asset sales to satisfy lenders and keep trading beyond January.$LABEL$2 +Ravens Stumble to Loss Cleveland holds Jamal Lewis to just 57 yards on 20 carries and Jeff Garcia accounts for two touchdowns to lead the Browns to a 20-3 victory over the Ravens on Sunday.$LABEL$1 +New Spasm of Violence Sweeps Iraq, Killing 110 BAGHDAD (Reuters) - At least 110 people were killed across Iraq on Sunday in a sharp escalation of violence that saw gun battles, car bombs and bombardments rock the capital.$LABEL$0 +Carpentier regains focus for win MONTEREY, Calif. -- As Patrick Carpentier cruised toward his second straight dominating victory at Mazda Raceway Laguna Seca, he let his mind wander.$LABEL$1 +U.S.: Korea Cloud Not From Nuclear Blast (AP) AP - A huge mushroom cloud that reportedly billowed up from North Korea was not caused by a nuclear explosion, South Korean and U.S. officials said Sunday, but they said the cause was a mystery.$LABEL$0 +Cordero sets new club mark com. Cordero notched his 44th save of the season Sunday to establish a Rangers record previously held by current Rangers roving pitching instructor John Wetteland.$LABEL$1 +WPP claims Grey Global prize LONDON, England -- UK-based advertising giant WPP Group says it has won the bidding to acquire US agency Grey Global. WPP, the world #39;s second-largest advertising company, said Sunday it had reached agreement $LABEL$2 +Fierce fighting in Iraq BAGHDAD, Sept 12: At least 45 people died in a wave of bombings and battles between US troops and militants on Sunday, as Iraq #39;s US-installed prime minister said over 3,000 had perished in the #39;terrorism #39; washing over the country.$LABEL$0 +Two gored to death in Spanish bull-run Two Spanish men were gored to death by fighting bulls yesterday during the bull-run at the local fiestas in Ampuero, a town 30 miles east of the northern port city of Santander.$LABEL$0 +Speak to my right ear, sing to my left Researchers at the University of California find that the right and left human ears process sound differently: The right ear is better at picking up speech-like sounds and the left is more attuned to music.$LABEL$3 +Sorenstam wins Hammons Classic Annika Sorenstam won her fifth LPGA Tour event of the year, closing with a 1-under 70 Sunday for a four-shot victory at the John Q. Hammons Classic.$LABEL$1 +US Oil Up Above \$43, Watches Ivan, OPEC SINGAPORE (Reuters) - U.S. oil prices climbed above \$43 on Monday as energy companies operating in the Gulf of Mexico braced for possible widespread output disruptions from a powerful hurricane and Iraq saw some of the bloodiest violence in weeks.$LABEL$2 +Let a Thousand Ideas Flower: China Is a New Hotbed of Research In recent years, hundreds of multinational companies have set up research laboratories in China.$LABEL$2 +Leftwich Snares Stunner Byron Leftwich caps an 80-yard touchdown drive with a 7-yard toss to rookie Ernest Wilford as time ran out, lifting the Jacksonville Jaguars to a 13-10 win over the Buffalo Bills on Sunday.$LABEL$1 +Will Putin misuse Beslan terrorism? THE UNSPEAKABLE tragedy in Beslan, the town in Southern Russia where terrorists seized a school on the first day of class and where more than 300 people $LABEL$0 +Virus writers look for work THE WRITERS of the MyDoom viruses are encoding job applications into the latest variants of the bug. According to Sophos the plea for work was found when its boffins were stripping the code of the MyDoom-U and MyDoom-V variants.$LABEL$3 +Japanese automaker to boost production capacity in India Major Japanese automaker Suzuki Motor Corp. said Monday it has decided to set up a vehicle assembly plant and a new diesel engine factory in India to boost production in the country #39;s growing market.$LABEL$2 +Putin Seeks More Control Over Regions, Governors In an address to the countrys top officials on Monday Russian President Vladimir Putin announced initiatives that would further strengthen the federal centers control over political life.$LABEL$0 +Bullies move online Singapore - More complaints of cyberbullying are emerging from youngsters in Singapore than any other country except the United States, an international safety group said in a report on Monday.$LABEL$3 +Spam Stopper Detects Sender Patterns (Ziff Davis) Ziff Davis - Commtouch's anti-spam software update halts spam by tracking e-mail server sending patterns.$LABEL$3 +US Airways files for bankruptcy for 2nd time US Airways Group Inc., the nation #39;s seventh-largest airline, filed for bankruptcy protection Sunday for the second time in two years.$LABEL$2 +Microsoft vs Sendo: It #39;s over The legal battle between UK phone manufacturer Sendo and Microsoft has been settled, the companies announced on Monday morning. Sendo had been suing Microsoft for the alleged theft of trade secrets, fraud $LABEL$2 +For Craigslist, city was just the ticket Hadley Weinzierl used Craigslist to furnish her Jamaica Plain apartment, and when she bought a Maltese puppy, she sought advice from fellow Craigslisters on a good vet, a cheap dog-walker, and a park where she could let the dog run without a leash.$LABEL$2 +Today's schedule College soccer: MEN -- Curry at Emerson, 4 p.m.; WOMEN -- Mount Ida at Curry, 3:30 p.m.$LABEL$1 +Schering-Plough and Bayer form strategic alliance Schering-Plough Corporation has announced that it has entered into a strategic agreement with Bayer designed to maximize the companies #39; pharmaceutical resources while maintaining each company #39;s own strategic interests.$LABEL$2 +Terror Suspect Escapes From Bahrain Court A terror suspect escaped from court in Bahrain Monday after a judge renewed the detention order and three fellow detainees for 30 days.$LABEL$0 +At Last, Success on the Road for Lions The Detroit Lions went three full seasons without winning an away game, setting an NFL record for road futility. They ended that ignominious streak Sunday in their first opportunity of the season, beating the Chicago Bears 20-16 at Soldier Field...$LABEL$0 +IBM delivers Power-based servers with Linux IBM will push its Power5 line of servers down into the low end of the market, taking Linux with it, when it unwraps an aggressively priced series of Linux-only systems on Monday that will go up against the offerings of Sun Microsystems and Hewlett-Packard $LABEL$3 +Frozen Eggs Showing Promise Italian researchers have achieved 13 human births using previously frozen eggs. It's encouraging for women who want to preserve their fertility, but efficiency is still low. By Kristen Philipkoski.$LABEL$3 +Headshake to the SETI Headfake Did the famous screensaver, SETIhome, uncover the first strong evidence for an extraterrestrial signal? The SETI Institute's Seth Shostak discusses how hyperbole can misrepresent the last addition to a list of stellar candidates.$LABEL$3 +Static over RFID A key patent holder wants royalties. If that starts a trend, adoption of radio frequency identification technology could suffer.$LABEL$3 +Russia official gives Yukos assurance Finance minister tells FT that asset sales to pay off tax debt will be market-oriented. MOSCOW (Reuters) - Russian Finance Minister Alexei Kudrin has promised that asset sales to pay off the tax debts of troubled $LABEL$2 +Two Manny dads DAVE Norman, the Sydney police constable who rushed to Jakarta to be with his critically injured daughter Manny Musu, underwent a DNA test to prove he is her biological father.$LABEL$0 +Cahill Could Be in the Clear Tim Cahill could escape suspension for his controversial celebration of Evertons winner at Manchester City when he was sent off for pulling his shirt over his head.$LABEL$1 +CRN INTERVIEW: JOHN FOWLER, SUN Sun #39;s Fowler: Rising Sales While Hewlett-Packard, Dell and IBM are the recognized leaders of the X86 server market, one player has surprisingly begun to gain ground.$LABEL$3 +Video game pioneer shoots for next level with cell phones (USATODAY.com) USATODAY.com - Video game pioneer Trip Hawkins is going mobile. His latest act, a Silicon Valley company called Digital Chocolate, is developing games and ""lifestyle"" applications for portable phones. He hopes the new venture will turn out like the first he founded, Electronic Arts, the leading video game maker. His most recent gaming company, 3D0, went out of business after a decade. Hawkins spoke with USA TODAY's Edward C. Baigat last week's DemoMobile conference in La Jolla, Calif.$LABEL$3 +Baseball still learning lessons from '94 strike (USATODAY.com) USATODAY.com - In the 10 years since major league baseball's lights were dimmed and the World Series canceled, players and owners have cashed in.$LABEL$1 +EU weighs euro #39;s rise against dollar European Union finance ministers considered the ever-strengthening euro against the dollar Monday amid appeals for Washington to rein in its budget and current account deficits to stop the slide of the US currency.$LABEL$2 +Personal Tech Fast Forward columnist Rob Pegoraro discusses his latest column on Windows Media Player 10 and answer your personal tech questions.$LABEL$3 +Court to hear Microsoft appeal to \$521M Eolas ruling A panel of judges on Thursday is scheduled to hear Microsoft's appeal in a case where a jury ordered the software maker to pay \$520.6 million in damages after finding that Internet Explorer (IE) infringed on a patent.$LABEL$3 +FDA OKs Kit Used with Hemophilia Therapy CHICAGO (Reuters) - Wyeth Pharmaceuticals said on Monday it received U.S. regulatory approval for a kit designed to help patients with the blood disorder hemophilia get regular treatments more quickly and safely.$LABEL$2 +Meditation Practice Helping Arthritis Patients By ALEX DOMINGUEZ BALTIMORE (AP) -- Dalia Isicoff knows pain. A lifelong sufferer of rheumatoid arthritis, she has had seven hip replacement surgeries...$LABEL$3 +Training is the Key to Defibrillator Success By DANIEL YEE ALPHARETTA, Ga. (AP) -- Because defibrillators are more affordable than ever, they are quickly becoming commonplace in schools, businesses and other public places such as airports...$LABEL$3 +Novell sees a 'both-source' future CEO asserts the future of software development will not be found in the open-source or proprietary models.$LABEL$3 +Wal-Mart Keeps Its September Sales View Wal-Mart Stores Inc. (WMT.N: Quote, Profile, Research) on Monday maintained its September sales forecast and said back-to-school demand picked up for key categories including electronics and clothing after a sluggish start.$LABEL$2 +Afghan president replaces 2 governors KABUL, Afghanistan -- Afghan President Hamid Karzai #39;s government Saturday replaced two governors, including a strongman in the west, in a bold step to establish control ahead of landmark presidential elections.$LABEL$0 +Dive recovers Cromwell's sailor A sailor from a sunken ship belonging to Oliver Cromwell's navy had the upper body of a trapeze artist but bowed legs, his recovered skeleton shows.$LABEL$0 +Rogers confirms deal to buy AT amp;T Wireless stake Rogers Communications Inc. (RCIb.TO: Quote, Profile, Research) confirmed on Monday it would buy AT amp;T Wireless Services Inc. #39;s (AWE.$LABEL$2 +Japan Gadget Turns Plants Into Speakers (AP) AP - The therapeutic power of flowers takes on new meaning with a Japanese gadget that turns plants into audio speakers, making the petals and leaves tremble with good vibrations.$LABEL$3 +Copy, rip, or import? If you #39;ve been using the new Windows Media Player 10 for Windows XP, you may have noticed that Microsoft shifted from some of the more formal language that it used in Windows Media Player 9 -- quot;Copy from CD quot; and quot;Copy to CD quot; -- to the more casual terms $LABEL$3 +Cisco Melds Add-on Features Into Branch-Office Routers SEPTEMBER 13, 2004 (COMPUTERWORLD) - Cisco Systems Inc. tomorrow plans to announce an all-new line of branch-office routers that integrate basic routing capabilities with IP voice support, security tools and other functionality.$LABEL$3 +Linux Promoters Challenge Microsoft (AP) AP - Seeking to be more competitive with Microsoft Corp., Linux backers have agreed on a standard version of the operating system so that programs written for one Linux distribution will work with others.$LABEL$3 +Browns day after: Week one The Browns started the season on a good note for the first time since 1994, and the win buoys the teams hopes for the near future.$LABEL$1 +Sharon faces Netanyahu challenge Israeli Prime Minister Ariel Sharon has received a surprise challenge to his plan to expedite a pullout from Gaza after Benjamin Netanyahu, his main rival in the Likud party, called for a referendum on the issue.$LABEL$0 +OPEC Seen Wary on Increase in Oil Quotas VIENNA (Reuters) - OPEC may resist calls to raise oil output quotas much, if at all, when it meets this week for fear of turning a decline from record prices into a rout.$LABEL$2 +Italian GP, Race Fernando spun out of third position while Jarno finished tenth in this afternoon's Italian Grand Prix$LABEL$1 +Novell: Microsoft 'sucked \$60 billion' out of IT CEO Jack Messman tells conference crowd that Microsoft's licence fees have hobbled the IT industry.$LABEL$3 +Greek Orthodox patriarch is accident victim Vatican, Sep. 13 (CWNews.com) - The Greek Orthodox Patriarch Petros VII of Alexandria was killed in a helicopter crash on September 11, along with several other Orthodox prelates, as he traveled to Mount Athos.$LABEL$0 +Washington admits failure to get Iran to UN Security Council VIENNA (MNA) - A United States official confirmed to AFP news agency on Friday that Washington fails to take Irans nuclear issue to the United Nations Security Council for possible sanctions against Tehran.$LABEL$0 +My 50 random musings on the final major championship of the year So the last major of 2004 is in the books. Herewith 50 random ruminations on the US Open that was. ... 1. Imagine how good Roger Federer will be once he learns to move around the court a little.$LABEL$1 +Sanchez wins; Costa bows out in Bucharest Bucharest, Romania (Sports Network) - Defending champion David Sanchez advanced, but former French Open titlist Albert Costa was not as fortunate Monday at the \$460,000 Romanian Open.$LABEL$1 +County unemployment drops to 3.7 percent SAN DIEGO - San Diego County #39;s unemployment rate was 3.7 percent in August, down from a revised 4.4 percent in July and 4.3 percent a year ago, the California Employment Development Department reported today.$LABEL$2 +Symantec launches antiphishing service SEPTEMBER 13, 2004 (IDG NEWS SERVICE) - Symantec Corp. is fishing for dollars with a new service designed to help companies combat the ongoing epidemic of online identity theft, or quot;phishing, quot; scams.$LABEL$3 +Sorrell and WPP rise ever closer to the top LONDON With its agreement to buy Grey Global Group, Sir Martin Sorrell has placed his London-based WPP Group in position to rival Omnicom Group as the world #39;s largest advertising company.$LABEL$2 +Blurry Image Might Be First Picture of Exoplanet The image of a blurry red ball near a failed star just might be the first picture ever snapped of a planet outside our solar system, an astronomer who helped find the object said on Monday.$LABEL$3 +Crazy fan disrupts Weir #39;s round IN AN unpleasant repeat of the Athens Games marathon fiasco, Mike Weir was grabbed by a fan as he walked to the 11th tee during the final round of the Canadian Open on Sunday.$LABEL$1 +Disney Foes Want Eisner Out Now Disgruntled former Disney directors Roy Disney and Stanley Gold told Disney #39;s board Monday that CEO Michael Eisner should hit the road by early 2005 at the latest.$LABEL$2 +FDA Approves Lens Implant to Sharpen Sight WASHINGTON - There's a new option for people who suffer from extreme nearsightedness, whose world loses its crisp edge just a few inches from their noses. The first implantable lens for nearsightedness was approved Monday by the Food and Drug Administration...$LABEL$0 +Microsoft adds to Visual Studio tools line 2005 Standard Edition targets developers working in small organizations.$LABEL$3 +IBM open-sources speech-recognition development tools The move is designed to spur development in the speech recognition field and outflank rivals by making IBM's free technology the industry standard.$LABEL$3 +Enron to Pay \$321 Million in Pensions HOUSTON (Reuters) - Enron Corp. will pay \$321 million from the proceeds of its sale of its pipeline arm to fund pension plans for thousands of former employees, a government pension agency said on Monday.$LABEL$2 +Sony-Led Group to Acquire MGM for \$3B LOS ANGELES Sept. 13, 2004 - A consortium led by Sony Corp. has agreed in principle to acquire famed Hollywood studio Metro-Goldwyn-Mayer Inc.$LABEL$2 +3 Giants Contest Fines Over Team Meetings (AP) AP - Three New York Giants have filed complaints with the NFL Players Association after being fined by coach Tom Coughlin for not being ""early enough"" to team meetings.$LABEL$1 +Iraqis Plead With U.S. to Return to City (AP) AP - U.S. troops barred anguished crowds from returning to their homes in the besieged city of Tal Afar on Monday as residents described corpses scattered across orchards and the collapse of essential services such as water and electricity.$LABEL$0 +Nikkei Opens Higher Led by Tech Stocks TOKYO (Reuters) - Tokyo's Nikkei share average was up 0.56 percent in early morning trade on Tuesday as another jump in U.S. technology shares encouraged investors to step up buying in local counterparts such as Advantest Corp.$LABEL$2 +Microsoft Targets Solo Programmers with New Visual Studio Version ORLANDO, Fla.Microsoft Corp. announced another edition of its upcoming development tools family, releasing information on Visual Studio 2005 Standard Edition at the VSLive!$LABEL$3 +Virus #39;talks #39; to victims Virus writers have created a piece of malware that #39;talks #39; to victims. The Amus email worm uses Windows Speech Engine (which is built-in to Windows XP) to deliver a curious message to infected users.$LABEL$3 +EU increases pressure for rights in Myanmar EU foreign ministers agreed Monday to tighten sanctions against Myanmar if it does not improve its human rights record by Oct. 8, when an EU meeting with Asian countries starts in Vietnam.$LABEL$2 +Firefox browser to hit 1.0 milestone Though the release is technically a preview, the 1.0 version is a significant milestone for the open-source browser software, which has already won an enthusiastic following as an alternative to Microsoft #39;s Internet Explorer.$LABEL$3 +Service-Sector Revenues Rise in Q2 Revenues in key sectors of the US services industry grew in the second quarter, the government said on Monday in a new survey aimed at measuring growth in the giant tranche of the economy.$LABEL$2 +Osaka school killer of 8, yakuza boss executed TOKYO - Mamoru Takuma, convicted for murdering eight children at an Osaka elementary school in 2001, has been executed, informed sources said Tuesday.$LABEL$0 +Japan executes child killer Japan has hanged a man convicted of stabbing to death eight elementary school children in a rampage that shocked the nation and severely shook its sense of security, local media have said.$LABEL$0 +Dropping Hyphen, Some Great Old Stores Become Just Macy #39;s n the not-so-distant past, the names Burdines, Rich #39;s, Goldsmith #39;s, Bon March and Lazarus had a local glory as the emporiums where customers bought their back-to-school clothes and discovered their Mother #39;s Day presents.$LABEL$2 +Major League Baseball Box Score COLORADO (7) VS ARIZONA (1) - MID 6TH - IN PROGRESS COLORADO ab rh rbi bb so lob avg A Miles 2b 4 0 1 0 0 0 1 .302 R Clayton ss 2 0 2 0 1 0 0 .$LABEL$1 +Ivan Roars Into Gulf of Mexico Hurricane Ivan skirted the western tip of Cuba on Monday and arced into the Gulf of Mexico with sustained winds of 160 mph, bearing down toward landfall on the U.S. Gulf Coast later this week.$LABEL$0 +Cisco to debut new router family Internet hardware giant Cisco Systems is said to be preparing to launch a new family of routers that can manage both voice and data applications.$LABEL$3 +Pros in Olympics still in question Wayne Gretzky found himself talking about Mario Lemieux possibly playing in the 2006 Olympic Winter Games in Turin when ... whoa! quot;Are you suggesting that you #39;re holding $LABEL$1 +Sony group to buy MGM A consortium led by Sony Corp. has agreed in principle to acquire famed Hollywood studio Metro-Goldwyn-Mayer Inc. for nearly \$3 billion, MGM said late yesterday.$LABEL$2 +Escobar, Anderson lift Angels Kelvim Escobar pitched seven strong innings and Garret Anderson hit a three-run homer, leading the Anaheim Angels to a 5-1 win over the Mariners last night in Seattle.$LABEL$1 +Turkey #39;s Adultery Ban Would Hinder EU Bid, Aides Say (Update1) Turkey #39;s plan to make adultery a crime may hinder its bid to join the European Union by showing the dominance of conservative forces #39; #39; in Turkish society, European officials said.$LABEL$0 +Carrier #39;s uphill climb US Airways said yesterday it can emerge from bankruptcy a stronger airline, but acknowledged it needs deeper wage concessions from its pilots - something it has failed to get after two years of trying.$LABEL$2 +CREDIT: Canadian Press, Reuters Gretzky, executive director of Team Canada, says each player should treat tonight #39;s World Cup of Hockey championship game against Finland as quot;one of the greatest nights of their life.$LABEL$1 +IBM puts G5 in Linux server The eServer OpenPower 720 is aimed at the entry-level market for 64-bit Linux-based servers and runs various configurations of what IBM calls the Power5 at 1.5 and 1.65GHz.$LABEL$3 +Wenger attacks Madrid for transfer rule-bending Arsenal coach Arsene Wenger accused Real Madrid of ignoring the rules when it wants to sign a new player. Wenger said the Spanish powerhouse has sometimes made its interest known to the $LABEL$1 +The reforms that Putin announced Russian President Vladimir Putin has announced a series of measures to strengthen central state powers following the hostage-taking at Beslan when more than 300 people died.$LABEL$0 +Science Students Win \$100,000 Prize Description: Siemens Westinghouse announces the winners of its annual competition for high school students in math, science and technology.$LABEL$3 +Federated Will Rename Stores as Macy #39;s All regional Federated Department Stores will change their names to Macy #39;s in January, the company said yesterday. The decision affects regional department stores that operate as Burdines-Macy #39;s in Florida $LABEL$2 +Help wanted by IT services firms The growing services industry is hiring, but tech workers looking for a job may need to do more than brush up on their coding.$LABEL$3 +Sun trims fourth-quarter earnings by \$12 million Sun Microsystems Inc. trimmed its fourth quarter and full-year 2004 results this week, to account for final accounting of asset retirement obligations and its settlement with Microsoft Corp.$LABEL$3 +Microsoft, Polycom team on collaboration products Microsoft Corp. and Polycom Inc. have struck a multi-year agreement to link Microsoft's Office Live Communications Server with Polycom's conferencing products, the companies plan to announce Tuesday.$LABEL$3 +German investor confidence slumped in September BERLIN - German investor confidence dropped sharply in September, a key economic indicator released Tuesday showed amid concerns about the impact of high oil prices on consumer demand and the outlook for the global economy.$LABEL$0 +Office Depot Sees Profit Below Views NEW YORK (Reuters) - Office Depot Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=ODP.N target=/stocks/quickinfo/fullquote"">ODP.N</A>, the No. 2 U.S. office supply retailer, on Tuesday forecast third-quarter and full-year profits below Wall Street estimates due to disruptions from recent hurricanes.$LABEL$2 +Retail Sales Down; Trade Gap Larger (Reuters) Reuters - U.S. retail sales dipped in August\and the U.S. gap with its international trade partners widened\to a record level in the second quarter of the year, government\reports released on Tuesday showed.$LABEL$2 +Kroger Profit Falls, Warns on Sales NEW YORK (Reuters) - Kroger Co. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=KR.N target=/stocks/quickinfo/fullquote"">KR.N</A>, the largest U.S. grocer, on Tuesday reported a 25 percent drop in quarterly profit, hurt by debt redemption costs.$LABEL$2 +Novell reaffirms open source strategy Novell is putting open source and identity management centre stage at its European user conference this week. The networking firm announced that Novell Open Enterprise Server (OES), which includes Novell #39;s $LABEL$3 +Chinese Mobile Phone Giant to Open Up to 3000 Internet Cafes China #39;s second-largest mobile phone company says it plans to open up to 3,000 Internet cafes by the end of this year. State-controlled China Unicom, which already operates 400 Internet cafes across the country $LABEL$3 +A target for terrorists An election campaign parades the political divide in the community. Yesterday, amid the extraordinary uncertainty about whether Australians had been taken hostage in Iraq, we saw the glue that unites the two sides of politics.$LABEL$0 +Canada, Finland set for WCH final Toronto, ON (Sports Network) - The Canadians try to take back what was once theirs tonight when they face Finland in the 2004 World Cup of Hockey final at Air Canada Centre.$LABEL$1 +Kroger Profit Falls, Warns on Sales NEW YORK (Reuters) - Kroger Co. on Tuesday posted a 25 percent drop in quarterly profit and warned it may not reach its sales target for the year, sending shares of the top U.S. grocer down as it grapples with lingering fallout from a strike in Southern California.$LABEL$2 +Iranian nuclear plans #39;unclear #39; The head of the UN #39;s nuclear watchdog says he has seen no firm evidence Iran is secretly developing nuclear weapons. But International Atomic Energy Agency chief Mohamed El-Baradei said he could not yet give $LABEL$0 +Benitez Plans Tactical Overhaul Rafael Benitez embarks on his first European campaign as Liverpool boss tomorrow with a warning to his players that the continents finest have got wise to English tactics.$LABEL$1 +Whats New With Google News What's New With Google News\\Google News has added a whole bunch of features while we weren't lookin'. First off there's a new pull-down menu at the top of the page which easily allows you access to the top stories across all the Google News properties. If you look at that ...$LABEL$3 +Cisco launches equipment leasing arm in India as it eyes booming IT market (AFP) AFP - US computer networking giant Cisco's Indian subsidiary announced the launch of a leasing arm to grab a slice of the growing domestic IT market.$LABEL$3 +Flower power turns up the volume A Japanese company has come up with a way of turning flowers into loudspeakers.$LABEL$3 +Manpower forecasts positive 4Q hiring pattern Fourth quarter hiring in the Buffalo Niagara Falls market is expected to be on the rise according to the latest Manpower Employment Outlook Survey.$LABEL$2 +Zurich abandons bid for 2014 Winter Olympics Zurich has decided to quit the bid for the 2014 Winter Olympics, according to a statement released bythe Swiss Olympic Association on Tuesday.$LABEL$1 +Piller Out for Months After Arm Surgery (AP) AP - Titans guard Zach Piller might miss the rest of the season after having surgery to repair his ruptured left biceps.$LABEL$1 +Sony Leads MGM Acquisition Entertainment companies had been vying for MGM to get their hands on its library of more than 4,000 titles. Time Warner initially was seen as the front-runner in the race.$LABEL$2 +Novell #39;s Microsoft attack completes Linux conversion Novell Inc. has completed its conversion to Linux by launching an attack on Microsoft Corp., claiming that the company has stifled software innovation and that the market will abandon Microsoft Windows at some point in the future.$LABEL$3 +Sony goes OLED with Japanese CLIE PEG-VZ90 Despite pulling out of the US and European markets, Sony #39;s CLIE line is still kicking in Japan, and is now kicking with an OLED display.$LABEL$3 +Microsoft going for BIG BITE of Apple In case you have not heard, Microsoft just upped the ante in the digital music war when it launched its Windows Media Player 10 and its beta online music store this month.$LABEL$3 +Tyncastle sale gets official go ahead Of the votes received by proxy and from shareholders in the room at a stormy extraordinary general meeting last night, 62.5 were in favour of the resolution.$LABEL$1 +IBM, LG Electronics to End Joint Venture International Business Machines Corp. and LG Electronics Inc. will end an eight-year alliance that helped expand the US computer maker #39;s presence in the booming South Korean PC market.$LABEL$2 +McDonald #39;s boosts annual dividend 38 McDonald #39;s (MCD) Tuesday raised its annual dividend by 38, a move the world #39;s largest restaurant chain said is another sign of its revitalization.$LABEL$2 +Indy 500 qualifying changes aimed at regaining interest INDIANAPOLIS - The Indianapolis 500 will return to four days of qualifying for next year #39;s race, but with a new format of bumping on each day.$LABEL$1 +North Korea Seen as Tying Nuclear Talks to US Election North Korea is waiting out the American presidential election in order to bargain with the winner over its nuclear weapons program, according to analysts here and a British diplomat who left Pyongyang today.$LABEL$0 +Sony Announces the Clie VZ90 Handheld For Japan Sony Japan has released a new Clie for the Japanese market only. The Clie PEG-VZ90 is a Palm OS multimedia Clie handheld, that features a large OLED screen, slider hidden buttons, plentiful memory and WiFi.$LABEL$3 +Hurricane Worries Boost Oil Prices Worries that Hurricane Ivan will hurt oil production in the Gulf of Mexico boosted oil prices Tuesday. In mid-morning New York trading, oil for future delivery hit \$44.$LABEL$2 +Retail Sales Fall 0.3 Percent in August Retail sales slid in August as people steered away from buying cars and shoppers kept a close eye on their spending after splurging in July.$LABEL$2 +Oracle Profit Rises on Software Demand SAN FRANCISCO (Reuters) - Oracle Corp. on Tuesday reported a higher quarterly profit as the world's second largest software company benefited from steady demand for its flagship database software.$LABEL$2 +Microsoft Eyes Video for Business IM Software giant teams with Polycom to boost sales of Live Communications Server.$LABEL$3 +VILLENEUVE ON VERGE OF F1 RETURN Former world champion Jacques Villeneuve is on the verge of a shock return to Formula One with Renault. The Canadian has been out of Formula One since leaving BAR one race before the end of last season but $LABEL$1 +Batman visits Buckingham Palace A security officer stands by as father #39;s rights campaigner Jason Hatch (R), dressed as Batman, protests on a balcony at Buckingham Palace in London, September 13, 2004.$LABEL$0 +Microsoft mice get biometric Microsoft Corp. has made fingerprint biometric technology an integral part of its keyboard and mouse peripherals with new products that mark the company #39;s first foray into biometric devices.$LABEL$3 +Oracle 1Q Earnings Rise 16 Percent (AP) AP - Business software giant Oracle Corp. said Tuesday that first-quarter earnings rose 16 percent driven by new database license sales that rose 19 percent.$LABEL$3 +Allied Waste shares fall as company again lowers outlook AUSTIN - The stock of Allied Waste Industries Inc. fell Tuesday after the waste hauler cut its 2004 profit outlook for the second time in as many months.$LABEL$2 +Eagles Lose OL Andrews PHILADELPHIA (Sports Network) - Offensive lineman Shawn Andrews, Philadelphia #39;s No. 1 draft pick this year, suffered a fractured right leg in Sunday #39;s game against the New York Giants.$LABEL$1 +Nokia Adopts SD Card Tech into Storage Portfolio To expand the capabilities of SD memory cards in mobile devices, the SD Card Association has recently formed a Mobile Phone Task Force.$LABEL$3 +Dalai Lama Envoy Visits China for Autonomy Talks WASHINGTON (Reuters) - The Dalai Lama's special envoy has arrived in China for talks on the exiled spiritual leader's aspirations for Tibetan autonomy, the third such visit in three years, officials in Washington said on Tuesday.$LABEL$0 +Oracle Quarterly Net Income Rises 16 Pct Oracle Corp. (ORCL.O: Quote, Profile, Research) on Tuesday reported a 16 percent rise in quarterly net income as the world #39;s second largest software company benefited $LABEL$2 +Sri Lanka raise England #39;s spirits In their opening match of the Champions #39; Trophy, Sri Lanka did little to suggest they have the wherewithal to knock England out of the tournament at the Rose Bowl on Friday.$LABEL$1 +Mourinho happy after 3-0 win Chelsea manager Jose Mourinho was delighted with his side #39;s performance in the 3-0 win in the Champions League against Paris Saint Germain.$LABEL$1 +CHAMPIONS LEAGUE: Expect a comfortable night for the Highbury boys The Gooners take their first step into European football this season tonight by welcoming Dutch league runners-up, PSV Eindhoven, to Highbury.$LABEL$1 +Zimbabwe do England a favour Zimbabwe have been English cricket #39;s bte noir over the past year but here yesterday, they did them a huge favour in the Champions Trophy, despite losing to Sri Lanka by four $LABEL$1 +Inflation fall eases rates pressure INFLATION fell again in August, slipping further below the governments 2 per cent target, driven down by clothing and footwear retailers failing to raise prices after a poor summer.$LABEL$2 +Valley Stars Struggle to Settle Alan Curbishley admits Charltons summer signings have yet to settle at The Valley and blames the loss of virtually an entire side for the clubs stuttering start to the season.$LABEL$1 +Schultz re-ups with Wild St. Paul, MN (Sports Network) - The Minnesota Wild and defenseman Nick Schultz agreed to terms on a one-year contract Tuesday. Per club policy, financial terms were not disclosed.$LABEL$1 +Nedved to rejoin Czech national team after injury healed Czech captain Pavel Nedved will return to the national soccer team once his knee is completely healed, he said in a statement which his manager Zdenek Nehoda provided Tuesday.$LABEL$1 +Pakistan turns up heat on al Qaeda Pakistani forces have been battling al Qaeda fighters in an ongoing operation to rout terrorists in a tribal area near the border with Afghanistan, Pakistani intelligence sources said.$LABEL$0 +Champions League: Arsenal 1, PSV Eindhoven 0 Arsenal benefited from an own-goal in a 1-0 win over PSV Eindhoven in its opening Champions League match at Highbury on Tuesday. The Gunners largely dominated the Group E match, with Jose Antonio $LABEL$1 +Eagles Bring Back Levens; Place Andrews on IR (Reuters) Reuters - The Philadelphia Eagles\made several roster moves on Tuesday, including bringing back\Dorsey Levens and placing Shawn Andrews on injured reserve.$LABEL$1 +LETTER FROM EUROPE The All-Too-Human Hitler, on Your Big Screen The release of a major movie about Hitler is, by definition, a remarkable event in Germany, especially if it portrays one of history #39;s great monsters as a human being, given $LABEL$0 +Sony Set to Exert Influence on Discs As the leader of the group that plans to buy Metro-Goldwyn-Mayer, Sony is poised to gain considerable power in its fight to set the format for the next generation of digital video discs.$LABEL$3 +In Retaken Iraqi City, Perils Lurk U.S. forces have controlled Tall Afar since Sunday, after deadly battles last week. On Tuesday, soldiers, led by an Iraqi known as ""The Source,"" reopened the city and searched for insurgents.$LABEL$0 +Lethal Bird Flu Reemerges In Four East Asian Countries The avian influenza virus that swept across East Asia early this year has reemerged in at least four countries in the region despite optimism among health and agriculture officials that the disease had been eradicated through the mass slaughter of chickens.$LABEL$0 +Delta Pilots Tell Negotiators to Get Pact (Reuters) Reuters - Delta Air Lines Inc.'s pilots union on\Tuesday directed its negotiators to work out an agreement to\address the early retirement of a large number of pilots, which\threatens to push the No. 3 U.S. airline into a Chapter 11\bankruptcy filing.$LABEL$2 +Communist Party seeks to win back people #39;s support THE Chinese Communist Party (CCP) has read the writing on the wall and is out to shore up its moral right to keep ruling the country.$LABEL$0 +Chiquita slips on higher Q3 costs CHICAGO (CBS.MW) -- Higher operating costs are canceling out expense reductions and cutting into Chiquita Brands #39; profit expectations for the third quarter, the company said Tuesday.$LABEL$2 +Fish coasts through Second seed Mardy Fish brushed aside the challenge of qualifier Andres Pedroso with a 6-1 6-2 win in the International Tennis Championships.$LABEL$1 +Nokia To Expand On-Device Storage Options <a href=""http://news.com.com/NokiajoinsSecureDigitalindustrygroup/2100-1039_3-5365922.html"">Nokia joins Secure Digital industry group</a> <font size=-1 color=#6f6f6f><nobr>CNET News.com</nobr>$LABEL$3 +Labor Allies Want Senate to Block OT Rules (AP) AP - Fresh from their triumph in the House, labor allies want the Senate to derail new Bush administration overtime rules that critics say would prevent 6 million American workers from getting the bonus pay.$LABEL$0 +5000 rally against James Hardie MORE than 5000 building workers and asbestos victims have rallied outside a general meeting for embattled building products company James Hardie in central Sydney today.$LABEL$2 +AL notables Jason Giambi went 0 for 3 with a walk and a long drive to the right-field warning track in his first start for the Yankees since July 23 after recovering from a benign tumor, intestinal parasite, strained groin, and respiratory infection. He is hitless in his last 24 at-bats.$LABEL$1 +The OQO Should Run Linux \\This little OQO machine is certainly pretty cool. The biggest problem\though is that it doesn't run Linux.\\This leaves you with a device heavier than your PDA and all the insecurity and\bloat of Windows and with a price tag of only sub \$2000.\\People don't care what OS their PDA/Handtop runs. It can run an alternative OS\and for the most part consumers don't care. WinCE hasn't exactly been a stellar\market success. While Microsoft does have significant market share PalmOS,\Symbian, and Linux are doing just fine. Also most of the WinCE devices never\have the fit and finish of their Palm and Symbian counterparts.\\I don't know where OQO thinks they are going to fit in. If they were to ...\\$LABEL$3 +Same-sex divorce rules still hazy Now that an Ontario couple has been given Canada #39;s first same-sex divorce, experts are divided over just how easy it will be for gays and lesbians in other provinces to end their marriages.$LABEL$0 +Report: Japan PM Advisers See China Military Threat (Reuters) Reuters - In a move that could further chill ties\between the two Asian powers, an advisory panel to Japan's\prime minister will say China should be described as a military\threat in a defense review, the Nihon Keizai newspaper reported\on Wednesday.$LABEL$0 +SABMiller #39;s China JV in \$154m deal SABMiller, the world #39;s second largest brewer #39;s Chinese joint-venture, China Resources Breweries Limited (CRB) has acquired the Chinese brewing interests of Lion Nathan for an equity value of \$71-million and estimated assumed debt of \$83-million, CRM $LABEL$2 +Ryder-You can bank on Tiger, says Sutton Tiger Woods has not won a major in two years and lost his world number one ranking but US Ryder Cup captain Hal Sutton says reports of his demise will prove badly exaggerated this week.$LABEL$1 +Villeneuve and Sauber With Jacques Villeneuve testing for Renault today at Silverstone there has been the perhaps inevitable speculation that this could change things for next season when Giancarlo Fisichella is due to join Fernando Alonso at Renault F1.$LABEL$1 +Iraqi attacks kill at least 69 At least 69 people have been killed and scores wounded during a day of carnage in Iraq. In Baghdad, 47 Iraqis died and over 120 were injured in a massive explosion near a police station.$LABEL$0 +We need to do well - Benitez Rafael Benitez has admitted Liverpool can finally end speculation over Steven Gerrard #39;s future with a good Champions League campaign.$LABEL$1 +Technical Hitch Delays Russia Space Station Launch (Reuters) Reuters - The launch of a Russian rocket scheduled\to blast off to the International Space Station next month has\been postponed because of problems with the docking system,\Russia's space agency said on Wednesday.$LABEL$3 +OPEC Aims for 4 Pct Boost in Oil Quotas VIENNA (Reuters) - OPEC's core Gulf producers will recommend the cartel raise supply quotas by one million barrels a day, four percent, Kuwaiti Oil Minister Sheikh Ahmad al-Fahd al-Sabah said on Wednesday.$LABEL$2 +Earthquake Rocks Indonesia's Bali, One Dead-Radio JAKARTA (Reuters) - An earthquake rocked Indonesia's premier tourist island of Bali on Wednesday, killing one person and injuring at least two, El Shinta radio reported, quoting hospital officials.$LABEL$0 +Rockies Terminate Neagle's Contract (Reuters) Reuters - Colorado terminated the contract\of pitcher Denny Neagle on Monday, three days after he was\ticketed for soliciting a women for oral sex.$LABEL$1 +Bridgeway CEO to settle SEC fund charges - WSJ A mutual fund manager long regarded by many as an advocate for the interests of fund shareholders is expected to pay \$5 million to settle charges he overcharged his own investors by nearly that amount, the Wall Street Journal $LABEL$2 +THE 35TH RYDER CUP Tiger #39;s Cup doesn #39;t run over with success Bloomfield Township, Mich. -- The Ryder Cup is upon us, and you know what that means: Time to dress up as Mrs. Doubtfire and taunt Colin Montgomerie from behind the ropes?$LABEL$1 +Earthquake Rocks Indonesia's Bali, One Dead BALI, Indonesia (Reuters) - A powerful earthquake rocked Indonesia's premier tourist island of Bali Wednesday, killing one person, injuring at least two and triggering some panic, officials said.$LABEL$0 +CBOE to sell stake in National exchange, buy CBOT rights The Chicago Board Options Exchange said Tuesday its directors approved steps to reduce its financial ties to two other exchanges in town.$LABEL$2 +Study: 400K Fewer Tech Jobs Since 2001 The US information tech sector lost 403,300 jobs between March 2001 and this past April, and the market for tech workers remains bleak, according to a new report.$LABEL$2 +Britain #39;s unemployment falls to 20 year low British unemployment fell by 16,000 to 1.41 million between May and July, the lowest level since comparable records began in 1984, the Office for National Statistics said Wednesday.$LABEL$2 +Acrimony in the air on eve of Northern Ireland talks (AFP) AFP - All-party talks to kickstart Northern Ireland's peace process, in limbo for nearly two years, get underway at Leeds Castle with acrimony already in the air.$LABEL$0 +Consumer Group Calls for Probe of #39;Rip-Off #39; ITunes Apple Computer Corp. is charging its British iTunes customers 17 percent more per download than its European customers, a consumer watchdog group said on Wednesday.$LABEL$3 +Slowing population 'lacks funds' Rich countries are giving only half the amount they promised to help to slow world population growth, the UN says.$LABEL$3 +Coast Guard Shuts Gulf of Mexico Ports HOUSTON (Reuters) - The U.S. Coast Guard shut five ports on Wednesday in the Gulf of Mexico coast states of Alabama, Florida and Mississippi as Hurricane Ivan churned nearer.$LABEL$2 +As hockey clock strikes 12, Canada reclaims World Cup The message board in Canada #39;s dressing room spoke volumes: quot;Practice canceled tomorrow, quot; it read. quot;No one else to beat.$LABEL$1 +SportsNetwork Game Preview (Sports Network) - Tim Wakefield tries for his first win in three starts this evening when the Boston Red Sox continue their three-game series with the Tampa Bay Devil Rays at Fenway Park.$LABEL$1 +Hurricane Ivan Roars Toward Gulf Coast NEW ORLEANS - Stragglers streamed toward higher ground Wednesday on highways turned into one-way evacuation routes and surf started eroding beaches as Hurricane Ivan roared toward the Gulf Coast with 140 mph wind. Nearly 200 miles wide, Ivan could cause significant damage no matter where it strikes, as hurricane-force wind extended up to 105 miles out from the center...$LABEL$0 +Stocks Sink on Coke's Gloomy Forecast NEW YORK - Stocks headed lower Wednesday after beverage giant Coca-Cola Co. issued a gloomy forecast, and a lower-than-expected reading on industrial production for August threw the nation's broader economic outlook into question...$LABEL$0 +Milosevic war crimes trial suspended The war crimes trial of the former Yugoslav president Slobodan Milosevic was today adjourned for a month after key witnesses refused to appear in protest at the court #39;s decision to appoint defence lawyers.$LABEL$0 +'Cities in crisis' leaders warn World leaders warn that rapid urbanisation will become one of the biggest challenges of the 21st Century.$LABEL$3 +Moya Upset in First Round of China Open (AP) AP - Top-seeded Carlos Moya was upset by French qualifier Jo-Wilfried Tsonga 6-3, 6-3, in the first round of the China Open on Wednesday.$LABEL$1 +Key Martha Witness Gets Wrist Slap (CBS/AP) A former brokerage assistant who helped Martha Stewart make her fateful stock trade and later emerged as a key government witness was spared both prison and probation Friday for accepting a payoff during the government #39;s investigation.$LABEL$2 +Jobs #39; Apple vs Beatles #39; Apple p2pnet.net News:- It #39;s Apple vs Apple again - that #39;s to say Steve Jobs #39; Apple versus The Beatles #39; Apple. Apple-B claims Apple-J infringes its trade mark and the latter, quot;is likely to be forced into a multimillion $LABEL$3 +Ferrero advances; Moya stunned in rainy Beijing Beijing, China (Sports Network) - For the second time in as many days, rain was a major factor at the inaugural \$500,000 China Open.$LABEL$1 +Hughes allowed to speak to Rovers The Football Association of Wales have given national boss Mark Hughes permission to speak to Blackburn over their vacant managerial post.$LABEL$1 +MCNAMARA RECEIVES GOOD NEWS Celtic have been boosted by the news that Jackie McNamara should be back in action within six weeks. The Hoops skipper was clearly in agony when he was stretchered off during Tuesday nights 3-1 defeat at the hands of Barcelona.$LABEL$1 +Brazil Embraer says suspends US Airways deliveries Brazilian aircraft manufacturer Embraer (EMBR4.SA: Quote, Profile, Research) (ERJ.N: Quote, Profile, Research) on Wednesday said it had suspended aircraft deliveries to US Airways (UAIR.$LABEL$2 +Inzamam happy with win Captain Inzamam-ul-Haq praised his spinners after Pakistan knocked Kenya out of the Champions Trophy with a seven-wicket win at Edgbaston.$LABEL$1 +HP Wins Defense Contract HP (Quote, Chart) was awarded a \$290 million, 10-year outsourcing contract with the Defense Logistics Agency #39;s (DLA) Enterprise Data Center (EDC) program, officials announced Wednesday.$LABEL$2 +World Population to Rise to 8.9 Billion Although world families are getting smaller in many regions, the 50 poorest countries are expected to triple in size to 1.7 billion people by 2050, posing many challenges for world countries.$LABEL$0 +Oracle Fails to Inspire Tech Rally Oracle Corp. handed the software industry some positive earnings news after the bell on Tuesday, but investors pulled cash from the sector on concerns that information technology spending has become anemic.$LABEL$2 +Canadian Driving Champion Jacques Villeneuve to Join Swiss Team Former world driving champion Jacques Villeneuve of Canada has signed a deal to drive for the Swiss-based Sauber Petronas Formula One team next season.$LABEL$1 +Howe won #39;t be back in 2005 According to a report on the MSG Network website, New York Mets manager Art Howe will not return as the team #39;s manager for the 2005 season.$LABEL$1 +Microsoft Warns of JPEG Security Hole Microsoft, which recommended immediate updates, said the newly discovered vulnerability could allow remote code execution of code thanks to a buffer-overrun vulnerability in the processing of JPEG image formats.$LABEL$3 +ADV: Try Currency Trading Risk-Free 30 Days 24-hour commission-free trading, 100-to-1 leverage of your capital, and Dealbook Fx 2 - our free advanced trading software. Sign up for our free 30-day trial and receive one-on-one training.$LABEL$2 +News: Governments slow off the mark to combat growing threats of cybercrime The Associated Press By Robert Wielaard$LABEL$3 +GM Plans to Use Woods More Creatively (AP) AP - General Motors Corp. is thrilled that Tiger Woods will promote Buick for the next five years, but GM chairman Rick Wagoner says the automaker could make better use of the world's best-known golfer.$LABEL$1 +OPEC Increases Oil Output The Organization of the Petroleum Exporting Countries has agreed to increase output by one million barrels a day in a move to lower oil prices.$LABEL$2 +Pakistan's Musharraf to Retain Army Post Pakistani President Pervez Musharraf will stay on as chief of the army staff beyond the date he promised to give up the post, the information minister said on Wednesday.$LABEL$0 +Celtic captain McNamara out for a month Celtic captain Jackie McNamara will be sidelined for at least a month after sustaining ankle ligament damage in Tuesday #39;s 3-1 Champions League defeat to Barcelona.$LABEL$1 +Nokia, NEC Test New IP Multimedia Subsystem Two high-tech communications players have completed the first phase in a series of tests to show how a next-generation IP data and communications infrastructure works.$LABEL$3 +Hughes Seals Rovers Return Blackburn tonight installed Wales boss Mark Hughes as their new manager to take over from Graeme Souness. The identity of the appointment was not a surprise but the speed in which it was announced certainly was.$LABEL$1 +Stewart Asks to Serve Sentence Soon NEW YORK Sept. 15, 2004 - Millionaire executive Martha Stewart announced Wednesday that she had decided to begin her prison sentence for lying about a stock trade as soon as possible.$LABEL$2 +Marlins righthander Burnett to miss Friday #39;s start Miami, FL (Sports Network) - Florida Marlins starting pitcher AJ Burnett is hampered with inflammation in his right elbow and will miss his scheduled start on Friday against the Atlanta Braves.$LABEL$1 +Cisco joins WiMax Forum The networking giant formally signs on to the wireless broadband group as the organization's ranks increase.$LABEL$3 +Devil Rays thumbnails at Fenway Park Records: Boston is 86-56 (second in the AL East); Tampa Bay is 61-80 (fourth in AL East). Tonight (7:05, NESN, WEEI): LHP Scott Kazmir (1-1, 5.62) vs.$LABEL$1 +Chronology of attacks on Westerners in Saudi Arabia Three suspected Muslim militants gunned down a Briton in the Saudi capital Riyadh on Wednesday, security sources and diplomats said.$LABEL$0 +McKenzie Ends Holdout and Returns to Green Bay (Reuters) Reuters - Green Bay Packers\cornerback Mike McKenzie ended his lengthy holdout Wednesday\afternoon and joined his teammates in preparation for Week 2.$LABEL$1 +USC Fires Basketball Coach Henry Bibby LOS ANGELES - Henry Bibby was fired as Southern California #39;s basketball coach Monday, just four games into his ninth season. The Trojans, beset by some player dissension, are 2-2.$LABEL$1 +Midtier ERP Vendors Can Capitalize On Oracle Antitrust Verdict The door is open for Oracle to win its bid for PeopleSoft, and for midmarket ERP vendors to increase their business. By Elena Malykhina.$LABEL$3 +USA searches for winning formula Hal Sutton anticipated the question. He had formulated an answer, too, long before he arrived in that Milwaukee hotel ballroom to announce his captain #39;s picks and finalize the US Ryder Cup team.$LABEL$1 +Sudan Rejects US-Sponsored Darfur Resolution Sudan on Wednesday rejected a US-sponsored UN Security Council draft resolution to punish it over a conflict in its western Darfur region, saying the measure was unfair and lacked balance.$LABEL$0 +BTG hits Amazon, Netflix and others with patent suit BTG, a London-based firm that focuses on intellectual property and technology commercialization, filed suit against Amazon.com, Barnesandnoble.com and two other Internet companies for infringing on patents related to the tracking of users online.$LABEL$3 +F1 BOSS LOSES COURT CASE Formula One boss Bernie Ecclestones control over the sport may be on the decline after a court ruled against him in a dispute with three banks.$LABEL$1 +Bush Urges Putin Uphold Russian Democracy (Reuters) Reuters - President Bush on Wednesday urged\Russian President Vladimir Putin to ""uphold the principles of\democracy"" in a carefully worded message expressing concern\about Putin's proposed political reforms.$LABEL$0 +Darfur Peace Talks Struggle for Survival ABUJA (Reuters) - Peace talks between Sudan's government and Darfur rebels struggled for survival after one of the two rebel groups said on Wednesday the negotiations had collapsed but left open the chance of resumption.$LABEL$0 +Kerry Challenges Bush Record on Issues DETROIT - Sen. John Kerry accused President Bush on Wednesday of presiding over an ""excuse presidency,"" challenging Bush's credibility on jobs, the record national deficit and the war in Iraq...$LABEL$0 +IMF: Global financial markets stronger, more resilient Global financial markets are stronger and more resilient than at any time since the stock market bubble burst in the late 1990s, the International Monetary Fund said Wednesday.$LABEL$2 +Lonely men targeted by cell-phone based relationship HONG KONG - There #39;s a new service for men seeking true love. A software company has created an artificial girlfriend that lonely men can download to a mobile phone.$LABEL$3 +Giants' Stoutmire Tears ACL; Lost for Season EAST RUTHERFORD, N.J. (Sports Network) - The New York Giants placed defensive back Omar Stoutmire on injured reserve Wednesday after he tore his anterior cruciate ligament in Sunday's season-opening 31-17 loss in Philadelphia.$LABEL$1 +Jamaica Searches for Dozens of Fishermen After Ivan Jamaican military forces searched on Wednesday for dozens of fishermen feared missing after Hurricane Ivan #39;s strike on the Caribbean island last weekend, officials said.$LABEL$0 +Infineon to Pay a Fine in the Fixing Of Chip Prices Federal prosecutors announced on Wednesday that they had cracked a global cartel that had illegally fixed prices of memory chips in personal computers and servers for $LABEL$2 +Sports: Khalil Greene breaks finger LOS ANGELES Khalil (kuh-LEEL #39;) Greene has a broken right index finger and will miss the rest of the regular season. The San Diego Padres shortstop was injured in the fifth inning of Monday night #39;s 9-7 victory $LABEL$1 +Techs extend Nikkei #39;s rally Technology shares edged up in Asia on Tuesday, as crude oil prices hovered near \$44 a barrel and the dollar languished ahead of key US economic data.$LABEL$2 +2 D.C. Men Accused of Defrauding Investors The Securities and Exchange Commission sued two District men yesterday, charging them with improperly soliciting more than \$1.3 million for a real-estate-based Ponzi scheme by preying on fears about neighborhood gentrification.$LABEL$2 +Democrats Seek Louder Voice From Edwards At a time when Vice President Dick Cheney has been mocking John Kerry, John Edwards has adopted a lower-profile stance.$LABEL$0 +Saudis Take a Small Dose of Democracy For the first time in 41 years, Saudi Arabia is allowing local elections. The ruling family's goal, political analysts and diplomats say, is to determine whether a more open government might help defuse a rising armed threat by Muslim militants in the kingdom.$LABEL$0 +magic number down to 10 New York -- If the Braves #39; 13th consecutive division title seemed like a foregone conclusion before Wednesday, well then it seems doubly so today.$LABEL$1 +Sales #39; 28 points help Sun beat Sting, clinch playoff spot The Connecticut Sun clinched a playoff spot for the second straight year behind Nykesha Sales #39; 28 points in an 81-67 win over the Charlotte Sting on Wednesday night.$LABEL$1 +Shareholders Approve Aether Changeover Shareholders approved Aether Systems Inc.'s sale of one of its two remaining operating divisions Wednesday, a deal that will take the Owings Mills company out of the wireless business and nearly complete its transformation into a mortgage investment fund.<BR>\<FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2""\ color=""#666666""><B>-The Washington Post</B></FONT>$LABEL$3 +More Troubles For Howard Tim Howard was quot;horribly at fault quot; and quot;had another bad night, his dreadful error leading to Lyon #39;s first goal quot; in Champions League action.$LABEL$1 +IBM protects passwords with PC chip New PCs will ship with a chip designed to thwart hackers--a hardware approach that's said to be safer than software.$LABEL$3 +Gunmen Seize Three Britons in Baghdad (Reuters) Reuters - Three British nationals, believed to be\civilians, were snatched by gunmen from a house in central\Baghdad early on Thursday, Iraq's Interior Ministry said.$LABEL$0 +Mexico Migrant Smugglers Turning to Sea (AP) AP - Migrant smugglers are skirting heightened security along the border by using small boats to shuttle people from the under-supervised Baja coast into Southern California marinas and harbors, already jammed with legal commercial ships and pleasure boat traffic.$LABEL$0 +Intel Officials Have Bleak View for Iraq WASHINGTON - The National Intelligence Council presented President Bush this summer with several pessimistic scenarios regarding the security situation in Iraq, including the possibility of a civil war there before the end of 2005. In a highly classified National Intelligence Estimate, the council looked at the political, economic and security situation in the war-torn country and determined that - at best - stability in Iraq would be tenuous, a U.S...$LABEL$0 +Real Madrid Ponders Biggest Champions League Loss in Four Years Real Madrid began yesterday #39;s match at Bayer Leverkusen as the bookmakers #39; favorite to win the Champions League. The record nine-time European champion finished with its worst defeat in the competition in more than four years.$LABEL$1 +European Stocks Open Flat, Havas Falls (Reuters) Reuters - European shares opened steady on\Thursday, with French advertising group Havas falling after\news of a capital increase along with its first-half results\but Richemont rallied after reporting strong luxury goods\sales.$LABEL$2 +Briton Shot Dead by Saudi Shopping Center (AP) AP - A Briton who was shot dead outside a Saudi shopping center has been identified as an employee of the communications company Marconi.$LABEL$0 +Icing call Out of money, out of patience, out of time, and for the foreseeable future, out of business.$LABEL$1 +Assembly debates Musharraf role Pakistan's national assembly is due to debate whether President Musharraf should step down as army leader.$LABEL$0 +Senate panel opposes overtime rules A Senate committee voted yesterday to scuttle new rules that critics say would deny overtime pay to millions of workers, as Democrats won the latest round in their election-year bout with President Bush over the issue.$LABEL$2 +Afghan court convicts US trio of torture KABUL, Afghanistan -- Three Americans -- led by a former Green Beret who boasted he had Pentagon support -- were found guilty yesterday of torturing Afghans in a private jail and were sentenced to prison.$LABEL$0 +Russia's Putin once again heads ex-Soviet bloc (AFP) AFP - President Vladimir Putin took over once again as head of the CIS ex-Soviet bloc at a summit in the Kazakh capital Astana, the Interfax news agency reported.$LABEL$0 +Infineon admits conspiracy in DRAM cartel GIANT MEMORY company Infineon will plead guilty to price fixing of DRAM chips and will pay \$160 million in fines to the US government.$LABEL$2 +Briton, two Americans kidnapped in Baghdad (AFP) AFP - Two Americans and a Briton were abducted from their home in a plush Baghdad district at dawn, in the latest blow in Iraq's five-month-old foreign hostage crisis, the interior ministry said.$LABEL$0 +Coke CEO gives pep talk as company lowers outlook Coca-Cola #39;s top executive said Wednesday the beverage maker needs to work harder, better execute its business strategy and improve its culture as he warned that third-quarter per-share income will drop at least 24 percent from a year ago.$LABEL$2 +Ya #39;alon: IDF is in advanced stages of preparation for Gaza pullout The army is in a very advanced stage of preparations for a withdrawal from the Gaza Strip and four small West Bank settlements in 2005, Israel Defense Forces Chief of Staff, Lieutenant $LABEL$0 +Big Unit, Not Bonds, Reaches Milestone (AP) AP - Barry Bonds was beaten by Randy Johnson in the race for baseball's latest milestone moment.$LABEL$1 +Indonesian militant sentenced to 12 years in Marriott hotel <b>...</b> : An Indonesian court sentenced a Muslim militant to 12 years in jail on Thursday after finding him guilty of involvement in last year #39;s JW Marriott hotel bombing in Jakarta.$LABEL$0 +Netopia to Restate Results (Reuters) Reuters - Netopia Inc. a maker of\networking gear, on Thursday said its auditor KPMG LLP\resigned, and said it will restate two years of results and\revise the results in its most recent fiscal quarter.$LABEL$3 +Iraq war allies lash out at Annan Key allies in the US-led war in Iraq reject UN chief Kofi Annan's assertion that the invasion was illegal.$LABEL$0 +Dollar Idles vs. Euro Before U.S. Data LONDON (Reuters) - The dollar kept close to the previous session's one-week highs against the euro on Thursday, holding steady as investors awaited U.S. data to confirm fresh signs of strength in U.S. manufacturing.$LABEL$2 +Iomega readies wireless NAS device Iomega Corp. is soon expected to ship its first network-attached storage (NAS) device based on wireless networking technology.$LABEL$3 +Yahoo! Tunes In to Musicmatch Close watchers of the online music business no doubt noted yesterday #39;s announcement of Yahoo! #39;s (Nasdaq: YHOO) purchase of Musicmatch with interest.$LABEL$3 +UN Says More Money Needed for Population Programs The United Nations released its annual population report on Wednesday, and it said it needs more money for population programs. A top United Nations official says if more money isn #39;t found for population programs $LABEL$0 +European Abortion Debate Turns Divisive (AP) AP - European Parliament legislators on Thursday turned a fight over abortion rights in Portugal into an emotional and divisive debate on women's rights and the division between church and state.$LABEL$0 +UNLV Names Utah's Sanford As Head Coach (AP) AP - Calling UNLV ""a gold mine,"" Mike Sanford took over as coach of the Runnin' Rebels on Monday after two years as offensive coordinator at high-scoring Utah.$LABEL$1 +Senator Criticizes Europe #39;s Boeing Stance European leaders have been making false claims in a commercial-aircraft trade dispute pitting Boeing Co. (BA.N: Quote, Profile, Research) against its Europe-based rival Airbus, a US senator close to Boeing said on Thursday.$LABEL$2 +Iran Denies Any Nuclear Activity At Suspect Site Parchin VIENNA (AFP) - Iran denied that it had carried out any nuclear-related activity at the Parchin military site which is the subject of US and UN concern.$LABEL$0 +US August Inflation Mild, Job Claims Rise WASHINGTON (Reuters) - U.S. consumer prices inched up just 0.1 percent last month as gasoline and car prices tumbled, the government said on Thursday in a report suggesting an inflation spike earlier this year was an aberration.$LABEL$2 +Hurricane Ivan May Cost as Much as Charley, Frances (Update3) Hurricane Ivan, which slammed into the US Gulf coast today, may cost insurers \$4 billion to \$10 billion, rivaling hurricanes Charley and Frances, Risk Management Solutions Inc.$LABEL$2 +Judge Weighs Evidence in IBM, SCO Case IBM attorneys argued that Utah-based SCO Group has failed to provide any evidence that IBM allowed proprietary Unix code to enter the freely distributed Linux operating system and its \$5 billion suit making that claim should be dismissed.$LABEL$3 +Group Seeks Ways to Prosecute Cybercrime (AP) AP - Governments and private sector officials from around the world sought ways Thursday to jointly combat cybercrime, whose growth mirrors the phenomenal rise of the Internet's popularity.$LABEL$3 +Nortel warns of lower Q3 revenue TORONTO - Nortel Networks warned Thursday its third-quarter revenue will be below the \$2.6 billion US preliminary unaudited revenues it reported for the second quarter.$LABEL$2 +Schooling 'mix up' hits Portugal Schools across Portugal turn away pupils because of a teachers' assignment mix up on the first day of classes.$LABEL$0 +Hurricane Ivan Blasts Alabama, Kills 12 GULF SHORES, Ala. - Hurricane Ivan slammed ashore early Thursday with winds of 130 mph, packing deadly tornadoes and a powerful punch of waves and rain that threatened to swamp communities from Louisiana to the Florida Panhandle...$LABEL$0 +New handheld computer from SONY with electroluminescent display (CP) - SONY has introduced it #39;s Clie PEG-VZ90, an entertainment multimedia handheld using Palm OS 5.2.1. The unit boasts the world #39;s largest 480x320 pixels organic electroluminescent (EL) display, which many regard as a next-generation technology capable $LABEL$3 +Ford to Return Electric Cars to Norway (AP) AP - Ford Motor Co. agreed to return about 300 Norwegian-built electric cars to the Nordic country after protests about plans to scrap them, the country's transport minister said Thursday.$LABEL$0 +Keep It in the Family The IRS is gunning for your inherited IRA. Follow these steps to avoid costly penalties.$LABEL$2 +Toyota confirms signing of Italian driver Jarni Trulli from Sauber Toyota confirmed Thursday that Jarno Trulli will drive for the Formula One team starting next season. The Italian signed a two-year contract two days ago and will partner German driver $LABEL$1 +Russian Duma to launch new school massacre probe Russia will launch a second parliamentary inquiry into the Beslan school hostage massacre, Duma speaker Boris Gryzlov said on Thursday, marking a further climbdown by authorities who initially ruled out a probe.$LABEL$0 +Czech Republic's Cell Operators Fined (AP) AP - All three cell phone operators in the Czech Republic were fined a total of #36;1.7 million for breaching competition rules, officials said Thursday.$LABEL$3 +Blackberry shrinks phone keyboard The latest Blackberry mobile device packs a traditional Qwerty keyboard into 20 keys.$LABEL$3 +US August Inflation Mild, Job Claims Rise US consumer prices inched up just 0.1 percent last month as gasoline and car prices tumbled, the government said on Thursday in a report suggesting an inflation spike earlier this year was an aberration.$LABEL$2 +TV war puts tour of India in doubt Australian cricket chiefs fear a battle over television rights could cause next month #39;s Test series in India to be cancelled, and last night were seeking clarification from Indian board president $LABEL$1 +Sharon acknowledges ignoring road map Prime Minister Ariel Sharon acknowledged that Israel was not following the moribund Mideast peace plan, and said an Israeli pullout from the Gaza Strip was unlikely to revive it, according $LABEL$0 +A9 Offers Search Results From Five Sources A9 Offers Search Results From Five Sources\\A9, the search engine from Amazon.com, has relaunched its search engine. It now offers search results from several different sources, including the IMDB and of course, Amazon.com. \\I decided to search for Duke Ellington. ""Duke Ellington"" brought about 156,000 results (less than half the ...$LABEL$3 +UEFA Introduces Anti-Doping Program SOFIA (Reuters) - UEFA will enforce a new anti-doping program at all levels in and out of competition, a meeting of the European soccer body's executive committee decided Thursday.$LABEL$1 +Freedom on the March in Iraq, Bush Tells Voters (Reuters) Reuters - President Bush said on\Thursday freedom was on the march in Iraq even as a U.S.\intelligence report depicted a bleak outlook for the country's\future.$LABEL$0 +Hurricane Ivan Slams U.S. Gulf Coast Hurricane Ivan roared into the Gulf Coast near Mobile, Alabama, early this morning with peak winds exceeding 125 miles an hour (200 kilometers an hour).$LABEL$3 +Ferrero upset in second round at China Open BEIJING, China (Ticker) -- One day after top-seeded Carlos Moya of Spain lost in straight sets, his second-seeded compatriot followed suit.$LABEL$1 +CRM Best Practices: TCO and ROI (NewsFactor) NewsFactor - With CRM projects costing millions, even in some mid-size companies, it is no surprise CFOs are leading the charge to be sure the most important projects are first, that they are justified, and that they actually deliver on their forecast benefits.$LABEL$3 +Nortel lowers expectations Nortel said it expects revenue for the third quarter to fall short of expectations.$LABEL$3 +Corning begins work on Taiwan LCD facility Demand for flat-panel devices means that the time is ripe for factories to churn out more glass.$LABEL$3 +Envoys off to inspect NK blast site A group of foreign diplomats has left Pyongyang on Thursday to visit the scene of a mysterious explosion in North Korea. quot;They went today.$LABEL$0 +U.S. Says New Images Show Iran Plans Nuclear Bomb VIENNA (Reuters) - A senior U.S. official said on Thursday that satellite photographs of a suspected nuclear industrial site in Iran demonstrated its intention to develop atomic weapons, an allegation Tehran dismissed as ""a new lie.""$LABEL$0 +BEA's new product chief regroups The first new face after a company shake-up says BEA products will use the advanced research left by departed technology gurus.$LABEL$3 +RIM takes new BlackBerry design overseas Revamped keyboard is key feature of the 7100v, which is headed for European and Asian shores.\$LABEL$3 +AOL drops Microsoft antispam technology com September 16, 2004, 1:15 PM PT. This fourth priority #39;s main focus has been improving or obtaining CRM and ERP software for the past year and a half.$LABEL$3 +EU Wants U.S. Aid to Boeing Clarified (AP) AP - The European Union on Thursday demanded Washington explain more clearly how it subsidizes Boeing Co. and warned it would counter any U.S. challenge targeting EU rival Airbus SAS before the World Trade Organization.$LABEL$0 +EU, US Talks On Aircraft Aid Grounded US and EU negotiators traded arguments on Thursday over state aid for aircraft rivals Airbus and Boeing, but wound up no closer on a sensitive issue that has gathered steam in the run up to the US presidential election.$LABEL$2 +Texas Instruments Plans Buyback (Reuters) Reuters - Texas Instruments Inc., the\largest maker of chips for cellular phones, on Thursday said it\plans to buy back #36;1 billion in stock and boost its quarterly\dividend by more than 17 percent, becoming the latest\technology company to return extra cash to investors.$LABEL$3 +Britain awaits results of N.Korea blast fact-finding trip (AFP) AFP - Britain is awaiting the findings from a technical analysis of what a group of diplomats saw at the site of a huge explosion in North Korea last week, Britain's minister for East Asia said.$LABEL$0 +Kodak, IBM to Make Digital Camera Sensors (AP) AP - Eastman Kodak Co. and International Business Machines Corp. Thursday said they have agreed to develop and make image sensors for digital still cameras and camera phones.$LABEL$3 +EU, US Talks on Aircraft Aid Grounded US and EU negotiators disagreed on Thursday about state aid for aircraft rivals Airbus and Boeing, winding up no closer on a sensitive issue that has gathered steam before the US presidential election.$LABEL$2 +Airbus denies backing Microsoft in EU case Aircraft maker Airbus insisted on Thursday it had no intention of taking sides in a Microsoft antitrust case, even though it filed a brief in an EU court on the software giant #39;s side.$LABEL$2 +AOL Shuns Microsoft Anti-Spam Technology Add America Online Inc. to the growing list of companies and organizations shunning a spam-fighting proposal from Microsoft Corp. AOL cited quot;tepid support quot; for Microsoft #39;s so-called Sender ID technology, which $LABEL$3 +-Posted by dave.rosenberg 1:51 pm (PDT) In what seems to be one of the more bizarre and confusing aspects of the unholy alliance between Sun and Microsoft, Sun #39;s recent 10k filingincludes previously unseen legalese from the settlement agreement.$LABEL$3 +After the Bell-Texas instruments up after sets share buyback Shares of Texas Instruments Inc. (TXN.N: Quote, Profile, Research) rose after the market close on Thursday, after the chip maker said it plans to buy back \$1 billion in stock $LABEL$2 +Microsoft/Sun documents If you #39;re up for some light reading, see the links below for the underlying documents that formed Microsoft #39;s April settlement with Sun Microsystems.$LABEL$3 +In Athens, the other Olympics It was a sight the Greeks had never seen: Beneath the ancient temples of the Acropolis, dozens of international visitors maneuvered $LABEL$1 +Hong Kong #39;s LegCo Elections: Overcoming the System The 1.784 million voters that participated in Hong Kong #39;s 2004 Legislative Council Election gave a clear signal that they want democracy sooner rather than later.$LABEL$0 +Russians admit airliner bombing blunder Russian security forces were facing further criticism last night after it was revealed that the two female Chechen suicide bombers who destroyed two planes in August with the loss $LABEL$0 +Sun, Microsoft Clause Singles Out Openoffice Sun Microsystems (Quote, Chart) may have saved itself from years of costly litigation when it settled with Microsoft over their long-running Java dispute, but a clause in the landmark deal has open source supporters parsing its potential impact.$LABEL$3 +Villeneuve back in driver #39;s seat and with a point to prove Canadian Jacques Villeneuve hopes to take his revenge on former team BAR by helping Renault take second place in the Formula One championship.$LABEL$1 +Corus makes first profit as UK steel plants return to the black Corus, the Anglo-Dutch steel maker, celebrated its first ever profit yesterday and said its UK plants had contributed to the turnaround.$LABEL$2 +Kluivert gives Souness stuttering start at Newcastle Patrick Kluivert struck twice as Graeme Souness began his reign at St James Park with a 2-0 win over Israeli Arab side Bnei Sakhnin in the UEFA Cup first round, first leg at Newcastle United this morning.$LABEL$1 +Parliament Invasion Spurs Security Concern (AP) AP - Silver buckled shoes, stockings and a ceremonial sword? Time, some say, for Parliament's archaic security measures to be dragged into the 21st century after what was called the worst security breach at the House of Commons since 1642.$LABEL$0 +Zeile to catch one last time Art Howe will fulfill a wish of the retiring Todd Zeile on Friday night: Zeile will catch Tom Glavine in Pittsburgh, his first time behind the plate in 14 years.$LABEL$1 +Global Warming May Spur Fiercer Hurricanes - Experts (Reuters) Reuters - As Hurricane Ivan and its powerful\winds churned through the Gulf of Mexico, scientists told\Congress on Wednesday that global warming could produce\stronger and more destructive hurricanes in the future.$LABEL$3 +Tests Show James Died of Heart Attack LOS ANGELES - Toxicology and other tests determined that funk singer Rick James died last month from a heart attack due to an enlarged heart, with numerous drugs including methamphetamine and cocaine contributing factors, the county coroner announced Thursday. The death was declared an accident, said coroner's spokesman David Campbell, who emphasized that none of the drugs were found to be at life-threatening levels...$LABEL$0 +Knight Ridder Says It Will Miss Targets Knight Ridder Inc. expects third-quarter earnings to exceed expectations, largely due to a per-share gain of 9 cents related to the finalization of certain tax matters.$LABEL$2 +Delay in Shuttle Flights The battering that the hurricanes of the last month has inflicted on NASA centers could strain an already tight schedule for resuming shuttle flights, but it is too early to tell how badly, experts said Thursday.$LABEL$3 +Hokies to Open ACC Play On Saturday, Virginia Tech finally walks into the football room of that exclusive athletic club known as the Atlantic Coast Conference.$LABEL$1 +Airbus sees mobile phone use on planes by 2006 BEIJING, Sept. 17 (Xinhaunet) -- European plane maker Airbus has reported progress in plans to allow passengers to use mobile phones while in flight with a target date of 2006.$LABEL$3 +Tigers Clip Indians 6-4 (AP) AP - Eric Munson and Omar Infante each hit two-run homers and Detroit's bullpen stayed busy all night Thursday, leading the Tigers to a 6-4 win over the Cleveland Indians.$LABEL$1 +Corning begins work on Taiwan LCD facility Encouraged by the demand for LCDs, glass maker Corning on Thursday said it has broken ground for a second manufacturing facility in Taiwan.$LABEL$3 +Forecasters: More Hurricanes May Be on Way Ivan, Frances and Charley delivered three staggering blows to the Gulf Coast and Florida, as well as Caribbean island nations, all in just five weeks.$LABEL$3 +Consumer Prices Climb; Jobless Claims Up (AP) AP - Consumer prices barely budged in August, suggesting that inflation isn't currently a problem for the economy and Federal Reserve policy-makers can stick with a gradual approach to raising interest rates.$LABEL$2 +Goldman Sachs Enters Fray for Takefuji Goldman Sachs Group Inc. may be in talks with the founding family of top Japanese consumer finance firm Takefuji Corp. for a stake of over \$2.$LABEL$2 +Report: Russia may have to delay October space launch to <b>...</b> Russia may have to delay October #39;s planned launch of the next International Space Station crew by up to 10 days to fix a problem on the spacecraft that is to carry them into orbit, Russian news agencies reported.$LABEL$3 +Bounties For Spammers Win Limited FTC Backing The FTC gave limited endorsement to the notion of cash rewards for people who help track down e-mail spammers, but suggested that the measure might work in fewer circumstances than had been pushed by some anti-spam activists. <br><FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2"" color=""#666666""><B>-The Washington Post</B></FONT>$LABEL$3 +Old Labor Tactics Resurface in New Union Labor experts say Unite Here, the newly merged union that is representing the DC hotel workers in their current contract dispute, is one of the most outspoken and toughest unions under the AFL-CIO umbrella.$LABEL$2 +US, #39;EU-three #39; agree on demand The Bush administration reached a tentative deal yesterday with three European nations at the UN nuclear watchdog agency on the next step in confronting Iran over its suspected nuclear weapons program.$LABEL$0 +Two hurricanes = two deductibles Many homeowners in the Orlando area suffered a double blow when hurricanes Charley and Frances struck in quick succession. Now, they #39;re smarting from a financial one-two punch - two insurance deductibles.$LABEL$2 +California slashes legal fees in settlement of Microsoft case California lawyers who reached a \$1.1 billion class-action settlement with Microsoft will get less than half the legal fees they requested.$LABEL$2 +Nikkei Hits 2-Week Closing Low TOKYO (Reuters) - The Nikkei average fell for a third straight session to hit a two-week closing low on Friday as renewed earnings concerns prompted selling in Tokyo Electron Ltd., Sony Corp. and other high-tech stocks.$LABEL$2 +Consumer prices up only slightly WASHINGTON - Consumer prices barely budged last month, suggesting that inflation isn #39;t currently a problem for the economy and Federal Reserve policymakers can stick with a gradual approach to raising interest rates.$LABEL$2 +Red Sox ready to end jinx The New York Yankees hold the Curse of the Bambino, the Boston Massacre and their acquisition of Alex Rodriguez in their longstanding dominance over the Red Sox, but recent history suggests changes are coming.$LABEL$1 +Many NHL players head for Europe National Hockey League players began scattering across the globe yesterday in search of work on Day 1 of the lockout, with no negotiations scheduled between union and management.$LABEL$1 +Woods, Mickelson form dynamic US duo For three days, it had been about dinners, galas, black-tie affairs, and enough social engagements to please Paris Hilton.$LABEL$1 +2 US workers seized in Baghdad BAGHDAD -- Kidnappers seized two Americans and a Briton from their central Baghdad villa at dawn yesterday, in a bold raid that could further limit the mobility of foreigners in the Iraqi capital.$LABEL$0 +Jeanne Heads for Bahamas After Killing 3 SAMANA, Dominican Republic - Threatening to regain hurricane strength, Tropical Storm Jeanne headed for the Bahamas on a track for the southeastern United States after killing three people and causing extensive damage in the Caribbean. The storm forced the evacuation of thousands on Thursday as it slammed into the Dominican Republic after punishing Puerto Rico with flash floods and deadly winds...$LABEL$0 +FSB FUD over FOI, you cry <strong>Letters</strong> The postbag, and your miscellaneous musings$LABEL$3 +Cameroon leader's 'divide and rule' Cameroonian politician John Fru Ndi stands as presidential candidate in next month's election, splitting the opposition coalition.$LABEL$0 +Sex Drive With Gina Lynn Wired News introduces a new column by Regina Lynn Preciado. It's about sex. And technology. You'll dig it.$LABEL$3 +British Music Fans Decry ITunes Pricing Consumer group complains of higher prices in U.K. than elsewhere in Europe.$LABEL$3 +Basayev Claims Responsibility for Beslan School Hostage Siege A Chechen rebel commander has claimed responsibility for the school hostage siege in southern Russia earlier this month, during which more than 320 hostages were killed, half of them children.$LABEL$0 +Foreseeing the Suns fate: Astronomical interferometry reveals <b>...</b> For the first time, an international team of astronomers led by Guy Perrin from the Paris Observatory/LESIA, (Meudon, France) and Stephen Ridgway from the National Optical Astronomy Observatory (Tucson, Arizona, USA) has observed the close environment of $LABEL$3 +New Media Players Too Small It was a Holy Grail looming on the personal electronics horizon: a pocket-sized device with a workhorse battery and the capacity to hold hours of audio and video.$LABEL$3 +Butt facing ban Newcastle midfielder Nicky Butt is facing up to the possibility of a three-match European ban for his moment of UEFA Cup madness. The 29-year-old England international lost his cool with Hapoel Bnei Sakhnin $LABEL$1 +One held in Jakarta embassy blast probe Indonesian police said on Friday they had made their first arrest directly linked to last week #39;s deadly embassy bombing in Jakarta, detaining a man who delivered explosives to those blamed for the attack.$LABEL$0 + #39;Emperor #39; Adriano has Inter under his rule One match into the Italian league season and (Emperor) Adriano already has Inter Milan under his rule. The Brazilian striker has scored six goals in Inter #39;s first four matches this season, including $LABEL$1 +Europe Take Charge at Oakland Hills BLOOMFIELD HILLS, Michigan (Reuters) - Colin Montgomerie inspired an early charge by holders Europe as they led the United States in three of the four opening fourball matches at the 35th Ryder Cup on Friday.$LABEL$1 +\$78,000 for a Cane That Helped a Legend Walk the Line Many of Johnny Cash's possessions were sold at Sotheby's, collecting \$3,984,260 for the Cash family, more than double the pre-auction estimate.$LABEL$0 +Butt waits on Uefa ruling Newcastle midfielder Nicky Butt is facing up to the possibility of a European three-match ban. The 29-year-old was sent off during Newcastle #39;s 2-0 Uefa Cup win against Hapoel Bnei Sakhnin for grabbing Abas Suan by the throat.$LABEL$1 +USC Fires Basketball Coach Henry Bibby (AP) AP - Henry Bibby was fired as Southern California's basketball coach Monday, just four games into his ninth season. The Trojans, beset by some player dissension, are 2-2.$LABEL$1 +Qualcomm Raises Earnings Forecast Qualcomm Inc. on Friday raised its quarterly profit forecast due to strong demand for its mobile phone technology. The San Diego company said it expects earnings per $LABEL$2 +Veteran defender signs with Newcastle; Dyer out with injury Newcastle, England (Sports Network) - Central defender Ronny Johnsen signed a deal with Newcastle United until the next transfer window in January.$LABEL$1 +Movie casts Afghans as 'Stray Dogs' struggling after hell of war (AFP) AFP - The powerful may wage war, but it is the powerless who suffer its consequences -- that is the message drummed home by quot;Stray Dogs, quot; an Iranian film on Afghanistan's pain after years under the control of warlords and foreign masters.$LABEL$0 +Nalbandian Is Stunned at the Chica Open BEIJING (Reuters) - Resurgent Finn Jarkko Nieminen overpowered David Nalbandian 6-2, 2-6, 6-2 at the China Open on Friday as the seeds continued to tumble in Beijing.$LABEL$1 +IBM embraces grid converts On the eve of a grid-computing conference, Big Blue says five companies and the EPA have plans to build grids.$LABEL$3 +Symantec to offer Web-based Norton AntiVirus console The Web console -- to be made available specifically to corporate and enterprise licensees of Norton AntiVirus software -- will allow administrators to distribute virus definitions and product updates on demand.$LABEL$3 +IBM fits PCs with new hardware-based security chip IBM is using a microcontroller from National Semiconductor that stores passwords, digital certificates and encryption keys.$LABEL$3 +Sandia Motor Speedway for Sale on eBay (AP) AP - And the race is off! Only 29 days and some odd hours left to place your bid on eBay to buy the Sandia Motor Speedway.$LABEL$3 +Pa. Golfer Cleared of Not Yelling 'Fore' (AP) AP - A golfer plunked in the face by an errant ball was unable to convince a jury that the man who hit him was negligent for failing to yell ""Fore!""$LABEL$1 +US Stocks Up, Ford Forecast Gives a Lift NEW YORK (Reuters) - U.S. blue chips advanced on Friday after Ford Motor Co. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=F.N target=/stocks/quickinfo/fullquote"">F.N</A> raised its earnings forecasts, while wireless technology provider Qualcomm Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=QCOM.O target=/stocks/quickinfo/fullquote"">QCOM.O</A> limited gains on the Nasdaq after saying an accounting review may reduce pretax income.$LABEL$2 +Hurricanes soak Knight Ridder #39;s 3Q Knight Ridder Inc., publisher of the Miami Herald and the Philadelphia Inquirer, said third-quarter earnings will miss Wall Street estimates due to the impact of three recent hurricanes on its Florida newspapers.$LABEL$2 +Trabelsi back on board with Ajax Arsenal target Hatem Trabelsi has settled his differences with Ajax after several months of wrangling. The Tunisian international defender was furious after it emerged a clause in his contract prevented him from completing a move to the Gunners.$LABEL$1 +Boxer Begs Bush to Back Bum Bill Members of California's congressional team make one last effort to look good for the tech industry back home.$LABEL$2 +Update 1: United Needs to Cut \$500M More in Costs United Airlines, in a bankruptcy court filing in advance of a status hearing Friday, has revealed it needs to cut \$500 million more in costs than previously stated.$LABEL$2 +Stellar Putting Gives Europe a 2 - 0 Ryder Cup Lead Inspired by a brilliant putting display, holders Europe secured the first two points in the opening fourball matches against the United States at the 35th Ryder Cup Friday.$LABEL$1 +OSDL teams with another open source group The Beaverton-based Open Source Development Labs announced this week it is combining some efforts with another open source group to further the adoption of Linux.$LABEL$3 +US Airstrikes Said to Kill at Least 44 in Iraq Iraqi health officials said American airstrikes that demolished homes late today in a village south of the volatile city of Falluja killed at least 44 people and wounded 27, including women and children.$LABEL$0 +U.S. Jet Fires at House in Fallujah (AP) AP - An American jet fired a missile at a house where about 10 members of an al-Qaida-linked group were believed to be meeting in the Sunni insurgent stronghold of Fallujah on Friday, police and the U.S. military said. At least three people were killed.$LABEL$0 +AOL Rejects SenderID (NewsFactor) NewsFactor - Questions regarding potential patent issues and skepticism from the \open source community relating to Microsoft's (Nasdaq: MSFT) SenderID have prompted global Internet service provider AOL (NYSE: AOL) to drop the anti-spam technology.$LABEL$3 +ATI Announces HyperMemory ATI Technologies announced a technology that reduces the need for dedicated graphics memory, which could lead to lower PC system costs.$LABEL$3 +Paralympics Open in Athens Nearly 4,000 disabled athletes are in Athens, Greece, for Friday night #39;s opening ceremony of the largest Paralympics in the games #39; 44-year history.$LABEL$1 +UPDATE 1-Nalbandian suffers Beijing shock Finn Jarkko Nieminen overpowered David Nalbandian 6-2 2-6 6-2 at the China Open on Friday as the seeds continued to tumble in Beijing.$LABEL$1 +Mother of Jackson Accuser Testifies SANTA MARIA, Calif. - The mother of the boy accusing Michael Jackson of molestation testified Friday she does not remember a private investigator telling her that he was working for one of the pop star's attorneys, but believed he worked directly for the singer...$LABEL$0 +Hotel Locks Out Employees Over Impending Strike LOS ANGELES -- The labor dispute between workers at nine Los Angeles County hotels and their employers has intensified, with one of the hotels locking out its laundry workers and replacing them.$LABEL$2 +Xybernaut sews up bright-light mobile PC The flat-panel Atigo T/HB, designed for use in bright outdoor lighting, works as a wearable computer or as a wireless display.$LABEL$3 +Pen can pick some bike U-locks That U-shaped bike lock that you thought was so secure may be easy pickings for thieves who have nothing more sophisticated than a Bic pen.$LABEL$2 +INDONESIA: #39;Blow to democracy #39; International and domestic observers lambasted on Thursday the guilty verdict against Tempo magazine #39;s chief editor Bambang Harymurti and called it a setback for the country #39;s press freedom and democracy.$LABEL$0 +Show lights up Paralympics The XII Paralympics begins in Athens, after a spectacular opening ceremony.$LABEL$0 +Burundi: Hold Rebels Responsible for Attack A Burundian rebel movement was responsible for the August 13 slaughter of more than 150 civilians at Gatumba refugee camp in Burundi, and not the combined forces of Hutu and Mai-Mai fighters who have been blamed for the attack, Human Rights Watch said in $LABEL$0 +ATI Shares Resources with HyperMemory Graphics chipmaker ATI (Quote, Chart) unveiled a new technology it said lets its visual chips share system memory for graphics processing.$LABEL$3 +UN #39;s Kofe Annan Calls Iraq War Illegal United Nations Secretary General Kofi Annan said this week that the US war in Iraq is illegal and questioned whether the country could hold credible $LABEL$0 +US jets hammer Iraqi insurgents as deadly bombings rock Baghdad BAGHDAD : At least six people were killed in two suicide car bombings in Baghdad while another 47 people died in a series of US air strikes around the Iraqi insurgent bastion of Fallujah.$LABEL$0 +Sudan Accuses U.S. Over Darfur Talks Breakdown ABUJA (Reuters) - Sudan blamed the United States for the failure of three weeks of peace talks between Khartoum and Darfur rebels on Friday, but African Union mediators said negotiations would resume in October.$LABEL$0 +Campbell targets City date for Arsenal return Sol Campbell is expected to play for Arsenal #39;s reserves on Monday and could be back in the first team for next weekend #39;s visit to Manchester City.$LABEL$1 +Open-source spat triggers legal threat Company says it paid for the code that was contributed, against contract, to free Mambo publishing software.$LABEL$3 +Virus-Free Macs #147;The single most effective way to avoid viruses and spyware is to simply chuck Windows altogether and buy an Apple Macintosh, #148; writes Walt Mossberg in the Wall Street Journal. #147;There has never been a successful virus written for Mac OS X, and there is almost no spyware that targets the Mac. Plus, the Mac is invulnerable to viruses and spyware written for Windows. Not only is it more secure, but the Mac operating system is more capable, more modern and more attractive than Windows XP, and just as stable. #148; Sep 17$LABEL$3 +Olympics: Athens opens Paralympics with ceremonial extravaganza ATHENS : Some 70,000 spectators filled the Athens Olympic stadium to watch the densely choreographed and emotionally-charged opening ceremony of the 12th Paralympics, the world #39;s premier competition for disabled athletes.$LABEL$1 +Labels, Microsoft in talks on CD copying Record labels and Microsoft are in discussions about ways that the next generation of the Windows operating system, code-named Longhorn, can support copy-protected CD technology.$LABEL$3 +What they said about ... ... Cherie Blair Cherie Blair cast aside her treasured privacy this week, touring newspapers offices and television studios to promote The Goldfish Bowl, her new book, which focuses on Downing Street spouses.$LABEL$0 +FTC Endorses Bounty for Spammers The US Federal Trade Commission has given its endorsement to a plan that would reward insiders for information leading to the arrest and conviction of people or companies that produce spam.$LABEL$3 +After Being Bounced Around Florida Is Bouncing Back Although the three hurricanes that have hit Florida led to a broad economic slowdown, the glimmerings of a miniboom are already apparent.$LABEL$2 +Enter your e-mail: If you can #39;t beat Google, make it better--that seems to be the lesson of A9.com, Amazon #39;s intriguing new search site. For Web searches, A9 simply gives you Google #39;s results, but it does a lot more--for instance $LABEL$3 +MCI Creditors Are Target Of SEC Subpoenas 11 members of MCI Inc.'s former creditors committee asked for documents related to confidential communications between the company and its bondholders, according to federal bankruptcy court filings.$LABEL$2 +Crystal Palace 0, Charlton Athletic 1 Charlton manager Alan Curbishley believes Dennis Rommedahl #39;s sparkling winner will provide the platform for the Dane to recapture the form that made him one of Europe #39;s most feared wingers.$LABEL$1 +Consumers #39; view of economy unchanged NEW YORK - Consumers #39; assessment of the economy held largely steady this month, according to a university research report released Friday.$LABEL$2 +Five killed in suicide car bombing, three taken hostage in Iraq Violence raged on in Iraq on Friday, with five Iraqis killed in a suicide car bombing in Baghdad and three more Turkish drivers reportedly kidnapped.$LABEL$0 +US Airways Said to Plan to Ask Court for Pay Cuts S Airways plans to ask a federal bankruptcy judge on Oct. 7 to impose temporary pay cuts on its workers unless it can reach agreement with its unions before then, people who have been briefed on the company #39;s strategy said yesterday.$LABEL$2 +IPod Rivals Square Off Against Apple A new generation of smaller, sleeker and cheaper MP3 players from the likes of Sony, Rio, Creative and Rave MP are hitting the market this fall, and they all have Apple Computer #39;s white-hot digital music player in their sights.$LABEL$3 +PeopleSoft sweetens employee compensation Business software maker PeopleSoft Friday said it was boosting compensation packages for all employees except its chief executive in a move that would raise the $LABEL$2 +Panama flooding kills nine people At least nine people - seven of them children - have died in flooding in the capital of Panama. The authorities say at least 13 people are still missing after heavy rainfall caused rivers to break their banks.$LABEL$0 +Pierce longs for old days Rusty Pierce has received lessons in pragmatism since joining the Revolution four years ago. Pierce has performed for teams that have inevitably turned to a direct, linear game, with little emphasis on creativity or imagination. The style paid off the last two seasons, but the Revolution might have overly relied on direct play in spending most of this ...$LABEL$1 diff --git a/text_defense/204.AGNews10K/AGNews10K.train.dat b/text_defense/204.AGNews10K/AGNews10K.train.dat new file mode 100644 index 0000000000000000000000000000000000000000..161896d2cf84264cce4302b86eac6b7268340411 --- /dev/null +++ b/text_defense/204.AGNews10K/AGNews10K.train.dat @@ -0,0 +1,7000 @@ +Wall St. Bears Claw Back Into the Black (Reuters) Reuters - Short-sellers, Wall Street's dwindling\band of ultra-cynics, are seeing green again.$LABEL$2 +Carlyle Looks Toward Commercial Aerospace (Reuters) Reuters - Private investment firm Carlyle Group,\which has a reputation for making well-timed and occasionally\controversial plays in the defense industry, has quietly placed\its bets on another part of the market.$LABEL$2 +Oil and Economy Cloud Stocks' Outlook (Reuters) Reuters - Soaring crude prices plus worries\about the economy and the outlook for earnings are expected to\hang over the stock market next week during the depth of the\summer doldrums.$LABEL$2 +Iraq Halts Oil Exports from Main Southern Pipeline (Reuters) Reuters - Authorities have halted oil export\flows from the main pipeline in southern Iraq after\intelligence showed a rebel militia could strike\infrastructure, an oil official said on Saturday.$LABEL$2 +Oil prices soar to all-time record, posing new menace to US economy (AFP) AFP - Tearaway world oil prices, toppling records and straining wallets, present a new economic menace barely three months before the US presidential elections.$LABEL$2 +Stocks End Up, But Near Year Lows (Reuters) Reuters - Stocks ended slightly higher on Friday\but stayed near lows for the year as oil prices surged past #36;46\a barrel, offsetting a positive outlook from computer maker\Dell Inc. (DELL.O)$LABEL$2 +Money Funds Fell in Latest Week (AP) AP - Assets of the nation's retail money market mutual funds fell by #36;1.17 billion in the latest week to #36;849.98 trillion, the Investment Company Institute said Thursday.$LABEL$2 +Fed minutes show dissent over inflation (USATODAY.com) USATODAY.com - Retail sales bounced back a bit in July, and new claims for jobless benefits fell last week, the government said Thursday, indicating the economy is improving from a midsummer slump.$LABEL$2 +Safety Net (Forbes.com) Forbes.com - After earning a PH.D. in Sociology, Danny Bazil Riley started to work as the general manager at a commercial real estate firm at an annual base salary of #36;70,000. Soon after, a financial planner stopped by his desk to drop off brochures about insurance benefits available through his employer. But, at 32, ""buying insurance was the furthest thing from my mind,"" says Riley.$LABEL$2 +Wall St. Bears Claw Back Into the Black NEW YORK (Reuters) - Short-sellers, Wall Street's dwindling band of ultra-cynics, are seeing green again.$LABEL$2 +Oil and Economy Cloud Stocks' Outlook NEW YORK (Reuters) - Soaring crude prices plus worries about the economy and the outlook for earnings are expected to hang over the stock market next week during the depth of the summer doldrums.$LABEL$2 +No Need for OPEC to Pump More-Iran Gov TEHRAN (Reuters) - OPEC can do nothing to douse scorching oil prices when markets are already oversupplied by 2.8 million barrels per day (bpd) of crude, Iran's OPEC governor said Saturday, warning that prices could fall sharply.$LABEL$2 +Non-OPEC Nations Should Up Output-Purnomo JAKARTA (Reuters) - Non-OPEC oil exporters should consider increasing output to cool record crude prices, OPEC President Purnomo Yusgiantoro said on Sunday.$LABEL$2 +Google IPO Auction Off to Rocky Start WASHINGTON/NEW YORK (Reuters) - The auction for Google Inc.'s highly anticipated initial public offering got off to a rocky start on Friday after the Web search company sidestepped a bullet from U.S. securities regulators.$LABEL$2 +Dollar Falls Broadly on Record Trade Gap NEW YORK (Reuters) - The dollar tumbled broadly on Friday after data showing a record U.S. trade deficit in June cast fresh doubts on the economy's recovery and its ability to draw foreign capital to fund the growing gap.$LABEL$2 +Rescuing an Old Saver If you think you may need to help your elderly relatives with their finances, don't be shy about having the money talk -- soon.$LABEL$2 +Kids Rule for Back-to-School The purchasing power of kids is a big part of why the back-to-school season has become such a huge marketing phenomenon.$LABEL$2 +In a Down Market, Head Toward Value Funds There is little cause for celebration in the stock market these days, but investors in value-focused mutual funds have reason to feel a bit smug -- if only because they've lost less than the folks who stuck with growth.$LABEL$2 +US trade deficit swells in June The US trade deficit has exploded 19 to a record \$55.8bn as oil costs drove imports higher, according to a latest figures.$LABEL$2 +Shell 'could be target for Total' Oil giant Shell could be bracing itself for a takeover attempt, possibly from French rival Total, a press report claims.$LABEL$2 +Google IPO faces Playboy slip-up The bidding gets underway for Google's public offering, despite last-minute worries over an interview with its bosses in Playboy magazine.$LABEL$2 +Eurozone economy keeps growing Official figures show the 12-nation eurozone economy continues to grow, but there are warnings it may slow down later in the year.$LABEL$2 +Expansion slows in Japan Economic growth in Japan slows down as the country experiences a drop in domestic and corporate spending.$LABEL$2 +Rand falls on shock SA rate cut Interest rates are trimmed to 7.5 by the South African central bank, but the lack of warning hits the rand and surprises markets.$LABEL$2 +Car prices down across the board The cost of buying both new and second hand cars fell sharply over the past five years, a new survey has found.$LABEL$2 +South Korea lowers interest rates South Korea's central bank cuts interest rates by a quarter percentage point to 3.5 in a bid to drive growth in the economy.$LABEL$2 +Google auction begins on Friday An auction of shares in Google, the web search engine which could be floated for as much as \$36bn, takes place on Friday.$LABEL$2 +HP shares tumble on profit news Hewlett-Packard shares fall after disappointing third-quarter profits, while the firm warns the final quarter will also fall short of expectations.$LABEL$2 +Mauritian textile firm cuts jobs One of the oldest textile operators on the Indian Ocean island of Mauritius last week shut seven factories and cut 900 jobs.$LABEL$2 +Chad seeks refugee aid from IMF Chad asks the IMF for a loan to pay for looking after more than 100,000 refugees from conflict-torn Darfur in western Sudan.$LABEL$2 +Japan nuclear firm shuts plants The company running the Japanese nuclear plant hit by a fatal accident is to close its reactors for safety checks.$LABEL$2 +Veteran inventor in market float Trevor Baylis, the veteran inventor famous for creating the Freeplay clockwork radio, is planning to float his company on the stock market.$LABEL$2 +Saudi Arabia to open up oil taps Saudi Arabia says it is ready to push an extra 1.3 million barrels a day of oil into the market, to help reverse surging prices.$LABEL$2 +Saudi phone sector gets \$1bn lift A group led by the UAE's Etisalat plans to spend \$1bn (544m) on expansion after winning two mobile phone licences in Saudi Arabia.$LABEL$2 +Indians fill rail skills shortage Network Rail flies in specialist Indian engineers to work on the West Coast Mainline because of a UK skills shortage.$LABEL$2 +Steady as they go BEDFORD -- Scientists at NitroMed Inc. hope their experimental drugs will cure heart disease someday. But lately their focus has been on more mundane matters.$LABEL$2 +Google IPO: Type in 'confusing,' 'secrecy' I've submitted my bid to buy shares of Google Inc. in the computer search company's giant auction-style initial public offering. That could turn out to be the good news or the bad news.$LABEL$2 +A bargain hunter's paradise Massachusetts bargain hunters showed up in droves and shopped hard on yesterday's sales tax holiday, buying everything from treadmills and snow blowers to candles and chandeliers, and crediting the 5-percent tax break with bringing them into the stores.$LABEL$2 +Researchers seek to untangle the e-mail thread E-mail is a victim of its own success. That's the conclusion of IBM Corp. researchers in Cambridge, who have spent nearly a decade conducting field tests at IBM and other companies about how employees work and use electronic mail. It's clear to them that e-mail has become the Internet's killer application.$LABEL$2 +Microsoft Corp. 2.0: a kinder corporate culture Even a genius can mess up. Bill Gates was a brilliant technologist when he cofounded Microsoft , but as he guided it to greatness in both size and historical consequence, he blundered. He terrorized underlings with his temper and parceled out praise like Scrooge gave to charity. Only the lash inspired the necessary aggressiveness to beat the competition, he thought.$LABEL$2 +Letters Target the abusers of legal weapons We can all share the outrage, expressed by columnist Steve Bailey (''Summer Sizzler, quot; Aug. 11), at the killings in the city's poor neighborhoods. But there's no need to share his ignorance. He argues for renewal of the so-called assault weapon ban, claiming that otherwise, ''UZIs and AK-47s could again be flooding the streets. quot; His ...$LABEL$2 +Somewhere between gleam and gloom President Bush has been saying that the US economy has ''turned the corner. quot; Democratic presidential candidate Senator John F. Kerry, in the wake of this month's poor jobs report, quipped that it was more like a U-turn.$LABEL$2 +Technology company sues five ex-employees A Marlborough-based technology company is suing five former employees, including three senior managers, for allegedly conspiring against their employer while working on opening a competing business.$LABEL$2 +Grant to aid Lynn Central Square Central Square in Lynn should be looking a bit brighter. New sidewalks, curbs, fences, lights, landscaping, and road improvements are planned for the Gateway Artisan Block, a key area of the square, with \$830,000 in state grant money given to Lynn last week.$LABEL$2 +State grant to aid Lynn; Bank gives Salem \$10k Central Square in Lynn should be looking a bit brighter. New sidewalks, curbs, fences, lights, landscaping, and road improvements are planned for the Gateway Artisan Block, a key area of the square, with \$830,000 in state grant money given to Lynn last week.$LABEL$2 +A New Legal Chapter for a 90's Flameout A lawsuit against Gary Winnick, the former chief of Global Crossing, refocuses attention on what Mr. Winnick knew about his company's finances as it imploded.$LABEL$2 +Will Russia, the Oil Superpower, Flex Its Muscles? Russia is again emerging as a superpower - but the reason has less to do with nuclear weapons than with oil.$LABEL$2 +Switching Titles, if Not Gears, at Dell Kevin B. Rollins, the new chief executive of Dell, talks about Dell's transitory slip in customer service, and why he sees a broader technology recovery taking place.$LABEL$2 +For Sale: The Ultimate Status Symbol With the country in need of cash and rich people dying to show off their wealth, Mr. Stein proposes a unique solution: having the government sell titles of nobility.$LABEL$2 +Quality Gets Swept Away Quality Distribution is hammered after reporting a large loss for the second quarter.$LABEL$2 +Making Your Insurer Pay If Hurricane Charley blows your house down, how can you make your insurance company pay?$LABEL$2 +Delightful Dell The company's results show that it's not grim all over tech world. Just all of it that isn't Dell.$LABEL$2 +Chrysler's Bling King After a tough year, Detroit's troubled carmaker is back -- thanks to a maverick designer and a car that is dazzling the hip-hop crowd$LABEL$2 +What's Cool In the Pool ... ... And Hot On the Deck Americans are spending more on tricking out the places where they swim. Here's a look at the new wave of accessories$LABEL$2 +The Age of Doom In 1993 six geeks had a digital nightmare that changed the culture. It's about to get far creepier$LABEL$2 +Hip Hop's Online Shop Celebrity fashion is booming. These webpreneurs are bringing it to main street$LABEL$2 +Stoking the Steamroller No other recording artist can channel American middle-class tastes quite like Chip Davis and his best-selling band$LABEL$2 +Coming to The Rescue Got a unique problem? Not to worry: you can find a financial planner for every specialized need$LABEL$2 +The New Customers Are In Town Today's customers are increasingly demanding, in Asia as elsewhere in the world. Henry Astorga describes the complex reality faced by today's marketers, which includes much higher expectations than we have been used to. Today's customers want performance, and they want it now! $LABEL$2 +Barrel of Monkeys, 2004 Edition: Notes on Philippine Elections Well, it's election time in the Republic of the Philippines, and that means the monkeys are rolling around in those political barrels, having as much fun as they can while laughing their heads off at the strange goings-on that characterize a democratic process loosely based on the American model but that de facto looks more like a Fellini movie crossed with a Tom and Jerry cartoon - column includes a useful election-year glossary!$LABEL$2 +Oldsmobile: The final parking lot Why General Motors dropped the Oldsmobile. The four brand paradoxes GM had to face - the name, the product, image re-positioning, and the consumer - all added up to a brand that had little hope of rebranding.$LABEL$2 +Not All Jobs Belong To The White Man: Asian Minorities, Affirmative Action, And The Quest For Parity At Work Although a smattering of Chinese, Filipinos, Japanese, Indians, Thais, and others may crow about seeing their kind sitting in prominent positions in corporations and organizations in the USA, these accomplishments become mere cultural high-fives and ritualistic chest-thumping goaded and impishly patronized by 'mainstream society' - the milder and gentler term for the white-dominated populace.$LABEL$2 +Downhome Pinoy Blues, Intersecting Life Paths, and Heartbreak Songs The Blues is alive and well in the Philippines, as evidenced by this appreciation of the Pinoy Blues band 'Lampano Alley', penned by columnist Clarence Henderson as a counterpoint to his usual economics, business, and culture fare.$LABEL$2 +The Real Time Modern Manila Blues: Bill Monroe Meets Muddy Waters in the Orient Globalization does strange things to people. A day in the life of a Manila Philippines based business consultant - proving that you really CAN talk about Muddy Walters, bluegrass and work all on the same page...$LABEL$2 +Best Asian Tourism Destinations The new APMF survey of the best Asian tourism destinations has just kicked off, but it's crowded at the top, with Chiang Mai in Thailand just leading from perennial favourites Hong Kong, Bangkok and Phuket in Thailand, and Bali in Indonesia. Be one of the first to vote and let us know your reasons.$LABEL$2 +What are the best cities for business in Asia? One of our new categories in the APMF Sense of Place survey is for best Asian business city. After a couple of days, Singapore leads the pack, followed by Bangkok, Thailand and Hong Kong. Enter your vote and comments and make your views count. More new categories include best city for livability, and best tourism destinations.$LABEL$2 +IT alligator tales I grew up in New York, where giant alligators -- sometimes more ornately described as albino alligators -- were rumored to roam the citys sewer systems. According to legend, vacationers picked up the tiny crocodilians in Florida, brought them home to New York, and eventually flushed the little buggers when they grew too big for the local concrete jungle.$LABEL$2 +IT Myth 5: Most IT projects fail Do most IT projects fail? Some point to the number of giant consultancies such as IBM Global Services, Capgemini, and Sapient, who feed off bad experiences encountered by enterprises. Sapient is a company founded on the realization that IT projects are not successful, says Sapient CTO Ben Gaucherin.$LABEL$2 +BEA grabs CA exec to head product group BEA Systems Inc. has hired the Computer Associates International Inc. executive responsible for CA's Unicenter line of enterprise management software to head BEA's product development group.$LABEL$2 +Autodesk tackles project collaboration Autodesk this week unwrapped an updated version of its hosted project collaboration service targeted at the construction and manufacturing industries. Autodesk Buzzsaw lets multiple, dispersed project participants -- including building owners, developers, architects, construction teams, and facility managers -- share and manage data throughout the life of a project, according to Autodesk officials.$LABEL$2 +U.K.'s NHS taps Gartner to help plan \$9B IT overhaul LONDON -- The U.K.'s National Health Service (NHS) has tapped IT researcher Gartner Inc. to provide market intelligence services as the health organization forges ahead with a mammoth, 5 billion (\$9.2 billion) project to upgrade its information technology infrastructure.$LABEL$2 +Play Boys: Google IPO a Go Anyway Even though Google's two founders gave an interview to Playboy magazine in the midst of its IPO filing, the SEC allowed the company's offering to go ahead. The boys filed the interview with the SEC and corrected mistakes in it.$LABEL$2 +More Big Boobs in Playboy An interview with Google's co-founders due out in the current issue of Playboy may delay the company's IPO. Securities regulations restrict what executives can say while preparing to sell stock for the first time.$LABEL$2 +Dutch Firm Beats Apple to Punch A music retailer from the Netherlands beats Apple by launching a download service in Europe's latest market battleground. Also: Movie industry wrests agreement from defunct company.... Microsoft challenges Photoshop hellip;. and more.$LABEL$2 +HP to Buy Synstar Hewlett-Packard will pay \$297 million for the British company. Also: TiVo goes all out to attract customers hellip;. Sprint offers service guarantees for business wireless subscribers hellip;. and more.$LABEL$2 +A Personal Operator From Verizon Verizon plans to offer a service that would act as a virtual switchboard operator, letting customers stay in touch at all times. The program would send phone calls, voicemails and e-mails wherever customers designate. By Elisa Batista.$LABEL$2 +Paid Search Growth May Slow A new Internet advertising forecast shows a slowdown in paid search listings in the next five years. Will the projection affect Google's prospects when it goes public?$LABEL$2 +Fark Sells Out. France Surrenders Blogs are the hottest thing on the Net, but are they messing with traditional publishing principles? One of the most popular, Fark.com, is allegedly selling links. Is it the wave of the future? By Daniel Terdiman.$LABEL$2 +'Madden,' 'ESPN' Football Score in Different Ways (Reuters) Reuters - Was absenteeism a little high\on Tuesday among the guys at the office? EA Sports would like\to think it was because ""Madden NFL 2005"" came out that day,\and some fans of the football simulation are rabid enough to\take a sick day to play it.$LABEL$3 +Group to Propose New High-Speed Wireless Format (Reuters) Reuters - A group of technology companies\including Texas Instruments Inc. (TXN.N), STMicroelectronics\(STM.PA) and Broadcom Corp. (BRCM.O), on Thursday said they\will propose a new wireless networking standard up to 10 times\the speed of the current generation.$LABEL$3 +AOL to Sell Cheap PCs to Minorities and Seniors (Reuters) Reuters - America Online on Thursday said it\plans to sell a low-priced PC targeting low-income and minority\households who agree to sign up for a year of dialup Internet\service.$LABEL$3 +Companies Approve New High-Capacity Disc Format (Reuters) Reuters - A group of consumer electronics\makers said on Wednesday they approved the format for a new\generation of discs that can store five times the data of DVDs\at the same cost -- enough to put a full season of ""The\Sopranos"" on one disc.$LABEL$3 +Missing June Deals Slow to Return for Software Cos. (Reuters) Reuters - The mystery of what went wrong for the\software industry in late June when sales stalled at more than\20 brand-name companies is not even close to being solved\although the third quarter is nearly halfway over.$LABEL$3 +Hacker Cracks Apple's Streaming Technology (AP) AP - The Norwegian hacker famed for developing DVD encryption-cracking software has apparently struck again #151; this time breaking the locks on Apple Computer Inc.'s wireless music streaming technology.$LABEL$3 +European Download Services Go Mobile (Reuters) Reuters - The ability to download complete\tracks directly over cell-phone networks to mobile phones is\becoming a reality in Europe.$LABEL$3 +Open Source Apps Developer SugarCRM Releases Sugar.Sales 1.1 (TechWeb) TechWeb - News - August 13, 2004$LABEL$3 +Oracle Sales Data Seen Being Released (Reuters) Reuters - Oracle Corp. sales documents\detailing highly confidential information, such as which\companies receive discounts on Oracle's business software\products and the size of the discounts, are likely to be made\public, a federal judge said on Friday.$LABEL$3 +Sun's Looking Glass Provides 3D View (PC World) PC World - Developers get early code for new operating system 'skin' still being crafted.$LABEL$3 +Apple to open second Japanese retail store this month (MacCentral) MacCentral - Apple Computer Inc. will open its second Japanese retail store later this month in the western Japanese city of Osaka, it said Thursday.$LABEL$3 +Charley's Force Took Experts by Surprise (AP) AP - Hurricane Charley's 145-mph force took forecasters by surprise and showed just how shaky a science it still is to predict a storm's intensity #151; even with all the latest satellite and radar technology.$LABEL$3 +Science, Politics Collide in Election Year (AP) AP - With more than 4,000 scientists, including 48 Nobel Prize winners, having signed a statement opposing the Bush administration's use of scientific advice, this election year is seeing a new development in the uneasy relationship between science and politics.$LABEL$3 +Building Dedicated to Columbia Astronauts (AP) AP - A former dormitory converted to classrooms at the Pensacola Naval Air Station was dedicated Friday to two Columbia astronauts who were among the seven who died in the shuttle disaster Feb. 1, 2003.$LABEL$3 +Russian Cargo Craft Docks at Space Station (AP) AP - A Russian cargo ship docked with the international space station Saturday, bringing food, water, fuel and other items to the two-man Russian-American crew, a space official said.$LABEL$3 +Bangkok's Canals Losing to Urban Sprawl (AP) AP - Along the banks of the canal, women in rowboats grill fish and sell fresh bananas. Families eat on floating pavilions, rocked gently by waves from passing boats.$LABEL$3 +T. Rex Had Teen Growth Spurt, Scientists Say (Reuters) Reuters - Tyrannosaurus Rex grew incredibly fast\during a teenaged growth spurt that saw the dinosaur expand its\bulk by six times, but the fearsome beasts ""lived fast and died\young,"" researchers said on Wednesday.$LABEL$3 +Gene Blocker Turns Monkeys Into Workaholics - Study (Reuters) Reuters - Procrastinating monkeys were turned\into workaholics using a gene treatment to block a key brain\compound, U.S. researchers reported on Wednesday.$LABEL$3 +Dolphins Too Have Born Socialites (Reuters) Reuters - Some people are born to be the life and\soul of the party -- and so it seems are some dolphins.$LABEL$3 +What's in a Name? Well, Matt Is Sexier Than Paul (Reuters) Reuters - As Shakespeare said, a rose by any other\name would smell as sweet. Right?$LABEL$3 +UK Scientists Allowed to Clone Human Embryos (Reuters) Reuters - British scientists said on Wednesday\they had received permission to clone human embryos for medical\research, in what they believe to be the first such license to\be granted in Europe.$LABEL$3 +Russian Alien Spaceship Claims Raise Eyebrows, Skepticism (SPACE.com) SPACE.com - An expedition of Russian researchers claims to have found evidence that an \ alien spaceship had something to do with a huge explosion over Siberia in 1908. \ Experts in asteroids and comets have long said the massive blast was caused \ by a space rock.$LABEL$3 +Comets, Asteroids and Planets around a Nearby Star (SPACE.com) SPACE.com - A nearby star thought to harbor comets and asteroids now appears to be home to planets, too. The presumed worlds are smaller than Jupiter and could be as tiny as Pluto, new observations suggest.$LABEL$3 +Perseid Meteor Shower Peaks Overnight (SPACE.com) SPACE.com - A fine display of shooting stars is underway and peaks overnight Wednesday into early Thursday morning. Astronomers expect the 2004 Perseid meteor shower to be one of the best versions of the annual event in several years.$LABEL$3 +Redesigning Rockets: NASA Space Propulsion Finds a New Home (SPACE.com) SPACE.com - While the exploration of the Moon and other planets in our solar system is nbsp;exciting, the first task for astronauts and robots alike is to actually nbsp;get to those destinations.$LABEL$3 +Studies Find Rats Can Get Hooked on Drugs (AP) AP - Rats can become drug addicts. That's important to know, scientists say, and has taken a long time to prove. Now two studies by French and British researchers show the animals exhibit the same compulsive drive for cocaine as people do once they're truly hooked.$LABEL$3 +NASA Chief: 'Let's Go Save the Hubble' (SPACE.com) SPACE.com - Amid uncertainty over the fate of the Hubble Space Telescope and with a key instrument not working, NASA Administrator Sean O'Keefe gave the go-ahead Monday for planning a robotic servicing mission.$LABEL$3 +Armadillo Aerospaces X Prize Prototype Crashes (SPACE.com) SPACE.com - Armadillo Aerospace of Mesquite, Texas has reported a \crash last weekend of their prototype X Prize rocket.$LABEL$3 +Prairie Dog Won't Be on Endangered List (AP) AP - The black-tailed prairie dog has been dropped from a list of candidates for the federal endangered species list because scientists have concluded the rodents are no longer threatened.$LABEL$3 +Hubble Trouble: One of Four Instruments Stops Working (SPACE.com) SPACE.com - One of the four astronomical instruments on the Hubble Space Telescope shut down earlier this week and engineers are trying to pin down the problem. The other three instruments continue to operate normally.$LABEL$3 +Invasive Purple Weed May Meet Its Match (AP) AP - They burned it, mowed it, sprayed it and flooded it. But nothing killed the purple loosestrife weed, which has become a regional plague, until officials at the Parker River National Wildlife Refuge set a European beetle loose on it.$LABEL$3 +New NASA Supercomputer to Aid Theorists and Shuttle Engineers (SPACE.com) SPACE.com - NASA researchers have teamed up with a pair of Silicon Valley firms to build \ a supercomputer that ranks alongside the world's largest Linux-based systems.$LABEL$3 +Ants Form Supercolony Spanning 60 Miles (AP) AP - Normally clannish and agressive Argentine ants have become so laid back since arriving in Australia decades ago that they no longer fight neighboring nests and have formed a supercolony here that spans 60 miles, scientists say.$LABEL$3 +Viewer's Guide: Perseid Meteor Shower Peaks Aug. 11-12 (SPACE.com) SPACE.com - Every August, when many \ people are vacationing in the country where skies are dark, the best-known meteor \ shower makes its appearance. The annual Perseid meteor shower, as it is called, \ promised to put on an above average display this year.$LABEL$3 +Rescuers Free Beached Whale in Brazil (AP) AP - Rescuers succeeded in freeing a minke whale that washed up on a beach in southeastern Brazil, the fire department said Thursday.$LABEL$3 +Red-Footed Falcon Sighted in Mass. (AP) AP - A red-footed falcon spotted for the first time in North America is enticing birdwatchers to Martha's Vineyard.$LABEL$3 +Weak Version of Most Powerful Explosions Found (SPACE.com) SPACE.com - Gamma-ray bursts are the most powerful events in the universe, temporary outshining several galaxies and likely signaling the birth of a black hole.$LABEL$3 +Simultaneous Tropical Storms a Rarity (AP) AP - The prospect that a tropical storm and a hurricane #151; or possibly two hurricanes #151; could strike Florida on the same day is something meteorologists say they have never seen.$LABEL$3 +NASA's Genesis Spacecraft Adjusts Course (AP) AP - NASA's Genesis spacecraft successfully adjusted its course this week as it heads back toward Earth with a sample of solar wind particles, the space agency said Wednesday.$LABEL$3 +Earth is Rare, New Study Suggests (SPACE.com) SPACE.com - Flip a coin. Heads, Earth is a common sort of planet. Tails, and ours is as unusual as a coin landing on edge. That's about the state of knowledge for scientists who ponder the question of our planet's rarity.$LABEL$3 +Scientists Probe Pacific for Dead Zone (AP) AP - His hand on a toggle switch and his eyes on a computer screen, Oregon State University graduate student Anthony Kirincich uses an array of scientific instruments to probe the vibrant waters of the Pacific. He is searching for the absence of life.$LABEL$3 +Life on Mars Likely, Scientist Claims (SPACE.com) SPACE.com - DENVER, COLORADO -- Those twin robots hard at work on Mars have transmitted teasing views that reinforce the prospect that microbial life may exist on the red planet.$LABEL$3 +India Rethinks Plan to Send Man to Moon (AP) AP - India is rethinking its plan to send a man to the moon by 2015, as the mission would cost a lot of money and yield very little in return, the national space agency said Thursday.$LABEL$3 +Natural Sunblock: Sun Dims in Strange Ways (SPACE.com) SPACE.com - When Venus crossed the Sun June 8, showing up as a clear black dot to the delight of millions of skywatchers around the world, astronomers noted something less obvious: The amount of sunlight reaching Earth dipped by 0.1 percent for a few hours.$LABEL$3 +Website Lets Users Scout the Red Planet from Home (SPACE.com) SPACE.com - For those who want to explore Mars but cant wait for a spacecraft to take them there, NASA scientists have reformulated a website that lets the general public search data and images from previous missions.$LABEL$3 +Appeal Rejected in Trout Restoration Plan (AP) AP - The U.S. Forest Service on Wednesday rejected environmentalists' appeal of a plan to poison a stream south of Lake Tahoe to aid what wildlife officials call ""the rarest trout in America.$LABEL$3 +Explore the Many Colors of Stars (SPACE.com) SPACE.com - One of the pleasures of \ stargazing is noticing and enjoying the various colors that stars display in \ dark skies. These hues offer direct visual evidence of how stellar temperatures \ vary.$LABEL$3 +Britain Grants Human Cloning License (AP) AP - Britain granted its first license for human cloning Wednesday, joining South Korea on the leading edge of stem cell research, which is restricted by the Bush administration and which many scientists believe may lead to new treatments for a range of diseases.$LABEL$3 +The Next Great Space Race: SpaceShipOne and Wild Fire to Go For the Gold (SPACE.com) SPACE.com - A piloted rocket ship race to claim a #36;10 million Ansari X Prize purse for privately financed flight to the edge of space is heating up.$LABEL$3 +Growth, Mortality of T. Rex Gets Clearer (AP) AP - Here's a dinosaur finding that parents can appreciate: The teenage Tyrannosaurus rex typically went through an explosive growth spurt, gaining nearly 5 pounds a day.$LABEL$3 +Space Science Pioneer Van Allen Questions Human Spaceflight (SPACE.com) SPACE.com - A leading space scientist has called to question the validity of human spaceflight, suggesting that sending astronauts outward from Earth is outdated, too costly, and the science returned is trivial.$LABEL$3 +China Begins Manned Space Flight Countdown (AP) AP - Chinese astronauts are in the final stages of preparing for a manned space mission that will orbit the globe 14 times before returning to Earth, a state-run newspaper reported Thursday.$LABEL$3 +Sunspot Grows to 20 Times Size of Earth (SPACE.com) SPACE.com - A sunspot group aimed squarely \ at Earth has grown to 20 times the size of our planet and has the potential \ to unleash a major solar storm.$LABEL$3 +Japanese Lunar Probe Facing Delays (AP) AP - A lunar orbiter that Japan had planned to launch this year could face further delays, possibly until next year or later, because of a funding shortfall and problems developing the probe's information-gathering capabilities, Japan's space agency said Wednesday.$LABEL$3 +Pollutants From Asia Appear on East Coast (AP) AP - Scientists looking into air quality and climate change have found pollutants from as far as Asia over New England and the Atlantic.$LABEL$3 +Vietnam's Citadel Vulnerable to Weather (AP) AP - Experts from Europe and Asia surveyed 1,400-year-old relics of an ancient citadel in Hanoi Tuesday and said they were concerned the priceless antiquities were at risk from exposure to the elements.$LABEL$3 +U.S. Barred From Weakening Dolphin Rules (AP) AP - In a victory for environmentalists, a federal judge ruled Tuesday that the Bush administration cannot change the standards commercial fisheries must meet before the tuna they catch can carry the ""dolphin-safe"" label.$LABEL$3 +Canadian Robot a Candidate to Save Hubble (AP) AP - NASA said Tuesday it is moving ahead with plans to send a robot to the rescue of the aging Hubble Space Telescope.$LABEL$3 +Cave Explorers Discover Pit in Croatia (AP) AP - Cave explorers discovered a pit inside a mountain range in central Croatia believed to have the world's deepest subterranean vertical drop, at nearly 1,700 feet, a scientific institute reported Monday.$LABEL$3 +Aquarium Reviews Death of Dolphin (AP) AP - The chief scientist at the National Aquarium in Baltimore has launched a review of the dolphin breeding program after the death of a 4-month-old dolphin.$LABEL$3 +Scientists Seek Better Way to Measure Rain (AP) AP - Meteorologists at North Carolina State University are working on a way to more accurately measure rainfall in small areas.$LABEL$3 +Wash. State Team's Private Rocket Explodes (AP) AP - A team taking a low-budget stab at the #36;10 million Ansari X Prize for private manned spaceflight suffered a setback Sunday, when their rocket malfunctioned and exploded after shooting less than 1,000 feet in the air.$LABEL$3 +Nevada Ponders Superfund Status for Mine (AP) AP - Pressured by a ranking senator from Nevada and the Environmental Protection Agency, Gov. Kenny Guinn says he might reconsider his opposition to a federal Superfund cleanup declaration for a huge abandoned mine contaminated with toxic waste and uranium.$LABEL$3 +Indictments Using DNA on Rise Nationally (AP) AP - Authorities once had no choice but to drop rape cases if they weren't able to catch a suspect before the statute of limitations expired. But prosecutors across the country increasingly are buying themselves time, keeping cold cases alive by indicting unidentified rapists using their DNA profiles.$LABEL$3 +Southeast Coast Sees Fewer Turtle Nests (AP) AP - About half the usual number of loggerhead turtles have nested between North Carolina and Florida this season, and scientists have no explanation for the drop.$LABEL$3 +Company Said to Be Ready to Clone Pets (AP) AP - A company that unveiled the world's first cloned cat nearly three years ago now says it is ready to start filling orders for cloned pets, a newspaper reported Thursday.$LABEL$3 +Deep-Sea Vessel Puts Ocean Floor in Reach (AP) AP - A new deep-sea research vessel will be able to carry people to 99 percent of the ocean floor, diving deeper than the famed Alvin that pioneered the study of seafloor vents, plate tectonics and deep ocean creatures over the past 40 years.$LABEL$3 +Chorus Frog Found Croaking in Virginia (AP) AP - The Southern chorus frog has been found in southeastern Virginia, far outside its previously known range. The animal had never before been reported north of Beaufort County, N.C., about 125 miles to the south.$LABEL$3 +Expedition to Probe Gulf of Mexico (AP) AP - Scientists will use advanced technology never before deployed beneath the sea as they try to discover new creatures, behaviors and phenomena in a 10-day expedition to the Gulf of Mexico's deepest reaches.$LABEL$3 +Feds Accused of Exaggerating Fire Impact (AP) AP - The Forest Service exaggerated the effect of wildfires on California spotted owls in justifying a planned increase in logging in the Sierra Nevada, according to a longtime agency expert who worked on the plan.$LABEL$3 +New Method May Predict Quakes Weeks Ahead (AP) AP - Swedish geologists may have found a way to predict earthquakes weeks before they happen by monitoring the amount of metals like zinc and copper in subsoil water near earthquake sites, scientists said Wednesday.$LABEL$3 +Marine Expedition Finds New Species (AP) AP - Norwegian scientists who explored the deep waters of the Atlantic Ocean said Thursday their findings #151; including what appear to be new species of fish and squid #151; could be used to protect marine ecosystems worldwide.$LABEL$3 +Annual Study Finds Rise in Beach Closures (AP) AP - The number of days that beaches closed or posted warnings because of pollution rose sharply in 2003 due to more rainfall, increased monitoring and tougher standards, an environmental group said on Thursday.$LABEL$3 +Pacific May Be Seeing New El Nino (AP) AP - Warming water temperatures in the central equatorial Pacific last month may indicate the start of a new El Nino.$LABEL$3 +Cassini Spacecraft Sees Saturn Lightning (AP) AP - The Cassini spacecraft's mission to Saturn has revealed a new radiation belt around the ringed planet and found that lightning in its atmosphere is occurring in different patterns than it did when NASA's Voyagers flew by in the early 1980s, scientists said.$LABEL$3 +Poachers Putting Endangered Rhinos at Risk (AP) AP - Gangs of poachers in Congo have been slaughtering the world's minuscule population of northern white rhinos, reducing the population by about one-half in just more than a year, a key conservation organization said Friday.$LABEL$3 +Experts Downplay Texas Shark Attacks (AP) AP - Three shark attacks off the Texas coast in the past two months are unusual but don't mean there are more sharks than normal along the beach or that they are getting bolder, marine biologists and other experts say.$LABEL$3 +Study Says Birds Feed Other Birds' Young (AP) AP - It's a lesson many little humans could learn from baby birds: Sometimes, being nice to other youngsters pays off. Brown-headed cowbirds, like several other bird species, leave their eggs in the nests of other birds, who then feed and raise the cowbird chicks.$LABEL$3 +Canadian Team Joins Rocket Launch Contest (AP) AP - The #36;10 million competition to send a private manned rocket into space started looking more like a race Thursday, when a Canadian team announced plans to launch its rocket three days after an American group intends to begin qualifying for the Ansari X prize.$LABEL$3 +Universities to Build Largest Telescope (AP) AP - The University of Texas and Texas A amp;M University are planning to construct what they call the world's largest telescope with the help of a Houston businessman's #36;1.25 million gift.$LABEL$3 +Mauritanian Capital Battles Locust Swarm (AP) AP - Residents burned tires and trash in the streets Thursday trying to drive off swarms of locusts descending on the region in what a U.N. agency called the worst sub-Saharan invasion in more than a decade.$LABEL$3 +Customers of Telco Companies Face Privacy Breach A security advisory posted on Bugtraq demonstrates how hackers can compromise customers of T-mobile wireless and Verizon (landline) voicemail boxes. The advisory talks about the use of Caller-ID spoofing the customers number, allowing a bypass of the PIN code since the voicemail thinks that the customer is calling to check their own voicemail. According to Secure Science Corporation, there has been no response from the vendors. Comments have been posted that T-Mobile has optional PIN code protection off by default. Better turn it on. $LABEL$3 +Mozilla To Add Support For XForms, World Yawns It's ironic that Microsoft could help further cement its dominance in the browser market by joining its largest rival in an effort to support web standards. nbsp;At the same time, that act would go a long way towards improving the web in general for developers and users alike.$LABEL$3 +Junk faxes to be legalized as quot;opt-out? quot; The Register ran a story on August 6th called 'Phone spam misery looms stateside.' It seems that there's legislative nastiness underway in Washington, DC to essentially gut the existing junk fax law, and replace it with a marketer's wet dream.$LABEL$3 +Biased Against Whom? Liberal bias versus right-wing conspiracy is a wonderful distraction. There is evidence enough on both sides. How can opposite claims be true? Confront a physicist with evidence supporting contradictory hypotheses and she will go looking for a more basic cause. Let's try that.$LABEL$3 +The Visual World of Michel Gondry A month ago I was introduced to the works of Michel Gondry. In short, I was amazed and tantalized by his short films and music videos. Even if you haven't heard of him, you've probably seen his many works in Gap commercials, various music videos, and the recent movie Eternal Sunshine of the Spotless Mind. Many of his works explode with visual elements that, when taken alone, are simple and mundane. However, under his masterful guidance, these elements come together to form a highly mesmerizing visual experience. He never ceases to push visual technologies and challenge our ideas about the visual medium.$LABEL$3 +The Austral-Asian Strike Fighter The Australian Defence Force must defend and project across an air-sea gap. This requires long range autonomous strike weaponry. The Joint Strike Fighter does not solve this issue and detrimentally places added pressure on Australia's limited force of aerial refuelling assets. The world's defence manufacturers are not creating strike platforms that solve Australian needs. For this reason, Australia needs to look to other nations with similar defence needs. In this case, Japan, South Korea and Taiwan all face defending an air-sea gap. Australia should enter a partnership with these nations to create a strike fighter that satisfies the strategic needs of defending an air-sea gap. The benefits of such a partnership will be many.$LABEL$3 +Insecurity: (Or Why Americans Aren't Feeling The Recovery) The New Republic's website is currently carrying an interesting piece which tries to explain the anomaly that although the US economy is growing, a lot of its citizens are still feeling worse off. The article explains the results of a 40 year panel study which has shown that although mean incomes have increased, income variability has increased massively, causing many Americans to feel less well off, despite the growing economy. $LABEL$3 +The Great K5 Limerick Contest Queue submissions being scarce, I suggest we all submit limericks for consideration. Mod up your favorites. I'm no poet, so I'll submit a favorite of my childhood: There was a young woman named Bright, Who traveled much faster than light She set out one day In a relative way And returned on the previous night. I'm afraid I don't remember the author.$LABEL$3 +RuntimeProperties... Reflection from System Properties \\Java developers often load system properties to customize the runtime behavior\of their applications.\\For example a develoepr could define a 'max_connections' system property to\define the maximum number of TCP connections that their application server can\support. While nice, this prevents all other applications from using this\variable name.\\The first reaction to this would be to namespace your variable names. Instead\of using max_connections you would now use\'my.application.Server.MAX_CONNECTIONS' as your property name. This works of\course but now you have to load this property on startup.\\public static int MAX_CONNECTIONS = Integer.parseInt( System.getProperty(\""my.application.Se ...\\$LABEL$3 +Thank You IBM! \\I just wanted to say thanks to IBM for Open Sourcing Cloudscape .\\You guys really have your act together. Keep up the good work!\\$LABEL$3 +LinuxWorld, IDs, and Privacy \\Today Jonathan Moore and I headed over to LinuxWorld after lunch to see what\kind of cool hardware and Linux hacks they had on the expo floor.\\Only \$15 to get in the door so I figure why not.\\I'm a bit of a privacy freak. When you're trading some security for liberty\there are situations where it *might* be worth it. In situations of extreme\violence having the police by your side might be a good idea. \\I think we can all agree that trading liberty for *nothing* isn't worth it.\This country was *founded* on liberty after the British were abusing their\colonial powers. Every true American should cherish their liberty and think\long and hard about just turning them over for no reason.\ ...\\$LABEL$3 +My Blog as a Time Machine \\I'm starting to realize that my blog is a bit of a time machine. For example I\can create a blog entry to warn myself about something that WILL happen in the\future. \\My current NTP blog entry is a good example. I wrote this for myself as\much as for the people who read my blog (or find me via Google).\\I know for sure that NTP on Debian is going to bite me sometime in the future\and I'm going to forget WHY. Then I'm going to (of course) go to Google or my\aggregator and search for NTP and then find my blog post. \\I've done this about a dozen times now and its saved me a TON of time!\\$LABEL$3 +NTP in Debian \\The Network Time Daemon (NTP Daemon) implementation within Debian leaves a\lot to be desired.\\First off they don't include it with a working config. You have to create your\own /etc/ntpd.conf. To make matters worse the configuration doesn't accept DNS\names so you have to manually enter IPs. Fun. I can understand that they might\not want to provide ONE configuration and overwhelm one or two NTP servers but\they can provide a dynamic config that balances load among all available\servers. There is of course the public serves list but you have to Google\for it.\\All you really need to do here is enter a list of servers:\\server time.nist.gov\\server 192.43.244.18\$LABEL$3 +Pretty Log4J \\I've been a big fan of Log4J for a while now but haven't migrated any code\over for one central reason. The following line of code:\\ final static Logger logger = Logger.getLogger( ""some.name"" );\\... is amazingly ugly and difficult to work with.\\Most people use Log4J with a logger based on the classname:\\So we would probably see:\\ static Logger logger = Logger.getLogger( ""org.apache.commons.feedparser.locate.FeedLocator"" );\\Which is amazingly verbose. A lot of developers shorten this to:\\ static Logger logger = Logger.getLogger( FeedLocator.class );\\But this still leaves us with cut and paste errors.\\What if we could just reduce it to:\\ static Logger logger = Logger.g ...\\$LABEL$3 +Saudis: Bin Laden associate surrenders \\""(CNN) -- A longtime associate of al Qaeda leader Osama bin Laden surrendered to\Saudi Arabian officials Tuesday, a Saudi Interior Ministry official said.""\\""But it is unclear what role, if any, Khaled al-Harbi may have had in any terror\attacks because no public charges have been filed against him.""\\""The Saudi government -- in a statement released by its embassy in Washington --\called al-Harbi's surrender ""the latest direct result"" of its limited, one-month\offer of leniency to terror suspects.""\\This is great! I hope this really starts to pay off. Creative solutions to\terrorism that don't involve violence. \\How refreshing! \\Are you paying attention Bush administration?\\$LABEL$3 +Mozilla Exceptions (mexception) \\For some reason I never released this code.\\I developed it while working on NewsMonster and just forgot I think\\It's an extension for Mozilla that allows you to see all runtime exceptions\(with full stack traces) that are unhandled by Mozilla. \\Just install it and if your code generates an unhandled exception it will show\up in the logs and on the console.\\Very handy for doing any hardcore Mozilla development.\\$LABEL$3 +Ron Regan Jr is My Kinda Guy \\""Now that the country is awash in Reagan nostalgia, some observers are predicting\that you will enter politics. Would you like to be president of the United\States?""\\""I would be unelectable. I'm an atheist. As we all know, that is something\people won't accept.""\\""What would you do if Senator Kerry asked you to be his vice president?""\\""I would question his sanity.""\\""Do you ever go to church?""\\""No. I visit my wife's sangha.""\\""So you sometimes practice Buddhism?""\\""I don't claim anything. But my sympathies would be in that direction. I admire\the fact that the central core of Buddhist teaching involves mindfulness and\loving kindness and compassion.""\\So lets get this straight. He's an a ...\\$LABEL$3 +Al Qaeda member surrenders \\""RIYADH, Saudi Arabia (CNN) -- One of Saudi Arabia's most wanted militants has\turned himself into the authorities, the first senior suspect to surrender under\a one-month government amnesty announced last week.""\\""Othman Al-Omari, number 19 on Saudi Arabia's most wanted list of 26, accepted\King Fahd's offer of amnesty, which was made last week, according to Saudi\sources Monday.""\\""Al-Omari, who turned himself in on Sunday night, was a business partner of\Shaban Al Shihri -- the first al Qaeda member to accept the offer when he turned\himself in Friday.""\\When I first saw this I was really upset. I thought that it would certainly\lead to more violence if they just let terrorists off the ...\\$LABEL$3 +Mission Accomplished! \\""BAGHDAD, Iraq (CNN) -- Members of Iraq's interim government took an oath of\office Monday just hours after the United States returned the nation's\sovereignty, two days ahead of schedule.""\\""Led by Iraq's interim Prime Minister Ayad Allawi, each member of the new\government placed a hand on the Koran and promised to serve with sincerity and\impartiality. Iraqi flags lined the wall behind them.""\\Iraq! Now with 100 less Coalition Provisional Authority! Act now and get a\free Weapon of Mass Destruction (offer only available in Syria, Jordan, Saudi\Arabia, Pakistan, Syria and Iran).\\Also check out our new Puppet Government! Keeps the kids occupied for hours!\\$LABEL$3 +Java3D - Half Right \\SUN has announced that Java3D will be released in a different manner than any\other SUN project in existence.\\""We announce the availability of the source code for the Java 3D API on\java.net. We are involving developers in the evolution of the Java 3D API.\Come join the Java 3D projects on java.net, and download the source code for\the core Java 3D API, vecmath, the Java 3D core utilities, and the Java 3D\program examples.""\\The key thing here is that they have provided the core utils under a BSD license\and even have the CVS available .\\Good job SUN! You're headed in the right direction!\\Here's the only problem:\\""We are releasing the source code for the j3d-core and vecmath projects u ...\\$LABEL$3 +Reverse Psychology \\I really hope SUN doesn't Open Source Java at JavaOne this year. It would be a\terrible decision and seriously hurt the tech industry. Also, it would hurt SUN\and I'm sure their responsible enough to realize this.\\(Lets hope that works!)\\$LABEL$3 +Kerry's Disgusting Ad \\A few days ago Kerry sent around this ad:\\""Yesterday, the Bush-Cheney campaign, losing any last sense of decency, placed\a disgusting ad called ""The Faces of John Kerry's Democratic Party"" as the\main feature on its website. Bizarrely, and without explanation, the ad places\Adolf Hitler among those faces.""\\""The Bush-Cheney campaign must pull this ad off of its website. The use of\Adolf Hitler by any campaign, politician or party is simply wrong.""\\Which of course is a mistake. I went and downloaded the video (which is just\stupid btw. Not a masterpiece by any means.) and there are shots of Hitler in\there, but only from the MoveOn contest from a few months back.\\Here's the problem. The ...\\$LABEL$3 +What would Baby Jesus Think? \\""On Tuesday, Cheney, serving in his role as president of the Senate, appeared in\the chamber for a photo session. A chance meeting with Sen. Patrick J. Leahy\(Vt.), the ranking Democrat on the Judiciary Committee, became an argument about\Cheney's ties to Halliburton Co., an international energy services corporation,\and President Bush's judicial nominees. The exchange ended when Cheney offered\some crass advice.\\'Fuck yourself,' said the man who is a heartbeat from the presidency.""\\Wonder what the moral majority has to say about this?\\It isn't profanity! Its a freedom praise!\\$LABEL$3 +Americans and Freedom \\""When we Americans first began, our biggest danger was clearly in view: we knew\from the bitter experience with King George III that the most serious threat to\democracy is usually the accumulation of too much power in the hands of an\Executive, whether he be a King or a president. Our ingrained American distrust\of concentrated power has very little to do with the character or persona of the\individual who wields that power. It is the power itself that must be\constrained, checked, dispersed and carefully balanced, in order to ensure the\survival of freedom. In addition, our founders taught us that public fear is the\most dangerous enemy of democracy because under the right circumstances it ...\\$LABEL$3 +Why Windows isn't Unix \\""I first heard about this from one of the developers of the hit game SimCity, who\told me that there was a critical bug in his application: it used memory right\after freeing it, a major no-no that happened to work OK on DOS but would not\work under Windows where memory that is freed is likely to be snatched up by\another running application right away. The testers on the Windows team were\going through various popular applications, testing them to make sure they\worked OK, but SimCity kept crashing. They reported this to the Windows\developers, who disassembled SimCity, stepped through it in a debugger, found\the bug, and added special code that checked if SimCity was running, and if it\did ...\\$LABEL$3 +Microsoft, IE and Bloat \\Zawodny threads off of Scoble on the IE issue:\\""I have to say, when I first read that I nearly fell off my chair laughing. I was\thinking ""how stupid ARE these IE guys?!?!?!"" But we all know that Microsoft is\full of smart people who care about what they're doing. So something really\doesn't compute here.""\\""Last time I checked, IE wasn't even close to feature parity with Mozilla's\browsers. No popup blocking, no tabbed browsing, etc.""\\""Does the IE team really not know what their product is missing?""\\Perhaps. It's highly likely that they just don't know.\\The bigger issue here is that Microsoft products can't fail and they can't\succeed. Microsoft has 40-50 billion in the bank. There ...\\$LABEL$3 +DRM is doubleplus good for business, Congress advised The Budget Office and the case of the disappearing public interest$LABEL$3 +HP: The Adaptive Enterprise that can't adapt <strong>Opinion</strong> SAP hardly to blame$LABEL$3 +Buffy the Censor Slayer <strong>Letters</strong> Readers drive stake through parents' group$LABEL$3 +Ashlee Vance: the readers have spoken <strong>Poll results</strong> Bright news for resident <em>Reg</em> ladyboy$LABEL$3 +<em>El Reg</em> pledges to name BSA antipiracy weasel <strong>Competition</strong> Get those suggestions in$LABEL$3 +Wireless net to get speed boost Wireless computer networks could soon be running 10 times faster than they do now.$LABEL$3 +Watchdog rules over broadband The UK's ad watchdog rules over which net connections can be described as full speed broadband.$LABEL$3 +GameBoy mini-games win prize A set of GameBoy micro-games is named as the most innovative game of the year at a festival in Scotland.$LABEL$3 +Microsoft takes down SP2 sharers Microsoft is stopping people getting hold of a key security update via net-based file- sharing systems.$LABEL$3 +Long-awaited Doom 3 hits the UK Doom 3 goes on sale in the UK at a time of renewed concerns over violence in video games.$LABEL$3 +Britons embrace digital lifestyle People in the UK are spending more time and money going digital, says communications watchdog Ofcom.$LABEL$3 +PlayStation potential to learning The PlayStation games console could be developed into a learning tool for children, says a Northumberland head teacher.$LABEL$3 +'Invisible' technology for Olympics Getting the technology in place for Athens 2004 is an Olympic task in itself.$LABEL$3 +Satellite boosts Olympic security An enhanced satellite location system aims to help Olympic security guards react more quickly to emergencies.$LABEL$3 +3D holograms to crack forgeries A 3D hologram technique could transform how experts spot forged signatures and other handwritten documents.$LABEL$3 +Video games 'good for children' Computer games can promote problem-solving and team-building in children, say games industry experts.$LABEL$3 +Fake goods tempting young adults Young people are increasingly happy to buy pirated goods or illegal download content from the net, a survey shows.$LABEL$3 +Catwoman far from perfect The Catwoman game is a major disappointment that feels like a pointless tie-in with the film.$LABEL$3 +'Madden,' 'ESPN' Football Score in Different Ways PROVIDENCE, R.I. (Reuters) - Was absenteeism a little high on Tuesday among the guys at the office? EA Sports would like to think it was because ""Madden NFL 2005"" came out that day, and some fans of the football simulation are rabid enough to take a sick day to play it.$LABEL$3 +AOL to Sell Cheap PCs to Minorities and Seniors NEW YORK (Reuters) - America Online on Thursday said it plans to sell a low-priced PC targeting low-income and minority households who agree to sign up for a year of dialup Internet service.$LABEL$3 +Microsoft to Introduce Cheaper Version of Windows SEATTLE (Reuters) - Microsoft Corp. <MSFT.O> said it will begin selling a stripped-down, low-cost version of its Windows XP operating system in the emerging markets of Indonesia, Malaysia and Thailand in order to spread the use of computing and develop technology markets.$LABEL$3 +Companies Approve New High-Capacity Disc Format LOS ANGELES (Reuters) - A group of consumer electronics makers said on Wednesday they approved the format for a new generation of discs that can store five times the data of DVDs at the same cost -- enough to put a full season of ""The Sopranos"" on one disc.$LABEL$3 +Missing June Deals Slow to Return for Software Cos. NEW YORK (Reuters) - The mystery of what went wrong for the software industry in late June when sales stalled at more than 20 brand-name companies is not even close to being solved although the third quarter is nearly halfway over.$LABEL$3 +Microsoft Upgrades Software for Digital Pictures SEATTLE (Reuters) - Microsoft Corp. <MSFT.O> released on Tuesday the latest version of its software for editing and organizing digital photographs and images to tap into widespread demand for digital cameras and photography.$LABEL$3 +Google to Pay Yahoo to Settle Patent Dispute SEATTLE (Reuters) - Google Inc. <GOOG.O> on Monday again boosted the number of shares it plans to sell in its initial public offering, saying it will issue 2.7 million shares to Yahoo Inc. <YHOO.O> to settle a lawsuit over technology used to display ads.$LABEL$3 +A Digital Doctor Treats Computer Contamination Unfortunately for users, computer equipment manufacturers and resellers don't adequately inform Windows users of the risks involved in accessing the Internet without proper security measures.<br><FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2""\ color=""#666666""><B>-The Washington Post</b></font>$LABEL$3 +'SP2' a Must With XP Use Service Pack 2, ""SP2"" for short, aims to stop viruses, worms, browser hijackings and worse by including security features that people have to add and adjust on their own. <FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2""\ color=""#666666""><B>-Rob Pegoraro</b></font>$LABEL$3 +Putting Your Own Stamp On All Your Parcels Fido the Stamp is here. Well, he could be -- all it takes is for one dog owner to snap a digital photo of his beloved pooch, submit it to the Stamps.com Web site and order personalized postage. <FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2""\ color=""#666666""><B>-Leslie Walker</b></font>$LABEL$3 +Internet Challenges Face-to-Face Mingling At Bungalow Billiards in Chantilly on Wednesday, about a dozen single parents from Northern Virginia gathered at happy hour to mingle, eat and drink. All were divorced or widowed members of the Fairfax chapter of Parents Without Partners.$LABEL$3 +Forecast: Plenty of Activity On the Weather Blog Front If it's possible to love something just because it could visit torrents upon the Washington region, fling hail from the skies and swell streams into rivers, then Jason Samenow is smitten.$LABEL$3 +Google Starts Auction Company launched the biggest electronic auction of stock in Wall Street history Friday but warned that it could face legal liability from a Playboy magazine interview in which some aspects of the Internet search engine's performance were overstated. <FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2""\ color=""#666666""><B>-The Washington Post</b></font>$LABEL$3 +Bids Placed Despite Mixed News Umesh Patel, a 36-year old software engineer from California, debated until the last minute.$LABEL$3 +Antitrust Lawyer Takes Helm at FTC As Deborah P. Majoras takes over the Federal Trade Commission on Monday, she's expected to build on the broad agenda set by her predecessor, Timothy J. Muris.$LABEL$3 +GAO Calls Stryker Too Heavy for Transport The Army's new medium-weight armored vehicle, the Stryker, weighs so much that it curtails the range of C-130 military cargo aircraft that carry it and under certain conditions make it impossible for the planes to take off, a new report for Congress found.$LABEL$3 +BioVeris Settles 2 Lawsuits Against Chief Executive's Son BioVeris Corp. announced yesterday that it settled two lawsuits against Jacob N. Wohlstadter, its chief executive's son, whom the company had accused of spending millions of dollars on cars and real estate to sabotage a joint venture he ran so he could purchase it for a bargain price.$LABEL$3 +Google: Now Playboy's Latest Bunny Investors in the company that's trying to come off as cute as a bunny could find themselves holding a fistful of vipers if the founders of Google Inc. continue to do things like show up in Playboy magazine around the same time their company is going public. <FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2""\ color=""#666666""><B>-washingtonpost.com</B></FONT>$LABEL$3 +EBay Buys Stake in Craigslist Internet auctioneer eBay Inc. said Friday it acquired a 25 percent stake in craigslist, an online community of classified ads and forums. <FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2""\ color=""#666666""><B>-Associated Press</B></FONT>$LABEL$3 +Blog Interrupted The instant message blinked on the computer at Jessica Cutler's desk in the Russell Senate Office Building. ""Oh my God, you're famous.$LABEL$3 +Hungry world 'must eat less meat' People will need to eat more vegetables and less meat because of dwindling water supplies, scientists say.$LABEL$3 +Hopes soar for solo record plane Richard Branson says the Virgin Global Flyer is looking good for its solo trip around the world without refuelling.$LABEL$3 +Arctic team reaches destination A team of British explorers, who are retracing the steps of a Victorian pioneer, have reached Thom Bay.$LABEL$3 +Shuttle camera to watch fuel tank The space shuttle's external fuel tank, implicated in the 2003 Columbia disaster, is to get its own camera.$LABEL$3 +Hubble peers at celestial bubble The Hubble Space Telescope has looked into a bubble of gas and dust being inflated by a young star's particles.$LABEL$3 +Bacteria gives coral orange glow Orange coral common to the Caribbean has bacteria to thank for its hue, say US marine scientists.$LABEL$3 +Honey bees close museum A Worcestershire museum is forced to close for several weeks while a swarm of honey bees is removed.$LABEL$3 +Clouds dash Perseids show The annual Perseid meteor shower could provide a ""spectacular"" show, despite a disappointing start.$LABEL$3 +Worms may slow Parkinson's A protein which helps increase lifespan in worms offers hope for new Parkinson's and Alzheimer's treatments.$LABEL$3 +Nasa help for stem cell study UK tissue engineering experts are teaming up with NASA to find treatments for diseases back on Earth.$LABEL$3 +TB test to slash infection rates A rapid and accurate test for TB could cut infection rates around the world, say experts.$LABEL$3 +Scientists given cloning go-ahead The first request by British scientists to clone human embryos has been granted by experts.$LABEL$3 +Vandals damage bird reserve A disturbance free zone for nesting birds is put at risk by vandals who cut down the boundary fence.$LABEL$3 +Heat waves set to become 'brutal' Heat waves in the 21st Century will be more intense, more frequent and longer, US experts say.$LABEL$3 +Monkeys test 'hardworking gene' Scientists in the United States find a way to turn lazy monkeys into workaholics using gene therapy.$LABEL$3 +Hearing clue to whale evolution The evolution of whales from four-legged land dwellers into streamlined swimmers has been traced in fossilised ears, Nature reports.$LABEL$3 +News: NASA Extends TRMM Operations Through 2004 Hurricane Season NASA will extend operation of the Tropical Rainfall\Measuring Mission (TRMM) through the end of 2004, in light of a\recent request from the National Oceanic and Atmospheric\Administration (NOAA).$LABEL$3 +News: Climate Change Could Doom Alaska's Tundra In the next 100 years, Alaska will experience a massive loss of its historic tundra, as global warming allows these vast regions of cold, dry, lands to support forests and other vegetation that will dramatically alter native ecosystems. (Oregon State University press release)$LABEL$3 +News: How Strongly Does the Sun Influence the Climate? Researchers have shown that the Sun can be responsible for, at most, only a small part of the warming over the last 20-30 years. (Max Planck Society press release)$LABEL$3 +News: New England Forests at Greater Risk from Air Pollution When it comes to forests, air pollution is not an equal opportunity hazard. While dirty air spreads across large areas of the New England region, it's more scattered in the southeastern part of the United States. (University of Wisconsin-Madison press release)$LABEL$3 +News: Warmer Weather, Human Disturbances Interact to Change Forests While a rapidly changing climate may alter the composition of northern Wisconsin's forests, disturbances such as logging also will play a critical role in how these sylvan ecosystems change over time. (University of Wisconsin-Madison press release)$LABEL$3 +News: Duke Study Disputes Idea that Trees Can 'Relocate' Quickly in Response to Climate Change In a study with implications for how North American trees might respond to a changing climate, molecular information collected by Duke University researchers refutes a widely accepted theory that many of the continent's tree species migrated rapidly from the deep South as glaciers retreated at the end of the last Ice Age. (Duke University press release)$LABEL$3 +News: Droughts Like 1930s Dust Bowl May Have Been Unexceptional in Prehistoric Times, New Study Suggests Events like the great Dust Bowl of the 1930s, immortalized in ""The Grapes of Wrath"" and remembered as a transforming event for millions of Americans, were regular parts of much-earlier cycles of droughts followed by recoveries in the region, according to new studies by a multi-institutional research team led by Duke University. (Duke University press release)$LABEL$3 +News: New Study to Investigate Demise of Coral Reef Ecosystems Scientists are embarking on a project which will explore how global warming is devastating one of the world's most diverse ecosystems, coral reefs. (University of Newcastle press release)$LABEL$3 +Natural Hazards: Typhoon Rananim The MODIS instrument aboard NASA's Terra satellite captured this true-color image of Typhoon Rananim on August 12 at 2:40 UTC.$LABEL$3 +Horseflies and Meteors Like bugs streaking colorfully down the side window of a moving car, Earthgrazing Perseid meteors could put on a pleasing show after sunset on August 11th.$LABEL$3 +Spinning Brains One day, astronauts could zip across the solar system in spinning spaceships. How will their brains adapt to life onboard a twirling home where strange quot;Coriolis forces quot; rule?$LABEL$3 +What Neil Buzz Left on the Moon A cutting-edge Apollo 11 science experiment left behind in the Sea of Tranquility is still running today.$LABEL$3 +Voyager 1, Prepare for Action At the outer limits of our solar system, a solar shock wave is about to overtake NASA's Voyager 1 spacecraft.$LABEL$3 +Saturn Hailstorm When Cassini reached Saturn On June 30th, it dashed through a gap in Saturn's rings, twice. One of onboard science instruments recorded a flurry of ring-dust harmlessly striking the spacecraft.\\$LABEL$3 +Dino-Size Spurt: T. Rex Teens Gained 5 Pounds a Day New analysis of fossil bones indicates that adolescent <i>Tyrannosaurus rex</i> dinosaurs grew extremely rapidly, quickly reaching gigantic size.$LABEL$3 +Fossils Show How Whales Evolved to Hear Underwater Whale fossils found with tiny ear bones reveal for the first time how the ancestors of whales and dolphins developed their acute underwater hearing.$LABEL$3 +Real ""Danny Deckchairs"" Soar With Just a Seat and Some Balloons In the new movie <i>Danny Deckchair,</i> a truck driver ties party balloons to a chair and flies away. It's called cluster ballooning, and believe it or not, it's a real sport.$LABEL$3 +Unusually Good"" Meteor Shower Expected Tonight Tonight's annual Perseid meteor shower is likely to be a spectacular show of shooting stars zipping across the night sky, according to astronomers.$LABEL$3 +Monster"" Waves Suprisingly Common, Satellites Show Rogue waves #151;eight or more stories or higher #151;are freaks of the ocean once thought to be tall tales told by sailors. But now scientists have satellite evidence that the massive upwellings are not only real but also fairly common.$LABEL$3 +Ancient Olympians Followed ""Atkins"" Diet, Scholar Says What did the first Olympians eat? Food historians are scouring ancient texts to find out.$LABEL$3 +U.S. Warrior Arms Africans to Hunt Sudanese Poachers Armed poachers from Sudan have been raiding and destroying neighboring Central African Republic's wildlife resources for years. Now, with the help of a militant U.S. conservationist, the CAR populace is arming and training itself to fight back.$LABEL$3 +Ancient Olympics Mixed Naked Sports, Pagan Partying Nude athletes, performance-enhancing lizard meat, and animal sacrifices are just a few of the things that separate the ancient Olympics from the modern games, says the author of <i>The Naked Olympics.</i>$LABEL$3 +Travel Column: Offsetting Air Travel's Greenhouse Impact Global warming is threatening travel destinations worldwide. What's more, travelers themselves are contributing to it. Find out what you can do about it.$LABEL$3 +Magma Surge Moves Nevada Mountain, Study Says Why did a Lake Tahoe-area peak move dramatically late last year? A new report says magma deep below surged upward, forcing the mountain to rise.$LABEL$3 +266 Chimps From Lab Adopted by Florida Refuge With an influx of chimps previously used as laboratory animals, Florida's Center for Captive Chimpanzee Care is transforming into the largest chimp sanctuary in the world #151;almost overnight.$LABEL$3 +Locusts Inspire Technology That May Prevent Car Crashes Locusts are commonly associated with plagues, food shortages, and death. But they are also inspiring what may be the next wave in lifesaving collision-avoidance systems.$LABEL$3 +Progress Supply Ship Docks with Space Station NASA -- An unpiloted Russian cargo ship linked up the International Space Station this morning to deliver almost three tons of food, fuel, oxygen, water and supplies to the residents onboard. The ISS Progress 15 craft automatically docked to the aft port of the Zvezda Service Module at 12:01 a.m...$LABEL$3 +Building Dedicated to Space Shuttle Columbia Astronauts By BILL KACZOR PENSACOLA, Fla. (AP) -- A former dormitory converted to classrooms at the Pensacola Naval Air Station was dedicated Friday to two Columbia astronauts who were among the seven who died in the shuttle disaster Feb...$LABEL$3 +Undersea Habitat Becomes Experimental Space Hospital NASA -- The days of doctors making house calls may seem like ancient history for most patients in North America, but in October, three astronauts and a Canadian doctor will test the latest concepts in long-distance house calls using a unique underwater laboratory. The ability to conduct long-distance health care such as telemonitoring and telerobotic surgery could be key to maintaining the wellness of future spacefarers and responding to medical emergencies on the International Space Station, the moon or Mars...$LABEL$3 +How Mars Fooled the World The famous Orson Welles' radio broadcast of ""The War of the Worlds"" is about to hit the big screen, as film moguls Spielberg and Cruise bring the H.G. Wells' classic back into the popular imagination. Are we so clever today not be duped?$LABEL$3 +Chandra Catches Early Phase of Cosmic Assembly Chandra X-Ray Observatory -- A NASA Chandra X-ray Observatory image has revealed a complex of several intergalactic hot gas clouds in the process of merging. The superb Chandra spatial resolution made it possible to distinguish individual galaxies from the massive clouds of hot gas...$LABEL$3 +Hubble Peers Inside a Celestial Geode Hubble Space Telescope -- In this unusual image, NASA's Hubble Space Telescope captures a rare view of the celestial equivalent of a geode a gas cavity carved by the stellar wind and intense ultraviolet radiation from a hot young star. Real geodes are baseball-sized, hollow rocks that start out as bubbles in volcanic or sedimentary rock...$LABEL$3 +Saturn's Moon Titan: Prebiotic Laboratory by Harry Bortman In this second and final part of the interview, Lunine explains how Huygens may help scientists understand the origin of life on Earth, even if it doesn't detect life on Titan. Astrobiology Magazine -- Titan is the only moon in our solar system with an atmosphere, and it is the organic chemistry that has been detected in that atmosphere that has sparked the imagination of planetary scientists like Lunine...$LABEL$3 +Sharpest Image Ever Obtained of a Circumstellar Disk Reveals Signs of Young Planets MAUNA KEA, Hawaii -- The sharpest image ever taken of a dust disk around another star has revealed structures in the disk which are signs of unseen planets. Dr...$LABEL$3 +Chandra Celebrates Five Years of Scientific Breakthroughs Marshall Space Flight Center -- On August 12, 1999, NASA's Chandra X-ray Observatory opened its sunshade doors for the first time, allowing celestial X-ray light to reach the observatory's mirrors. This one small step for the observatory proved to be a giant leap for science as Chandra began its mission to shed new light on a violent, mysterious universe invisible to the human eye...$LABEL$3 +Some Globular Clusters May Be Leftovers From Snacking Galaxies Globular star clusters are like spherical cathedrals of light -- collections of millions of stars lumped into a space only a few dozen light-years across. If the Earth resided within a globular cluster, our night sky would be alight with thousands of stars more brilliant than Sirius.$LABEL$3 +India Rethinks Plan for Manned Moon Mission By S. SRINIVASAN BANGALORE, India (AP) -- India is rethinking its plan to send a man to the moon by 2015, as the mission would cost a lot of money and yield very little in return, the national space agency said Thursday...$LABEL$3 +Cluster Finds Giant Gas Vortices at the Edge of Earths Magnetic Bubble European Space Agency -- ESAs quartet of space-weather watchers, Cluster, has discovered vortices of ejected solar material high above the Earth. The superheated gases trapped in these structures are probably tunnelling their way into the Earths magnetic bubble, the magnetosphere...$LABEL$3 +Saturn's Moon Titan: Planet Wannabe by Henry Bortman Jonathan Lunine, professor of planetary science and physics at the University of Arizona's Lunar and Planetary Laboratory in Tucson, Arizona, has long been fascinated by Saturn's largest moon, Titan. In this first part of the interview, Lunine explains what scientists hope to learn from Huygens...$LABEL$3 +Knocking on Heaven's Door The Milky Way is a vast, diverse neighborhood. If you're hoping to find Earthlike planets that may harbor life, you'll need to narrow the search. Stars are a good place to start, because the dusty discs around stars spawn young planets.$LABEL$3 +China Begins Countdown for Next Manned Space Flight By ELAINE KURTENBACH SHANGHAI, China (AP) -- Chinese astronauts are in the final stages of preparing for a manned space mission that will orbit the globe 14 times before returning to Earth, a state-run newspaper reported Thursday. The launch, expected sometime this month, will initially send a manned craft, the Shenzhou 5, into an oval orbit that at its closest will be 125 miles from Earth, the Liberation Daily reported, citing ""relevant channels."" After circling the earth several times, the ship will enter an orbit at about 220 miles from earth, the report said...$LABEL$3 +Trajectory Maneuver Brings Genesis Spacecraft Closer to Home Jet Propulsion Lab -- Thirty days before its historic return to Earth with NASA's first samples from space since the Apollo missions, the Genesis spacecraft successfully completed its twentieth trajectory maneuver. At 12:00 Universal Time (5:00 a.m...$LABEL$3 +Japanese Lunar Probe Mission Facing Delays TOKYO (AP) -- A lunar orbiter that Japan had planned to launch this year could face further delays, possibly until next year or later, because of a funding shortfall and problems developing the probe's information-gathering capabilities, Japan's space agency said Wednesday. The Japan Aerospace Exploration Agency, or JAXA, released a report to a government-run commission explaining expected delays to the launch of the \$135 million Lunar-A probe...$LABEL$3 +Progress Cargo Ship for ISS Launched From Russia MOSCOW (AP) -- A Russian cargo ship loaded with supplies and equipment blasted off from the Baikonour cosmodrome in Kazakhstan on Wednesday headed for the international space station, a Russian space official said. The Progress M-50 ship took off at 1:03 a.m...$LABEL$3 +The Annual Perseid Meteor Shower The annual Perseid meteor shower is coming, and forecasters say it could be unusually good. Like bugs streaking down the side window of a moving car, colorful Perseid Earthgrazers could put on a pleasing show after sunset this week.$LABEL$3 +NASA Approves Robotic Hubble Repair Mission (AP) -- NASA's chief is urging his Hubble Space Telescope team to press ahead with plans for a robotic repair mission to the aging observatory, saying, ""Let's go save the Hubble."" Administrator Sean O'Keefe says he will ask Congress for money to accomplish the job. He estimates it will take about \$1 billion to \$1.6 billion to develop and launch a robot to make the needed upgrades to keep the popular telescope running and to get it out of orbit once its work is through...$LABEL$3 +What Is a Comet Made Of? UC Davis -- A new method for looking at the composition of comets using ground-based telescopes has been developed by chemists at UC Davis. Remnants from the formation of our solar system, the makeup of comets gives clues about how the Earth and other planets formed...$LABEL$3 +Dying Star Goes Out With a Ring A new image from NASA's Spitzer Space Telescope shows the shimmering embers of a dying star, and in their midst a mysterious doughnut-shaped ring. The dying star is part of a ""planetary nebula"" called NGC 246. When a star like our own Sun begins to run out of fuel, its core shrinks and heats up, boiling off the star's outer layers.$LABEL$3 +Lost Sleep Leads to Health Problems Advice on how to get a good night's slumber and avoid future heart trouble HealthDayNews -- Lack of sleep can cause more than drowsiness; it can contribute to a number of health problems. Short-term effects of lack of sleep include increases in blood pressure and levels of stress hormones, according to an article in the August issue of the Harvard Heart Letter...$LABEL$3 +Which Diet is Best? The One That Works for You By Kathleen Doheny, HealthDay Reporter HealthDayNews -- Gather together some diners who are trying to lose weight, then sit back and listen to the debate. Almost anyone who's on a diet -- or at least one that's working -- is convinced his or her plan is the best...$LABEL$3 +Clouds are Cooler than Smoke Clouds help regulate the Earths climate by reflecting sunlight into space, thus cooling the surface. When cloud patterns change, they modify the Earths energy balance in turn, and temperatures on the Earths surface.$LABEL$3 +Last Year's Flu Shot Imperfect But Effective By Amanda Gardner, HealthDay Reporter HealthDayNews -- Last year's influenza vaccine was far from a perfect match against the virus that sickened people, but it offered more protection from the illness than experts had previously thought. In very young children, the shot was found to be 25 percent to 49 percent effective in preventing influenza-like illness, which is a suspected case of flu that wasn't confirmed in a laboratory...$LABEL$3 +Olympics Could Call Out the Couch Potatoes As the 2004 Summer Olympics officially get underway Friday with an international broadcast of the opening ceremonies, health experts expect the Athens games to inspire couch potatoes to become more active. But, experts caution, amateurs, particularly sedentary ones, should not jump into a new sports activity without sufficient preparation.$LABEL$3 +Skateboarding Offers a Tough Workout By KRISTA LARSON SAYREVILLE, N.J. (AP) -- While the tennis courts at Kennedy Park are bare on a hot afternoon, parents keep dropping off teenagers at the skate park, home to all the day's action...$LABEL$3 +Rats May Help Unravel Human Drug Addiction Mysteries By LAURAN NEERGAARD WASHINGTON (AP) -- Rats can become drug addicts. That's important to know, scientists say, and has taken a long time to prove...$LABEL$3 +Sting of Bug Bites Can Linger Into Adulthood By Amanda Gardner, HealthDay Reporter HealthDayNews -- Contrary to popular belief, not all kids who are allergic to insect stings outgrow their sensitivity. Some people whose allergies left them in fear of bees, wasps, and the like as children still react to their stings as adults, but a new study offers relief: Allergy shots given in childhood can protect them for up to 20 years...$LABEL$3 +FDA Warns of Terrorist Prescription Drug Tampering By DIEDTRA HENDERSON WASHINGTON (AP) -- ""Cues from chatter"" gathered around the world are raising concerns that terrorists might try to attack the domestic food and drug supply, particularly illegally imported prescription drugs, acting Food and Drug Administration Commissioner Lester M. Crawford says...$LABEL$3 +Scientists Probe Pacific Ocean for Dead Zones His hand on a toggle switch and his eyes on a computer screen, Oregon State University graduate student Anthony Kirincich uses an array of scientific instruments to probe the vibrant waters of the Pacific. He is searching for the absence of life.$LABEL$3 +Simultaneous Tropical Storms are Very Rare The prospect that a tropical storm and a hurricane - or possibly two hurricanes - could strike Florida on the same day is something meteorologists say they have never seen. ""It's almost unheard of,"" state meteorologist Ben Nelson said.$LABEL$3 +Deaths Raise Fears Over Stomach Stapling Surgery By LINDA A. JOHNSON (AP) -- An obese Massachusetts woman and her 8-month-old fetus died of complications 18 months after stomach-stapling surgery, an apparent first that is leading to warnings about the risks of pregancy soon after the surgery...$LABEL$3 +Growth and Mortality Details of T. Rex Get Clearer T. rex was one of the largest meat-eaters ever to walk the land when it died out some 65 million years ago. At an elephant-like 6 tons, it stretched about 40 feet to 45 feet long and measured about 13 feet tall at the hip. The adult skull alone was 5 feet long, with teeth up to a foot long.$LABEL$3 +Britain Approves Human Cloning By EMMA ROSS LONDON (AP) -- Britain granted its first license for human cloning Wednesday, more than three years after becoming the first nation to authorize the technique to produce stem cells for medical research. A team of researchers at Newcastle University hope eventually to create insulin-producing cells that could be transplanted into diabetic patients...$LABEL$3 +New Clot Preventer Saves Lives and Money By Ed Edelson, HealthDay Reporter HealthDayNews -- A new anti-clotting drug for people having artery-opening procedures lowers the rate of complications, gets patients out of the hospital faster, and probably saves lives, a study finds. And it saves money to boot, says Dr...$LABEL$3 +The Eyes Are the Window to Hypertension The tiniest blood vessels of the eye can provide a glimpse that may warn of future high blood pressure, Australian researchers report. That finding comes from a computerized analysis of special camera images of the retina, an experimental technique.$LABEL$3 +Progress Is Made Battling Strep Germ By LINDSEY TANNER CHICAGO (AP) -- Scientists say they are making headway in developing a vaccine against a common strep germ, the cause of millions of sore throats as well as a deadly but uncommon flesh-eating disease. A test of an experimental vaccine in just 28 people prompted an immune response with no serious side effects, but it's still not known if the shot would keep people from catching the strep germ...$LABEL$3 +Fake Drug Sales Problematic in Mexico By MARK STEVENSON MEXICO CITY (AP) -- Mexican authorities are investigating the sale of fake or substandard medicine in a border town so popular among Americans seeking cheap medications that it has more pharmacies than streets. U.S...$LABEL$3 +New Allergy Vaccine Shows Promise In the first trial of its kind, Austrian researchers have achieved success with an allergy vaccine using genetically engineered pollen. The findings are reported in this week's issue of the Proceedings of the National Academy of Sciences.$LABEL$3 +First Lady Bashes John Kerry's Pro Stem Cell Stance By RON FOURNIER LANGHORNE, Pa. (AP) -- First lady Laura Bush defended her husband's policy on embryonic stem cell research Monday, calling Democratic rival John Kerry's criticism ""ridiculous"" and accusing proponents of overstating the potential for medical breakthroughs...$LABEL$3 +Doctors Place Hope in Baby Pacemaker Devices By LAURAN NEERGAARD WASHINGTON (AP) -- Four-month-old Damaris Ochoa was near death, born with an enlarged heart that was quickly giving out. Obtaining a transplant in time was a long shot...$LABEL$3 +Vending Machines Making Room for Healthy Products By IRA DREYFUSS WASHINGTON (AP) -- The typical vending machine fare consists of chocolate bars and potato chips, leaving few options for people seeking low-calorie or low-salt snacks. That is changing now as companies develop markets for products they expect to satisfy both nutritionists and consumers...$LABEL$3 +Getting beyond the next big thing McKinsey says a post-boom tech industry can profit mightily by taking stock in the operations of many slower-growth industries.$LABEL$3 +If this is a tech rebound, pinch me KnowledgeWharton goes inside the IT conundrum to examine why capital spending--and corporate confidence--remains low.$LABEL$3 +Briefly: HP partners with 3G gear maker roundup Plus: AMD starts shipping 90-nanometer chips...ABC.com to air on Real's SuperPass...Lenovo revenue grows, but problems persist.$LABEL$3 +Judge moves to unseal documents in Oracle case Says certain documents, which Oracle and others want to keep from eyes of rivals, may be necessary to decide case.$LABEL$3 +Study: IT workers more optimistic IT workers' confidence in the employment market kept growing in July, but techies are less happy with actual jobs than workers overall.$LABEL$3 +California urged to use open source, VoIP Authors of a performance review tell the beleaguered state government it could save millions of dollars by adopting open-source software and Internet-based phone calling.$LABEL$3 +Gartner: 'Steer away' from cheap Windows XP That's the research firm's verdict on Microsoft's stripped-down Starter Edition for developing countries.$LABEL$3 +Oracle expands midmarket ambitions Company looks to juice its application server business with a version tuned for smaller organizations.$LABEL$3 +Taking the Microsoft Rorschach test CNET News.com's Charles Cooper asks what it is about Microsoft that pushes so many people straight over the edge?$LABEL$3 +Earnings alert: BEA revenue rises amid turmoil Plus: Dell meets expectations...Storage, servers bruise HP earnings...Healthy sales lift Cisco's profit.$LABEL$3 +AMD starts shipping 90-nanometer chips The chipmaker appears to have met its most recent deadline for production of the smaller-featured chips.$LABEL$3 +Lenovo revenue grows, but problems persist China's largest PC maker sees surge in profits but loses market share to multinational companies.$LABEL$3 +Dell's second-quarter earnings meet expectations CEO says firm saw no sales slowdown. Could results help calm waters after bad news from HP and Cisco?$LABEL$3 +Tech market indeed soft, but HP woes one of a kind HP and Cisco spooked investors with recent comments about sales, but analysts say the overall tech market is still inching along.$LABEL$3 +HP replaces three senior executives Company follows up on promise of ""immediate management changes"" after disappointing earnings report, CNET News.com has learned.$LABEL$3 +Meet the new boss, same as the old boss? When heir apparent Paul Otellini takes the reins, what will the chipmaker look like?$LABEL$3 +IBM's mainframe momentum continues Big Blue's ""dinosaur"" mainframe business gets a boost with a European customer consolidating SAP applications using Linux.$LABEL$3 +Gateway alumnus resurfaces at HP Former Gateway executive to lead consumer marketing efforts at Hewlett-Packard.$LABEL$3 +Security pro: Windows easier to 'own' Windows beats Linux in total cost of 'ownership.' Hold on, that's not a good thing.$LABEL$3 +Securing the gold in Athens Despite age-old Olympic truce known as the ekecheiria, or ""holding of hands,"" security experts aren't taking any chances.\$LABEL$3 +Hacker takes bite out of Apple's iTunes The Norwegian hacker famous for cracking DVD encryption reveals the public key for AirPort Express.$LABEL$3 +Microsoft touts 'Sender ID' to fight spam, scams Proposed tech standard would verify senders' IP addresses to cut malicious phishing and annoying Viagra pitches.$LABEL$3 +Begging for trouble on security Securify founder Taher Elgamal says a patchwork mentality has effectively turned network security into an IT budget black hole.$LABEL$3 +Microsoft's blast from the past A year after the MSBlast worm, the software giant releases SP2 for Windows XP. Would it have stopped the fast-spreading virus?$LABEL$3 +MSBlast suspect pleads guilty The 19-year-old faces up to 37 months in prison after admitting to creating the ""MSBlast.B"" variant.$LABEL$3 +Microsoft plugs hole in Exchange The patch fixes a flaw in the e-mail server software that could be used to get access to in-boxes and information.$LABEL$3 +PC security under fire A vulnerability in AOL's instant messenger could allow attacks. Also: A new Bagle variant rumbles across the Net.$LABEL$3 +Flaw opens AOL chat software to intruders Attackers could bombard PCs using instant messenger's ""away"" feature. AOL says a fix is imminent.$LABEL$3 +HP partners with 3G gear maker Major cell phone infrastructure provider plans to use HP's telecom software in 3G mobile network gear.$LABEL$3 +Cox speed boost leaves some members behind Not all of the cable company's broadband subscribers got a recent hike in bandwidth.$LABEL$3 +Nortel wins Indian wireless contract Nortel scores its first major wireless deal with an Indian service provider.$LABEL$3 +Mosquito software bites smart phones A possible Trojan horse hidden in an illegal cell-phone game hits smart phones using the Symbian operating system.$LABEL$3 +Vonage hangs up on some callers VoIP company suffers ""delays,"" the second glitch in two weeks. Those affected are told to reboot their adaptors.$LABEL$3 +Group proposes faster Wi-Fi specification Networking consortium submits proposal for faster Wi-Fi, as battle lines are drawn between rival groups.$LABEL$3 +Some VoIP calls being blocked Some Net phone users who are also broadband subscribers aren't receiving incoming calls. AT #38;T plans to release patch.$LABEL$3 +Covad tries an end run In a tough scrimmage against resurgent Baby Bells, the broadband pioneer flips open the VoIP playbook.$LABEL$3 +FCC certifies Freescale ultrawideband technology Freescale Semiconductor starts shipping its XS110 chip, which will help consumers to connect devices wirelessly.$LABEL$3 +'Push to talk' meets Wi-Fi FCC says cellular carriers are working on extending the walkie-talkie feature to Wi-Fi networks--which could mean to VoIP phones.$LABEL$3 +PalmSource chairman to step down The separation of PalmOne and PalmSource will be complete with Eric Benhamou's resignation as the latter's chairman.$LABEL$3 +Blu-ray Disc spec approved Next-generation DVD specification approved, clearing way for manufacturers to produce read-only disks.$LABEL$3 +iPod chipmaker plans stock offering PortalPlayer, whose chip powers Apple's MP3 player, files for IPO. Paperwork gives glimpse of potential evolution of iPod.$LABEL$3 +Sony zooms in with new TV tech Electronics giant develops new television technology to attack core business from a new angle.$LABEL$3 +PalmOne to turn off wireless service Handheld maker says it will close down its Palm.Net wireless e-mail and Web service soon.$LABEL$3 +Apple puts edit tools in one basket Bundle of professional video editing applications includes new Motion special-effects software.$LABEL$3 +Microsoft wants to improve your image New imaging software is making eyes at those squinty camera-phone pictures.$LABEL$3 +DVD player profits down to \$1 Want to get into the market for DVD players? Intense competition and standardization mean that you might make more as a mime.$LABEL$3 +Sharp brings 3D to PCs, without the funny specs Firm brings tech already used in phones and laptops to desktops. Screen creates different pixel images for each eye.$LABEL$3 +Report: Los Alamos lab needs better hardware inventory In a report this week, the U.S. Department of Energy said inventory controls at the Los Alamos National Laboratory were not robust enough, and some computers were never entered into the lab's inventory database.$LABEL$3 +Circuit City chooses Linux for cash registers in 600 stores Circuit City this week bucked the trend of retailers opting for Windows-based point-of-sale systems by announcing plans to migrate to Linux-based IBM cash registers at its 600 stores.$LABEL$3 +Training seen as way to counter offshoring Edward Yourdon, a co-founder of the Cutter Consortium, says in an upcoming book that the threat of offshore outsourcing isn't restricted to U.S. software development jobs but to all kinds of knowledge work.$LABEL$3 +Missing June deals slow to return for software companies Software company executives at a CIBC World Markets conference this week cited a variety of reasons for why June sales slowed, from record oil prices to steep software discounting and regulatory distractions on accounting deadlines.$LABEL$3 +VoIP gaining ground, despite cost concerns The voice-over-IP market is growing, and by next year, 50 of all lines installed in the U.S. are expected to rely on VoIP technology -- despite continuing concerns that installations can be costly.$LABEL$3 +Olympic IT security requires advance planning If there's one thing the Atos Origin SA team understands as lead contractor for the Olympic IT infrastructure, it's that you must learn from your mistakes.$LABEL$3 +BEA meets lowered expectations for Q2 Though BEA Systems signed 18 licensing deals worth \$1 million and added 488 new customers during the quarter, licensing revenue dropped to \$116.3 million.$LABEL$3 +Hunt for XP SP2 flaws seen in full swing Security experts said that while the new Service Pack 2 for Windows XP will bolster the operating system's security, hackers will still find a way to exploit any flaws.$LABEL$3 +Tools wrap: Sun, Javalobby, Infravio make moves Officials at Sun Microsystems, Javalobby, and Infravio this week revealed initiatives positioned as advances in either Java development or Web services consumption.$LABEL$3 +Sender ID gains traction Leading ISPs, anti-spam vendors, and e-mail software companies are moving quickly to add support for the Microsoft-backed anti-spam technology standard Sender ID, even as some e-mail experts raise doubts that the technology will work.$LABEL$3 +Storage, servers brings down HP results Hewlett-Packard blindsided analysts with news that its third- and fourth-quarter earnings would badly miss estimates primarily because of problems in its server and storage division.$LABEL$3 +EBay takes stake in Craigslist SAN FRANCISCO - Online auction giant eBay Inc. has acquired a 25 percent stake in San Francisco classified advertisements Web site Craigslist, the companies said Friday.$LABEL$3 +AMD starts shipping 90-nanometer chips to customers Advanced Micro Devices Inc.'s (AMD Inc.'s) 90-nanometer notebook processors are on their way to customers, according to a research note published by Goldman Sachs Co. Thursday.<p>ADVERTISEMENT</p><p><img src=""http://ad.doubleclick.net/ad/idg.us.ifw.general/ibmpseries;sz=1x1;ord=200301151450?"" width=""1"" height=""1"" border=""0""/><a href=""http://ad.doubleclick.net/clk;9824455;9690404;u?http://ad.doubleclick.net/clk;9473681;9688522;d?http://www.ibm.com/servers/eserver/pseries/campaigns/boardroom/index.html?ca=pSeries met=boardroom me=E P_Creative=P_InfoW_RSS"">Introducing IBM eServer p5 systems.</a><br/>Powered by IBMs most advanced 64-bit microprocessor (POWER5(tm)), p5 systems can run UNIX and Linux simultaneously. Learn more about eServer p5 systems.</p>$LABEL$3 +FCC mobile spam rule doesn't cover some SMS A rule prohibiting mobile-phone spam adopted by the U.S. Federal Communications Commission (FCC) earlier this month doesn't prohibit phone-to-phone text messaging, but FCC officials believe the new rule, combined with a 13-year-old law, should protect U.S. mobile phone customers against unsolicited commercial e-mail.$LABEL$3 +Benhamou will resign as chairman of PalmSource Eric Benhamou will resign as chairman of PalmSource Inc. on Oct. 28, the company announced Friday. The company said it expects he will continue in his role as chairman of sister company PalmOne Inc.$LABEL$3 +Update: Google raises gavel for IPO auction Friday Google Inc. is opening the auction for its much-anticipated initial public offering (IPO) on Friday, with plans to announce the pricing of its stock next week.$LABEL$3 +Olympic-size security demands advance planning ATHENS -- If there's one thing the Atos Origin SA team understands as lead contractor for the Olympic IT infrastructure, it's that you must learn from your mistakes.$LABEL$3 +EBay Buys into Craigslist Auction company is apparently drawn to the classifieds model pioneered by community resource site.$LABEL$3 +Is Microsoft's Firewall Secure? Some say Win XP SP2 enhancements cause conflicts, don't protect as claimed.$LABEL$3 +Newest Ad-Aware Exposes Some Users Earliest adopters of updated program should download again to ensure full security.$LABEL$3 +Trojan Bites Symbian Phones Mobile phones are target of virus traveling through illegal version of the game Mosquitos.$LABEL$3 +ATI Brings Digital TV to Your PC HDTV Wonder snags free high-definition transmissions for budget viewing.$LABEL$3 +MSN Adds Movie Downloads and Rentals Microsoft partners with Blockbuster Online, CinemaNow, and MovieTickets.com on one-stop entertainment portal.$LABEL$3 +Win XP Update: A Quiet Start Little fallout reported from service pack, but maybe it's because everyone's being cautious.$LABEL$3 +AOL Launches PC Line AOL courts novices, Spanish-speakers with budget PC that includes a year of AOL service.$LABEL$3 +Caregivers Carry Virtual Clipboard Students design mobile data-access system for health-care workers.$LABEL$3 +Blaster Author Pleads Guilty Teen faces prison for unleashing malicious variant of MS Blaster worm last year.$LABEL$3 +International Group Teams Against Spam Task force plans antispam campaign, from education to cross-border legal efforts.$LABEL$3 +Copiers Need Security, Too Networked multifunction devices share PC vulnerabilities to worms, hackers.$LABEL$3 +Intel Shows Wireless Transceiver Prototype 90-nanometer radio chip promises more power than current CMOS technology.$LABEL$3 +AOL, Yahoo Add New Antispam Tools Services try different approaches to sender authentication to halt spam.$LABEL$3 +Most Spam is Domestic, Study Says Spammers aren't ducking antispam laws by operating offshore, they're just ignoring it.$LABEL$3 +BlackBerries Play Politics Wireless devices slip past anti-gadget policies to open a new communications channel to lawmakers.$LABEL$3 +First Look at Quicken 2005 Intuit tweaks personal finance tool's usability, but update isn't essential if you're running a recent version.$LABEL$3 +Dell Unveils Inexpensive Projector New 2300MP digital model offers high brightness and resolution, at a low price.$LABEL$3 +'Insider' Information Puts City Blogs on the Map Locally focused group ""metro"" blogs -- compilations of events, reflections, recommendations, news and complaints -- are emerging to put a number of big cities in intimate, street-level relief.$LABEL$3 +Judge Says Amazon, Toys 'R' Us Must Work Together By Jeffrey Gold PATERSON, N.J.(AP) - A state judge ordered Toys ""R"" Us and Amazon.com to work together so the online retailer can abide by her order requiring Amazon to keep sellers on its Web site from listing products to which Toys ""R"" Us, which also markets through Amazon, has exclusive rights. Superior Court Judge Margaret M...$LABEL$3 +Google IPO Moves Ahead Despite Playboy Interview Google Inc. (GOOG) forged ahead with its IPO auction Friday, even as the online search engine leader acknowledged a newly published magazine interview with its founders contained misleading information.$LABEL$3 +EBay Buys 25 Percent Stake in Craigslist Network By MAY WONG SAN JOSE, Calif. (AP) -- Online auctioneer eBay Inc...$LABEL$3 +Biometrics Creeping Into Everyday Life for Americans Stuffing something in a public locker usually isn't a memorable experience. You drop a coin, take the key and move on. But at the Statue of Liberty, recently reopened after a two-year closure, stashing a package offers a glimpse into the future. To rent, close and reopen lockers, visitors touch an electronic reader that scans fingerprints.$LABEL$3 +Dell Posts Another Quarter of Nice Earnings By MATT SLAGLE DALLAS (AP) -- Offering a stark counterpoint to rival Hewlett-Packard Co., Dell Inc. (DELL) reported a nearly 30 percent jump in net income as strong sales of printers, servers and notched double-digit gains in overseas markets...$LABEL$3 +Playboy Article May Raise Concerns for Google By MICHAEL LIEDTKE SAN FRANCISCO (AP) -- Google Inc. (GOOG)'s highly anticipated IPO faced a possible stumbling block Thursday with the release of a Playboy interview that the online search engine leader's co-founders gave just before the company filed its plans raise \$3 billion with its stock offering...$LABEL$3 +Hacker Cracks Apple's Music Streaming Technology SAN JOSE, Calif. (AP) -- The Norwegian hacker famed for developing DVD encryption-cracking software has apparently struck again - this time breaking the locks on Apple Computer Inc...$LABEL$3 +Athens Wrestles to Avoid Cell Phone Outages By MATT MOORE ATHENS, Greece (AP) -- Amid the roar of the crowd, the silence of the phones can be deafening. As thousands of athletes, spectators, journalists, officials and more descend on the Greek capital ahead of the Aug...$LABEL$3 +Battling Robots in Japan's Pop-Culture Tech The ring sits in the spotlight of a tense, packed auditorium and the jittery fighters await the bell at their red and blue corners. Like any fight, there's always the danger of a punishing uppercut or left hook. But these boxers have even more worries like battery failure and software bugs.$LABEL$3 +Minnesota Teen Pleads Guilty in Web Worm Hack Attack By GENE JOHNSON SEATTLE (AP) -- A Minnesota high school senior pleaded guilty Wednesday in federal court to unleashing a variant of the ""Blaster"" Internet worm, which crippled more than a million computers last summer. Jeffrey Lee Parson, 19, of Hopkins, Minn., is likely to face 18 months to three years behind bars after pleading guilty to one count of intentionally causing or attempting to cause damage to a protected computer...$LABEL$3 +REVIEW: Windows XP Battens Down Hatches in Latest Patch By MATTHEW FORDAHL (AP) -- With the latest update to Microsoft Corp. (MSFT)'s Windows XP operating system, personal computers will soon join parents, bosses, teachers and spouses as a source of nagging in your life...$LABEL$3 +Microsoft Unveils Windows XP 'Starter Edition' Microsoft announced Wednesday it would offer a low-cost starter edition of its Windows XP operating system in Asia starting in October, as it strives to hold onto market share facing erosion from the open-source Linux system and software piracy.$LABEL$3 +Google Sets Date for IPO Google Inc. (GOOG) will close the registration process for its IPO auction Thursday, setting the stage for the online search engine leader's hotly anticipated stock market debut. Google plans to launch an unusual auction to sell 25.7 million shares shortly after closing the registration.$LABEL$3 +321 Studios Reaches Settlement in DVD Copying Dispute By JIM SALTER ST. LOUIS (AP) -- A company driven out of business by Hollywood and the video game industry over its DVD- and computer game-copying software has reached a settlement with the motion picture industry...$LABEL$3 +Microsoft Says Battle in Japan Hurting Image By YURI KAGEYAMA TOKYO (AP) -- The head of Microsoft Corp. (MSFT)'s Japan unit acknowledged Tuesday that the U.S...$LABEL$3 +Sharp Introduces 3-Dimensional Computer Display By MAY WONG SAN JOSE, Calif. (AP) -- Hoping to spur a 3-D revolution, Sharp Systems of America introduced Monday a new flat-panel computer display designed to deliver eye-popping images without the need for special glasses...$LABEL$3 +Google to Give Yahoo More Stock to Settle Dispute Online search engine leader Google Inc. (GOOG) will surrender more than \$300 million of its stock to Yahoo Inc. (YHOO) in a settlement that removes a legal threat hanging over its IPO at the expense of enriching a nettlesome rival.$LABEL$3 +Unprecedented Electronic Digital Net for Olympics By MIRON VAROUHAKIS ATHENS, Greece (AP) -- If you're planning on attending this month's Olympic Games, you'd best be careful what you say and do in public. Software will be watching and listening...$LABEL$3 +Heat Turned Up on Streaming Video Patents By JUSTIN POPE (AP) -- After a recent legal setback, a California company that claims its patents cover the streaming video technology used by adult Web sites is boosting efforts to collect money from a very different group of streaming video users: colleges and universities. Newport Beach, Calif.-based Acacia Media Technologies Corp...$LABEL$3 +Help's on the Way for Bad Dates Via Cell Phone The peak time for dates from hell in New York City is Friday at 8 p.m. - judging by the cell phone calls delivering emergency excuses to bolt. Truth is, they're fake ""rescue"" calls - now being offered by two cell phone providers, Cingular Wireless and Virgin Mobile USA.$LABEL$3 +Reading the Prospectus Critical to IPO Decisions By MICHAEL J. MARTINEZ NEW YORK (AP) -- Ever read a company's Security and Exchange Commission filings? No? Consider yourself lucky...$LABEL$3 +Search Engine Forums Spotlight Links to this week's topics from search engine forums across the web: SEMPO Next Steps Mike Grehan's Second SEMPO Article - Overture Bidding Cap - PPC Question for Merchants - SEO Firm Ordered to Refund Fees, Pay Fine - Tracking Past Links Traffic? - Google Settles Overture Patent Dispute - Advice on Site Structure$LABEL$3 +Another Expanded Whois Service Doing in-depth investigation of a web site? Whois.sc offers a wealth of detail about the people and technology behind just about any web site on the planet.$LABEL$3 +Capturing Your Personal Web Forget bookmarks: Web content managers allow you to create your own personal, searchable cache of web pages.$LABEL$3 +Yahoo Offers Anti-Spyware App Tired of those unwelcome pests that invade your computer without permission? Banish intrusive spyware and tracking cookies with Yahoo's newly upgraded toolbar.$LABEL$3 +Google, Yahoo Settle Patent and Share Disputes Google and Yahoo announced today that they have resolved two contentious issues between the companies. $LABEL$3 +Search Engine Forums Spotlight Links to this week's topics from search engine forums across the web: Live Reports from Search Engine Strategies San Jose 2004 - PPC Bounce Rate - Google AdWords Myths - After SEMPO: Should We Start a Trade Association? - Search Inventory vs. Conversion - Terra Sells Lycos at Yard Sale Price$LABEL$3 +eBay Buys 25 of CraigList eBay Buys 25 of craiglist\\eBay Inc. today purchased a 25 percent pre-existing minority stake in San Francisco-based craigslist, a popular online network of classified ads and forums. The 25 stake was purchased from a former craigslist employee who first contacted eBay with the proposed sale, according to craigslist officials.\\With dedicated ...$LABEL$3 +Getting Around Search Engine Optimization Roadblocks Getting Around Search Engine Optimization Roadblocks\\Today, I will cover the most difficult technologies and techniques to work with. While each of these technologies, techniques and designs have a useful purpose for web-designers, webmasters and general office staff tasked with keeping the site up to date, they each also present problems ...$LABEL$3 +Search Engine Marketing Mistakes Retailers Need to Avoid Search Engine Marketing Mistakes Retailers Need to Avoid\\According to a recent survey conducted by Shop.org and Forrester, in 2003, online retail sales jumped 51 to reach \$114 billion with 79 of all online retailers (etailers) were profitable. Online sales are expected to reach 6.6 percent of total retail sales in ...$LABEL$3 +Does Playboy Interview Violate Google IPO? Does Playboy Interview Violate Google IPO?\\On the day of the IPO comes more Google controversy - Google rsquo;s founders will appear in an upcoming issue of Playboy magazine. Although the interview was apparently held before the IPO hype, the Playboy interview may have broken US Securities laws over pre-IPO #8220;quiet ...$LABEL$3 +Google IPO Bidding Opens Google IPO Bidding Opens\\Google's IPO bidding is officially open. Google and its underwriters expect to open the auction for the shares of Google rsquo;s Class A common stock at 9:00 a.m. EST (press time) on Friday, August 13, 2004. Google bidders must have obtained a bidder ID from ipo.google.com if you ...$LABEL$3 +Claria Cancels \$150 million IPO Claria Cancels \$150 million IPO\Contextual advertising and pop up company Claria Corp. has canceled plans for a \$150 million initial public offering due to ""current market conditions,"" it said in a regulatory filing on Wednesday.\\Claria, which filed its original prospectus in April of this year, had not disclosed the number ...$LABEL$3 +Google IPO Registration Ends Today Google IPO Registration Ends Today\\Google has set their IPO registration deadline at today for investors to register for the Google initial public offering.\\Investors wishing to participate in Google's initial public offering have until 5 pm today to register for the auction at ipo.google.com, according to a statement issued Tuesday on ...$LABEL$3 +Thoughts on the Google IPO About the Google IPO\\For the past nine months the financial and Internet world has been watching Google in anticipation of what could be the largest Initial Public Offering of stock in history. If you are reading this column and have not been living on Mars for the past year, you ...$LABEL$3 +Avoid Search Engine Blacklisting Avoid Search Engine Blacklisting\\The best way to avoid being blacklisted by the search engines is to avoid using some questionable techniques that were once popular to gain high rankings. Even if your website is not blacklisted by using some of the techniques below, it may be penalized (buried in the ...$LABEL$3 +Google Index Database to be Archived? Google Index Database to be Archived?\\TechDirt reports that the San Jose Mercury News is running an article about Brewster Kahle's Internet Archive - Archive.org. While he's been profiled many times before, the one interesting tidbit to slip out this time is that Kahle has asked Google to donate their database ...$LABEL$3 +News: U.S. tackles Emergency Alert System insecurity The FCC acknowledges that the government-mandated network that lets officials interrupt radio and television broadcasts in an emergency is vulnerable to electronic tampering.\$LABEL$3 +News: UK police issue 'vicious' Trojan alert Britain's top cybercrime fighters have joined up with the banking industry today in warning of the latest attempt to defraud online banking customers.\$LABEL$3 +News: UK scientists roll out Wi-Fi proof wallpaper British boffins have developed wallpaper that blocks Wi-Fi traffic but still allows other wireless transmissions to pass through in a bid to prevent unauthorised access to sensitive data via the WLAN.\$LABEL$3 +Infocus: Examining a Public Exploit, Part 1 The purpose of this article is to analyze a public exploit in a lab environment, see the alerts generated by an intrusion detection system, and then do some packet analysis of the malicious binary in order to better understand it.$LABEL$3 +Infocus: Deploying Network Access Quarantine Control, Part 1 This article discusses Network Access Quarantine Control with Windows Server 2003, which allows administrators to quarantine mobile users before giving them full network access, by first ensuring these machines are up-to-date according to a baseline security model.$LABEL$3 +Infocus: Data Driven Attacks Using HTTP Tunneling In this article we will look at a means to bypass the access control restrictions of a company's router or firewall. This information is intended to provide help for those who are legitimately testing the security of a network (whether they are in-house expertise or outside consultants).$LABEL$3 +Infocus: Wireless Attacks and Penetration Testing (part 3 of 3) This third and final part of the wireless pen-test series looks at how to mitigate the security risks outlined in the previous articles, and then looks at some proposed solutions currently in front of the IETF.$LABEL$3 +Columnists: The Panacea of Information Security Step away from all the vendor hype. The one device that will always be the best tool for information security is a competent security professional.$LABEL$3 +Columnists: Redmond's Salvation Service Pack 2 for XP represents a sea change in Microsoft's security posture. Here's why you should ignore the naysayers and start planning your upgrade.\$LABEL$3 +Elsewhere: Blaster B Virus Creator Pleads Guilty A 19-year-old man has pleaded guilty to infecting thousands of businesses and U.S. government computers with the Blaster B virus.\\Jeffrey Lee Parson of Hopkins, Minnesot...$LABEL$3 +Animating for the Super Bowl Against an impossible deadline, a small team at Sony Cinematics Solutions Group created a two-minute animated promo to prove that a tech-savvy group could do dazzling broadcast work. Aug 13$LABEL$3 +Apple Ships Motion Apple has begun shipping Motion, which delivers high-performance, real-time motion graphics design and integration with Final Cut Pro HD and DVD Studio Pro 3, at a breakthrough price of \$299. Aug 10$LABEL$3 +Apple Introduces Production Suite Production Suite, essential software suite for film and video that delivers real-time production tools in one comprehensive and integrated package, combines Final Cut Pro HD, Motion and DVD Studio Pro 3. Production Suite is available now for a suggested retail price of \$1,299. Aug 10$LABEL$3 +iTunes Music Store Catalog Tops One Million Songs The iTunes Music Store now has more than one million songs available for download in the US, the first online digital music service to offer consumers a million-song catalog. Aug 10$LABEL$3 +Technology as Fashion Analyzing the success of the iPod mini in Japan, JapanConsuming writes, #147;The iPod mini is in fact one of those all too rare examples of an ideal product for the Japanese market. It is a product that does something useful, does it really well, and looks terrific too. None of these factors on their own is enough to make the iPod mini a success; their combination, through deft and creative implementation of function, is what makes the difference. Add in some tried and tested limited supply marketing, a store that looks as good as Louis Vuitton and a high impact award winning advertising campaign that has covered Tokyo in pink, green and yellow for weeks, and some of the reasons for the iPod mini phenomenon can be understood. #148; Aug 10$LABEL$3 +Creating Stunning DVDs #147;No other DVD authoring program in the \$500 price class is capable of creating such stunning, highly creative DVDs as Apple #146;s DVD Studio Pro 3, #148; writes PC Magazine. #147;For video pros looking to take their productions to the next level, it #146;s worth a serious look. #148; Aug 4$LABEL$3 +Revolutionizing Flow Cytometry Dr. Mario Roederer and Adam Treister at Stanford University wrote FlowJo, Mac OS X analysis software for flow cytometers, high-speed, automated microscopes. Today, some 15,000 to 20,000 cytometers in use are Mac based. Aug 3$LABEL$3 +PowerSchool University Attendees at this year #146;s PowerSchool University ramped up their student information system skills with the new PowerSchool 4.0 and augmented their development activities through peer networking. Aug 3$LABEL$3 +Guitar Player Honors GarageBand Guitar Player magazine announced during the summer NAMM show in Nashville that it has awarded GarageBand the magazine #146;s reader #146;s choice for Best Software of 2004. Jul 29$LABEL$3 +Phelps, Thorpe Advance in 200 Freestyle (AP) AP - Michael Phelps took care of qualifying for the Olympic 200-meter freestyle semifinals Sunday, and then found out he had been added to the American team for the evening's 400 freestyle relay final. Phelps' rivals Ian Thorpe and Pieter van den Hoogenband and teammate Klete Keller were faster than the teenager in the 200 free preliminaries.$LABEL$1 +Reds Knock Padres Out of Wild-Card Lead (AP) AP - Wily Mo Pena homered twice and drove in four runs, helping the Cincinnati Reds beat the San Diego Padres 11-5 on Saturday night. San Diego was knocked out of a share of the NL wild-card lead with the loss and Chicago's victory over Los Angeles earlier in the day.$LABEL$1 +Dreaming done, NBA stars awaken to harsh Olympic reality (AFP) AFP - National Basketball Association players trying to win a fourth consecutive Olympic gold medal for the United States have gotten the wake-up call that the ""Dream Team"" days are done even if supporters have not.$LABEL$1 +Indians Beat Twins 7-1, Nearing AL Lead (AP) AP - The Cleveland Indians pulled within one game of the AL Central lead, scoring four runs in the first inning and beating the Minnesota Twins 7-1 Saturday night behind home runs by Travis Hafner and Victor Martinez.$LABEL$1 +Galaxy, Crew Play to 0-0 Tie (AP) AP - Kevin Hartman made seven saves for Los Angeles, and Jon Busch had two saves for Columbus as the Galaxy and Crew played to a 0-0 tie Saturday night.$LABEL$1 +USC Begins Season Where It Ended, at No. 1 (AP) AP - Southern California will begin defense of its first national title in 31 years as the No. 1 team in the nation. The Trojans earned the top spot in the preseason Associated Press poll released Saturday by receiving 48 of 65 first-place votes and 1,603 points.$LABEL$1 +Italy's Pennetta Wins Idea Prokom Open (AP) AP - Italy's Flavia Pennetta won the Idea Prokom Open for her first WTA Tour title, beating Klara Koukalova of the Czech Republic 7-5, 3-6, 6-3 Saturday after French Open champion Anastasia Myskina withdrew before the semifinals because of a rib injury.$LABEL$1 +Tough Race Ahead for Swimmer Phelps ATHENS (Reuters) - Michael Phelps, his first gold medal safely gathered in, eased through the next phase of his monumental Olympic challenge in the heats of the 200 meters freestyle Sunday but the immensity of the task ahead was clear.$LABEL$1 +Iranian Will Not Meet Israeli in Olympics Due to Weight ATHENS (Reuters) - A diplomatic wrangle of Olympic proportions was avoided Sunday when Iranian world judo champion Arash Miresmaeili failed to make the weight for his clash with an Israeli opponent.$LABEL$1 +Tiger Runs Out of Steam After Storming Start KOHLER, Wisconsin (Reuters) - Tiger Woods failed to make the most of a red-hot start in the U.S. PGA Championship third round on Saturday, having to settle for a three-under-par 69.$LABEL$1 +Colander Misses Chance to Emulate Jones ATHENS (Reuters) - But for a decision that enraged her coach, LaTasha Colander might have been the Marion Jones of the Athens Olympics.$LABEL$1 +AL Wrap: Olerud Cheers Yankees by Sinking Ex-Team NEW YORK (Reuters) - John Olerud sunk his former team by recording a two-run single in the eighth inning to drive in the go-ahead runs which earned the New York Yankees a 6-4 win over the host Seattle Mariners in the American League Saturday. $LABEL$1 +NL Wrap: Jones Homers Twice as Braves Down Cards NEW YORK (Reuters) - Chipper Jones cracked two homers and Julio Franco's two-run double in the seventh inning drove in the winning runs as the streaking Atlanta Braves downed the St. Louis Cardinals 9-7 in the National League Saturday.$LABEL$1 +Olympics-Doping-Greek Media Put Country's Honor Above Athletes ATHENS (Reuters) - The honor of Greece lies above individual athletes and no backstage antics should compromise it, Greek media said Sunday, after the country's top athletes were suspended from the team under a cloud of doping suspicion.$LABEL$1 +Olympics-Rowing-U.S. Eight Beats Canada to Set World Best Time ATHENS (Reuters) - The United States beat Canada in a world best time to qualify for the final of the men's Olympic eights race Sunday, as the two crews renewed their fierce rivalry in front of a raucous crowd at Schinias.$LABEL$1 +Singh Leads, but Leonard Is Following Avoiding the late trouble that knocked other contenders off track, Vijay Singh held a one-stroke lead over Justin Leonard heading into the final round of the P.G.A. Championship.$LABEL$1 +Olerud Bails Out Loaiza in His Latest Bungled Audition John Olerud reveled in his return to Safeco Field by slapping a two-run single that lifted the Yankees and saved Esteban Loaiza from a defeat.$LABEL$1 +Family circle Family Day in the Fens means fun and games to most folks. Players toddle around the bases with wide-eyed kids. Mothers beam. Children smile. All is bliss on the sun-splashed emerald lawn.$LABEL$1 +Notables The Yankees' Alex Rodriguez , who missed Friday night's game with the flu and stayed back at the team hotel yesterday, dropped his appeal of a four-game suspension issued for his involvement in the July 24 brawl at Boston and began serving the penalty. He won't be eligible to play until Thursday at Minnesota.$LABEL$1 +Cubs get delivery from Wood Kerry Wood homered and allowed four hits in eight innings, leading the Chicago Cubs over the visiting Los Angeles Dodgers, 2-0, yesterday.$LABEL$1 +Leskanic winning arms race With Scott Williamson bracing for a potentially grim diagnosis of his latest elbow injury, the Red Sox last night appeared poised to move on without him as Curtis Leskanic inched closer to rejoining the club. The Sox initially indicated they would make an announcement last night on Williamson's injury but changed their position during the first inning of the game ...$LABEL$1 +Rehabbing his career Player introductions at the final Citizens Bank Summer Caravan stop produced an awkward moment. Walter McCarty and Raef LaFrentz were the featured guests for the free basketball clinic at the Cambridge Family YMCA late last week. McCarty's presence yielded chants of quot;Walter, Walter quot; from the crowd of 125 kids. LaFrentz left the young fans wondering, quot;Who is he? quot; The projected ...$LABEL$1 +Warmer and wilder HAVEN, Wis. -- Perched high on the bluffs overlooking Lake Michigan, Whistling Straits is a massive, windswept landscape, as large a golf course as \$40 million can buy. It is complete with sand dunes that could double as ski slopes and deep bunkers that should require elevators.$LABEL$1 +Greek runners are suspended ATHENS -- Star sprinters Kostas Kenteris and Katerina Thanou were suspended yesterday from the Greek Olympic team for missing drug tests, but their fate was left in the hands of the International Olympic Committee.$LABEL$1 +Throwbacks: Gannon, Collins in good form Rich Gannon , the 2002 NFL MVP who was knocked out of the Raiders' loss to Kansas City last Oct. 20 and had shoulder surgery in November, was 9 for 15 for 69 yards in visiting Oakland's 33-30 exhibition win over the San Francisco 49ers last night.$LABEL$1 +Enough to make you flip Friday night came as close to an old-time local battle for viewers among Channels 4, 5, and 7 as we're likely to see. It was a throwback to pre-cable, pre-dish, and even pre-UHF days as the three local quot;originals quot; served up a special night of sports programming. Although Red Sox-White Sox was on Channel 4's quot;sister quot; station, Channel 38, it ...$LABEL$1 +For Revolution, this tie looks good WASHINGTON -- Rookie Andy Dorman didn't even have time to get his white, long-sleeved jersey smudged on the sloppy RFK Stadium field last night before salvaging a 2-2 tie for the Revolution against D.C. United. Fifty-five seconds after entering the game as a late substitute, Dorman buried a low shot from inside the penalty area and extended his team's unbeaten ...$LABEL$1 +Sing Me Back Home matches track mark OCEANPORT, N.J. -- Sing Me Back Home pulled away in the stretch to win the \$60,000 Decathalon Handicap at Monmouth Park yesterday, equaling the track record for 5 furlongs.$LABEL$1 +Haas in fine form HAVEN, Wis. -- If he were acting his age, Jay Haas would have had the weekend off, resting on his laurels and reaping the benefits of the nice-and-easy Champions Tour.$LABEL$1 +USC starts at the top Southern California greeted news of its first preseason No. 1 ranking since 1979 with ambivalence.$LABEL$1 +'Gardening' costs Appleby -- in spades HAVEN, Wis. -- For 18 holes, Stuart Appleby played flawless golf in yesterday's third round, four birdies and 14 pars. It wasn't until he was done playing that he discovered that it wasn't as good a day as he had thought, that he had made a quadruple bogey.$LABEL$1 +Hungarian GP, Qualifying Fifth and ninth for Fernando and Jarno following qualifying for tomorrow's Hungarian Grand Prix.$LABEL$1 +Budapest, Free Practice 3 and 4: A tight battle in store The teams have just finished their final preparations for the race and qualifying, in much lower temperatures than yesterday.$LABEL$1 +Overtaking at Budapest? Its possible The Renault F1 Team drivers explain how you can make up positions at the Hungarian circuit.$LABEL$1 +Budapest, Day 1: everythings on track The Renault F1 Team ran through its programme without worrying about the timesheets or its rivals. The focus has been on Sundays race, not Fridays glory.$LABEL$1 +Hungarian GP, Friday Round-Up Fernando tenth and Jarno seventeenth but no cause for concern, while Pat Symonds explains the challenges of Fridays at the race.$LABEL$1 +Redskins Get the Boot A fourth-quarter lead proves fleeting for the Redskins as John Kasay hits a 52-yard field goal Saturday to give the Panthers a 23-20 overtime win.$LABEL$1 +Trojans Open Up No. 1 Defending national champion USC begins the 2004 season right where it left off the year before - as the top ranked team in the AP Top 25 poll.$LABEL$1 +Offense Needs Work There were few offensive highlights during Virginia Tech's first scrimmage of fall practice on Saturday.$LABEL$1 +Huey Exits Early Treat Huey, the two-time All-Met Player of the year, suffered a 6-2, 6-0 loss to 29-year-old journeyman Mashiska Washington, the younger brother of former pro and 1996 Wimbledon finalist Malivai.$LABEL$1 +True Sensation Wins A Wet One at Pimlico BALTIMORE, Aug. 14 -- Even before Hurricane Charley ranged up the East Coast and began to drop its drizzle on Pimlico Race Course, the \$75,000 All Brandy Stakes for Maryland-bred fillies and mares had been taken off the track's beat-up turf course.$LABEL$1 +Lynx Infielder Fontenot Has 'Pretty Good Pop for His Size' At 5 feet 8, 160 pounds, second baseman Mike Fontenot looks more like the Class AAA Ottawa Lynx's batboy than one of the Baltimore Orioles' top prospects.$LABEL$1 +Australia, U.S. Set Record The U.S. women's and men's eights team both set world bests in the Olympic rowing competition Sunday along with Australian pair Sally Newmarch and Amber Halliday.$LABEL$1 +Phelps On Relay Team Michael Phelps is named to the 4x100-meter freestyle relay team that will compete in Sunday's final, keeping alive his quest for a possible eight Olympic gold medals.$LABEL$1 +Venezuelans Vote Early in Referendum on Chavez Rule (Reuters) Reuters - Venezuelans turned out early\and in large numbers on Sunday to vote in a historic referendum\that will either remove left-wing President Hugo Chavez from\office or give him a new mandate to govern for the next two\years.$LABEL$0 +S.Koreans Clash with Police on Iraq Troop Dispatch (Reuters) Reuters - South Korean police used water cannon in\central Seoul Sunday to disperse at least 7,000 protesters\urging the government to reverse a controversial decision to\send more troops to Iraq.$LABEL$0 +Palestinians in Israeli Jails Start Hunger Strike (Reuters) Reuters - Thousands of Palestinian\prisoners in Israeli jails began a hunger strike for better\conditions Sunday, but Israel's security minister said he\didn't care if they starved to death.$LABEL$0 +Seven Georgian soldiers wounded as South Ossetia ceasefire violated (AFP) AFP - Sporadic gunfire and shelling took place overnight in the disputed Georgian region of South Ossetia in violation of a fragile ceasefire, wounding seven Georgian servicemen.$LABEL$0 +Rwandan Troops Arrive in Darfur (AP) AP - Dozens of Rwandan soldiers flew into Sudan's troubled Darfur region Sunday, the first foreign armed force deployed in the area since Arab militiamen began a rampage against black African farmers, killing thousands.$LABEL$0 +Rwanda Troops Airlifted to Start AU Mission in Darfur (Reuters) Reuters - Rwandan troops were airlifted on Sunday\to Sudan's Darfur as the first foreign force there, mandated to\protect observers monitoring a cease-fire between the Sudanese\government and rebels in the troubled western region.$LABEL$0 +Bomb at India Independence Parade Kills 15 (AP) AP - A bomb exploded during an Independence Day parade in India's remote northeast Sunday, killing at least 15 people, including schoolchildren, while a rocket attack during a celebration at a school in the separatist region of Kashmir injured 17, officials said.$LABEL$0 +Australian FM to visit North Korea for talks on nuclear crisis (AFP) AFP - Australia's foreign minister will pay a rare visit to North Korea this week for talks on its nuclear programme after creating a stir here by warning a North Korean missile would be able to hit Sydney.$LABEL$0 +Kerry Campaign Helping With Fla. Recovery (AP) AP - Democratic presidential candidate John Kerry does not plan to visit Florida in the aftermath of Hurricane Charley because he's concerned his campaign entourage could distract from recovery efforts, he said Saturday.$LABEL$0 +Edwards Calls for Changes to Drug Plans (AP) AP - Democratic vice presidential candidate John Edwards called for changes to prescription drug programs and praised running mate John Kerry's military and government service at an outdoor campaign rally here Saturday.$LABEL$0 +Kerry leading Bush in key swing states (AFP) AFP - Although polls show the US presidential race a virtual dead heat, Democrat John Kerry appears to be gaining an edge over George W. Bush among the key states that could decide the outcome.$LABEL$0 +Democratic Senator Urges Energy Reform (AP) AP - Congress must pass legislation to protect the nation's electricity grid if it wants to avoid repeats of the devastating outages that rolled across eight states last year, Sen. Maria Cantwell, D-Wash., said Saturday.$LABEL$0 +Missouri Attorney General Sues EPA (AP) AP - Missouri's attorney general sued the federal environmental agency on Friday, saying it is behind on testing the state's air for lead as required by law.$LABEL$0 +Mortars Mark Opening of Iraqi Political Conference BAGHDAD (Reuters) - Insurgents fired mortars at a meeting where Iraqi leaders met to pick an interim national assembly Sunday, killing at least two people in a grim reminder of the country's tortured path toward democracy.$LABEL$0 +Japan Ministers Pay Homage at Shrine for War Dead TOKYO (Reuters) - Three Japanese ministers paid homage at a controversial shrine for war dead Sunday, the 59th anniversary of Japan's World War II surrender, a move that drew anger from Asian neighbors.$LABEL$0 +Najaf battle a crucial test for Allawi Clashes between US troops and Sadr militiamen escalated Thursday, as the US surrounded Najaf for possible siege.$LABEL$0 +Who are Ch #225;vez's opponents? On Sunday, Venezuelans will decide whether to cut short the president's term, which is due to end in 2006.$LABEL$0 +Eye on Athens, China stresses a 'frugal' 2008 Olympics Amid a reevaluation, officials this week pushed the completion date for venues back to 2007.$LABEL$0 +Tense Iraq debates new assembly Talks on setting up an Iraqi assembly continue despite fresh violence in Baghdad and the Shia stronghold of Najaf.$LABEL$0 +Venezuelans vote on Chavez rule A referendum is under way in Venezuela to decide if President Hugo Chavez should remain in office.$LABEL$0 +Pope celebrates Mass in Lourdes An ailing Pope John Paul II says Mass at Lourdes, the French shrine revered by Roman Catholics.$LABEL$0 +Rwandan soldiers arrive in Sudan Rwandan troops arrive in Sudan to help protect ceasefire monitors in the war-ravaged Darfur region.$LABEL$0 +Thorpe leads big guns Ian Thorpe sets the fastest time in the 200m freestyle as swimming's top names cruise into the semi-finals.$LABEL$0 +Mystery over judo 'protest' Iran's Arash Miresmaili withdraws from the Olympics amid confusion over his reasons.$LABEL$0 +Jackson probe 'should be public' Santa Barbara's sheriff asks a judge if he can release the results of an inquiry into Michael Jackson's treatment by police.$LABEL$0 +Rumsfeld warning for Iraq's Sadr The Iraq crisis and differences over Nato loom over the US Defence Secretary's meeting with his Russian counterpart.$LABEL$0 +South Ossetia ceasefire discussed Georgia and South Ossetia negotiate the details of a truce they forged, despite reports of a village attack.$LABEL$0 +'Mock executions' for UK hostage The British journalist who was kidnapped in Iraq says he faced mock executions and tried to escape his captors.$LABEL$0 +India carries out rare execution A man convicted of raping and killing a schoolgirl is hanged in India's first execution in nine years.$LABEL$0 +Rowling reads to gathered fans Harry Potter author JK Rowling delights a small group of fans by giving her first public reading in Scotland for four years.$LABEL$0 +President's fate is on the line in Venezuela CARACAS -- Partisans on both sides are calling it the most polarized and important election in Venezuela's history, a presidential recall referendum today that will determine the course of democracy here and could buffet world oil prices. Both campaigns are also utterly convinced they will win.$LABEL$0 +Lamenting London's double-deckers Up-to-date buses supplant symbol LONDON -- On a sweltering August afternoon, George Watson wedged himself, his briefcase, his sports jacket, and his raincoat into a narrow seat aboard the profoundly un-air-conditioned No. 38 bus, as it resumed its rumble down High Holborn, in London's bustling city center.$LABEL$0 +Clash among warlords casts doubt on Afghanistan's security KABUL, Afghanistan -- Rival militias clashed in western Afghanistan yesterday, reportedly killing 21 people and ramping up concern about security as the country prepares for landmark elections.$LABEL$0 +Options running out as Najaf talks collapse BAGHDAD -- After more than a week of fighting between the Mahdi Army and the combined US and Iraqi forces in Najaf, Baghdad's Sadr City, and a half-dozen other cities, analysts say neither interim Prime Minister Iyad Allawi nor radical cleric Moqtada al-Sadr had any good options left other than to talk.$LABEL$0 +Japanese youths' rage fuels wave of violent crime SASEBO, Japan -- On a cloudless afternoon in this sleepy port city, an 11-year-old girl drenched in blood and clutching a box cutter walked into the lunchroom at her elementary school. Teachers and students froze, assuming the sixth-grader known for her lighthearted nature had gravely hurt herself -- but she quickly dispelled that impression, witnesses said, by uttering a few ...$LABEL$0 +NATO proclaims victory in Bosnia SARAJEVO, Bosnia-Herzegovina -- When NATO forces first came to Bosnia nearly a decade ago, they lived in heavily guarded compounds, patrolled the streets in tanks, and often wore full body armor.$LABEL$0 +Koreans of mixed race tackle a prejudice SEOUL -- For years, Lee Yu Jin kept her secret. Whenever anybody asked -- and they did all the time as her celebrity as an actress and model spread -- she simply denied the rumors. No, she was not a foreigner. She was Korean.$LABEL$0 +Venezuela Holds Referendum on President CARACAS, Venezuela - The opposition's long and bitter campaign to oust Venezuelan President Hugo Chavez finally came down to a recall referendum Sunday, with the leftist leader hoping a huge turnout among the poor will keep him in power. Activists on both sides set off fireworks and blared recordings of bugle music to wake voters hours before dawn, hoping for a flood of early votes in their favor...$LABEL$0 +Floridians Return to Storm-Ravaged Homes PUNTA GORDA, Fla. - After getting a first look at the widespread damage left behind by Hurricane Charley, Florida residents were faced with the arduous task of sorting through the wreckage, and for some, starting over again...$LABEL$0 +Charley May Not Spike Insurance Premiums MIAMI - Hurricane Charley probably will not cause Floridians' insurance premiums to skyrocket like 1992's Andrew, and fewer insurers should go bankrupt from paying out damages expected to reach the billions of dollars, state and industry officials said Saturday. They say previous premium increases and overhauls made because of Andrew, the most expensive natural disaster in U.S...$LABEL$0 +Florida Residents Face Hurricane Wreckage PUNTA GORDA, Fla. - After getting a first look at the widespread damage left behind by Hurricane Charley, Florida residents were faced with the arduous task of sorting through the wreckage, and for some, starting over again...$LABEL$0 +Phelps, Thorpe Advance in 200 Freestyle ATHENS, Greece - Michael Phelps took care of qualifying for the Olympic 200-meter freestyle semifinals Sunday, and then found out he had been added to the American team for the evening's 400 freestyle relay final. Phelps' rivals Ian Thorpe and Pieter van den Hoogenband and teammate Klete Keller were faster than the teenager in the 200 free preliminaries...$LABEL$0 +Venezuela Opposition Holds Recall Vote CARACAS, Venezuela - The opposition's long and bitter campaign to oust Venezuelan President Hugo Chavez finally came down to a recall referendum Sunday, with the leftist leader hoping a huge turnout among the poor will keep him in power. Officials from around the world - including Pope John Paul II and U.S...$LABEL$0 +Bomb at India Independence Parade Kills 15 NEW DELHI - A bomb exploded during an Independence Day parade in India's remote northeast on Sunday, killing at least 15 people, officials said, just an hour after Prime Minister Manmohan Singh pledged to fight terrorism. The outlawed United Liberation Front of Asom was suspected of being behind the attack in Assam state and a second one later in the area, said Assam Inspector General of Police Khagen Sharma...$LABEL$0 +Memorial Service Held for Lori Hacking OREM, Utah - Family and friends of Lori Hacking gathered Saturday for a memorial service to remember the woman whom authorities believe was slain by her husband while she slept. About 600 people attended the service, including the parents of both Lori Hacking and her husband, Mark, who has been charged with her murder...$LABEL$0 +Phelps, Thorpe Advance in 200 Freestyle ATHENS, Greece - Michael Phelps took care of qualifying for the Olympic 200-meter freestyle semifinals Sunday, and then found out he had been added to the American team for the evening's 400 freestyle relay final. Phelps' rivals Ian Thorpe and Pieter van den Hoogenband and teammate Klete Keller were faster than the teenager in the 200 free preliminaries...$LABEL$0 +Pilgrims Crowd Field for Mass With Pope LOURDES, France - A frail Pope John Paul II celebrated an open-air Mass on Sunday as several hundred thousand pilgrims, many in wheelchairs, crowded onto a field near a French shrine to the Virgin Mary that is associated with miraculous cures of the sick. The Mass was a highlight of the Pope's two-day visit to Lourdes, a town in the Pyrenees where Roman Catholic tradition says St...$LABEL$0 +Iraqi Troops to Take Lead in Fighting Militia Iraq will send troops to Najaf to battle a Shiite Muslim militia after peace talks collapsed between the government and Moqtada Sadr.$LABEL$0 +High Stakes Showdown in Najaf The fallout from Shiites fighting U.S. Marines in a holy city could weaken Iraq's new government$LABEL$0 +Strategies for a Sideways Market (Reuters) Reuters - The bulls and the bears are in this\together, scratching their heads and wondering what's going to\happen next.$LABEL$2 +Art Looks Like Fine Investment for Funds (Reuters) Reuters - Some mutual funds invest in stocks;\others invest in bonds. Now a new breed of funds is offering\the chance to own fine art.$LABEL$2 +Oil and Economy Cloud Stocks' Outlook (Reuters) Reuters - Soaring crude prices plus worries\about the economy and the outlook for earnings are expected to\hang over the stock market this week during the depth of the\summer doldrums.$LABEL$2 +Strategies for a Sideways Market WASHINGTON (Reuters) - The bulls and the bears are in this together, scratching their heads and wondering what's going to happen next.$LABEL$2 +Art Looks Like Fine Investment for Funds NEW YORK (Reuters) - Some mutual funds invest in stocks; others invest in bonds. Now a new breed of funds is offering the chance to own fine art.$LABEL$2 +Oil and Economy Cloud Stocks' Outlook NEW YORK (Reuters) - Soaring crude prices plus worries about the economy and the outlook for earnings are expected to hang over the stock market this week during the depth of the summer doldrums.$LABEL$2 +A Digital Doctor Treats Computer Contamination (washingtonpost.com) washingtonpost.com - Before me lies the patient, a Gateway computer running Windows 98. It is suffering from extremely clogged Internet arteries, unable to reach the Web. As one of The Washington Post's digital doctors, my task is to nurse the machine back to health so my colleague Kathleen Day can access her e-mail and file stories from home.$LABEL$3 +Microsoft Lists Apps Affected by XP SP2 (Ziff Davis) Ziff Davis - Microsoft has published a list of nearly 50 software programs that require tweaking in order to work with its most recent Windows update.$LABEL$3 +Europe's Eel Population Collapsing (AP) AP - When a poacher with a baseball bat mugged Willem Dekker for his baby eels, it was further confirmation for the Dutch biologist that the species is in trouble.$LABEL$3 +Genetic Material May Help Make Nano-Devices: Study (Reuters) Reuters - The genetic building blocks that\form the basis for life may also be used to build the tiny\machines of nanotechnology, U.S. researchers said on Thursday.$LABEL$3 +Progress Cargo Ship Launched From Russia (AP) AP - A Russian cargo ship loaded with supplies and equipment blasted off from the Baikonour cosmodrome in Kazakhstan on Wednesday headed for the international space station, a Russian space official said.$LABEL$3 +Computer Naivete Costs A Bundle The meltdown of my home computer was my fault, the result of having switched to a high-speed Internet connection without installing a firewall or heeding those pesky warnings to download critical updates for Windows and anti-virus software. <FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2""\ color=""#666666""><B>-The Washington Post</b></font>$LABEL$3 +NASA Develops Robust Artificial Intelligence for Planetary Rovers NASA is planning to add a strong dose of artificial intelligence (AI) to planetary rovers to make them much more self-reliant, capable of making basic decisions during a mission. Scientists are developing very complex AI software that enables a higher level of robotic intelligence.$LABEL$3 +Science and President Bush Collide in Election Year With more than 4,000 scientists, including 48 Nobel Prize winners, having signed a statement opposing the Bush administration's use of scientific advice, this election year is seeing a new development in the uneasy relationship between science and politics.$LABEL$3 +Hurricane Charley's Force Took Experts by Surprise By MARCIA DUNN (AP) -- Hurricane Charley's 145-mph force took forecasters by surprise and showed just how shaky a science it still is to predict a storm's intensity - even with all the latest satellite and radar technology. ""Most major hurricanes become major by going through a rapid intensification...$LABEL$3 +New Computer Games Teach Nutrition to Needy In an effort to educate the nation's neediest children on nutrition, a new project uses the familiar medium of video games to broadcast its message. The Fantastic Food Challenge, a package of four computer games, is designed to teach people who get nutrition aid such as federal food stamps how to make better use of their food.$LABEL$3 +Sprint Set to Debut Video-Streaming Cell Phone OVERLAND PARK, Kan. (AP) -- Channel surfing is moving off the couch as Sprint Corp...$LABEL$3 +Kobe Bryant Due Back in Court Monday (AP) AP - With Kobe Bryant's sexual assault trial scheduled to begin in less than two weeks, speculation is mounting that prosecutors are looking for a way to dismiss the charge after a series of setbacks.$LABEL$1 +Rangers Designate Bacsik for Assignment (AP) AP - Pitcher Mike Bacsik was designated for assignment by the Texas Rangers on Sunday after going 1-1 with a 4.60 ERA in three starts.$LABEL$1 +Arsenal Beats Everton to Extend Streak (AP) AP - Arsenal opened its defense of its English title with a 4-1 win at Everton on Sunday, making it 41 straight games without a loss in the Premier League.$LABEL$1 +Nadal Wins in Poland for First ATP Title (AP) AP - Spain's Rafael Nadal won his first ATP singles title Sunday, beating Argentina's Jose Acasuso 6-3, 6-4 in the final at the Idea Prokom Open.$LABEL$1 +Zahringer Leads Field at U.S. Amateur (AP) AP - George Zahringer III is back for another shot at the U.S. Amateur. The New Yorker is one of three returning quarterfinalists for the tournament, which begins Monday at the Winged Foot Golf Club. Lee Williams of Alexander City, Ala., and Patrick Carter of Lesage, W.Va., complete the trio from last year's championship that was won by Nick Flanagan of Australia.$LABEL$1 +Pau Edges Yao in Clash of the Giants ATHENS (Reuters) - Spain's Pau Gasol got the better of China's Yao Ming in Olympic basketball's own clash of the giants Sunday.$LABEL$1 +Hamilton Sets Early Pace as Woods Struggles KOHLER, Wis. (Reuters) - British Open champion Todd Hamilton made the first significant move in the U.S. PGA Championship final round Sunday as overnight pacesetter Vijay Singh prepared for an afternoon tee-off.$LABEL$1 +Iran Defies Olympic Spirit by Shunning Israel ATHENS (Reuters) - Iran's world judo champion Arash Miresmaeili refused to compete against an Israeli Sunday, triggering a fresh crisis at the Olympic Games where race, creed or color are barred from interfering in sport.$LABEL$1 +U.S. Softball Team Puts Australia in Its Place ATHENS (Reuters) - The United States kept itself firmly on course for a third straight Olympic softball gold medal when it thrashed Australia 10-0 Sunday.$LABEL$1 +Schumacher Triumphs as Ferrari Clinches Title BUDAPEST (Reuters) - Michael Schumacher cruised to a record 12th win of the season in the Hungarian Grand Prix on Sunday to hand his Ferrari team a sixth successive constructors' title.$LABEL$1 +Nearly 10 Million Afghans to Embrace Democracy (Reuters) Reuters - Thousands of U.S. troops in Afghanistan\may have failed to catch Osama bin Laden but they are credited\with encouraging millions of Afghans to register for the\country's historic election in October.$LABEL$0 +Mortars Mark Opening of Iraqi Political Conference (Reuters) Reuters - Insurgents fired mortars at a meeting\where Iraqi leaders met to pick an interim national assembly\Sunday, killing at least two people in a grim reminder of the\country's tortuous path toward democracy.$LABEL$0 +Conference Gives Iraq Democracy First Test (AP) AP - Despite the steady clang of mortar shells outside and persistent violence in the country, many delegates at the opening on Sunday of Iraq's National Conference held out hope that this first fragile taste of democracy would succeed.$LABEL$0 +Countries Run Drills for Panana Attack (AP) AP - The U.S. Coast Guard boarded the ship in the choppy Caribbean waters and began counting crew members, but the numbers did not match those given earlier.$LABEL$0 +Police push for surveillance fee on customers' phone, Internet bills (Canadian Press) Canadian Press - OTTAWA (CP) - Canada's police chiefs propose a surcharge of about 25 cents on monthly telephone and Internet bills to cover the cost of tapping into the communications of terrorists and other criminals.$LABEL$0 +Bush should have tackled reform before naming CIA boss: lawmaker (AFP) AFP - The top Democrat on the House intelligence committee urged fellow lawmakers not to allow confirmation hearings on a new CIA director to derail efforts to overhaul US spy agencies.$LABEL$0 +Venezuelans Rush to Vote in Referendum on Chavez CARACAS, Venezuela (Reuters) - Venezuelans crowded polling stations on Sunday to vote on whether to recall left-wing President Hugo Chavez or back his mandate to govern the world's No. 5 oil exporter for the next two years.$LABEL$0 +TV: Iraqi Kidnappers of Iran Envoy Want POWs Freed TEHRAN (Reuters) - Kidnappers holding an Iranian diplomat in Iraq will ""punish"" him within 48 hours if Iran does not release 500 prisoners captured in its 1980-1988 war with Iraq, Iranian state television said Sunday.$LABEL$0 +Nearly 10 Million Afghans to Embrace Democracy KABUL (Reuters) - Thousands of U.S. troops in Afghanistan may have failed to catch Osama bin Laden but they are credited with encouraging millions of Afghans to register for the country's historic election in October.$LABEL$0 +Rebranded Liechtenstein Welcomes Fresh Prince VADUZ, Liechtenstein (Reuters) - The people of Liechtenstein ushered in a new era Sunday as the tiny Alpine principality welcomed a new ruler and sought to shed its image as a haven for money launderers.$LABEL$0 +France marks the 'other D-Day' Two days of celebrations to honour the Allied veterans who liberated southern France near a climax.$LABEL$0 +Phish farewell attracts thousands Jam band"" Phish play their last gigs together at a special festival in the US which has attracted thousands of fans.$LABEL$0 +Iraq troops move angers S Koreans Clashes with riot police erupt as thousands protest in Seoul against plans to send troops to help US-led forces in Iraq.$LABEL$0 +Bush Surveys Damage in Florida as Toll Is Expected to Mount Hurricane Charley - one of the most powerful storms in the nation's history - caused at least \$20 billion in damage in Florida alone.$LABEL$0 +Phelps, Rival Thorpe in 200M-Free Semis ATHENS, Greece - Michael Phelps took care of qualifying for the Olympic 200-meter freestyle semifinals Sunday, and then found out he had been added to the American team for the evening's 400 freestyle relay final. Phelps' rivals Ian Thorpe and Pieter van den Hoogenband and teammate Klete Keller were faster than the teenager in the 200 free preliminaries...$LABEL$0 +Pope Struggles Through Mass at Lourdes LOURDES, France - A sick man among the sick, Pope John Paul II struggled through Sunday Mass at a French shrine that draws desperate people seeking miracle cures. The 84-year-old pontiff gasped, trembled and asked aides for help during the 2 1/2 hour service in sizzling heat...$LABEL$0 +Singh, Leonard in Final Pairing at PGA HAVEN, Wis. - Whistling Straits is suddenly the least of anyone's worries...$LABEL$0 +Venezuela Voters Turn Out in Huge Numbers CARACAS, Venezuela - Voters turned out in huge numbers Sunday to decide whether to keep populist President Hugo Chavez in power or oust him and his social revolution that critics say has sidelined the middle class and fueled tensions between rich and poor. Activists on both sides set off huge firecrackers and played recorded bugle songs to wake voters hours before dawn...$LABEL$0 +Reservists Say War Makes Them Lose Jobs WASHINGTON - Increasing numbers of National Guard and Reserve troops who have returned from war in Iraq and Afghanistan are encountering new battles with their civilian employers at home. Jobs were eliminated, benefits reduced and promotions forgotten...$LABEL$0 +Wildfire Sweeps by Old Calif. Mining Town REDDING, Calif. - A wind-fueled wildfire roared through an old mining town near Redding on Sunday, destroying 20 homes and forcing nearly 125 residents to flee, officials said...$LABEL$0 +Charley Damage Estimated at \$11 Billion PUNTA GORDA, Fla. - As Florida residents began sweeping up the wreckage left behind by Hurricane Charley, officials on Sunday estimated damages as high as \$11 billion for insured homes alone...$LABEL$0 +Entertainment World Wary of Microsoft (AP) AP - CinemaNow Inc., the Internet-based movie service, is a rarity in Hollywood #151; a company that eagerly embraces Microsoft Corp. technology and relies on it exclusively to transmit, protect and display the movies it rents to customers. Then again, Microsoft is a major investor in the company, which is also owned by independent studio Lions Gate.$LABEL$3 +Cat Clones \\From CNN (which didn't permalink this article so no PageRank for you!):\\""Baba Ganoush and Tabouli, the first cats cloned by chromatin transfer, tackle a\cat toy in San Francisco Thursday. The technology was developed by Genetic\Savings Clone, a company that produces cat clones.""\\$LABEL$3 +US NBA players become the Nightmare Team after epic loss (AFP) AFP - Call them the ""Nightmare Team"".$LABEL$1 +Report: Roenick Paid for Betting Tips (AP) AP - Flyers star Jeremy Roenick paid more than #36;100,000 to a Florida firm that made millions selling betting tips to gamblers, law enforcement officials told The Philadelphia Inquirer.$LABEL$1 +U.S. Basketball Team Loses to Puerto Rico ATHENS (Reuters) - The United States lost their first basketball match at the Olympics since 1988 on Sunday when Puerto Rico gave them a shock 92-73 trouncing.$LABEL$1 +South Africa Ends Phelps Medal Quest ATHENS (Reuters) - South Africa ruined Michael Phelps's dream of winning a record eight gold medals at the Athens Olympics with a stunning victory in the men's 4x100 meters freestyle final on Sunday.$LABEL$1 +Iran Snub to Israel Challenges IOC ATHENS (Reuters) - Iran defied the Olympic spirit on Sunday by refusing to contest a judo bout with an Israeli at the Athens Games, making no effort to hide the fact it was putting solidarity with the Palestinians before gold medals.$LABEL$1 +Romanian Gymnasts Edge Ahead of U.S. Women ATHENS (Reuters) - Daniela Sofronie displayed all her athleticism to edge Romania ahead of the United States in the Olympic women's gymnastics team qualifying Sunday.$LABEL$1 +Roenick Paid for Betting Tips Flyers center Jeremy Roenick paid more than \$100,000 to a Florida firm that made millions selling betting tips to gamblers, law enforcement officials told The Philadelphia Inquirer.$LABEL$1 +Parks Canada protest greets prime minister at closing of Acadian Congress (Canadian Press) Canadian Press - GRAND PRE, N.S. (CP) - Prime Minister Paul Martin was met with a silent protest Sunday as he attended the closing of the World Acadian Congress in Nova Scotia.$LABEL$0 +Palestinians in Israeli Jails Start Hunger Strike RAMALLAH, West Bank (Reuters) - Thousands of Palestinian prisoners in Israeli jails began a hunger strike for better conditions on Sunday, but Israel's security minister said he didn't care if they starved to death.$LABEL$0 +Frail Pope Ends Tiring Lourdes Pilgrimage LOURDES, France (Reuters) - Pope John Paul, a sick man among the sick, wound up a emotional visit to this miracle shrine Sunday and struggled with iron determination to finish a sermon in order to encourage others suffering around him.$LABEL$0 +No Gold for Phelps As Relay Team Falters ATHENS, Greece - Mark Spitz can rest easy. The best Michael Phelps can do is win seven gold medals at these Olympics...$LABEL$0 +Dream Team Stunned by Puerto Rico 92-73 ATHENS, Greece - In an upset that was as historic as it was inevitable, the U.S. men's basketball team lost for only the third time ever in the Olympics on Sunday, 92-73 to Puerto Rico...$LABEL$0 +Roddick, Venus, Navratilova Win Openers (AP) AP - Bothered more by the wind and her wrist wrap than her opponent, defending gold medalist Venus Williams overpowered Melinda Czink of Hungary 6-1, 6-2 in the opening match of the Athens Games' tennis tournament. Andy Roddick made his Olympic debut with a 6-3, 7-6 (4) victory over Flavio Saretta of Brazil, swatting 12 aces and 16 service winners.$LABEL$1 +American Duo Wins Opening Beach Volleyball Match ATHENS (Reuters) - American Misty May gave team mate Kerri Walsh an ideal 26th birthday present with an easy victory over Japan in their opening match of the Olympics beach volleyball tournament on Sunday.$LABEL$1 +Puerto Rico Upsets United States Men The United States men's basketball team lost to Puerto Rico, 92-73. The loss could put the American gold medal hopes in jeopardy.$LABEL$1 +Venezuelans Throng to Polls in Chavez Referendum CARACAS, Venezuela (Reuters) - Venezuelans crowded polling stations on Sunday to vote on whether to recall left-wing President Hugo Chavez or back his mandate to govern the world's No. 5 oil exporter for the next two years.$LABEL$0 +Schumacher Triumphs as Ferrari Seals Formula One Title BUDAPEST (Reuters) - Michael Schumacher cruised to a record 12th win of the season in the Hungarian Grand Prix on Sunday to hand his Ferrari team a sixth successive constructors' title.$LABEL$1 +Pope Struggles Through Mass at Lourdes (AP) AP - A sick man among the sick, Pope John Paul II struggled through Sunday Mass at a French shrine that draws desperate people seeking miracle cures. The 84-year-old pontiff gasped, trembled and asked aides for help during the 2 1/2 hour service in sizzling heat.$LABEL$0 +Nicholls State Fires Football Coach (AP) AP - Nicholls State football coach Daryl Daye was fired Sunday over accusations of academic fraud involving players and an assistant coach. Daye was not implicated in the alleged fraud, but an investigation found he failed to ""maintain proper controls"" of the assistant, the Southland Conference school said.$LABEL$1 +Florida Starts Massive Hurricane Cleanup PUNTA GORDA, Fla. - Residents left homeless by Hurricane Charley's 145 mph winds dug through their ravaged homes on Sunday, sweeping up shattered glass and rescuing what they could as President Bush promised rapid delivery of disaster aid...$LABEL$0 +Nicky Hilton Marries in Vegas LAS VEGAS - Hotel heiress Nicky Hilton married a New York money manager before dawn Sunday in an impromptu ceremony, according to court filings obtained by The Associated Press. Hilton, 20, married Todd Andrew Meister, 33, at the Las Vegas Wedding Chapel, according a Clark County marriage license...$LABEL$0 +Election-Year Rate Hike Puzzles Some WASHINGTON - Going against conventional wisdom, the Federal Reserve is raising interest rates in an election year. And it is Fed Chairman Alan Greenspan, a Republican, who is leading the charge even though an incumbent Republican in the White House is facing voter unrest about the state of the economy...$LABEL$0 +Explosions Echo Throughout Najaf NAJAF, Iraq - U.S. tanks and troops rolled back into the center of Najaf and battled with Shiite militants Sunday, reigniting violence in the holy city just as delegates in Baghdad opened a conference meant to be a landmark in the country's movement toward democracy...$LABEL$0 +Venezuela Voters Turn Out in Huge Numbers CARACAS, Venezuela - Summoned by bugle calls and firecrackers, millions of Venezuelans turned out in unprecedented numbers Sunday to vote on whether to force leftist President Hugo Chavez from office. Lines snaked for blocks in upscale neighborhoods, where suspicion is high that the leftist leader plans a Cuba-style dictatorship, and in the slums, where support for his ""revolution for the poor"" is fervent...$LABEL$0 +Man Linked to N.J. Gov. Says He's Straight JERUSALEM - The Israeli man at the center of New Jersey Gov. James E...$LABEL$0 +Iraq Reaches Olympic Soccer Quarterfinals ATHENS (Reuters) - Iraq's fairytale Olympic run continued on Sunday when they beat Costa Rica 2-0 to reach the quarter-finals of the Athens Games.$LABEL$1 +No Gold for Phelps as Relay Team Falters South Africa won the gold medal Sunday in the men's 400-meter freestyle relay with a world-record time of 3 minutes 13.17 seconds.$LABEL$1 +I Confess. I'm a Software Pirate. \\I'm guilty. I'm a Software Pirate! Not just one or two copies of DOS but\probably hundreds of thousands of dollars worth of software.\\Growing up my parents didn't have much money. Certainly not hundred of\thousands of dollars for me to blow on software. I was curious and had a\passion for computers that I couldn't control. I simply wanted to learn and\couldn't afford to pay for software.\\Luckily I did this when I was a kid so hopefully I won't be prosecuted. I also\believe that everything I did was ethical. I didn't take any money out of the\hands of the software industry and I've already contributed WAY more to the\industry than a few hundred thousand in software sales.\\This is th ...\\$LABEL$3 +Venezuela Oil Official Predicts Stability (AP) AP - Venezuela's oil industry will enter a new period of stability and growth after Sunday's referendum on Hugo Chavez's presidency, the president of the state-run oil company said Sunday.$LABEL$0 +Funds: Are Bond Funds Hazardous? (Clint Willis is a freelance writer who covers mutual funds for Reuters. Any opinions in the column are solely those of Mr. Willis.)$LABEL$2 +O's Beat Blue Jays With Eight-Run Eighth (AP) AP - David Newhan tied a career high with four hits, including a go-ahead double in Baltimore's eight-run eighth inning, and the Orioles rallied for an 11-7 victory over the Toronto Blue Jays on Sunday.$LABEL$1 +Italy on alert after purported Al-Qaeda ultimatum expires (AFP) AFP - Italy was on high alert as a group linked to Al-Qaeda reportedly threatened to attack, singling out Prime Minister Silvio Berlusconi as a target, after the expiry of a deadline for Rome to pull its troops out of Iraq.$LABEL$0 +Edwards Caps Intense Push in Iowa (AP) AP - Capping an intense 10-day competition for Iowa's seven electoral votes, Democratic vice presidential nominee John Edwards accused the Bush administration on Sunday of being captured by drug and insurance interests at the expense of working families.$LABEL$0 +Two visions of Iraq struggle to take hold Fighting in Najaf threatened to undermine a conference to choose a national assembly.$LABEL$0 +Giants Top Phillies 3-1 to Finish Sweep (AP) AP - Brett Tomko allowed one run in six innings for his first win in nearly a month and helped San Francisco complete a three-game sweep of the Philadelphia Phillies with a 3-1 victory Sunday.$LABEL$1 +South Africa Ends Phelps' Gold Medal Quest ATHENS (Reuters) - South Africa ruined Michael Phelps's dream of winning a record eight gold medals in a dramatic and controversial day of swimming at the Athens Olympics on Sunday.$LABEL$1 +Johnson Helps D - Backs End Nine - Game Slide NEW YORK (AP) -- Randy Johnson took a four-hitter into the ninth inning to help the Arizona Diamondbacks end a nine-game losing streak Sunday, beating Steve Trachsel and the New York Mets 2-0.$LABEL$1 +Perry Out for Season Eagles running back Bruce Perry will miss his rookie season after dislocating a shoulder in an exhibition game against the New England Patriots.$LABEL$1 +Millions Wait Hours in Venezuela to Vote in Recall Election The unprecedented vote was sluggish as huge crowds lined up at voting booths. Results were not expected until 8 p.m., or later.$LABEL$0 +Leonard Forges Two Clear with Nine to Play at PGA KOHLER, Wisconsin (Reuters) - American Justin Leonard stayed on track for his second major title in the U.S. PGA Championship final round on Sunday, moving two shots clear with nine holes to play.$LABEL$1 +'Alien Vs. Predator' Smacks Down Rivals LOS ANGELES - Movie-goers were easy prey for a double dose of space invaders. The sci-fi smackdown ""Alien vs...$LABEL$0 +U.S. Men Stunned by Puerto Rico, 92-73 ATHENS, Greece - In an upset as historic as it was inevitable, Tim Duncan, Allen Iverson and the rest of the U.S. basketball team lost 92-73 to Puerto Rico on Sunday, only the third Olympic loss ever for America and its first since adding pros...$LABEL$0 +49ers' Beasley Could Miss Several Weeks (AP) AP - Fullback Fred Beasley could be sidelined until the 49ers' season opener Sept. 12 against the Atlanta Falcons with a high left ankle sprain.$LABEL$1 +Dodgers Rally in 8th to Defeat Cubs 8-5 (AP) AP - Adrian Beltre and Shawn Green homered, and Steve Finley hit a go-ahead RBI single in the eighth inning as the Los Angeles Dodgers rallied for an 8-5 victory over the Chicago Cubs on Sunday.$LABEL$1 +UN Weighs Situation in Burundi Following Massacre UNITED NATIONS (Reuters) - The U.N. Security Council met in emergency session concerning Burundi on Sunday following the massacre of more than 150 Tutsi Congolese refugees at a camp in western Burundi.$LABEL$0 +Cold Winters Slow Northeast Hemlock Pest (AP) AP - New England's bitterly cold winters may be hard on people, but they have been even harder on an Asian insect that's threatening to destroy hemlocks, one of the signature trees of the region's forests.$LABEL$3 +Teen Is First Black National USTA Champion (AP) AP - Scoville Jenkins, a 17-year-old from Atlanta, became the first black to win the 18s singles championship of the U.S. Tennis Association Boys Nationals.$LABEL$1 +Rwanda Troops Start AU Mission in Darfur (Reuters) Reuters - Rwandan troops arrived in\Darfur Sunday as the first foreign force there, mandated to\protect observers monitoring a shaky cease-fire between the\Sudanese government and rebels in the remote western region.$LABEL$0 +Rwanda Troops Start AU Mission in Darfur EL FASHER, Sudan (Reuters) - Rwandan troops arrived in Darfur Sunday as the first foreign force there, mandated to protect observers monitoring a shaky cease-fire between the Sudanese government and rebels in the remote western region.$LABEL$0 +Marlins Beat Brewers 5-3 in 10 Innings (AP) AP - Luis Castillo tied the score with a ninth-inning single, and pinch-hitter Damion Easley hit a two-run double in the 10th inning that led the Florida Marlins over the Milwaukee Brewers 5-3 Sunday.$LABEL$1 +U.S. Soldiers Battle Shiites in Najaf NAJAF, Iraq - U.S. tanks and troops rolled back into the center of Najaf and battled with Shiite militants Sunday, reigniting violence in the holy city just as delegates in Baghdad opened a conference meant to be a landmark in the country's movement toward democracy...$LABEL$0 +NL Wrap: Johnson Fans 14 Mets as Arizona Snaps Slide (Reuters) Reuters - Randy Johnson struck out 14 batters in\8 1/3 innings to help the Arizona Diamondbacks end a nine-game\losing streak with a 2-0 win over the New York Mets on Sunday.$LABEL$1 +NL Wrap: Johnson Fans 14 Mets as Arizona Snaps Slide NEW YORK (Reuters) - Randy Johnson struck out 14 batters in 8 1/3 innings to help the Arizona Diamondbacks end a nine-game losing streak with a 2-0 win over the New York Mets on Sunday.$LABEL$1 +New U.N. Official Assumes Kosovo Control (AP) AP - The new U.N. administrator for Kosovo took control Sunday of the Serbian province, which has remained deeply divided along ethnic lines since the end of a 1999 war.$LABEL$0 +Venezuelans Line Up to Vote on Chavez CARACAS, Venezuela - Summoned by bugle calls and the detonations of huge firecrackers, Venezuelans turned out in unprecedented numbers Sunday to vote on whether to force leftist President Hugo Chavez from office. Some lines at polling places extended for 1.25 miles, stunning even veteran election monitors...$LABEL$0 +AL Wrap: Koskie Slugs Homer in 10th as Twins Edge Indians NEW YORK (Reuters) - Corey Koskie clubbed a two-run homer in the top of the 10th inning to help the Minnesota Twins hold on to first place in the American League Central with a 4-2 road win over the Cleveland Indians.$LABEL$1 +Whistling Straits Proves It's Major League Whistling Straits has received magnificent reviews during the P.G.A. Championship, which is currently in a three-man playoff between Justin Leonard, Vijay Singh and Chris DiMarco.$LABEL$1 +Puerto Rico Stuns U.S. in Opening Round Puerto Rico upsets the United States, 92-73, at the men's basketball preliminaries on Sunday, the first loss at the Games for the three-time defending gold medalists since 1988.$LABEL$1 +Monday Morning The regular Monday Morning contributors will return to this page next week, as will the weekly poll.$LABEL$1 +Homer Sinks Indians Corey Koskie hit a two-run homer in the 10th inning as the Twins overcame a two-run deficit for a 4-2 win Sunday, giving them a two-game lead over the second-place Indians.$LABEL$1 +Despite Setbacks, Stahl Maintains Healthy Dose of Optimism At 23, pitcher Richard Stahl knows there's still time to impress the Baltimore Orioles' front office. He just needs to stay on the mound long enough.$LABEL$1 +AL Wrap: Koskie Slugs Homer in 10th as Twins Edge Indians (Reuters) Reuters - Corey Koskie clubbed a two-run homer\in the top of the 10th inning to help the Minnesota Twins hold\on to first place in the American League Central with a 4-2\road win over the Cleveland Indians.$LABEL$1 +Venezuela Voters Crowd Polls in Chavez Referendum CARACAS, Venezuela (Reuters) - Venezuelans crowded polling stations on Sunday to vote on whether to recall left-wing President Hugo Chavez or back his mandate to govern the world's No. 5 oil exporter for the next two years.$LABEL$0 +Device 'may aid kidney dialysis' Scientists are developing a device which could improve the lives of kidney dialysis patients.$LABEL$0 +Shippers: Venezuela Oil Unfazed by Poll CARACAS, Venezuela (Reuters) - Oil exports by Venezuela have not been disturbed by the referendum on the rule of President Hugo Chavez, shipping sources said late Sunday.$LABEL$2 +Singh Wins PGA Championship in Playoff (AP) AP - The only birdie Vijay Singh made all day was the only one that mattered. All but counted out of the PGA Championship with a putter that failed him, Singh took advantage of a late collapse by Justin Leonard to get into a three-way playoff Sunday at Whistling Straits, then made the only birdie over the three extra holes to win the final major of the year.$LABEL$1 +Singh Snares PGA Title Vijay Singh outlasts Justin Leonard and Chris DiMarco in a three-way playoff to win the PGA Championship on Sunday at Whistling Straits in Haven, Wisconsin.$LABEL$1 +U.S. Battles Shiites in Iraqi Holy City (AP) AP - U.S. tanks and troops rolled back into the center of Najaf and battled with Shiite militants Sunday, reigniting violence in the holy city just as delegates in Baghdad opened a conference meant to be a landmark in the country's movement toward democracy.$LABEL$0 +Rumsfeld Briefs Russia on Shift of Forces WASHINGTON - Defense Secretary Donald Rumsfeld briefed his Russian counterpart over the weekend on U.S. plans to shift its forces stationed around the globe, in some cases potentially bringing them closer to Russia's borders...$LABEL$0 +China's Panchen Lama visits Tibet The boy named by the Chinese authorities as the 11th Panchen Lama visits a temple in Tibet.$LABEL$0 +DiMarco, Riley Play Way Into Ryder Cup (AP) AP - Chris DiMarco and Chris Riley faced knee-knocking pressure in the last round of the PGA Championship. And what did they get for their efforts? More of the same. DiMarco and Riley played themselves into the pressure-packed Ryder Cup with their performances Sunday in the year's final major. DiMarco finished second after a three-man, three-hole playoff and Riley was fourth #151; good enough to knock Jay Haas and Steve Flesch out of the top 10 in the Ryder Cup point standings.$LABEL$1 +Bomb Kills 16 During Indian Celebration A powerful bomb killed at least 16 people, many of them schoolchildren, and wounded about 40 others as they assembled for an Independence Day parade Sunday in the northeastern state of Assam, authorities said.$LABEL$0 +Shippers: Venezuela Oil Unfazed by Poll (Reuters) Reuters - Oil exports by Venezuela\have not been disturbed by the referendum on the rule of\President Hugo Chavez, shipping sources said late Sunday.$LABEL$2 +Phelps' Quest to Win 8 Gold Medals Ends (AP) AP - Michael Phelps surely didn't bargain for this. His quest to win eight gold medals is over, doomed by America's worst showing in the 400-meter freestyle relay. Gary Hall Jr. is ticked off. And now comes the toughest race of all against Ian Thorpe. Not exactly what Phelps had in mind when he decided to challenge Mark Spitz.$LABEL$1 +Nhleko Scores As Burn Beat MetroStars 1-0 (AP) AP - Reserve forward Toni Nhleko knocked in a header one minute into stoppage time, leading the Dallas Burn to a 1-0 victory over the first-place MetroStars on Sunday.$LABEL$1 +Rwandan troops arrive in Darfur as president vows force to protect civilians (Canadian Press) Canadian Press - AL-FASHER, Sudan (AP) - Dozens of Rwandan soldiers arrived in Sudan's troubled Darfur region Sunday, the first foreign armed force deployed in the area since Arab militiamen began a rampage against black African farmers, killing thousands.$LABEL$0 +Dollar Falls to Fresh Low Vs Euro (Reuters) Reuters - The dollar fell to a fresh four-week low\versus the euro on Monday after a widening of the U.S. trade\gap to record levels raised worries about capital inflows in\the United States and a possible slowdown in the economy.$LABEL$2 +Nikkei Falls Over 1 Pct on Oil Worries TOKYO (Reuters) - Tokyo's Nikkei fell more than one percent by mid-morning on Monday as investors stepped up selling of exporters such as Toyota Motor Corp. amid growing fears of the impact of surging oil prices on the global economy.$LABEL$2 +The Region's Highest-Paid Executives Pay for the Washington area's top executives rose significantly last year, reversing the downward trend that set in with the recession in 2001.$LABEL$2 +As XM Stock Recovered, Executives' Pay Modest Thanks to the SEC, shareholders now get a long-term picture of how their stock is doing, which helps in evaluating executive pay.$LABEL$2 +Lucrative Cash Package Came as Fairchild Reported \$53.2 Million Loss For Jeffrey J. Steiner, chairman and chief executive of Fairchild Corp., nearly \$2.5 million in salary last year was just the beginning.$LABEL$2 +Board Members, Executives and Family Members Can Still Benefit Many of Corporate Washington's executives and board members have side deals with the companies they oversee.$LABEL$2 +Survey Estimates Values of Options, Excludes Exercises Figuring out how much executives get paid can be like predicting the weather -- an inexact science.$LABEL$2 +Government Spending Up Sharply Locally Federal procurement spending in the Washington area rose last year at its highest rate since the 1980s, according to a study to be released today, creating tens of thousands of jobs and increasing economic growth disproportionately in Northern Virginia.$LABEL$2 +Woods Comes Up Empty, but Still No. 1 (AP) AP - Tiger Woods came up empty in a major again, but he's still the No. 1 ranked player in the world.$LABEL$1 +Tennessee Tech's Worrell Extends Contract (AP) AP - Longtime Tennessee Tech women's basketball coach Bill Worrell has agreed to a new three-year contract with the option for three more years, the school announced Sunday.$LABEL$1 +Brad Ott Gets First Nationwide Victory (AP) AP - Brad Ott shot an 8-under 64 on Sunday to win the Nationwide Tour's Price Cutter Charity Championship for his first Nationwide victory.$LABEL$1 +Snow Storms Blanket Southern New Zealand (AP) AP - Snow storms isolated New Zealand's fourth biggest city of Dunedin on Monday, closing major roads, shutting schools and factories, and freezing newborn lambs.$LABEL$0 +Swimming showdown Ian Thorpe and Michael Phelps will chase gold in the men's 200m freestyle on day three of the Olympics.$LABEL$0 +Puerto Rico Stuns Dream Team, 92-73 ATHENS, Greece - In an upset as historic as it was inevitable, Tim Duncan, Allen Iverson and the rest of the U.S. basketball team lost 92-73 to Puerto Rico on Sunday, only the third Olympic loss ever for America and its first since adding pros...$LABEL$0 +Scrimmage Gets Ugly Ralph Friedgen used a four-letter word to describe his Maryland team's offensive performance in Sunday's practice: blah.$LABEL$1 +Schumacher Sets Mark Michael Schumacher won the Hungarian Grand Prix Sunday in Budapest, setting yet another record by becoming the first Formula One driver with 12 victories in a season.$LABEL$1 +Business Is Business When it comes to qualifying for the main draw of the Legg Mason Tennis Classic, Robert Kendrick knows that survival takes precedence and friendships are put on hold.$LABEL$1 +Iraqi Conference on Election Plan Sinks Into Chaos The conference was thrown into disorder by delegates staging protests against the U.S.-led military operation in Najaf.$LABEL$0 +F.B.I. Goes Knocking for Political Troublemakers The F.B.I. has been questioning demonstrators in an effort to forestall violent protests at the Republican National Convention.$LABEL$0 +Nikkei Falls Over 1 Pct on Oil Worries (Reuters) Reuters - Tokyo's Nikkei fell more than one percent\by mid-morning on Monday as investors stepped up selling of\exporters such as Toyota Motor Corp. amid growing fears of the\impact of surging oil prices on the global economy.$LABEL$2 +Falcons' Kerney Sprains Knee in Practice (AP) AP - Atlanta Falcons defensive end Patrick Kerney sprained his right knee in practice on Sunday when a lineman rolled on his leg.$LABEL$1 +McGahee Helps Bills Beat Broncos 16-6 (AP) AP - This is what everyone was waiting for from Willis McGahee. After 19 months of recuperation and countless questions about the strength of his left knee, the Buffalo Bills running back finally provided some answers. McGahee had the go-ahead score on a 1-yard run in his NFL preseason debut, helping the Bills to a 16-6 win over the Denver Broncos on Sunday.$LABEL$1 +Tropical Storm Earl Hits Caribbean Isles ST. GEORGE'S, Grenada - Tropical Storm Earl unleashed heavy rains and violent winds that felled trees and ripped off roofs Sunday in the eastern Caribbean, while hundreds of people sought refuge in shelters...$LABEL$0 +Report: Michael Jackson Not 'Manhandled' LOS ANGELES - The state attorney general's office has concluded that Michael Jackson was not ""manhandled"" by sheriff's deputies who took him into custody last year on child molestation charges, CBS News reported Sunday. The findings were contained in a three-page letter Martin A...$LABEL$0 +Democrats Pressure McGreevey to Leave Soon TRENTON, N.J. - High-level New Jersey Democrats said Sunday that pressure is building among members of Gov...$LABEL$0 +Bush Vows Rapid Aid to Hurricane Victims PUNTA GORDA, Fla. - Residents left homeless by Hurricane Charley's 145 mph winds dug through their ravaged homes on Sunday, sweeping up shattered glass and rescuing what they could as President Bush promised rapid delivery of disaster aid...$LABEL$0 +Nikkei Down at Midday on Oil Worries TOKYO (Reuters) - Tokyo's Nikkei fell 1.66 percent by midday on Monday, extending losses into a third day as growing fears about the impact of surging oil prices on the global economy hit exporters such as Toyota Motor Corp.$LABEL$2 +Dell Exits Low-End China Consumer PC Market (Reuters) Reuters - Dell Inc. (DELL.O), the world's\largest PC maker, said on Monday it has left the low-end\consumer PC market in China and cut its overall growth target\for the country this year due to stiff competition in the\segment.$LABEL$3 +Singh Wins Playoff and P.G.A. Title Several players outplayed Vijay Singh on Sunday, but nobody outlasted him at the 86th P.G.A. Championship.$LABEL$1 +Caterpillar Union Rejects Contract Offer CHICAGO (Reuters) - United Auto Workers (UAW) said its members at Caterpillar Inc on Sunday voted to reject the construction equipment maker's contract proposal, the second time this year workers have voted against a Caterpillar contract offer.$LABEL$2 +NYMEX Crude Hits Record \$46.76 SINGAPORE (Reuters) - NYMEX crude oil futures <CLc1> hit a new record of \$46.76 on Monday on worries about possible unrest and disruption to oil supply as Venezuelans voted in a referendum on whether to recall President Hugo Chavez.$LABEL$2 +Singh Wins Playoff to Seize Third Major Title KOHLER, Wisconsin (Reuters) - Fiji's Vijay Singh held his composure to win the 86th U.S. PGA Championship in a three-way playoff on Sunday, clinching the third major title of his career.$LABEL$1 +South Korea Warns of Possible North Terrorism (Reuters) Reuters - North Korea is threatening to use\terrorism against the South, Seoul's intelligence agency said\in a rare public advisory on Monday, and warned South Korean\citizens in China and Southeast Asia to be on their guard.$LABEL$0 +Afghans Hail Chance for a Choice BAZARAK, Afghanistan<br>Like virtually every adult in this Panjshir Valley village, Rahmal Beg registered to vote weeks ago. Indeed, popular enthusiasm is so high for the Oct. 9 presidential election -- the first in Afghan history -- that thousands of people in the valley have reportedly...$LABEL$0 +Caterpillar Union Rejects Contract Offer CHICAGO (Reuters) - The main union at Caterpillar Inc. said its members voted on Sunday to reject the construction equipment maker's contract proposal, the second time this year the workers have voted against an offer.$LABEL$2 +GM's Made-In-China Cadillacs in Early '05 SHANGHAI (Reuters) - General Motors, the world's largest automaker, will start selling its first made-in-China Cadillacs in early 2005 in a market it expects eventually to account for a fifth of global sales of the luxury brand.$LABEL$2 +Gas Prices Drop, but Increase Expected CAMARILLO, Calif. - Gas prices have dropped nearly 5 cents in the past three weeks with an increase in supply, but soaring crude oil prices could cause rates to rise again soon, an industry analyst said Sunday...$LABEL$0 +Funk Still Gets Cup Spot Though Fred Funk had been rather morose after missing the cut by a stroke in the 86th PGA Championship on Friday, there was great joy on Sunday.$LABEL$1 +Report: U.S. to Approve Sale of Aegis Ships to Taiwan (Reuters) Reuters - The United States will announce the sale\of four Aegis missile-defense warships to Taiwan next year with\delivery likely to begin in 2011, a newspaper said on Monday.$LABEL$0 +Nikkei Down, Oil Worries Hit Exporters (Reuters) Reuters - Tokyo's Nikkei fell 1.66 percent by\midday on Monday, extending losses into a third day as another\surge in oil prices deepened worries about the global economic\impact and knocked down exporters such as Toyota Motor Corp.$LABEL$0 +Report: U.S. to Approve Sale of Aegis Ships to Taiwan TAIPEI (Reuters) - The United States will announce the sale of four Aegis missile-defense warships to Taiwan next year with delivery likely to begin in 2011, a newspaper said on Monday.$LABEL$0 +Wal-Mart Tries to Shine Its Image by Supporting Public Broadcasting Wal-Mart, stung by criticism of its business tactics, is working to improve its image by supporting public broadcasting.$LABEL$2 +Muddling Through (or Not): Mid-2004 Update on the Philippines Looks like the Philippines, despite itself, has survived the election without excessive violence, major civil unrest, or untoward People Power eruptions. GMA finally has that elusive electoral mandate, and the air of uncertainty that pervaded Manila in the weeks leading up to the election has given way to (for some) an air of cautious optimism or (for others) resignation that nothing ever changes much in the Philippines and that the strong leadership and fundamental changes needed to save the country are long shots.$LABEL$2 +Unseeded Vaidisova Wins Vancouver Open (AP) AP - Unseeded teenager Nicole Vaidisova defeated American Laura Granville 2-6, 6-4, 6-2 in the final of the Vancouver Open on Sunday.$LABEL$1 +F.B.I. Goes Knocking for Political Troublemakers The F.B.I. has been questioning demonstrators in an effort to forestall violent protests at the Republican convention.$LABEL$0 +Sybase looks ahead to RFID The database and mobile software company is set to reveal details on updates to its flagship products and outline RFID plans.$LABEL$3 +Nanotech funding to grow to \$8.6 billion Spending on research will more than double this year, with a growing amount coming from the private sector.$LABEL$3 +Gateway lands on another retailer's shelves Company is set to sell desktops on CompUSA's shelves, providing more competition for HP.$LABEL$3 +Cardinals Ride Rolen Scott Rolen homered twice to become the first NL player to reach 100 RBIs this season as the St. Louis Cardinals downed the Atlanta Braves, 10-4, on Sunday night.$LABEL$1 +Braves Hum Along Braves General Manager John Schuerholz shuffled his deck more than usual this past offseason so doubts were high. Such a challenge makes this season all the sweeter.$LABEL$1 +Tibet's Second-Holiest Monk Makes Rare Lhasa Visit (Reuters) Reuters - Tibet's second-holiest monk, the Panchen\Lama, has visited Lhasa on a rare trip to the Himalayan region\by the living Buddha, whose selection in 1995 was marred by\controversy after the exiled Dalai Lama chose another boy.$LABEL$0 +Greek duo could miss drugs hearing Kostas Kenteris and Katerina Thanou may not be fit enough to attend the hearing into their missed drugs test.$LABEL$0 +Package prompts US embassy alert An unidentified substance sent to the US embassy in the Malaysian capital Kuala Lumpur leads to a security scare. $LABEL$0 +Don't Fear Internet Anonymity Tools (Ziff Davis) Ziff Davis - There are lots of good reasons for 'net anonymity.$LABEL$3 +Time Is Now for Linux Vendors to Protect Users (Ziff Davis) Ziff Davis - Opinion: It's time for other Linux vendors to follow Red Hat's lead and offer patent infringement protection to their customers.$LABEL$3 +Self-Healing Tech Could Boost IBM's Yield (Ziff Davis) Ziff Davis - Designed to let processors adjust themselves dynamically in response to problems or systems demands without human intervention, the chip-morphing technology could help IBM keep up with demand for good chips.$LABEL$3 +Emergency defers Maldives debate A parliamentary session due to have begun on Monday in the Maldives has been postponed indefinitely.$LABEL$0 +Tigers reject Sri Lanka counter proposal to revive talks (AFP) AFP - Sri Lanka's Tamil Tiger rebels said they will spurn any new government proposals to revive peace talks not giving them self-rule as peacebroker Norway was set to try to jumpstart the negotiations.$LABEL$0 +In Google's Auction, It's Not Easy to Tell a Bid From a Bet In a competition combining suspense and strategy, countless brave souls are hoping to buy a small piece of Google in an auction this week.$LABEL$2 +Suspicious Powder Found at U.S. Embassy in Malaysia KUALA LUMPUR (Reuters) - Suspicious white powder has been found in an envelope that arrived at the U.S. embassy in Malaysia and three staff members quarantined, an embassy official and police said on Monday. ""A letter was delivered that had a suspicious powder in it,"" said an embassy spokesman in Kuala Lumpur. ""The powder is being sent for testing.$LABEL$0 +Nikkei Hits 3-Mth Closing Low TOKYO (Reuters) - Tokyo's Nikkei average fell 0.65 percent to a fresh three-month closing low on Monday as crude oil prices again hit record highs in Asian trading hours, clouding the outlook for the global economy.$LABEL$2 +DiMarco, Riley Get on Ryder Cup Team (AP) AP - Hal Sutton had a good idea what kind of U.S. team he would take to the Ryder Cup. All that changed in the final round of the PGA Championship.$LABEL$1 +Chinese dig for villagers buried under landslides after deadly typhoon (Canadian Press) Canadian Press - SHANGHAI, China (AP) - Villagers in an eastern province dug with farm tools Monday to search for 24 people missing in massive landslides unleashed by Typhoon Rananim, which has already been blamed for 115 deaths and is the worst such storm to hit China in seven years.$LABEL$0 +Americans appear in Kabul trial The second hearing in the trial of three Americans accused of torture and running a jail begins in Kabul.$LABEL$0 +Stocks Fall as Oil Hits High SINGAPORE (Reuters) - Exporters led a fall in Asian shares on Monday as oil prices set new highs near \$47 and data showing the U.S. trade deficit widened to a record raised fresh concern about the health of the world's largest economy.$LABEL$2 +Stocks Fall as Oil Hits High (Reuters) Reuters - Exporters led a fall in Asian shares\on Monday as oil prices set new highs near #36;47 and data showing\the U.S. trade deficit widened to a record raised fresh concern\about the health of the world's largest economy.$LABEL$2 +Israel Turns Up Heat on Palestinian Hunger Strike (Reuters) Reuters - Israel declared psychological war on\hunger-striking Palestinian prisoners on Monday, saying it\would barbecue meat outside their cells to try to break their\will.$LABEL$0 +Two Chinese salesman gunned down in Thailand's restive south (AFP) AFP - Two Chinese travelling salesmen have been gunned down in southern Thailand as part of separatist violence which has claimed more than 275 lives since the start of the year, officials said.$LABEL$0 +Israel Turns Up Heat on Palestinian Hunger Strike JERUSALEM (Reuters) - Israel declared psychological war on hunger-striking Palestinian prisoners on Monday, saying it would barbecue meat outside their cells to try to break their will.$LABEL$0 +Iranian economic reform falters The Iranian parliament votes against key parts of a reform plan aimed at opening the economy to foreign investment.$LABEL$2 +Space-age sport GPS is invading recreational sports. Under clear skies, those signals beaming to earth from satellites can find you on a hilly running trail, in a kayak on the ocean, or on a green fairway where you're trying to fade a 230-yard drive into the wind.$LABEL$2 +Eyes tired? Musical alerts ease computer user #146;s day What was the last sound your computer made? It may have emitted a chime when e-mail arrived, or a heraldic swish when you started up Windows.$LABEL$2 +As money-raisers, 2004 #146;s initial offerings fall short When Inhibitex Inc. set the terms of its initial public offering in March, it thought it was being conservative, expecting shares to sell for \$10 to \$12 apiece.$LABEL$2 +Internet publishing attracting academics BALTIMORE -- Manuel Llinas knew his career was at stake. The young scientist had just finished work on an eye-catching paper on the genome of a parasite that causes malaria. Now he and his lab director faced a critical decision: where to submit the article for publication.$LABEL$2 +Computers with multiple personalities The jury's still out on whether a computer can ever truly be intelligent, but there's no question that it can have multiple personalities. It's just a matter of software.$LABEL$2 +Paint it bleak If the Rolling Stones were hired to write the theme song for this year's Red Sox, the group might overhaul one of their classics. Instead of quot;Satisfaction, quot; they could go with quot;Separation. quot; That's because no matter how hard they try, the Sox can't get no separation in their quest for the top spot in the wild-card race.$LABEL$1 +He #146;s not short on confidence It's a case he could have made more convincingly with something other than a half-swing tapper to the pitcher for the final out of yet another in a seemingly endless series of one-run losses for the Red Sox. But Orlando Cabrera wants fans to believe this: For all the futile swings he has made in his two-week incarnation as a ...$LABEL$1 +Pronger opts out of World Cup Names Chris Pronger of the St. Louis Blues pulled out of the World Cup of Hockey yesterday with an undisclosed injury, and was replaced on the Canadian team by Jay Bouwmeester of the Florida Panthers. Pronger's decision comes less than a week before the Canadian team opens training camp. The team will practice for the first time Friday in Ottawa. ...$LABEL$1 +Giants finish off Phillies Brett Tomko allowed one run in six innings for his first win in nearly a month, and the San Francisco Giants closed in on the wild-card lead with a 3-1 victory over the Phillies yesterday in Philadelphia, completing a three-game sweep.$LABEL$1 +Texas goes wild The Red Sox have company atop the wild-card standings. In Arlington, Texas, Laynce Nix homered and drove in three runs, including a tiebreaking sacrifice fly, and the Rangers beat the Tampa Bay Devil Rays, 6-2, yesterday to sweep the three-game series.$LABEL$1 +49ers #146; Beasley out till opener The cheers went up the instant Willis McGahee took the field. How's that for pressure?$LABEL$1 +At least Light #146;s sense of humor still intact FOXBOROUGH -- Matt Light lost his appendix this summer and, as a result, quite a few pounds, but he didn't lose one ounce of his wit.$LABEL$1 +Dorman #146;s been dandy of late Revolution coach Steve Nicol is not taking credit for the emergence of Andy Dorman. But Nicol's tactical moves helped place Dorman in a position to score his first two goals as a professional, in the final seconds of a 3-0 win at Dallas Wednesday and on his first touch of Saturday night's game at D.C. United for the Revolution's second ...$LABEL$1 +Sudan refugees report new attacks More Sudanese refugees flee across the border into Chad following reports of renewed violence in the Darfur region.$LABEL$0 +Bomb at parade in India leaves 16 dead, 40 hurt NEW DELHI -- A powerful bomb killed at least 16 people, many of them schoolchildren, and wounded about 40 others as they assembled for an Independence Day parade yesterday in the northeastern state of Assam, authorities said.$LABEL$0 +Israeli speaks out on McGreevey JERUSALEM -- The Israeli man at the center of the resignation of New Jersey's governor, James E. McGreevey, over a gay affair said in an interview published yesterday that he is straight and had no idea at first that his boss is homosexual.$LABEL$0 +France remembers WWII Riviera mission ABOARD THE CHARLES DE GAULLE -- France yesterday honored soldiers, including tens of thousands of Africans, who staged an assault on the French Riviera 60 years ago to break the Nazi grip -- one of the least-remembered military operations of World War II.$LABEL$0 +Pope struggles at shrine Mass LOURDES, France -- A sick man among the sick, Pope John Paul II struggled yesterday through Sunday Mass at a French shrine that draws desperate people seeking miracle cures. The 84-year-old pontiff gasped, trembled, and asked aides for help during the 2-hour service in the sizzling heat.$LABEL$0 +Uncertainty as Venezuela Awaits Referendum Result CARACAS, Venezuela (Reuters) - Three Venezuelan government ministers said on Monday President Hugo Chavez had easily survived a referendum on whether to recall him but their comments conflicted with heavy opposition hints they had won.$LABEL$0 +Watchdog attacks ID card scheme Proposals for identity cards and a population register are opposed by Britain's information watchdog.$LABEL$3 +Ebookers sees 'encouraging' signs Internet-based holiday company Ebookers says second-quarter loses have been cut compared with the same period a year ago.$LABEL$3 +Chavez Wins Venezuela Referendum-Official Results (Reuters) Reuters - Venezuelan President Hugo\Chavez has survived a referendum to recall him, according to\results released by electoral authorities on Monday with 94\percent of the vote counted.$LABEL$0 +US embassy in Malaysia in 'anthrax scare' (AFP) AFP - Malaysian emergency services rushed to the tightly-guarded US embassy in Kuala Lumpur after a powder which police said could be anthrax was found in a letter.$LABEL$0 +UN creates game to tackle hunger A forthcoming video game aims to educate children about the global fight against hunger.$LABEL$3 +Chavez Wins Venezuela Referendum-Preliminary Result CARACAS, Venezuela (Reuters) - Venezuelan President Hugo Chavez has survived a referendum to recall him, according to preliminary results released by the country's top electoral officer on Monday.$LABEL$0 +Oil Prices Hit Record (Reuters) Reuters - Oil prices jumped to a new record\high near #36;47 on Monday with traders on tenterhooks for the\result of Venezuela's weekend referendum and Iraq's exports\again disrupted by a Shi'ite uprising in the south.$LABEL$2 +They flocked from Games ATHENS -- During yesterday's celebration of the assumption of the Virgin Mary, the Greek orthodox clergy had a stern reminder for the organizers of the Olympic Games: No matter what the advertisements and speeches say about Greece's modern, Western orientation, this country is still the domain of its decidedly traditional, ubiquitous state-sanctioned religion. Speaking over the Byzantine chants of a ...$LABEL$1 +Ginobili gives Argentina big lift at the buzzer Manu Ginobili's off-balance shot left his hand just a split-second before the final buzzer, dropping through the basket to give Argentina an 83-82 victory over Serbia-Montenegro yesterday on the first day of Olympic men's basketball in Athens.$LABEL$1 +Stewart spoils upset bid Sports car ace Ron Fellows nearly pulled off what arguably would have been the biggest upset in NASCAR history, finishing second after starting last yesterday at Watkins Glen (N.Y.) International.$LABEL$1 +US eights glide to finals in record times The US men's and women's eights pulled off huge victories in yesterday's Olympic rowing heats, each setting world bests to advance directly to Sunday's finals.$LABEL$1 +Phelps #146;s quest for 8 golds goes under ATHENS -- The evening began on a down note for the US swimming team, and descended from there. First, world champion Jenny Thompson struggled home fifth in the 100-meter butterfly. Then world record-holder Brendan Hansen was caught by Japan's Kosuke Kitajima in the 100 breaststroke. Finally, the men's 4 x 100 freestyle relay finished third behind South Africa and the ...$LABEL$1 +Azevedo shot does trick Tony Azevedo whizzed a last-second shot past Croatian goalkeeper Frano Vican to give the American water polo team a 7-6 victory in its tournament opener yesterday.$LABEL$1 +US team kicks over this result ATHENS -- Did Japan's Kosuke Kitajima break the rules when he beat world record-holder Brendan Hansen by 17-100ths of a second in yesterday's Olympic 100-meter breaststroke? Absolutely, insisted Hansen's US teammates, who claimed Kitajima routinely uses the illegal dolphin kick.$LABEL$1 +Clout shown in rout ATHENS -- When the Olympic softball schedule was released, Lisa Fernandez grabbed a marker and began counting down the days. quot;This game is always on my calendar, quot; she said. quot;I have a tremendous history with Australia. quot; And until yesterday, mostly a haunting one.$LABEL$1 +Punching his way forward ATHENS -- There's only room for one Cinderella in a boxing ring. That was the sad lesson Andre Berto learned last night as his long road to the Olympic Games came to an abrupt end at the Peristeri Boxing Hall in his first fight in the welterweight division. First fight, that is, unless you understand what it took for him ...$LABEL$1 +Fighting rages in South Ossetia Heavy fighting erupts in Georgia's breakaway South Ossetia region, shattering a two-day ceasefire.$LABEL$0 +Sprint Puts Streaming Media on Phones PCS Vision Multimedia streams faster video plus audio channels to Samsung phone.$LABEL$3 +Phelps, Thorpe Face Dutch Threat ATHENS (Reuters) - Michael Phelps, one gold won but one of his eight title chances now lost, takes on Ian Thorpe and Pieter van den Hoogenband in their long-awaited showdown in the 200 meters freestyle final on Monday.$LABEL$1 +Liechtenstein royals swap power Liechtenstein's Prince Hans-Adam hands over power to his son and invites the whole nation to a garden party.$LABEL$0 +Venezuelan President Survives Recall Vote CARACAS, Venezuela - President Hugo Chavez appeared to have survived a popular referendum to oust him, according to early results Monday, while Venezuela's opposition swiftly claimed fraud. Backers of the leftist populist president set off fireworks and began celebrating in the streets of the capital in the pre-dawn darkness upon hearing the news from Francisco Carrasquero, president of the National Elections Council...$LABEL$0 +Rescue Teams Aid Hurricane Charley Victims PUNTA GORDA, Fla. - Urban rescue teams, insurance adjusters and National Guard troops were scattered across Florida to help residents rally from the brunt of Hurricane Charley, the worst storm to hit the state in a dozen years...$LABEL$0 +Journalist, Translator Missing in Iraq (AP) AP - A French-American journalist has disappeared along with his Iraqi translator in the southern Iraqi city of Nasiriyah, the provincial deputy governor said Monday.$LABEL$0 +Prudential drops bid for S.Korean assest managing firm (AFP) AFP - A consortium led by British insurer Prudential PLC has dropped its bid for a major South Korean state asset managing company.$LABEL$0 +Bush Plans to Withdraw Troops From Abroad (AP) AP - President Bush's plan to call tens of thousands of U.S. troops home from Europe and Asia could gain him election-year applause from military families, but won't ease the strain on soldiers still battling violent factions in Iraq and Afghanistan.$LABEL$0 +Pair tell of 'Falconio' sighting Two witnesses tell an Australian court they saw UK backpacker Peter Falconio more than a week after he disappeared.$LABEL$0 +'Virtual' repairs for Cutty Sark Digital models of an historic ship are created as part of its restoration to test if it will survive the process.$LABEL$3 +Mass. Republicans Eye Kerry's Senate Seat (AP) AP - Massachusetts Republicans, while supportive of President Bush's re-election, are mindful of the opportunity created should John Kerry beat him in November's election: the state's first Senate vacancy in two decades and a chance to break the Democratic monopoly on its 12-member delegation in Congress.$LABEL$0 +Swatch tax complaint dismissed US officials dismiss claims of tax evasion levelled at watchmaker Swatch by two former employees.$LABEL$2 +Small firms struggle as oil soars Small manufacturers in the UK are struggling in the face of soaring oil prices and higher interest rates, the CBI says.$LABEL$2 +Microsoft takes down SP2 swappers Microsoft is stopping people getting hold of a key security update via net-based file- sharing systems.$LABEL$2 +Symantec Readies Patching Tool ON IPatch monitors, ensures networked Windows systems are current in midsize businesss.$LABEL$3 +Panchen Lama Visits Tibet Capital (AP) AP - The boy chosen by the Chinese government as the reincarnation of the Panchen Lama was greeted warmly by dozens of monks when he visited Tibet's most sacred temple, state television reported, giving rare publicity to one of his appearances.$LABEL$0 +BearingPoint Wins ID Project at TSA BearingPoint Inc. of McLean won a \$12 million contract from the Transportation Security Administration to begin the third phase in the agency's program to create a standard identification card for U.S. transportation employees.$LABEL$3 +Government Spending Up Sharply Locally Federal procurement spending in the Washington area rose last year at its highest rate since the 1980s, according to a study to be released today, creating tens of thousands of jobs and increasing economic growth disproportionately in Northern Virginia.$LABEL$3 +Expense Issue Draws Mixed Views From Companies The debate over whether companies should treat stock options as an expense draws mixed reactions from Washington area businesses, some of which have a lot to lose if the accounting rule changes.$LABEL$3 +Palestinian Prisoners Launch Hunger Strike JERUSALEM - More than a thousand Palestinian prisoners went on a hunger strike to press for better conditions, but Israel responded by tightening inmate restrictions, and a Cabinet minister said he wouldn't care if they starved to death. About 1,600 prisoners struck on Sunday...$LABEL$0 +Europe and US in aircraft aid row The European Commission and President George Bush are in a war of words over subsidies given to aircraft makers Airbus and Boeing.$LABEL$2 +Ex-Chess Champion Fischer to Marry Japanese Woman TOKYO (Reuters) - In a bold gambit worthy of the chess champion he once was, Bobby Fischer plans to wed a four-time Japan great in the hope of avoiding deportation home to the United States, where he is wanted for breaking sanctions.$LABEL$0 +Rogue proteins give yeast an edge Rogue proteins that behave like those linked to vCJD and Alzheimer's can give yeast a survival advantage.$LABEL$3 +Twins Rally to Beat Indians in 10 Innings (AP) AP - The Minnesota Twins left Cleveland clinging to first place in the AL Central #151; and already looking ahead to their next showdown with the surprising Indians.$LABEL$1 +Doping-Greek Sprint Duo's Hearing Postponed ATHENS (Reuters) - Greek sprinters Costas Kenteris and Katerina Thanou won a two-day reprieve at the Athens Olympics when a disciplinary hearing investigating their missed drugs tests was adjourned until Wednesday.$LABEL$1 +Why cyberscofflaws get off easy CNET News.com's Declan McCullagh explains why convicted virus and worm authors are more likely to do Club Fed than hard time.$LABEL$3 +Pakistan still supporting Kashmiri rebels: Indian Home Ministry (AFP) AFP - Pakistan continues to support Islamic insurgency in Kashmir and will use militant attacks to influence ongoing peace talks with rival India, India's Home Ministry said in its annual report.$LABEL$0 +Lowe's Second-Quarter Profit Rises (Reuters) Reuters - Lowe's Cos. (LOW.N), the second-largest\home improvement retailer behind Home Depot Inc. (HD.N), on\Monday said quarterly profit rose, but trailed estimates.$LABEL$2 +Stocks Seen Little Changed; Oil Weighs NEW YORK (Reuters) - Stocks are seen opening little changed on Monday as crude prices remain high, but insurers may dip on worries about their potential liabilities after a hurricane struck Florida on Friday.$LABEL$2 +Lowe's Second-Quarter Profit Rises ATLANTA (Reuters) - Lowe's Cos. <LOW.N>, the second-largest home improvement retailer behind Home Depot Inc. <HD.N>, on Monday said quarterly profit rose, but trailed estimates.$LABEL$2 +Oil Prices Hold Near Record LONDON (Reuters) - Oil prices simmered near fresh highs Monday even though early reports of victory for Venezuelan President Hugo Chavez in a referendum on his rule eased fears that unrest could upset the country's oil exports.$LABEL$2 +BA workers approve holiday strike British Airways workers plan to strike for 24 hours during the August Bank Holiday weekend unless a pay row is settled, the GMB union said.$LABEL$2 +Doping Probe of Greeks Staggers Toward Farce ATHENS (Reuters) - A doping probe that has dogged the host country's Olympic Games staggered toward farce on Monday when a hearing involving Greece's two top sprinters was postponed again.$LABEL$1 +Lowe's 2Q Earnings Higher on Home Market (AP) AP - Home improvement retailer Lowe's Cos. reported Monday that a robust housing market drove second-quarter earnings higher year-over-year, but results failed to meet Wall Street expectations.$LABEL$2 +Sri Lanka hit by oil strike Workers at Sri Lanka's main oil company end a two-day strike, held in protest at government plans to sell more of the company.$LABEL$2 +Internet calls add foreign accent (USATODAY.com) USATODAY.com - In the digital age, the next best thing to being there might be this: a French phone number.$LABEL$3 +FCC mobile spam rule doesn't cover some SMS (MacCentral) MacCentral - A rule prohibiting mobile-phone spam adopted by the U.S. Federal Communications Commission (FCC) earlier this month doesn't prohibit phone-to-phone text messaging, but FCC officials believe the new rule, combined with a 13-year-old law, should protect U.S. mobile phone customers against unsolicited commercial e-mail.$LABEL$3 +Ky. Professor Looks to Set Up Telescope (AP) AP - A University of Kentucky professor is pushing to set up a telescope in Australia that students could use via the Internet.$LABEL$3 +Survival of software's fittest Darwin may work in the flat enterprise software market--mergers and acquisitions are expected to increase the clout of leading firms.$LABEL$3 +Playing the convergence game Sony and Microsoft confront consumer apathy as they attempt to turn game consoles into multipurpose entertainment gadgets.$LABEL$3 +Singh Wins Playoff to Seize Third Major Title KOHLER, Wis. (Reuters) - Fiji's Vijay Singh held his composure to win the 86th U.S. PGA Championship in a three-way playoff on Sunday, clinching the third major title of his career.$LABEL$1 +Williams Has No Problem Running with Jones ATHENS (Reuters) - American sprinter Lauryn Williams said on Monday she would have no problem competing on the same team as Marion Jones in the Olympic 4x100 meters relay.$LABEL$1 +Moya Tames Olympic Wind and Enqvist; Dementieva Out ATHENS (Reuters) - Spanish third seed Carlos Moya tamed a swirling wind and dogged Swedish opponent Thomas Enqvist to reach the second round of the Olympic men's singles with a 7-6, 6-7, 9-7 victory Monday.$LABEL$1 +Britain 'sleepwalking' into big-brother state, watchdog warns (AFP) AFP - Britain is ""sleepwalking into a surveillance society"" because of government plans to introduce ID cards and a population register, the nation's information watchdog was quoted as saying.$LABEL$0 +India urges Bangladesh not to kill stray elephants (Reuters) Reuters - Authorities in northeast India urged Bangladesh on Monday not to kill about 100 wild elephants that have strayed across the border and gone on a rampage, killing 13 people and injuring dozens more.$LABEL$0 +Israel Turns Up Heat on Palestinian Hunger Strike JERUSALEM (Reuters) - Israel declared psychological war on hunger-striking Palestinian prisoners Monday, saying it would barbecue meat outside their cells to try to break their will.$LABEL$0 +Cost Cuts Boost Kmart Quarterly Profit (Reuters) Reuters - Kmart Holding Corp. (KMRT.O) on Monday\reported its third consecutive quarterly profit as cost cuts\made up for slumping sales, and its cash pile grew to about\ #36;2.6 billion.$LABEL$2 +Cost Cuts Boost Kmart Quarterly Profit CHICAGO (Reuters) - Kmart Holding Corp. <KMRT.O> on Monday reported its third consecutive quarterly profit as cost cuts made up for slumping sales, and its cash pile grew to about \$2.6 billion.$LABEL$2 +Wall Street to Open Little Changed NEW YORK (Reuters) - Wall Street is seen opening little changed on Monday as crude prices remain high, but insurers may dip on worries about their potential liabilities after a hurricane struck Florida on Friday.$LABEL$2 +Sysco Profit Rises; Sales Have Slowed NEW YORK (Reuters) - Sysco Corp. <SYY.N>, the largest U.S. distributor of food to restaurants and hospitals, on Monday said quarterly profit rose as an extra week in the period and acquisitions helped offset the effects of higher food prices.$LABEL$2 +Lowe's Profit Rises But Trails Estimates ATLANTA (Reuters) - Lowe's Cos. <LOW.N>, the No. 2 home improvement retailer behind Home Depot Inc., on Monday reported an 18 percent increase in second-quarter profit, but results trailed estimates as sales weakened in June.$LABEL$2 +Kmart Swings to Second-Quarter Profit (AP) AP - Discount retailer Kmart Holding Corp. reported Monday that the company swung to a profit in the second quarter, but same-store sales were still in decline.$LABEL$2 +Vodafone names former rival as new head of Japanese unit (AFP) AFP - British mobile phone operator Vodafone said it has brought in an executive from Japanese rival NTT DoCoMo to head up its struggling Japanese unit, Vodafone K.K.$LABEL$3 +Cheap Windows comes under fire Microsoft's attempt to win over new users with a cut-down edition of Windows comes in for strong criticism.$LABEL$3 +Wal-Mart Maintains August Sales Forecast (Reuters) Reuters - Wal-Mart Stores Inc. (WMT.N) on Monday\maintained its August sales forecast and said demand was\particularly strong in the U.S. Southeast last week as people\stocked up on duct tape, rope and water in preparation for\Hurricane Charley.$LABEL$2 +Cost Cuts Help Kmart Post Profit CHICAGO (Reuters) - Kmart Holding Corp. <KMRT.O> on Monday reported its third consecutive quarterly profit as cost cuts made up for slumping sales, and its cash pile grew to about \$2.6 billion.$LABEL$2 +China's Red Flag Linux to focus on enterprise The company behind China's leading Linux client distribution, Red Flag Software Co. Ltd., is shifting its main focus to its server operating system and enterprise customers, and planning to expand sales overseas, the company's acting president said in an interview on Friday.$LABEL$3 +Symantec releases patching tool Security company Symantec Corp. plans to announce the release of a patch management product on Monday that it says will enable small and medium-sized businesses (SMBs) to stay on top of software vulnerabilities.$LABEL$3 +Chavez Claims Victory in Referendum on His Rule Venezuelan President Hugo Chavez won backing from 58 percent of voters, with 94 percent of electoral rolls counted, in a referendum on whether to recall him.$LABEL$0 +U.S. Tries to Rebound From Loss in Athens (AP) AP - Greetings from the Olympic men's basketball tournament, where America is tied for last place with Angola, Australia, New Zealand, China and the defending world champions from Serbia-Montenegro.$LABEL$1 +Olympian on Briton death charge An Olympic sailor is charged with the manslaughter of a Briton who died after being hit by a car in Athens.$LABEL$0 +AccuRev touts software configuration management approach AccuRev on Monday will release an upgrade to its SCM (software configuration management) package that the company argues offers a superior alternative to file-based SCM systems.$LABEL$3 +End of the line for HP's Alpha processor Hewlett-Packard Co. will release the final processor upgrade for its AlphaServer line of Unix servers on Monday.$LABEL$3 +HP pushes parity for Itanium, PA-RISC servers At its annual HP World user conference in Chicago this week, Hewlett-Packard Co. (HP) will announce a number of enhancements to its HP-UX operating system, designed to narrow the gap between the capabilities of the company's Integrity and HP 9000 servers.$LABEL$3 +Darfur Displaced Return to 'Live in Fear' of Militia (Reuters) Reuters - Villagers returning to their\homes in Sudan's Darfur region are living in fear of the Arab\militiamen who initially drove them away, the United Nations\said in a report received by Reuters Monday.$LABEL$0 +Sudan Trying to Keep Darfur Promises-U.N. (Reuters) Reuters - Raids by Sudanese forces and Arab\militiamen have worsened a desperate situation in Darfur,\rights groups say, but the United Nations said Khartoum was\making serious efforts to keep pledges to curb the violence.$LABEL$0 +Darfur Displaced Return to 'Live in Fear' of Militia KHARTOUM, Sudan (Reuters) - Villagers returning to their homes in Sudan's Darfur region are living in fear of the Arab militiamen who initially drove them away, the United Nations said in a report received by Reuters Monday.$LABEL$0 +Ex-Chess Champion Fischer to Marry Japanese Woman TOKYO (Reuters) - In a bold gambit worthy of the chess champion he once was, Bobby Fischer plans to wed a four-time Japanese great in the hope of avoiding deportation home to the United States, where he is wanted for breaking sanctions.$LABEL$0 +Heiress Nicky Hilton Marries in Vegas LAS VEGAS - Nicky Hilton, the hotel heiress and socialite, has tied the knot with her beau in a late-night ceremony, according to court filings obtained by The Associated Press. Hilton, 20, married New York money manager Todd Andrew Meister, 33, at the Las Vegas Wedding Chapel early Sunday, according a Clark County marriage license...$LABEL$0 +Anarchists' Convention Debates Voting ATHENS, Ohio - A group of anarchists is taking an unusual step to make its political voice heard - going to the polls. Anarchists generally pride themselves on their rejection of government and its authority...$LABEL$0 +Allstate Says Charley Could Hurt Results NEW YORK (Reuters) - Allstate Corp. <ALL.N>, the No. 2 U.S. home and auto insurer, on Monday said potential losses stemming from Hurricane Charley could hurt its current results.$LABEL$2 +Hungarian central bank cuts key interest rate by half percentage point (AFP) AFP - The Hungarian central bank cut its benchmark interest rate by 50 basis points from 11.5 percent to 11.0 percent, the bank said in a statement posted on its website.$LABEL$2 +CompUSA Stores to Sell Gateway PCs (Reuters) Reuters - Gateway Inc. (GTW.N), the computer\maker that recently shuttered its chain of 188 stores, will\begin selling its desktops at CompUSA Inc.'s outlets later this\week, the two companies said on Monday.$LABEL$2 +CompUSA Stores to Sell Gateway PCs NEW YORK (Reuters) - Gateway Inc. <GTW.N>, the computer maker that recently shuttered its chain of 188 stores, will begin selling its desktops at CompUSA Inc.'s outlets later this week, the two companies said on Monday.$LABEL$2 +Lebanese shun mobile phones for a day in protest at high costs (AFP) AFP - Lebanese mobile phone users were urged to leave their portable telephones at home or switched off in protest at what is considered one of the costliest services in the world.$LABEL$3 +Forming galaxy cluster captured The Chandra telescope has seen huge gas clouds in space in the act of merging to form a massive galaxy cluster.$LABEL$3 +U.S. Embassy in Malaysia Has Anthrax Scare (AP) AP - Authorities are testing a suspicious powder mailed to the U.S. Embassy in Malaysia to determine whether it is anthrax, officials said Monday after the second such scare at a U.S. mission in Asia within a week.$LABEL$0 +Suspicious Powder Found at U.S. Embassy in Malaysia KUALA LUMPUR, Malaysia (Reuters) - An envelope containing suspicious white powder and threats against Americans was delivered to the U.S. embassy in Malaysia, prompting health checks on three staff, the embassy and police said Monday.$LABEL$0 +Megawati Defends Achievements Ahead of Vote JAKARTA (Reuters) - Indonesian President Megawati Sukarnoputri, trying to maintain momentum in a tight election battle, said Monday her government had stabilized the economy and cracked down hard on militants and separatists.$LABEL$0 +Syrian Rights Activist to Be Released Pending Trial DAMASCUS (Reuters) - A Syrian court has agreed to release on bail a prominent rights activist who faces trial on charges of tarnishing the image of the Arab state by publishing false information, one of his lawyers said Monday.$LABEL$0 +Kmart Posts Profit After Cost Cuts CHICAGO (Reuters) - Kmart Holding Corp. <KMRT.O> on Monday reported its third consecutive quarterly profit despite slumping sales as it cut jobs and reduced advertising and discounts, boosting its cash pile to \$2.6 billion.$LABEL$2 +LifePoint in \$1.1 Billion Province Deal NEW YORK (Reuters) - Rural hospital operator LifePoint Hospitals Inc. <LPNT.O> has agreed to acquire rival Province Healthcare Co. <PRV.N> for \$1.125 billion in cash and stock to broaden its geographic reach, the companies said on Monday.$LABEL$2 +Commuter tackles bad train service by starting own railway (AFP) AFP - Grumbling about trains is part of the way of life, but one commuter has decided to do something about it -- by starting his own railway.$LABEL$0 +Israel turns up heat on prisoners Israel launches psychological war against hundreds of Palestinian inmates on hunger strike for better conditions.$LABEL$0 +Czech Coach Hlinka Dies in Car Accident (AP) AP - Czech Republic national ice hockey team coach, and former Pittsburgh Penguins coach, Ivan Hlinka died Monday after sustaining serious injuries in a car crash, an official said.$LABEL$1 +Stocks Set to Open Little Changed NEW YORK (Reuters) - Wall Street is set to open little changed on Monday as crude prices remain near their record highs, but insurers may slip on worries about their potential liabilities after a hurricane struck Florida on Friday.$LABEL$2 +Wherenet adds biz rules to RFID The first indication that the value of RFID (radio frequency identification) will extend beyond the supply warehouse was shown last week by WhereNet, a provider of wireless location and communications technology.$LABEL$3 +Oracle readies CRM updates Oracle Corp. plans to release the latest version of its CRM (customer relationship management) applications within the next two months, as part of an ongoing update of its E-Business Suite.$LABEL$3 +Grieving families cremate dead after Assam bombing (Reuters) Reuters - Grieving relatives on Monday cremated victims, mostly women and children, of a separatist bombing in northeastern India, while hundreds of angry people rallied against the rising bloodshed.$LABEL$0 +Chechnya marks 'special' birthday The authorities in war-torn Chechnya announce cash gifts for boys born on the slain leader's birthday.$LABEL$0 +Feedster Includes Kanoodle Ads in RSS Feeds Feedster Includes Kanoodle Ads in RSS Feeds\\Feedster, Inc. today announced the launch of its RSS feed media program. The Company rsquo;s RSS search feeds will soon contain context targeted ads from Kanoodle, Inc., a leading provider of sponsored links for search results and content pages. Alternatively searchers may opt to pay ...$LABEL$3 +Google IPO Continues Despite Playboy Boob Google IPO Continues Despite Playboy Boob\\Google's IPO ran into another problem last week with investors being allowed to start bidding on the company last Friday. Google rsquo;s founders will appear in an upcoming issue of Playboy magazine which will be on the shelves this Friday. Although the interview was apparently held ...$LABEL$3 +Greek Sprinters Given Two-Day Reprieve ATHENS (Reuters) - Greek sprinters Costas Kenteris and Katerina Thanou won a two-day reprieve at the Athens Olympics Monday so they could appear in person at a disciplinary hearing into their missed drugs tests and protest their innocence.$LABEL$1 +Sysco Corp.'s 4Q Profit Up 16 Percent Sysco's fiscal fourth-quarter profit rose 16 percent due to an extra week in the quarter, customer-service initiatives and operating efficiency.$LABEL$2 +Chvez Is Declared the Winner in Venezuela Referendum The president won the backing of 58 percent of voters, officials said, but the opposition said that the government had cheated.$LABEL$0 +Stocks Open Near Flat as Oil Near Record NEW YORK (Reuters) - U.S. stocks opened little changed on Monday as crude prices remain near their record highs, but early reports of victory for the Venezuelan president in a referendum on his rule eased fears about the country's oil exports.$LABEL$2 +Letter, suspicious powder spark anthrax scare at U.S. Embassy in Malaysia (Canadian Press) Canadian Press - KUALA LUMPUR, Malaysia (AP) - Authorities are testing a suspicious powder mailed to the U.S. Embassy in Malaysia to determine whether it's anthrax, officials said Monday. It's the second such scare at a U.S. mission in Asia within a week.$LABEL$0 +Patriots Sign First-Round Pick Watson (AP) AP - The New England Patriots signed first-round draft pick Benjamin Watson on Monday, ending the tight end's lengthy holdout.$LABEL$1 +Indonesia urges debt flexibility Indonesia calls on the International Monetary Fund to help reschedule its debts, as figures reveal a slowdown in economic growth.$LABEL$2 +Oil Holds Near Record Level Oil prices fell 23 cents to \$46.35 a barrel after Venezuelan Hugo Chavez won a recall referendum, appeasing worried energy markets.$LABEL$2 +Ride This Gem Amusement park operators have produced volatile results, but this company has stood the test of time.$LABEL$2 +HP Faces New Realities in a 64-Bit World (Ziff Davis) Ziff Davis - The company this week will unveil more programs and technologies designed to ease users of its high-end servers onto its Integrity line, which uses Intel's 64-bit Itanium processor.$LABEL$3 +EU Extends Microsoft-Time Warner Review (AP) AP - European antitrust regulators said Monday they have extended their review of a deal between Microsoft Corp. and Time Warner Inc. to make anti-piracy software together.$LABEL$3 +Insurers Begin Tallying Charley Losses (Reuters) Reuters - U.S. insurers on Monday predicted that\Hurricane Charley could be the most costly U.S. storm since\Andrew in 1992, with Florida officials initially estimating\economic losses at #36;15 billion.$LABEL$2 +Google Stays on Track Despite Best Efforts It looks like Google's public stock offering will proceed, no matter how hard the company tries to shoot itself in the foot. Not only that, its unique approach to the IPO game could result in an overhaul of federal securities regulations. <FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2""\ color=""#666666""><B>-washingtonpost.com</b></font>$LABEL$3 +Microsoft lists SP2 conflicts Software giant releases just which programs are having issues with its Service Pack 2 update for Windows XP.$LABEL$3 +Chavez Declares Recall Victory; Foes Claim Fraud CARACAS, Venezuela (Reuters) - Venezuela's left-wing President Hugo Chavez on Monday declared victory in a historic recall referendum on his rule, but his opponents vowed to challenge vote results they rejected as a ""gigantic fraud.$LABEL$0 +Singh Wins PGA Championship in Playoff HAVEN, Wis. - Vijay Singh shot a 4-over 76 to eke into a three-way playoff Sunday, then made his only birdie of the day on the first of three extra holes to beat Justin Leonard and Chris DiMarco in the PGA Championship at Whistling Straits...$LABEL$0 +Crews Rush to Hurricane-Ravaged Florida PUNTA GORDA, Fla. - Urban rescue teams, insurance adjusters and National Guard troops scattered across Florida Monday to help residents rally from the brunt of Hurricane Charley, the worst storm to hit the state in a dozen years...$LABEL$0 +Stocks Higher Despite Soaring Oil Prices NEW YORK - Wall Street shifted higher Monday as bargain hunters shrugged off skyrocketing oil prices and bought shares following an upbeat sales report from Wal-Mart Stores and a bright outlook from Lowe's. The Dow Jones industrial average was up 84.07, or 0.9 percent, at 9,909.42, after edging 0.1 percent higher last week...$LABEL$0 +China Condemns Whistle-Blower A Communist Party whistle-blower who created a national sensation in China by publicly accusing his superiors of tolerating official corruption has been condemned for breaking party rules and ordered to ""do a complete self-examination,"" authorities announced.$LABEL$0 +KMart Posts Profit; Cash Pile Grows CHICAGO (Reuters) - Kmart Holding Corp. <KMRT.O> on Monday reported its third consecutive quarterly profit despite slumping sales as it cut jobs and reduced advertising and discounts, boosting its cash pile to \$2.6 billion.$LABEL$2 +Thomson Buys Test Provider Capstar TORONTO (Reuters) - Electronic publisher Thomson Corp. <TOC.TO> said on Monday it will buy test provider Capstar from Educational Testing Service, the latest in a string of acquisitions designed to flesh out its product offerings.$LABEL$2 +Lowe's Reports Increase in Second-Quarter Net Income Lowe's reported a 17.9 percent increase in net income during its second quarter, but results missed Wall Street expectations.$LABEL$2 +New tool identifies 'phishy' Web sites A new software tool from WholeSecurity Inc. can spot fraudulent Web sites used in online cons known as ""phishing"" scams, according to a statement from the company.$LABEL$3 +Lowe's Net Trails Views, But Shares Rise ATLANTA (Reuters) - Lowe's Cos. <LOW.N>, the No. 2 home improvement retailer behind Home Depot Inc., on Monday reported an 18 percent increase in second-quarter profit, but results trailed estimates as sales weakened in June.$LABEL$2 +On the Beastie Boys 'virus' CD <strong>Review</strong> Does not attempt world domination, but$LABEL$3 +Briefly: AOL kicks off free fantasy sports roundup Plus: HP partners with 3G gear maker...AMD starts shipping 90-nanometer chips...ABC.com to air on Real's SuperPass.$LABEL$3 +EC puts off decision on Microsoft, Time Warner deal Regulators could still launch an investigation into the two titans' acquisition of ContentGuard, a digital rights company.$LABEL$3 +An Olympic Selection of Search Resources The 2004 Summer Olympics are underway in Athens and the web is home to plenty of information that makes watching the games even more interesting. $LABEL$3 +KMart Posts Profit; Cash Pile Grows (Reuters) Reuters - Kmart Holding Corp. (KMRT.O) on Monday\reported its third consecutive quarterly profit despite\slumping sales as it cut jobs and reduced advertising and\discounts, boosting its cash pile to #36;2.6 billion.$LABEL$2 +Oil Slips from Record High of \$46.30 LONDON (Reuters) - Oil prices eased from new record highs on Monday as victory for Venezuelan President Hugo Chavez in a referendum on his rule eased fears that unrest could upset the country's oil exports.$LABEL$2 +Stocks Gain as Oil Prices Ease NEW YORK (Reuters) - U.S. stocks gained on Monday as oil prices dipped after reports of victory for the Venezuelan president in a referendum on his rule eased fears about the country's oil exports.$LABEL$2 +News: Technology Already Exists to Stabilize Global Warming Existing technologies could stop the escalation of global warming for 50 years and work on implementing them can begin immediately, according to an analysis by Princeton University scientists. (Princeton University press release)$LABEL$3 +News: Future Heat Waves: More Severe, More Frequent, and Longer Lasting Heat waves in Chicago, Paris, and elsewhere in North America and Europe will become more intense, more frequent, and longer lasting in the 21st century, according to a new modeling study by two scientists at the National Center for Atmospheric Research (NCAR). (NCAR press release)$LABEL$3 +News: New Hypoxic Event Found Off Oregon Coast For the second time in three years, a hypoxic ""dead zone"" has formed off the central Oregon Coast. It's killing fish, crabs and other marine life and leading researchers to believe that a fundamental change may be taking place in ocean conditions in the northern Pacific Ocean. (Oregon State University press release)$LABEL$3 +HP invokes Adaptive Enterprise mantra Hewlett-Packard will detail enhancements to its virtualization products, the HP-UX 11i Unix operating system, and its AlphaServers this week during its HP World 2004 conference in Chicago.$LABEL$3 +Haas, Cink Join Ryder Cup Team Jay Haas became the second-oldest player to be on the Ryder Cup team, joining Stewart Cink as the two captain's picks Monday for a U.S. team that will try to regain the cup from Europe next month.$LABEL$1 +American Aphrodite Brooklyn-native Yvette Jarvis is an 'every woman' in Greece: professional basketball player, model, TV and talk show star and Athens councilwoman.$LABEL$1 +Edwards Appears for Hearing U.S. sprinter Torri Edwards appeared for a hearing on her doping case that will determine whether the reigning 100-meter world champion competes in the Athens Games.$LABEL$1 +Superstar's uncivil behavior is criminal (Chicago Tribune) Chicago Tribune - Pop stars are no strangers to bad behavior. Smashed guitars, ruined hotel rooms--such misdeeds often are chuckled over later, written up in the tabloids, perhaps listed on invoices for damage. Not so in Russia, where the public expects its performers to remember that they walk in Tchaikovsky's footsteps.$LABEL$0 +Canada must help raise profile of development issues in Africa: Goodale (Canadian Press) Canadian Press - OTTAWA (CP) - Canada intends to return to the forefront on African development issues, beginning with a renewed effort at helping the troubled continent grow out of poverty, says Finance Minister Ralph Goodale.$LABEL$0 +Govt likely to cut oil product duties - official (Reuters) Reuters - The government is expected to slash customs and excise duties on petroleum products in a bid to control inflation without hurting the profitability of oil firms, an oil industry official said on Monday.$LABEL$0 +National pharmacare program would reduce hospital waiting lists: McGuinty (Canadian Press) Canadian Press - TORONTO (CP) - A national pharmacare program funded by the federal government would indirectly result in shorter waiting lists, Ontario Premier Dalton McGuinty said Monday.$LABEL$0 +Losses and Lessons for Bush and Kerry (Los Angeles Times) Los Angeles Times - They lost at politics at an early age. Since then, they've rarely made the same campaign mistakes twice.$LABEL$0 +Pakistan Military Plays Down 'Terror Summit' Report ISLAMABAD (Reuters) - Pakistan's military Monday played down a report in the latest edition of Time magazine describing what it called a ""summit of terrorists"" held in March in lawless tribal areas bordering Afghanistan.$LABEL$0 +Trial on Private Prison in Afghanistan Is Underway Jonathan Keith ""Jack"" Idema, the American accused of running a free-lance anti-terror operation and private prison in Afghanistan, testified in court Monday that he could prove U.S. and Afghan authorities were fully aware of his actions.$LABEL$0 +Bush's Withdrawal Plan Could Draw Votes WASHINGTON - President Bush's plan to call tens of thousands of U.S. troops home from Europe and Asia could gain him election-year applause from military families, but won't ease the strain on soldiers still battling violent factions in Iraq and Afghanistan...$LABEL$0 +Delegates Urge Al-Sadr to Leave Shrine BAGHDAD, Iraq - Delegates at Iraq's National Conference called Monday for radical Shiite cleric Muqtada al-Sadr to abandon his uprising against U.S. and Iraqi troops and pull his fighters out of a holy shrine in Najaf...$LABEL$0 +Phelps to Take on Thorpe in Busy Night ATHENS, Greece - Michael Phelps, still smarting after America's upset loss to South Africa in the 400 freestyle relay, returned to the pool Monday and qualified fastest for the Olympic 200-meter butterfly. Phelps' quest to break Mark Spitz's record of seven gold medals at the 1972 Munich Games was dashed with the Americans' bronze medal in the relay Sunday night...$LABEL$0 +Haas, Cink Selected for Ryder Cup Team MILWAUKEE - Jay Haas became the second-oldest player to be on the Ryder Cup team, joining Stewart Cink as the two captain's picks Monday for a U.S. team that will try to regain the cup from Europe next month...$LABEL$0 +Florida Hurricane Death Toll Rises to 17 PUNTA GORDA, Fla. - Urban rescue teams, insurance adjusters and National Guard troops scattered across Florida Monday to dig out victims of Hurricane Charley and deliver water and other supplies to thousands of people left homeless...$LABEL$0 +Stocks Sharply Higher on Dip in Oil Prices NEW YORK - A drop in oil prices and upbeat outlooks from Wal-Mart and Lowe's prompted new bargain-hunting on Wall Street Monday, sending stocks sharply higher. The Dow climbed more than 110 points in morning trading...$LABEL$0 +How to Hire a Financial Planner (The Motley Fool) The Motley Fool - You've got a money question, and the guy in the next cubicle hasn't a clue how to answer. You need trustworthy information. But where to start?$LABEL$2 +Daimler Nets \$900 Mln Via Hyundai Sale LONDON/FRANKFURT (Reuters) - DaimlerChrysler said it raised more than \$900 million by selling its 10.5 percent stake in Hyundai Motor Co. Ltd. on Monday, a remnant of its dented ambitions to build a global carmaking empire.$LABEL$2 +AP: Group Discovers John the Baptist Cave (AP) AP - Archaeologists said Monday they have found a cave where they believe John the Baptist anointed many of his disciples #151; a huge cistern with 28 steps leading to an underground pool of water.$LABEL$3 +Speed Up Saddam's Trial, Allawi Tells Court (Reuters) Reuters - Interim Prime Minister Iyad Allawi\urged an Iraqi court Monday to speed up proceedings against\toppled leader Saddam Hussein and his close aides.$LABEL$0 +The Internet Is Calling Web phone service is exploding. And maverick Jeffrey Citron lit the industry's fuse$LABEL$2 +A Stereo with a Brain You can train Bose's new system to play songs you like. Is it worth the price?$LABEL$2 +The Sponsor Moves In The Days, owned by its advertisers, may boost ABC'S bottom line. But will they control content?$LABEL$2 +South African telephone monopoly to go ahead with lay-offs despite court ban (AFP) AFP - South African fixed line monopoly Telkom vowed to go ahead with plans to cut 4,000 jobs despite a court injunction forcing the state-run enterprise to seek agreement with the unions.$LABEL$3 +China Typhoon Death Toll Rises; 40 Missing (AP) AP - China raised its official death toll from Typhoon Rananim to at least 147 on Monday, as villagers with farm tools dug through massive landslides searching for 40 people still missing.$LABEL$0 +Speed Up Saddam's Trial, Allawi Tells Court BAGHDAD (Reuters) - Interim Prime Minister Iyad Allawi urged an Iraqi court Monday to speed up proceedings against toppled leader Saddam Hussein and his close aides.$LABEL$0 +Singer 'may move to French jail' French rock star Bertrand Cantat could return home from Lithuania to complete his jail term for killing his lover.$LABEL$0 +What is this Man Plotting? A newly revealed summit of terrorists raises fears of a fresh plan to attack the U.S. This bombmaker and pilot could be a key player $LABEL$0 +Stocks Higher on Oil Price Relief NEW YORK (Reuters) - U.S. stocks gained on Monday, getting a boost from lower oil prices after news the Venezuelan president survived a recall eased fears about the country's oil exports.$LABEL$2 +Nanotech Research Spending Seen Reaching #36;8.6 Bln (Reuters) Reuters - Worldwide research and\development spending in the emerging field of nanotechnology\should rise about 10 percent this year to #36;8.6 billion, a\research firm said on Monday.$LABEL$3 +Kan. to Move Forward on Dinosaur Exhibit (AP) AP - Concerns about funding and poor attendance will not stop plans to bring a dinosaur exhibit to Science City at Union Station, University of Kansas and Science City officials said.$LABEL$3 +Nanotech Research Spending Seen Reaching \$8.6 Bln SAN FRANCISCO (Reuters) - Worldwide research and development spending in the emerging field of nanotechnology should rise about 10 percent this year to \$8.6 billion, a research firm said on Monday.$LABEL$3 +Bombs explode at Nepal luxury hotel, no casualties (Reuters) Reuters - A man on a bicycle threw at least four bombs into the compound of a luxury hotel in Nepal's capital on Monday but the blasts caused no casualties, authorities said.$LABEL$0 +AdWatch: Bush Raps Kerry on Intel Reform (AP) AP - Details of new television ad from President Bush to begin airing Monday:$LABEL$0 +Is 4Kids 4 Investors? 4Kids Entertainment got karate-chopped last week. Can it get back up off the mat?$LABEL$2 +Google: Now Playboy's Latest Bunny (washingtonpost.com) washingtonpost.com - Investors in the company that's trying to come off as cute as a bunny could find themselves holding a fistful of vipers if the founders of Google Inc. continue to chart their erratic course.$LABEL$3 +Security expert warns computer hackers keeping up with technology (AFP) AFP - Computer hackers are keeping up with the times and are putting an increasingly technology-dependent world at risk, the chairman of leading US-based IT security firm McAfee said.$LABEL$3 +E.U. Extends Review of Anti-Piracy Software Deal European antitrust regulators said Monday they have extended their review of a deal between Microsoft Corp. and Time Warner Inc. to make anti-piracy software together.$LABEL$3 +Bicycle Bomber Attacks Nepal Hotel KATHMANDU, Nepal (Reuters) - A man on a bicycle threw at least four bombs into the compound of a luxury hotel in Nepal's capital Monday but the blasts caused no casualties, authorities said.$LABEL$0 +Charley Sends Mobile Home Stocks Soaring NEW YORK (Reuters) - Shares of mobile home manufacturers soared on Monday on hopes of increased business after the destruction Hurricane Charley wreaked in Florida over the weekend, an analyst said.$LABEL$2 +Windows update causes headaches Games and security programs are on a long list of software that does not work well with the Windows SP2 update.$LABEL$3 +Nanotech Research Spending Seen Reaching \$8.6B Worldwide research and\development spending in the emerging field of nanotechnology\should rise about 10 percent this year to \$8.6 billion, a\research firm said on Monday.$LABEL$3 +Donkey cart beats out Porsche in Portuguese road race (AFP) AFP - A donkey cart beat a Porsche in a race held in a northern Portuguese city over the weekend to see which mode of transportation could best handle car congestion.$LABEL$0 +Sudan army voices opposition to upgrading of African Union mission (AFP) AFP - The Sudanese army expressed opposition to the upgrading of an African Union protection mission newly arrived in the wartorn western region of Darfur into a full-blown peacekeeping force.$LABEL$0 +Stocks Higher on Oil Price Relief (Reuters) Reuters - U.S. stocks gained on Monday, getting\a boost from lower oil prices after news the Venezuelan\president survived a recall eased fears about the country's oil\exports.$LABEL$2 +Intelsat to Be Bought for #36;5 Billion (Reuters) Reuters - Intelsat Ltd., the world's\second-largest satellite operator, said on Monday it agreed to\be bought by a consortium of four private equity firms for #36;5\billion, including assumption of #36;2 billion of debt.$LABEL$2 +Intelsat to Be Bought for \$5 Billion NEW YORK (Reuters) - Intelsat Ltd., the world's second-largest satellite operator, said on Monday it agreed to be bought by a consortium of four private equity firms for \$5 billion, including assumption of \$2 billion of debt.$LABEL$2 +Stamps.com Asks You to Picture This The online postage service offers a chance to put personal pictures on official stamps.$LABEL$2 +Will Schwab Reward Patience? The company saw an improvement in its trades, but will this market be kind to the brokerages?$LABEL$2 +Bacteria Give Coral Its Orange Glow, Study Finds (Reuters) Reuters - The soft orange glow of a common\Caribbean coral comes not from the coral itself but from\bacteria that live inside it, U.S. scientists said on Thursday.$LABEL$3 +HP unveils Unix roadmaps <strong>HP World</strong> Free Alpha upgrades to stem defections$LABEL$3 +McAfee grabs Foundstone The former plans to team up its intrusion prevention technology with the latter's vulnerability management software.$LABEL$3 +U.N. Official Urges Political Independence (AP) AP - The United Nations should find ways to demonstrate political independence, regain the neutrality it lost after the Sept. 11 attacks and better communicate with the world's 1 billion Muslims, a top U.N. official said Monday.$LABEL$0 +Jackson Squares Off With Attorney SANTA MARIA, Calif. - Dozens of Michael Jackson's fans pressed against a chain-link fence outside court Monday, staking out viewing spots hours before the pop star was to arrive to face off against the prosecutor who has pursued him for years on child molestation charges...$LABEL$0 +AP: Group Discovers John the Baptist Cave KIBBUTZ TZUBA, Israel - Archaeologists said Monday they have found a cave where they believe John the Baptist anointed many of his disciples - a huge cistern with 28 steps leading to an underground pool of water. During an exclusive tour of the cave by The Associated Press, archaeologists presented wall carvings they said tell the story of the fiery New Testament preacher, as well as a stone they believe was used for ceremonial foot washing...$LABEL$0 +Delegates Urge Al-Sadr to Leave Shrine NAJAF, Iraq - U.S. tanks rolled into the Old City of Najaf toward a holy Shiite shrine where militants were hiding Monday as participants at a national conference voted to send a delegation here to try to negotiate an end to the fighting...$LABEL$0 +Bush Announces Plan for Troop Realignment WASHINGTON - President Bush on Monday announced plans to shift 60,000 to 70,000 U.S. troops who are now stationed in Europe and Asia in one of the largest troop realignments since the end of the Cold War...$LABEL$0 +'SP2' a Must For XP Users (washingtonpost.com) washingtonpost.com - To get an idea of how Windows got to be such a mess, think of it as a house that was built on an island in the middle of a lake, deep in the countryside.$LABEL$3 +Rough patches for Microsoft's SP2 Windows update doesn't play well with all applications, even Redmond's. Also: CNET Reviews on security work still to be done.$LABEL$3 +Bryant Defense Wins Ruling In another setback to the prosecution in the Kobe Bryant sexual assault case, the court maintains ruling that allows information about the accuser's sex life into court.$LABEL$1 +Stocks Up, Oil Price Ease Gives Relief NEW YORK (Reuters) - U.S. stocks climbed on Monday, getting a boost from lower oil prices after Venezuela's president declared he had survived a recall referendum, easing fears about the country's oil exports.$LABEL$2 +KMart Posts Profit; Cash Hits \$2.6 Bln CHICAGO (Reuters) - Kmart Holdings Corp. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=KMRT.O target=/stocks/quickinfo/fullquote"">KMRT.O</A> on Monday reported its third consecutive quarterly profit and boosted its cash pile to \$2.6 billion as it cut spending on advertising and discounts, sending its stock up 14 percent.$LABEL$2 +Personal Tech: Cybersecurity Fast Forward columnist Rob Pegoraro will be online to talk about The Washington Post's special cybersecurity report.$LABEL$3 +PivX hardens Windows with Qwik-Fix Pro PivX Solutions, Inc. of Newport Beach, California, on Monday announced the availability of Qwik-Fix Pro, an intrusion prevention software product for Windows machines that disables or modifies features of Microsoft Corp. Windows and the Internet Explorer (IE) Web browser that are frequent targets of malicious computer hackers and virus writers.$LABEL$3 +No Respite for Microsoft European antitrust regulators extend their review of Microsoft-Time Warner deal. Also: Gateway plans to sell desktops at CompUSA hellip;. Vodafone's Japanese unit headhunts an executive from rival NTT DoCoMo hellip;. and more.$LABEL$2 +Overland Bullish on Tech Investors are dumping tech stocks with abandon. As for Overland Storage, it is a buyer.$LABEL$2 +Plurality of Worlds in the Universe Did the same Greek philosophers who declared the first truce for Olympic competition have the foresight to imagine a universe not just where many countries could coexist, but also a universe occupied by many such habitable worlds?$LABEL$3 +CompUSA Agrees to Sell Gateway PCs (PC World) PC World - Desktop systems will be available in 226 stores across the U.S.$LABEL$3 +Lowe's Reports 18 Pct. Hike in Profits ATLANTA (Reuters) - Lowe's Cos. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=LOW.N target=/stocks/quickinfo/fullquote"">LOW.N</A>, the world's No. 2 home improvement retailer, on Monday reported an 18 percent increase in second-quarter profit and said earnings for the rest of the year would top current estimates.$LABEL$2 +Toymakers' Stocks Hit Lows on Downgrade NEW YORK (Reuters) - Shares of top toy maker Mattel Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=MAT.N target=/stocks/quickinfo/fullquote"">MAT.N</A> and rival Hasbro Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=HAS.N target=/stocks/quickinfo/fullquote"">HAS.N</A> fell to their lowest levels at least 14 months on Monday after a downgrade by Lehman Brothers, which cited deteriorating industry conditions.$LABEL$2 +Microsoft ships updated Works Version 8 of the low-priced productivity package includes a stand-alone dictionary and a PowerPoint add-on.$LABEL$3 +Briefly: FaceTime pulls in \$16 million roundup Plus: Bladed desktop pioneer gets \$25 million...AOL kicks off free fantasy sports...HP partners with 3G gear maker.$LABEL$3 +Microsoft, Time Warner DRM buy on EU review shelf Regulators could still launch an investigation into the two titans' acquisition of ContentGuard this month.$LABEL$3 +Ex-Polaroid exec takes top finance job at 3Com Donald Halsted, one target of a class-action suit alleging financial improprieties at bankrupt Polaroid, officially becomes CFO.$LABEL$3 +Intel delays first TV chip In another setback, the chipmaker says a processor for large-screen projection TVs won't come out this year.$LABEL$3 +Sybase upgrades PowerBuilder, plots RFID move Sybase Inc. released a new version of its application development tool on Monday, called PowerBuilder 10, and outlined plans for an upgrade to its database software, Adaptive Server Enterprise, which will go into beta at the end of this month and is due for release next year.$LABEL$3 +Infocus: Detecting Worms and Abnormal Activities with NetFlow, Part 1 This paper discusses the use of NetFlow, a traffic profile monitoring technology available on many routers, for use in the early detection of worms, spammers, and other abnormal network activity in large enterprise networks and service providers.$LABEL$3 +Escobedo Keeps U.S. Unbeaten in Boxing (AP) AP - They washed cars, put up posters and sold T-shirts to raise the money to be here. When it was finally time for Vicente Escobedo to fight, his family and friends welcomed him into the arena by waving his picture and chanting ""Chente, Chente.$LABEL$1 +Chronology of Key Events in Kobe Bryant (AP) AP - Timeline of the sexual assault case against Los Angeles Lakers star Kobe Bryant:$LABEL$1 +Blackhawks Re-Sign Defenseman Berard Chicago, Ill. (Sports Network) - The Chicago Blackhawks Monday agreed to terms on a one-year contract with defenseman Bryan Berard. As per team policy, financial terms of the deal were not disclosed.$LABEL$1 +India makes elephants appeal Indian asks Bangladesh to spare the lives of around 100 elephants which have strayed across the border.$LABEL$0 +Murder search police make arrest Police investigating the murder of newlywed Chanel Taylor make an arrest.$LABEL$0 +Bush Announces Plan to Realign Thousands of Troops President Bush today announced plans to shift 60,000 to 70,000 U.S. troops who are now stationed in Europe and Asia.$LABEL$0 +Bush Announces Plan for Troop Realignment CINCINNATI - President Bush on Monday announced plans to shift as many as 70,000 U.S. troops who are now stationed in Western Europe and Asia in one of the largest realignments since the end of the Cold War...$LABEL$0 +Jackson Squares Off With Attorney SANTA MARIA, Calif. - Fans of Michael Jackson erupted in cheers Monday as the pop star emerged from a double-decker tour bus and went into court for a showdown with the prosecutor who has pursued him for years on child molestation charges...$LABEL$0 +Does That Web Site Look Phishy? (PC World) PC World - WholeSecurity's new software claims to identify fraudulent sites.$LABEL$3 +Product Review: Nokia 6820 Wireless Messaging Handset (NewsFactor) NewsFactor - The Nokia (NYSE: NOK) 6820 is an ergonomically pleasing handheld device that integrates short text, multimedia and \instant messaging capabilities with all of the features and functions that one normally would expect to find in a dedicated GSM/GPRS cellular phone.$LABEL$3 +Sprint Broadens Its Vision (NewsFactor) NewsFactor - Sprint (NYSE: FON) is taking its mobile-data services to the next level, targeting both consumers and business customers, as the carrier rolls out the Sprint TV multimedia service and adds the popular \BlackBerry e-mail application to its portfolio.$LABEL$3 +Microsoft Lists XP SP2 Problems (NewsFactor) NewsFactor - With automatic download of Microsoft's (Nasdaq: MSFT) enormous SP2 security patch to the Windows XP operating system set to begin, the industry still waits to understand its ramifications. Home users that have their preferences set to receive operating-system updates as they are made available by Microsoft may be surprised to learn that some of the software they already run on their systems could be disabled by SP2 or may run very differently.$LABEL$3 +2 More Turkish Men Taken Hostage in Iraq (AP) AP - Armed assailants attacked a convoy of Turkish trucks delivering supplies to U.S. forces in Iraq and took two Turkish drivers hostage, their company said Monday.$LABEL$0 +Group to Talk Coal-Bed Methane Drilling (AP) AP - Dozens of scientists plan to converge at the University of Wyoming to talk about West Nile virus, water pollution and other issues related to coal-bed methane drilling.$LABEL$3 +FDA Approves New Device to Clear Blood Clots By DIEDTRA HENDERSON WASHINGTON (AP) -- The first device to remove blood clots from the brains of people suffering strokes - a new treatment option that could save lives and shave the \$53 billion annual bill to treat strokes, has been approved by the government. In 80 percent of strokes, a blood vessel in the brain becomes clogged by a blood clot, increasing the chance of severe disability or death...$LABEL$3 +Briefly: Sprint to bake in BlackBerry roundup Plus: Microsoft ships updated Works...FaceTime pulls in \$16 million...Bladed desktop pioneer gets \$25 million.$LABEL$3 +Former Polaroid exec takes top finance job at 3Com Donald Halsted, one target of a class action suit alleging financial improprieties at bankrupt Polaroid, officially becomes CFO.$LABEL$3 +Sprint to bake in BlackBerry for businesses Research In Motion's BlackBerry e-mail and data services will be carried on Sprint's networks.$LABEL$3 +U.S. Stocks Rebound as Oil Prices Ease NEW YORK (Reuters) - U.S. stocks rebounded on Monday as oil prices retreated from their highs, while upbeat earnings announcements from retailers fueled the improved sentiment.$LABEL$2 +Dollar Rises Vs Euro After Asset Data NEW YORK (Reuters) - The dollar gained against the euro on Monday after a report on flows into U.S. assets showed enough of a rise in foreign investments to offset the current account gap for the month.$LABEL$2 +Bikes Bring Internet to Indian Villagers (AP) AP - For 12-year-old Anju Sharma, hope for a better life arrives in her poor farming village three days a week on a bicycle rickshaw that carries a computer with a high-speed, wireless Internet connection.$LABEL$3 +Celebrity Chefs Are Everywhere in Vegas By ADAM GOLDMAN LAS VEGAS (AP) -- The waiter appears tableside in the cozy dining room laden with oil paintings, stained glass and hints of cherry and oak. Before reciting the day's special menu items, he recounts the restaurant's devotion to farm-fresh produce and tosses out a morsel about its namesake, chef Bradley Ogden...$LABEL$3 +Entertainment World Wary of Microsoft Technology By GARY GENTILE LOS ANGELES (AP) -- CinemaNow Inc., the Internet-based movie service, is a rarity in Hollywood - a company that eagerly embraces Microsoft Corp. (MSFT) technology and relies on it exclusively to transmit, protect and display the movies it rents to customers...$LABEL$3 +European Union Extends Microsoft-Time Warner Review BRUSSELS, Belgium (AP) -- European antitrust regulators said Monday they have extended their review of a deal between Microsoft Corp. (MSFT) and Time Warner Inc...$LABEL$3 +Patriots Sign Top Pick Watson (Reuters) Reuters - The New England Patriots\Monday announced the signing of first-round draft pick Benjamin\Watson. As per team policy, terms of the tight end's deal were\not released.$LABEL$1 +Olympics: Thorpe Beats Phelps as U.S. Fights Gold Gap ATHENS (Reuters) - Australian swimmer Ian Thorpe beat arch-rival Michael Phelps in the men's 200-meter freestyle on Monday as the United States pursued China, Australia and Japan in the medals table on day three of the Olympic Games.$LABEL$1 +U.S. Awaits Judgment on Venezuela Voting (AP) AP - There was no evident pattern of fraud in Venezuela's balloting that left President Hugo Chavez in office but a final judgment depends on what observers report, the State Department said Monday.$LABEL$0 +Bush, Kerry Press for Women's Votes (AP) AP - Elizabeth Burnosky is a registered Democrat who voted for President Bush in 2000, opposes his policy on Iraq and calls Sen. John Kerry ""a little wussy boy."" Call her conflicted.$LABEL$0 +Insurers face massive storm bill Insurers are counting the cost of Hurricane Charley in Florida, with early damage estimates reaching as high as \$14bn (7.6; 11bn euros).$LABEL$0 +Fischer Appeals to Powell to Help Him Renounce U.S. Citizenship Former chess champion Bobby Fischer announced plans Monday to marry a leading Japanese chess official and appealed to Secretary of State Colin Powell to help him renounce U.S. citizenship, the latest in a series of moves as he seeks to block attempts to deport him to the United States.$LABEL$0 +Venezuela's Chavez Wins Recall Referendum CARACAS, Venezuela (Reuters) - Venezuela's left-wing President Hugo Chavez won a recall referendum on his divisive rule in a vote backed on Monday by international observers who found no ""element of fraud.$LABEL$2 +Halliburton Says Army Suspends Withhold Threat WASHINGTON (Reuters) - Halliburton said on Monday the U.S. Army had decided to give the company more time to resolve a billing dispute before withholding payment of up to 15 percent of the company's bills in Iraq and Kuwait.$LABEL$2 +Belo Takes Charge for Advertising Refunds NEW YORK (Reuters) - Media company Belo Corp. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=BLC.N target=/stocks/quickinfo/fullquote"">BLC.N</A> on Monday said it would refund \$23 million to advertisers because of a circulation scandal at its Dallas Morning News newspaper, resulting in a charge against earnings in the current quarter.$LABEL$2 +LifePoint to Buy Rival for \$1 Bln NEW YORK (Reuters) - Rural hospital operator LifePoint Hospitals Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=LPNT.O target=/stocks/quickinfo/fullquote"">LPNT.O</A> agreed to buy rival Province Healthcare Co. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=PRV.N target=/stocks/quickinfo/fullquote"">PRV.N</A> for \$1.03 billion in cash and stock to broaden its geographic reach, the companies said on Monday.$LABEL$2 +Satellite TV Gains in Race Against Cable Thousands of Americans have defected to satellite TV as the providers have reported hefty gains while the cable industry has declined. Consumers likely will see aggressive marketing promotions in the next six months as companies jockey for customers, analysts say.$LABEL$3 +Columnists: Big Brother's Last Mile The FCC's new ruling on broadband wiretaps will force customers to pay for the privilege of making the Internet less secure.\$LABEL$3 +US to withdraw up to 70,000 troops from Europe and Asia: Bush (AFP) AFP - The United States will withdraw up to 70,000 troops from Europe and Asia over the next decade, President George W. Bush said, in a move aimed at increasing the capability to fight the ""war on terror"" and meet other new threats.$LABEL$0 +Thorpedo Sinks Phelps' Shot at Record ATHENS, Greece - The kid couldn't catch the Thorpedo - and he won't be catching Mark Spitz, either. Michael Phelps' quest for seven gold medals ended after just three events, doomed by another bronze Monday night in the most anticipated race at the Olympic pool - the head-to-head showdown with Australia's Ian Thorpe in the 200-meter freestyle...$LABEL$0 +AP: Group Finds Cave Linked to Baptist KIBBUTZ TZUBA, Israel - Archaeologists said Monday they have found a cave where they believe John the Baptist anointed many of his disciples - a huge cistern with 28 steps leading to an underground pool of water. During an exclusive tour of the cave by The Associated Press, archaeologists presented wall carvings they said tell the story of the fiery New Testament preacher, as well as a stone they believe was used for ceremonial foot washing...$LABEL$0 +Venezuela's Chavez Wins Recall Referendum (Reuters) Reuters - Venezuela's left-wing\President Hugo Chavez won a recall referendum on his divisive\rule in a vote backed on Monday by international observers who\found no ""element of fraud.$LABEL$2 +Private Firms to Buy Intelsat for \$3 Bln PARIS (Reuters) - Four private equity firms plan to buy Bermuda-based Intelsat for about \$3 billion, the world's second-largest satellite operator said on Monday.$LABEL$2 +Biometric ID System Said to Delay Venezuela Recall By CHRISTOPHER TOOTHAKER CARACAS, Venezuela (AP) -- The high-tech thumbprint devices were meant to keep people from voting more than once in the recall ballot against President Hugo Chavez. Instead, they often wound up working fitfully - even when Chavez himself voted - contributing to huge delays in Sunday's historic referendum...$LABEL$3 +Hurricane Emergency Aid Set Up in Florida (AP) AP - More than 76,000 meals and snacks have been served to hurricane-ravaged counties in Florida, with thousands more available from federal, local and private agencies, the Federal Emergency Management Agency said Monday.$LABEL$0 +Taco Bell's Blue Dew Pepsi pushes a blue version of Mountain Dew only at Taco Bell. Is this a winning strategy?$LABEL$2 +Playlist magazine announced; first issue this month (MacCentral) MacCentral - Mac Publishing LLC, the publishers of Macworld magazine on Monday announced Playlist, a new digital music magazine for Mac and Windows users. The new magazine, which will be newsstand-only, will be available on August 24, 2004.$LABEL$3 +Traders Bet on Oracle's PeopleSoft Bid (Reuters) Reuters - Options traders have been\building bullish positions in PeopleSoft Inc. (PSFT.O) as\investors bet a federal judge will approve Oracle Corp.'s\hostile takeover bid of the business software maker, traders\said on Monday.$LABEL$3 +Olympics: Thorpe Beats Phelps as U.S. Suffers Gold Gap ATHENS (Reuters) - Australian swimmer Ian Thorpe beat arch-rival Michael Phelps in the men's 200-meter freestyle on Monday as the United States trailed China, Australia and Japan in the medals table on day three of the Olympic Games.$LABEL$1 +Iran Calls for U.N. Intervention in Iraq (AP) AP - Iran and Saudi Arabia called Monday for the United Nations to intervene in Iraq to stop the fighting between U.S. forces and Shhite militants hiding in the holy city of Najaf.$LABEL$0 +Congolese Massacre Victims in Burundi Mourned GATUMBA, Burundi (Reuters) - Mourners covered their faces to block the smell of disinfectant and death Monday as they buried more than 160 Congolese Tutsi refugees burned, hacked and shot in an attack on their camp in western Burundi.$LABEL$0 +Executive Compensation Post staff writer David Hilzenrath and editor Mike Flagg discuss which local executives have the sweetest deals.$LABEL$2 +Kmart: Retail or Real Estate? Lately, the company's retail operation has been lagging behind sales of its locations.$LABEL$2 +RSS gets down to business Calendar application is one of the first non-blogging uses of the standard.$LABEL$3 +Motorola and HP in Linux tie-up Motorola plans first use of the open-source software in the core of next-generation cell phone networks.$LABEL$3 +Singh Growing Hall of Fame Credentials (AP) AP - An official from the World Golf Hall of Fame joined a casual conversation last year about players on the verge of election, and someone mentioned Vijay Singh.$LABEL$1 +Reality TV under fire in Portugal following 'Big Brother' suicide bid (AFP) AFP - Reality television programs were under renewed fire in Portugal after the winner of the nation's first edition of the popular ""Big Brother"" series threatened to throw himself from a bridge over the weekend.$LABEL$0 +2 Kidnapped in Iraq, 2 Others Freed (AP) AP - Armed assailants attacked a convoy of Turkish trucks delivering supplies to U.S. forces in Iraq and took two Turkish drivers hostage, their company said Monday.$LABEL$0 +Iraq Conference in Najaf Peace Bid; Oil Well Ablaze BAGHDAD (Reuters) - U.S. troops and Shi'ite militiamen battled in the holy Iraqi city of Najaf Monday, just hours after political and religious leaders in Baghdad agreed to make a last-ditch appeal for peace.$LABEL$0 +Equity Firms to Buy Intelsat for \$3.1 Bln PARIS (Reuters) - Intelsat is to be sold to four private equity firms for \$3.1 billion, the world's second-largest satellite operator said on Monday.$LABEL$2 +Halliburton: Army to Give Company More Time to Resolve Billing Dispute Halliburton said Monday the U.S. Army had decided to give the company more time to resolve a billing dispute before withholding payment of up to 15 percent of the company's bills in Iraq and Kuwait.$LABEL$2 +Md. Field Dig May Reach Back 16,000 Years (AP) AP - Robert D. Wall is too careful a scientist to say he's on the verge of a sensational discovery.$LABEL$3 +Former Super Flyweight Champion Quiroga Found Dead SAN ANTONIO, Texas (Reuters) - Former International Boxing Federation (IBF) super flyweight champion Robert Quiroga was killed early Monday, police said.$LABEL$1 +Olympics: Thorpe Wins 'Race of the Century' ATHENS (Reuters) - Australia's Ian Thorpe won the gold medal in the men's 200 meters freestyle, dubbed the ""race of the century,"" at the Athens Olympics on Monday.$LABEL$1 +Sysco Profit Rises; Sales Volume Flat CHICAGO (Reuters) - Sysco Corp. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=SYY.N target=/stocks/quickinfo/fullquote"">SYY.N</A>, the largest U.S. distributor of food to restaurants and hospitals, on Monday said quarterly profit rose as an extra week in the period and cost control measures helped offset the higher food prices that were slowing demand.$LABEL$2 +Microsoft details XP SP2 conflicts Microsoft Corp. has published a list of nearly 50 applications and games that may not work correctly after installing Service Pack 2 (SP2) for Windows XP.$LABEL$3 +Kobe Bryant Rape Trial Looks Set to Go Ahead (Reuters) Reuters - The trial in the Kobe Bryant rape\case looked set to go ahead later this month after the state's\highest court ruled against prosecutors on Monday over a key\piece of evidence in the high-profile case.$LABEL$1 +White Sox Manager Suspended Two Games (AP) AP - Chicago White Sox manager Ozzie Guillen was suspended Monday for two games and fined an undisclosed amount for arguing with umpires during an Aug. 9 game against Cleveland.$LABEL$1 +Kobe Bryant Rape Trial Looks Set to Go Ahead EAGLE, Colo. (Reuters) - The trial in the Kobe Bryant rape case looked set to go ahead later this month after the state's highest court ruled against prosecutors on Monday over a key piece of evidence in the high-profile case.$LABEL$1 +Lufthansa to levy 'temporary' fuel surcharge (AFP) AFP - German carrier Lufthansa said it would levy a temporary fuel surcharge on tickets from August 24, in response to the rise in the price of oil.$LABEL$0 +Iraq's Al-Yawer Vows Kurd Rebel Crackdown (AP) AP - Iraq's interim president promised on Monday to prevent Kurdish rebels in northern Iraq from launching attacking into Turkey, apparently hoping to avoid a Turkish military response.$LABEL$0 +Japanese Power Company Missed Inspections (AP) AP - The operator of a nuclear power plant where a long-neglected cooling pipe burst and killed four workers last week said Monday that four other pipes at its reactors also went unchecked for years.$LABEL$0 +Bush Announces Plan for Troop Realignment WASHINGTON - Two Army divisions will return to the United States from Germany as part of a global military restructuring that President Bush says will bring up to 70,000 American troops home in the next decade. Pentagon officials said Monday the 1st Armored Division and 1st Infantry Division probably won't start leaving their bases in Germany until 2006 at the earliest...$LABEL$0 +Intel to Delay Product for High-Definition TVs SAN FRANCISCO (Reuters) - In the latest of a series of product delays, Intel Corp. has postponed the launch of a video display chip it had previously planned to introduce by year end, putting off a showdown with Texas Instruments Inc. in the fast-growing market for high-definition television displays.$LABEL$3 +Dust Clears, Mars Bright, Spirit Good One hundred twenty scientists have published their current running tally of results from the Spirit rover. No lakebed evidence has been found yet, but scientists are impressed with the equipment's diagnostic capabilities so far...$LABEL$3 +Despondent Brown: 'I Feel Like a Failure' (AP) AP - Larry Brown was despondent, the head of the U.S. selection committee was defensive, and Allen Iverson was hanging up on callers who asked what went wrong. A day after their first Olympic loss in 16 years, the Americans were experiencing varying degrees of distress.$LABEL$1 +Beach Volleyball: Cook Propels Australia to Win ATHENS (Reuters) - Twice Olympic beach volleyball medallist Natalie Cook helped new team mate Nicole Sanderson battle nerves to propel Australia to a 21-19, 17-21, 17-15 win against China Monday.$LABEL$1 +Ex-Spymasters Want Power for Intel Czar (AP) AP - Three former spymasters told senators Monday that creating a new national intelligence director would be worthless without giving that person authority over the budgets of the nation's spy agencies.$LABEL$0 +Intel to Delay Product for High-Definition TVs (Reuters) Reuters - In the latest of a series of\product delays, Intel Corp. has postponed the launch of a video\display chip it had previously planned to introduce by year\end, putting off a showdown with Texas Instruments Inc. in the\fast-growing market for high-definition television displays.$LABEL$3 +Most Japanese Women Shun Birth Control Pill By AIKO HAYASHI TOKYO (AP) -- Five years ago Japanese women's rights advocates won their battle to legalize the birth control pill. Now they are waging an even tougher fight - getting women to use it...$LABEL$3 +Oracle updates CRM sales tools Software maker promises that the sales force automation revamp will help sales processes by pulling in more data.$LABEL$3 +Germans Wary of U.S. Troop Withdrawal (AP) AP - German officials voiced concern Monday that their country has the most to lose with President Bush's announcement that tens of thousands of troops will return to the United States over the next decade.$LABEL$0 +Scientists Work on Cure for Mysterious Nerve Disease By LAURAN NEERGAARD WASHINGTON (AP) -- Dr. Douglas Kerr painstakingly collected spinal fluid from hundreds of patients with a mysterious disease that can paralyze within hours of attacking - and thinks he may have found a way to fight back...$LABEL$3 +Reds' Griffey Jr. Has Hamstring Surgery (AP) AP - All-Star outfielder Ken Griffey Jr. had surgery Monday to repair his torn right hamstring and is expected to return for spring training.$LABEL$1 +Lightning Reacquire Prospal From Ducks (AP) AP - Vaclav Prospal is returning to the Stanley Cup champion Tampa Bay Lightning and will likely take the spot of forward Cory Stillman, who replaced him a year ago.$LABEL$1 +Treasuries Fall as Oil Retreats (Reuters) Reuters - U.S. Treasury debt prices fell on\Monday as investors focused on a pullback in oil prices from\record highs and largely shrugged off dismal results from a\regional manufacturing survey.$LABEL$2 +Product Previews, 8/16/2004 Novell brings updated kernel to enterprise LinuxTimed to coincide with this years linuxworld expo, Novell has announced SuSE Linux Enterprise Server 9. Though Novells SuSE division has marketed a commercial Linux distribution based on the v2.6 kernel, this is the first to be granted the more stringently qualified enterprise designation. Besides kernel-level improvements and the usual collection of updated software packages, this release offers improved fail-over, clustering, and resource management and comes bundled with Novells ZENworks configuration management software for Linux. The company claims that its AutoBuild system allows it to offer identical configurations for a variety of platforms, including x86 (both 32- and 64-bit), Itanium, IBM POWER, and IBM mainframes. Free evaluation downloads are available now and support subscriptions start at \$349 per dual-CPU server.SuSE Linux Enterprise Server 9, Novell/SuSE$LABEL$2 +HP's Software Woe Has Bigger Industry Implication (Reuters) Reuters - When Hewlett-Packard Co. (HPQ.N)\warned of a profit shortfall last week, it blamed problems it\had combining two SAP systems, something that the computer\maker believed would be relatively simple when they were\putting together a deal to buy Compaq two years ago.$LABEL$3 +Mini Could Get Mighty with Speakers (Ziff Davis) Ziff Davis - iPod mini users might want to consider ditching their earphones if Altec Lansing's iMmini speaker system lives up to its promise. Based on the same technology and engineering as the original inMotion system, the iMmini can be folded into a convenient carrying shape.$LABEL$3 +HP's Software Woe Has Bigger Industry Implication NEW YORK (Reuters) - When Hewlett-Packard Co. <A HREF=""http://www.reuters.co.uk/financeQuoteLookup.jhtml?ticker=HPQ.N qtype=sym infotype=info qcat=news"">HPQ.N</A> warned of a profit shortfall last week, it blamed problems it had combining two SAP systems, something that the computer maker believed would be relatively simple when they were putting together a deal to buy Compaq two years ago.$LABEL$3 +Exercise -- the Real Fountain of Youth Want to age gracefully? Keep moving. Regular exercise can reduce the risk of chronic disease -- such as heart trouble, diabetes, even cancer -- and keep you feeling and looking younger as you age.$LABEL$3 +Apple's colorful computer plans detailed U.S. Patent and Trademark Office publishes Apple patent for ""chameleon"" cases that change their look.$LABEL$3 +Favre Not Sure He Can Throw Fewer Picks (AP) AP - Brett Favre would love to throw fewer interceptions this season. He's just not sure he can. ""It's hard to teach an old dog new tricks, and that's never more true than with me,"" said Favre, who was picked off 21 times last season, one less than NFL co-leaders Joey Harrington and Marc Bulger. ""When I roll out to pass, I feel like there's a touchdown waiting.$LABEL$1 +V. Williams, Rubin Lose Venus Williams and Chanda Rubin lose to Li Ting and Sun Tian Tian of China in the first round of the doubles tournament.$LABEL$1 +Veterans Set for Republican Convention (AP) AP - Americans who served in the military will be well represented at the upcoming Republican convention, more so than at last month's Democratic convention or in the U.S. population overall, according to the GOP.$LABEL$0 +Congolese Massacre Victims in Burundi Mourned GATUMBA, Burundi (Reuters) - Mourners covered their faces to block the smell of disinfectant and death on Monday as they buried more than 160 Congolese Tutsi refugees burned, hacked and shot in an attack on their camp in western Burundi.$LABEL$0 +Americans in Afghan Trial Ask FBI for Documents KABUL, Afghanistan (Reuters) - Three Americans standing trial in Afghanistan Monday for imprisoning and torturing Afghans were given a week to provide evidence, which they say was withheld by U.S. authorities, proving that they had official clearance.$LABEL$0 +Insurers: Charley Claims at About \$7 Bln NEW YORK (Reuters) - Insurers are braced to pay out about \$7 billion in claims for devastation caused by Hurricane Charley, making the storm the second most costly after Hurricane Andrew, industry and government officials said on Monday.$LABEL$2 +Officials say Linux not a price ploy in Microsoft deal Local government in UK says it didn't use the open-source OS as a bargaining chip; Microsoft was simply best option.$LABEL$3 +High Expectations a New Feeling at Cal (AP) AP - A short walk around the California campus this summer was all Geoff McArthur needed as proof of how much Golden Bears football has changed since his freshman year. A program that won only one game in 2001 and has the longest Rose Bowl drought of any Big Ten or Pac-10 team is finally getting noticed at a school more known for its protests than its passing.$LABEL$1 +GM to Begin Making Cadillacs in China (AP) AP - General Motors said Monday it will start making Cadillacs in China this year, joining a race by foreign luxury car brands to sell to the country's newly rich elite.$LABEL$0 +Champion boxer stabbed to death Former super flyweight boxing champion Robert Quiroga has been stabbed to death in San Antonio, Texas.$LABEL$0 +Stocks Sharply Higher on Dip in Oil Prices NEW YORK - A drop in oil prices and upbeat outlooks from Wal-Mart and Lowe's prompted some bargain-hunting on Wall Street, sending stocks sharply higher Monday, with the swing exaggerated by thin late summer trading. The Dow Jones industrials surged more than 120 points higher in late trading...$LABEL$0 +Income Gap Up Over Two Decades, Data Show WASHINGTON - Over two decades, the income gap has steadily increased between the richest Americans, who own homes and stocks and got big tax breaks, and those at the middle and bottom of the pay scale, whose paychecks buy less. The growing disparity is even more pronounced in this recovering economy...$LABEL$0 +Trial Set for Courtney Love in Drug Case BEVERLY HILLS, Calif. - A trial date has been set for Sept...$LABEL$0 +Carter Endorses Chavez Win in Venezuela CARACAS, Venezuela - President Hugo Chavez survived a referendum to oust him, according to results Monday, and former U.S. President Jimmy Carter and other election observers urged the opposition to accept the vote, deflating claims of fraud...$LABEL$0 +HP's Livermore opts for 'content free' content <strong>HP World</strong> Booth intro steals show$LABEL$3 +Cubs Pitcher Kerry Wood Loses Appeal (AP) AP - Cubs pitcher Kerry Wood's appeal was rejected Monday and he will begin serving his five-game suspension Tuesday.$LABEL$1 +Suspected Militants Kidnap Iraqi Officer-Jazeera (Reuters) Reuters - Suspected militants have kidnapped an\Iraqi intelligence officer in response to the fighting in the\holy city of Najaf, Al Jazeera television reported on Tuesday.$LABEL$0 +Suspected Militants Kidnap Iraqi Officer-Jazeera DUBAI (Reuters) - Suspected militants have kidnapped an Iraqi intelligence officer in response to the fighting in the holy city of Najaf, Al Jazeera television reported on Tuesday.$LABEL$0 +Cassini finds new Saturn moons The Cassini-Huygens mission in orbit around Saturn discovers two new moons around the ringed planet.$LABEL$3 +Oracle v. DOJ: Traders bet on Oracle special coverage Assuming Oracle will win its antitrust suit, traders are scooping up PeopleSoft options.$LABEL$3 +Open source on the line roundup \Linux shapes up as a software standard for cell phone networks. Also: California sees security in open source.$LABEL$3 +Defense Could Dominate in the Big Ten (AP) AP - Following a mass exodus of offensive stars and starting quarterbacks, defense could dominate the Big Ten this season.$LABEL$1 +Chinese End Venus's Doubles Bid ATHENS (Reuters) - Venus Williams's bid for a second successive Olympic doubles tennis gold ended on Monday when she and stand-in partner Chanda Rubin lost 7-5, 1-6, 6-3 to Chinese eighth seeds Li Ting and Sun Tian Tian in the first round.$LABEL$1 +Stocks Bounce Back as Oil Retreats NEW YORK (Reuters) - U.S. stocks rebounded on Monday as worry about oil prices crunching corporate profits eased when crude retreated from record highs.$LABEL$2 +Google Could Make Its Market Debut Wed. NEW YORK/SAN FRANCISCO (Reuters) - Google Inc. appeared set to start trading on Nasdaq on Wednesday, after the Web's No. 1 search engine asked regulators on Monday for final approval to price its closely watched initial public offering.$LABEL$2 +Cassini Finds Two New Saturnian Moons Jet Propulsion Lab -- With eyes sharper than any that have peered at Saturn before, the Cassini spacecraft has uncovered two moons, which may be the smallest bodies so far seen around the ringed planet. The moons are approximately 3 kilometers (2 miles) and 4 kilometers (2.5 miles) across -- smaller than the city of Boulder, Colorado...$LABEL$3 +Olympics: Japan Sneak Through to Win Men's Team Gold ATHENS (Reuters) - Japan revived memories of their glorious gymnastics past when they upstaged favorites China and United States to snatch the Olympic men's team gold for the first time in 28 years Monday.$LABEL$1 +Hundreds feared trapped as floods wreak havoc in southwest England (AFP) AFP - Hundreds of people were feared trapped in southwest England after flash floods left a popular coastal tourist village under water and swept dozens of cars and caravans into the sea.$LABEL$0 +Donsanjh still nixing pharmacare, but premiers plan meeting to refine program (Canadian Press) Canadian Press - TORONTO (CP) - In his first public address as federal health minister, Ujjal Dosanjh carefully toed the government line on Monday, saying Ottawa is prepared to invest more money in medicare to reduce waiting times, but not by sponsoring a national pharmacare program demanded by the provinces. But even as he was speaking, Saskatchewan's premier said in Regina that provincial premiers will meet one more time to flesh out the details of the proposed pharmacare program before taking their idea to Prime Minister Paul Martin.$LABEL$0 +Gebrselassie 'may pull out' Ethiopia's Haile Gebrselassie could miss the Olympic 10,000m because of an Achilles injury.$LABEL$0 +Google Stock Offering Remains on Track (AP) AP - Google Inc.'s stock market debut appeared to be on track for later this week after the Internet search company asked regulators to give final approval of the paperwork required for the sale.$LABEL$3 +Apple hints at colorful computer plans Will the company's next PC look like a Christmas tree? A patent filing sheds some light.$LABEL$3 +CA buys PestPatrol antispyware developer Computer Associates has acquired PestPatrol, a company that markets antispyware software, for an undisclosed sum and plans to incorporate PestPatrol's products into its eTrust Threat Management software suite.$LABEL$3 +Microsoft details conflicts in new XP update Microsoft has published a list of nearly 50 applications -- including developer and backup tools, antivirus software and an FTP client -- that may not work correctly after installing Service Pack 2 for Windows XP.$LABEL$3 +Sybase upgrades PowerBuilder, plots RFID move At its annual user conference in Orlando, Sybase Inc. released a new version of its application development tool, outlined plans for an upgrade to its database software and planned to preview a system for tracking RFID data.$LABEL$3 +McAfee to buy Foundstone for \$86M McAfee Inc.'s purchase of Foundstone follows several moves in the past year to focus its product offerings and bolster its standing in the intrusion detection and prevention market.$LABEL$3 +IBM plans fewer U.S. layoffs to compensate for offshoring After internal documents revealed plans to send nearly 5,000 jobs to developing countries over two years, IBM became an easy target for critics of outsourcing. Will limiting layoffs take the sting out of moving these jobs abroad?$LABEL$3 +Confidential Oracle sales data likely to be released U.S. District Court Judge Vaughn Walker said sales documents detailing highly confidential information, such as which companies receive discounts on Oracle products and the size of the discounts, are likely to be made public.$LABEL$3 +Sidebar: The nuts and bolts of COM -- Objects, Interfaces and GUIDs A quick course in how some of the most esoteric aspects of COM work.$LABEL$3 +Editor's Picks: The Best of our Web Services Coverage A guide to Computerworld's recent coverage of Web services and service-oriented architectures, including user applications, security issues and predictions.$LABEL$3 +Fun With Web services! Forget those pesky business functions. To learn how Web services work and what you can do with them, check out these useful utilities that tell you who uttered that famous Shakespeare line, for example, or even convert Sao Tome dobras to Malawi kwacha.$LABEL$3 +Yahoo Messenger Patches Security Hole Yahoo Messenger Patches Security Hole\\If you logged into Yahoo Messenger today and was taken a back by an automatic security download - don't be scared, it's no virus. Yahoo was only patching up a few holes.\\Yahoo has posted a security patch for a flaw in its instant messaging software that ...$LABEL$3 +Overlooked U.S. Men's Gymnasts Take Silver (AP) AP - Twenty years later, the boys are back on the medal stand. The American men's gymnastics program, long overlooked and often unappreciated, won Olympic silver Monday, capping a four-year rebuilding project to take home a medal for the first time since the boycotted 1984 Games.$LABEL$1 +Phelps Upbeat Despite End of Seven-Gold Dream ATHENS (Reuters) - The dream of emulating Mark Spitz's seven Olympic gold medals is over for Michael Phelps but the American refused to be disappointed after finishing third in the most eagerly-awaited race of the Athens Games Monday.$LABEL$1 +Gold at Last for U.S. Swimmer Coughlin ATHENS (Reuters) - Natalie Coughlin's run of bad luck finally took a turn for the better when she won the gold medal in the women's 100 meters backstroke at the Athens Olympics Monday.$LABEL$1 +Google Could Make Its Market Debut Wed. (Reuters) Reuters - Google Inc. appeared set\to start trading on Nasdaq on Wednesday, after the Web's No. 1\search engine asked regulators on Monday for final approval to\price its closely watched initial public offering.$LABEL$2 +Husky Energy signs seventh contract with China National Offshore Oil Corp. (Canadian Press) Canadian Press - CALGARY (CP) - Husky Energy Inc. has further strengthened its relationship with one of China's major oil companies by signing a new exploration agreement in the South China Sea.$LABEL$0 +Venezuelans Vote to Keep Chavez in Office CARACAS, Venezuela - Venezuelans overwhelmingly voted to keep President Hugo Chavez in office, dealing a crushing defeat to a splintered opposition and allowing the leftist leader to convert one of the biggest challenges of his presidency into an even broader mandate to carry on his ""revolution for the poor."" Stunned opposition leaders, who have fought for years to oust Chavez, claimed fraud after results announced Monday by election officials showed nearly 60 percent of voters had said ""no"" to the question of whether he should leave office immediately. But former President Jimmy Carter and the Organization of American States endorsed the results of Sunday's vote, which saw one of the biggest turnouts in Venezuela's history, and urged everybody to accept the outcome...$LABEL$0 +Dow Closes Up 129 As Oil Prices Drop NEW YORK - A drop in oil prices and upbeat outlooks from Wal-Mart and Lowe's helped send stocks sharply higher Monday on Wall Street, with the swing exaggerated by thin late summer trading. The Dow Jones industrials surged nearly 130 points...$LABEL$0 +Lowe's Net Income Up 18 Percent ATLANTA (Reuters) - Lowe's Cos. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=LOW.N target=/stocks/quickinfo/fullquote"">LOW.N</A>, the world's second largest home improvement retailer, on Monday reported an 18 percent increase in second-quarter net income and said earnings for the rest of the year would top analysts' estimates.$LABEL$2 +Heat Waves to Worsen Across America, Europe - Study (Reuters) Reuters - Heat waves like those that have hit\Paris and Chicago in recent years are likely to get worse,\roasting more and more cities with ever-higher temperatures,\climate researchers predicted on Thursday.$LABEL$3 +Thorpe Wins Men's 200 Freestyle Australia's Ian Thorpe soared past Pieter van den Hoogenband of the Netherlands to win the most anticipated race of the Olympics. Michael Phelps finished third.$LABEL$1 +Outfielder Shane Spencer Rejoins Yankees Recently released outfielder Shane Spencer rejoined the Yankees on Monday, signing a minor league contract after working out at their spring training complex.$LABEL$1 +U.S. Ryder Cup Team Roster Set Going with experience, Hal Sutton named Jay Haas and Stewart Cink as captain's selections for this year's United States Ryder Cup team.$LABEL$1 +Haitian Rebel Leader Appears for Trial (AP) AP - Jury selection began Monday for a Haitian paramilitary leader convicted in absentia of killing a businessman and ordering a massacre in the early 1990s but is facing the charges again after returning to lead a revolt against President Jean-Bertrand Aristide.$LABEL$0 +For US team, the night of decision The women gymnasts are favored to make history and win gold Tuesday - a Wheaties box moment waiting to happen.$LABEL$0 +Ch #225;vez declares referendum victory, but is battle over? With record turnout, Venezuela's president survives a recall vote, but opponents claim fraud.$LABEL$0 +Aid agencies rethink strategy A new report urges humanitarian groups to maintain a local presence in disaster-prone areas.$LABEL$0 +Even Greek grandmas root for the home team In 2000, Greece brought home 13 medals. The Greek Olympic Committee hopes to double that number.$LABEL$0 +IBM seeks dismissal in second part of SCO case SAN FRANCISCO - IBM Corp. is seeking dismissal of a second major component of the lawsuit filed against it last year by Unix vendor The SCO Group Inc., according to court documents filed Friday by IBM. The documents, filed with the U.S. District Court for the District of Utah, argue that SCO's breach of contract allegations should be dismissed from the lawsuit.$LABEL$3 +Microsoft delays automatic XP SP2 delivery SAN FRANCISCO - Microsoft Corp. has pushed back automatic distribution of Windows XP Service Pack 2 (SP2) to allow business users more time to instruct their machines to skip the update.$LABEL$3 +CA buys PestPatrol antispyware developer WASHINGTON - Computer Associates International Inc. (CA) said Monday it acquired PestPatrol Inc., a firm marketing antispyware software to enterprises, small businesses and individual consumers.$LABEL$3 +Gartner revises PC market forecast, warns of downside The PC market won't grow as fast in 2004 as originally predicted by Gartner Inc. analysts, as concerns about the overall health of the U.S. economy weigh on the market, the market research company said Monday.$LABEL$3 +UN tries to keep up dialogue after Khartoum irked by Darfur criticism (AFP) AFP - The UN envoy to Sudan has tried to ease the pressure on Khartoum after a flurry of indictments of the government's failure to end the crisis in Darfur drew irate reactions from President Omar al-Beshir.$LABEL$0 +Traders Bet Oracle Wins in Antitrust Case CHICAGO/SAN FRANCISCO (Reuters) - Options traders have been building bullish positions in PeopleSoft Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=PSFT.O target=/stocks/quickinfo/fullquote"">PSFT.O</A> as investors bet a federal judge will approve Oracle Corp.'s hostile takeover bid of the business software maker, traders said on Monday.$LABEL$2 +Is Mercury the Incredible Shrinking Planet? MESSENGER Spacecraft May Find Out (SPACE.com) SPACE.com - With a new spacecraft bound for Mercury, that tiny planet nbsp;near the heart of the solar system, researchers are hoping to solve a slew of riddles about the small world.$LABEL$3 +Canadian Ansari X Prize Entrant Takes the Plunge in Test (SPACE.com) SPACE.com - A Canadian team of rocketeers has moved one step closer to\launching its own manned spacecraft with the successful parachute drop test of a\crew capsule today.\\ nbsp;\\The backers of Canadian Arrow, a rocket entry in the #36;10 million\Ansari X Prize competition, watched happily as their crew compartment drifted\down into Lake Ontario.\\ nbsp;\\Today totally proves our Canadian Arrow design, said\Geoff Sheerin, leader of the London, Ontario-based Arrows bid for the X Prize.\It went really well and everything worked as it should. ...$LABEL$3 +Only Three Golds - U.S. Misfires in Early Days in Athens ATHENS (Reuters) - Told to avoid inflaming anti-American sentiment, U.S. athletes may have toned down the bravado too much in the early days of the Athens Games.$LABEL$1 +Krispy Kreme COO Leaves for New Job CHICAGO (Reuters) - Krispy Kreme Doughnuts Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=KKD.N target=/stocks/quickinfo/fullquote"">KKD.N</A> said on Monday that its chief operating officer is leaving the company for another job, the latest setback for a company that is trying to recover from sluggish sales and an accounting probe.$LABEL$2 +Google IPO statement ready to go Google's planned flotation moves another step closer after the company and its underwriters ask the SEC to declare its registration effective.$LABEL$2 +Oil Prices Retreat From a Record High After Chvez Victory Crude oil for delivery next month settled at \$46.05 a barrel, down 53 cents, on the New York Mercantile Exchange after briefly trading at a new high of \$46.91 early in the day.$LABEL$2 +IBM strikes at SCO claims SCO Group's faltering attack on Linux faces another threat as Big Blue files motion seeking dismissal of contract claims.$LABEL$3 +iSCSI gets some respect Having received a renewed boost from those who see it moving out of niche markets, iSCSI (Internet SCSI) may finally be getting some much-needed respect.$LABEL$3 +Beach Volleyball: Australia in with a Shout ATHENS (Reuters) - To prepare for the Olympics, Kerri Pottharst practiced serving with her team mate screaming in her ear.$LABEL$1 +Flash floods force big rescue operation in tourist area of England (Canadian Press) Canadian Press - LONDON (AP) - Heavy rain caused flash floods in seaside communities in southwestern England on Monday, and dozens of people were rescued from cars, trees and rooftops by emergency helicopters and lifeboats, officials said.$LABEL$0 +Harkin Calls Cheney Comments 'Cowardly' (AP) AP - Sen. Tom Harkin pushed the name-calling in the presidential race to a new level, calling Vice President Dick Cheney a coward for not serving in Vietnam and cowardly for his criticism of John Kerry.$LABEL$0 +Players Union Challenges Carter's Release (AP) AP - The NFL Players Association has gotten involved in Quincy Carter's release by the Dallas Cowboys.$LABEL$1 +Deadline Looms for Suspects in UK Anti-Terrorism Raids LONDON (Reuters) - British police must charge or release on Tuesday nine men arrested earlier this month in anti-terrorism raids that followed a tipoff from an al Qaeda suspect in Pakistan and security alerts in the United States.$LABEL$0 +Rwanda issues genocide warning Rwanda warns it will intervene to prevent genocide, as more than 150 Tutsi refugees are buried in Burundi.$LABEL$0 +Shell-Led Russia Venture Vows to Protect Rare Whales (Reuters) Reuters - A Royal Dutch/Shell -led group\developing oil and gas fields in the Russian far east moved to\assure worried ecologists on Friday it is doing all it can to\protect rare gray whales living in the coastal waters.$LABEL$3 +Hurricane Victims Wait for Food and Water PUNTA GORDA, Fla. - Driven from splintered trailers, roofless condos and powerless suburban homes, Hurricane Charley's hungry victims sweated through long lines Monday to find food, showers and drinking water three days after the storm left their lives in shambles...$LABEL$0 +Players Union Challenges Carter's Release The NFL Players Association has gotten involved in Quincy Carter's release by the Dallas Cowboys. The union filed a grievance over the release Aug...$LABEL$0 +League-Leading Galaxy Fires Coach (AP) AP - The Los Angeles Galaxy fired coach Sigi Schmid on Monday despite leading Major League Soccer with 34 points.$LABEL$1 +Alcatel hopes security will get users to switch European telecom equipment maker looks to push into corporate switching, a market long dominated by Cisco.$LABEL$3 +Google Could Make Market Debut Wednesday NEW YORK/SAN FRANCISCO (Reuters) - Google Inc. appeared set to start trading on the Nasdaq on Wednesday, after the Web's No. 1 search engine asked regulators for final approval to price its closely watched initial public offering.$LABEL$2 +China Mobile Suspends Sohu for Spamming Customers (Reuters) Reuters - Chinese Internet company Sohu.com\(SOHU.O) on Friday said China Mobile (CHL.N) had suspended Sohu\as a supplier of mobile phone picture services for one year for\unsolicited marketing to some customers.$LABEL$3 +Group to Propose New High-Speed Wireless Format LOS ANGELES (Reuters) - A group of technology companies including Texas Instruments Inc. <A HREF=""http://www.reuters.co.uk/financeQuoteLookup.jhtml?ticker=TXN.N qtype=sym infotype=info qcat=news"">TXN.N</A>, STMicroelectronics <A HREF=""http://www.reuters.co.uk/financeQuoteLookup.jhtml?ticker=STM.PA qtype=sym infotype=info qcat=news"">STM.PA</A> and Broadcom Corp. <A HREF=""http://www.reuters.co.uk/financeQuoteLookup.jhtml?ticker=BRCM.O qtype=sym infotype=info qcat=news"">BRCM.O</A>, on Thursday said they will propose a new wireless networking standard up to 10 times the speed of the current generation.$LABEL$3 +Thorpe Reigns Supreme in Athens Pool, Phelps Grabs Bronze ATHENS (Reuters) - Ian Thorpe became Australia's greatest Olympian and staked a claim to being the best swimmer of his generation when he won ""the race of the century"" at Athens on Monday.$LABEL$1 +Probe into rising ocean acidity The Royal Society launches a scientific investigation into the rising acidity of the Earth's oceans.$LABEL$3 +New bird spotted in Philippines A bird species new to science has been found by researchers on a remote island in the northern Philippines.$LABEL$3 +WholeSecurity program targets fraud sites Tool that identifies Web sites pretending to be connected to banks, eBay, etc., could help leave phishing scammers dead in the water.$LABEL$3 + #147;Generic Superheroes #148; Scripted, produced, cast, costumed, shot, edited and vigorously promoted by Darren Brandl, #147;Generic Superheroes, #148; a 35-minute comedic-action-adventure parody, makes full use of both Final Cut Pro and Soundtrack. #147;Every costume, #148; says the recent high school graduate proudly, #147;was made of 100 percent spandex #133; as any superhero costume should be. #148; Aug 16$LABEL$3 +Celtics Still Waiting to Hear From Payton (AP) AP - Ten days after trading for Gary Payton, the Boston Celtics still have no idea if the nine-time All-Star will ever wear a Celtics' uniform.$LABEL$1 +Russian Supply Craft Docks with Space Station (Reuters) Reuters - A Russian supply ship docked with the\International Space Station on Saturday, delivering food and\fuel to the two astronauts living there, mission control said.$LABEL$3 +A Look at U.S. Military Deaths in Iraq (AP) AP - As of Monday, Aug. 16, 935 U.S. service members have died since the beginning of military operations in Iraq in March 2003, according to the Defense Department. Of those, 697 died as a result of hostile action and 238 died of non-hostile causes.$LABEL$0 +New bird spotted in Philippines A bird species new to science is found by researchers on a remote island in the Philippines.$LABEL$0 +NFL Players Association Files Grievance Over Carter Release (Reuters) Reuters - The NFL Players Association\Monday filed a grievance with the Dallas Cowboys over the\recent release of quarterback Quincy Carter, claiming the\organization was in violation of the league's collective\bargaining agreement.$LABEL$1 +NFL Players Association Files Grievance Over Carter Release WASHINGTON (Sports Network) - The NFL Players Association Monday filed a grievance with the Dallas Cowboys over the recent release of quarterback Quincy Carter, claiming the organization was in violation of the league's collective bargaining agreement.$LABEL$1 +Chavez Survives Recall, Vows to Deepen Revolution CARACAS, Venezuela (Reuters) - Venezuela's left-wing President Hugo Chavez easily won a referendum on his rule and on Monday offered to open a dialogue with opponents while also vowing to intensify the reforms at the heart of the nation's political conflict.$LABEL$0 +3Com partners with wireless switch start-up 3Com enters into the wireless switch market through a partnership with start-up Trapeze Networks.$LABEL$3 +SEC Opens Inquiry Into Google Stock Issue (AP) AP - In another twist to Google Inc.'s public stock offering, the Internet search company said federal regulators have opened an informal inquiry into its failure to register millions of shares.$LABEL$3 +NASA Identifies Foam Flaw That Killed Astronauts (Reuters) Reuters - The foam that struck the space\shuttle Columbia after liftoff and led to the deaths of all\seven astronauts on board was defective, NASA said on Friday.$LABEL$3 +Catching 'phishers' a WholeSecurity sport Tool that identifies sites pretending to be connected to banks, eBay and more could help leave ""phishing"" scammers dead in the water.$LABEL$3 +Lankford Accepts Minor League Assignment (AP) AP - St. Louis Cardinals outfielder Ray Lankford accepted a minor league assignment to Triple-A Memphis on Monday, nine days after leaving the team to consider his career options.$LABEL$1 +FBI Tracks Potential GOP Protesters (AP) AP - With the Republican National Convention less than two weeks away, federal agents and city police are keeping tabs on activists and others they believe might try to cause trouble. They are making unannounced visits to people's homes, conducting interviews and monitoring Web sites and meetings.$LABEL$0 +Bush Announces Plan for Troop Realignment (AP) AP - President Bush's plan to restructure U.S. military forces abroad includes bringing two Army divisions home from Cold War-era bases in Germany, and increasing the U.S. presence at bases in countries like Poland, Romania and Uzbekistan, Pentagon officials said Monday.$LABEL$0 +Interior Will Delay Some Energy Projects (AP) AP - The Interior Department said Monday it will begin delaying some new oil and gas drilling projects until the effects on wildlife are studied more thoroughly.$LABEL$3 +Second hat in ring for faster Wi-Fi standard A second consortium puts in a bid for the faster 802.11n spec. But don't expect a battle over formats.$LABEL$3 +3Com partners with wireless-switch upstart 3Com enters into the wireless-switch market through a partnership with start-up Trapeze Networks.$LABEL$3 +Interwoven scoops up records management company ECM (enterprise content management) company Interwoven on Monday announced the acquisition of Software Intelligence, a maker of records management technology, for \$2 million in cash and stock.$LABEL$3 +Thorpedo Sinks Phelps' Shot at Spitz Mark ATHENS, Greece - The kid couldn't catch the Thorpedo - and he won't be catching Mark Spitz, either. Michael Phelps' quest for seven gold medals ended after just three events, doomed by another bronze Monday night in the most anticipated race at the Olympic pool - the head-to-head showdown with Australia's Ian Thorpe in the 200-meter freestyle...$LABEL$0 +SEC Opens Inquiry Into Google Stock Issue SAN FRANCISCO - In another twist to Google Inc.'s public stock offering, the Internet search company said federal regulators have opened an informal inquiry into its failure to register millions of shares. In a regulatory filing Monday, Google said it ""understands"" the inquiry was opened by the Securities and Exchange Commission...$LABEL$0 +Nortel Says Canada Plans Accounting Probe SAN FRANCISCO (Reuters) - Nortel Networks Corp. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=NT.N target=/stocks/quickinfo/fullquote"">NT.N</A> <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=NT.TO target=/stocks/quickinfo/fullquote"">NT.TO</A> said on Monday the Royal Canadian Mounted Police told the company it will begin a criminal investigation into Nortel's financial accounting.$LABEL$2 +Brazil Starts to Crack Down on Counterfeit Goods Brazil stands to lose billions of dollars in trade benefits from the United States if it does not prove by the end of September that it is making progress in combating copyright piracy.$LABEL$2 +AP: Israel Cave Linked to John the Baptist (AP) AP - Archaeologists think they've found a cave where John the Baptist baptized many of his followers #151; basing their theory on thousands of shards from ritual jugs, a stone used for foot cleansing and wall carvings telling the story of the biblical preacher.$LABEL$3 +Blind Students to Launch NASA Rocket (AP) AP - A dozen blind students from across the United States are at a summer camp this week working on a project most don't associate with the visually impaired #151; launching a NASA rocket.$LABEL$3 +NFL Players Union Files Carter Grievance (AP) AP - The NFL Players Association filed a grievance Monday against the Dallas Cowboys on behalf of Quincy Carter, claiming the quarterback was released by the team for reasons not permitted in the NFL collective bargaining agreement.$LABEL$1 +Mientkiewicz Starts at Second for BoSox (AP) AP - Former Gold Glove first baseman Doug Mientkiewicz got a rough introduction in his first career start at second base.$LABEL$1 +Thorpedo Sinks Phelps' Shot at Spitz Mark (AP) AP - The kid couldn't catch the Thorpedo #151; and he won't be catching Mark Spitz, either. Michael Phelps' quest for seven gold medals ended after just three events, doomed by another bronze Monday night in the most anticipated race at the Olympic pool #151; the head-to-head showdown with Australia's Ian Thorpe in the 200-meter freestyle.$LABEL$1 +Venezuelans Vote to Keep Chavez in Office (AP) AP - Venezuelans overwhelmingly voted to keep President Hugo Chavez in office, dealing a crushing defeat to a splintered opposition and allowing the leftist leader to convert one of the biggest challenges of his presidency into an even broader mandate to carry on his ""revolution for the poor.$LABEL$0 +Edwards Vows Economic Aid for Heartland (AP) AP - Democratic vice presidential nominee John Edwards promised Monday to deliver high-speed Internet access and more money for people to start businesses in rural areas.$LABEL$0 +Chavez Survives Recall, Vows to Deepen Revolution (Reuters) Reuters - Venezuela's left-wing\President, Hugo Chavez, easily won a referendum on his rule and\on Monday offered to open a dialogue with opponents, while\vowing to intensify the reforms at the heart of the nation's\political conflict.$LABEL$0 +Many engineers lack even a four-year degree About 40 percent of U.S. workers in computer and math science have just a high school diploma or associate degree, according to a new report.$LABEL$3 +British researchers trace John Kerry's family back to European royalty (Canadian Press) Canadian Press - LONDON (AP) - Senator John Kerry has blue blood from all the royal houses of Europe, with even more titled relations than President George W. Bush, Burke's Peerage said Monday.$LABEL$0 +Chavez's Victory Garners Int'l Approval (AP) AP - Venezuelan President Hugo Chavez won international approval from supporters and detractors alike Monday on his decisive referendum victory over opponents trying to oust him.$LABEL$0 +Giants' Nen Still Hoping to Pitch in 2005 (AP) AP - It's approaching two years since Robb Nen last pitched in the majors, but he still believes he can do it again #151; despite his troublesome right shoulder.$LABEL$1 +Haas and Cink Named as U.S. Ryder Cup Wildcards MILWAUKEE, Wisconsin (Reuters) - U.S. Ryder Cup captain Hal Sutton, opting for form and experience, selected Jay Haas and Stewart Cink as his wildcard picks for next month's match against Europe.$LABEL$1 +Venezuela Votes by Large Margin to Retain Chvez An opposition movement refused to accept the results, raising prospects for more turmoil in the world's fifth-largest oil exporter.$LABEL$0 +Airline Looks to Delay Its Pension Payments In an effort to conserve cash, financially ailing US Airways Group Inc. said Monday that it plans to ask the Internal Revenue Service for permission to delay payments into the pension plans of two of its employee groups.$LABEL$2 +McDonald's Goes for Gold For a four-year investment estimated at \$65 million, McDonald's has been designated the Official Restaurant of the 2004 Olympic Games.$LABEL$2 +Auction for Shares In Google's IPO May End Today (washingtonpost.com) washingtonpost.com - Google Inc.'s initial public offering took a major step forward as the company notified investors that today may be their last chance to submit, withdraw or change bids in the unusual #36;3 billion electronic auction for stock in the Internet giant.$LABEL$3 +Four Firms Buy Intelsat Intelsat Ltd., the pioneering commercial satellite company that connected the world through global television and telephone communications, announced Monday its sale to a group of private investors for \$3 billion in cash. <FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2""\ color=""#666666""><B>-The Washington Post</B></FONT>$LABEL$3 +Auction for Shares in Google's IPO May End Google Inc.'s initial public offering took a major step forward as the company notified investors that Tuesday may be their last chance to submit, withdraw or change bids in the unusual \$3 billion electronic auction for stock in the Internet giant. <FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2""\ color=""#666666""><B>-The Washington Post</B></FONT>$LABEL$3 +BioVeris Files Delayed Annual Report BioVeris Corp. filed its delayed annual report with the Securities and Exchange Commission Monday, only days before a scheduled hearing by the Nasdaq Stock Market on whether to delist the Gaithersburg biotechnology company for failing to report earnings. <FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2""\ color=""#666666""><B>-The Washington Post</B></FONT>$LABEL$3 +Background Investigation Shortfall Sends ManTech to a Loss Despite an increase in revenue, ManTech International Corp. swung to a loss during its second quarter when a contract to conduct background investigations for the Department of Defense turned out to be far less lucrative than previously expected.$LABEL$3 +Athletics Win to Hang on to AL West Lead (AP) AP - Mark Redman pitched eight innings of six-hit ball, and the Oakland Athletics used a three-run fifth inning to beat the Baltimore Orioles 3-1 on Monday night.$LABEL$1 +Nikkei Higher by Midday TOKYO (Reuters) - Gains in banks and exporters helped lift Tokyo's Nikkei 0.84 percent by midday on Tuesday as a fall in crude oil prices and a rebound in U.S. stocks led buyers to pick up shares hit by the index's recent sharp losses.$LABEL$2 +Hewitt, Sluiter, Muller Win at Legg Mason (AP) AP - Lleyton Hewitt breezed to a 6-1, 6-2 win over Kenneth Carlsen Monday night in the first round of the Legg Mason Tennis Classic.$LABEL$1 +Ivan Hlinka, 54, Czech Coach of Gold Medal Hockey Team, Dies Ivan Hlinka coached the Czech Republic to the hockey gold medal at the 1998 Nagano Olympics and became the coach of the Pittsburgh Penguins two years later.$LABEL$1 +The Geisha Stylist Who Let His Hair Down Here in the Gion geisha district of Japan's ancient capital, even one bad hair day can cost a girl her career. So it is no wonder that Tetsuo Ishihara is the man with the most popular hands in town.$LABEL$0 +Hard-Hit Havana Still Short of Water City workers distributed water in tank trucks Monday and urged about 1.4 million residents of the Cuban capital who had no running water to remain calm, four days after Hurricane Charley roared through the area.$LABEL$0 +Syrian Court Releases Rights Activist on Bail A Syrian court has released on bail a human rights activist charged with tarnishing the country's image but considered by advocacy groups to be a prisoner of conscience, one of his attorneys said Monday.$LABEL$0 +Iraqi peace team to go to Najaf An Iraqi delegation is going to Najaf to try to end a stand-off between US-led forces and Shia militants.$LABEL$0 +Seahawks Defeat Packers 21-3 in Preseason (AP) AP - Fourth-string quarterback Seneca Wallace led Seattle on two touchdown drives and the Seahawks took advantage of Tim Couch's dismal debut for Green Bay in a 21-3 exhibition victory over the Packers on Monday night.$LABEL$1 +China Tests New Guided Missile Amid Taiwan Tensions BEIJING (Reuters) - China has successfully tested a new guided missile it says is highly accurate, state media said on Tuesday amid rising tensions with arch-rival Taiwan.$LABEL$0 +New York City Lowering Its Sights for a Convention Boom With the Republican National Convention just two weeks away, signs are pointing to a modest economic boost for few businesses.$LABEL$0 +Streaking Rangers Hold Off Indians 5-2 (AP) AP - Brian Jordan hit a tiebreaking homer in the sixth inning and the Texas Rangers extended their winning streak to four games with a 5-2 victory over the Cleveland Indians on Monday night.$LABEL$1 +Suspect Admits Jewish Graves Desecration (AP) AP - An unemployed man was arrested Monday in connection with the desecration of a Jewish cemetery earlier this month and an attack on a Muslim, judicial officials said.$LABEL$0 +Hospitalised woman in Vietnam tests positive for bird flu (AFP) AFP - A 19-year-old woman hospitalised in Vietnam has tested positive for the lethal strain of bird flu that has killed 27 people across Asia this year, including 19 in the communist nation, officials said.$LABEL$0 +Nikkei Rises by Midday TOKYO (Reuters) - Gains in banks and exporters helped lift Tokyo's Nikkei average 0.84 percent by midday on Tuesday as a fall in crude oil prices and a rebound in U.S. stocks led buyers to pick up shares hit by the index's recent sharp losses.$LABEL$2 +Braves' Chipper Jones Hits 300th Homer (AP) AP - Chipper Jones hit his 300th career home run on Monday night, connecting in the Atlanta Braves' game at San Diego.$LABEL$1 +Nikkei Rises by Midday (Reuters) Reuters - Gains in banks and exporters helped lift\Tokyo's Nikkei average 0.84 percent by midday on Tuesday as a\fall in crude oil prices and a rebound in U.S. stocks led\buyers to pick up shares hit by the index's recent sharp\losses.$LABEL$0 +A Texan's Race for the House That Could Lead to the F.C.C. A Republican running for Congress has received heavy donations from industry because of expectations over posts she may receive if she loses and President Bush wins.$LABEL$2 +A New Campaign for Viagra Viagra, which has long taken a staid marketing approach, will join its fast-growing competitors in taking a sly, devil-may-care tack.$LABEL$2 +Halliburton Has More Time to Verify Costs The U.S. Army had granted Halliburton a third extension to substantiate its costs in Iraq and Kuwait.$LABEL$2 +Microsoft Delays Automatic Win XP Updates Business users can postpone SP2 installation to complete testing its effect on other programs.$LABEL$3 +A's Quiet Orioles The streaking O's lose for only the third time in 14 games as A's starting pitcher Mark Redman pitches eight strong innings to tame the Orioles, 3-1, on Monday night.$LABEL$1 +Harris Takes the Field Cornerback Walt Harris suits up for his first full practice as a Redskin on Monday after missing minicamp and the first two weeks of training camp.$LABEL$1 +QBs Grab Spotlight Chris Simms, the Buccaneers second-year pro competing for Tampa Bay's No. 2 job, completed 12 of 15 passes for 110 yards to help the Bucs to a 20-6 victory over the Cincinnati Bengals on Monday.$LABEL$1 +Seahawks Stuff Packers Fourth-string quarterback Seneca Wallace led Seattle on two touchdown drives as the Seahawks defeated the Packers, 21-3, on Monday night.$LABEL$1 +Full Disclosure Ordered The NFL told its coaches Monday that they must be more specific in reporting injuries to players, saying the current wording of the policy ""invites action that runs counter to our intent.$LABEL$1 +A Texan's Race Could Lead to the F.C.C. A Republican running for Congress has received heavy donations from industry because of expectations over posts she may receive if she loses and President Bush wins.$LABEL$2 +Stocks End Sharply Higher as Oil Prices Drop A pull back in oil prices and upbeat outlooks from Wal-Mart and Lowe's prompted new bargain-hunting on Wall Street today.$LABEL$2 +LifePoint to Buy Rival for \$1 Bln LifePoint Hospitals has agreed to acquire rival Province Healthcare for \$1.125 billion in cash and stock to broaden its geographic reach.$LABEL$2 +This Date in Baseball - Aug. 17 (AP) AP - 1904 #151; Jesse Tannehill of the Boston Red Sox pitched a no-hitter, beating the Chicago White Sox 6-0.$LABEL$1 +Nation's Charter Schools Lagging Behind, U.S. Test Scores Reveal The findings dealt a blow to supporters of the charter school movement, including the Bush administration.$LABEL$0 +BA set to hold key strike talks British Airways is due to hold important talks with union bosses in a bid to avoid industrial action.$LABEL$2 +Yahoo to Sell Domain Names (AP) AP - Yahoo Inc. plans to start selling Internet domain names Tuesday as part of its expanding services for small businesses.$LABEL$3 +Rival Targets Apple's ITunes Customers (AP) AP - For more than a year, Apple Computers Inc. enjoyed singular success selling songs exclusively to users of its iPod portable music player. Now, it's got rival RealNetworks Inc. trying to lure iTunes customers away.$LABEL$3 +Linux clusters gear up for simulated combat Linux Network scores two military-related deals for Linux clusters.$LABEL$3 +IBM to round out iSeries Power5 server family Big Blue is set to debut the eServer i5 550, an iSeries machine it created to serve midsize businesses.$LABEL$3 +Sides Still Far Apart With two fruitless negotiating sessions behind them and only one month left before an NHL lockout, the league and the players association will return to the bargaining table on Tuesday.$LABEL$1 +Hezbollah Re-Elects Sheik Hassan Nasrallah (AP) AP - Hezbollah's executive has re-elected Sheik Hassan Nasrallah as leader of the militant Shiite Muslim movement, according to a statement Monday by the party that the United States brands as terrorist.$LABEL$0 +Clashes persist in South Ossetia Heavy fighting is reported in Georgia's breakaway South Ossetia region after the deaths of two soldiers.$LABEL$0 +Briefly: Linux clusters gear up for simulated combat roundup Plus: Sprint to bake in BlackBerry for businesses...Microsoft ships updated Works...FaceTime pulls in \$16 million.$LABEL$3 +Search Engines and Competitive Research Search engines can tell you a lot about your competition, if you know what to look for. A panel of experts offers tips on profiling your competition.$LABEL$3 +Real launches 'Freedom of Choice Campaign' (MacCentral) MacCentral - RealNetworks will tout its new Windows-only Harmony technology, which allows files from its music store to be played on Apple's iPod, in a series of print, radio and online advertising, the company said in a statement on Tuesday. In addition, Real will hold what it calls the biggest music sale in history selling songs for US #36;0.49 and albums for #36;4.99.$LABEL$3 +Marlins Defeat Dodgers 4-2 (AP) AP - Miguel Cabrera homered and Mike Lowell singled home the go-ahead run, helping the Florida Marlins beat the Dodgers 4-2 on Monday night in Paul Lo Duca's return to Los Angeles.$LABEL$1 +Google Says It's Set to End Stock Auction Google might close the bidding in its auction-style initial public offering late Tuesday, moving it one step away from becoming a publicly traded company.$LABEL$2 +Safety Gap Grows Wider Between S.U.V.'s and Cars People driving or riding in a sport utility vehicle in 2003 were nearly 11 percent more likely to die in an accident than people in cars.$LABEL$2 +China Typhoon Death Toll Rises to 164 (Reuters) Reuters - The worst typhoon to hit China in seven\years killed at least 164 people and another 24 were listed as\missing, Xinhua news agency said on Tuesday.$LABEL$0 +Coke's Heyer to Go, May Join Starwood NEW YORK (Reuters) - Coca-Cola Co.'s president and chief operating officer, Steven Heyer, will leave the company on Sept. 1 after missing out on the top job in May, the Wall Street Journal said on Tuesday, citing an internal memo.$LABEL$2 +Dollar Struggles to Extend Gains TOKYO (Reuters) - The dollar struggled to extend gains against the euro in rangebound trade on Tuesday after recovering from multi-week lows on bigger-than-expected capital inflows into the United States.$LABEL$2 +AL Wrap: Redman Helps Athletics Maintain AL West Lead NEW YORK (Reuters) - Mark Redman pitched eight strong innings as the Oakland Athletics clung on to first place in the American League West with a 3-1 road win over the Baltimore Orioles on Monday.$LABEL$1 +Australian opposition pulls ahead in close election race, polls show (AFP) AFP - Australia's opposition has clawed back a potentially election-winning lead, boosted by its insistence on extra protection for cheap prescription medicines, two new polls showed.$LABEL$0 +Iraqi Delegation Set for Najaf Peace Bid (Reuters) Reuters - Iraqi political and religious leaders\prepared to go to the holy city of Najaf on Tuesday in a\last-ditch bid to persuade a radical Shi'ite cleric to end a\rebellion that has killed hundreds and rattled oil markets.$LABEL$0 +Indonesia Reduces Jail Sentences of Militants (Reuters) Reuters - Six convicted Indonesian militants\linked to the deadly blasts in Bali in 2002 have received a two\month reduction of their jail sentences by President Megawati\Sukarnoputri, a prison warden said on Tuesday.$LABEL$0 +Iraqi Delegation Set for Najaf Peace Bid BAGHDAD (Reuters) - Iraqi political and religious leaders prepared to go to the holy city of Najaf on Tuesday in a last-ditch bid to persuade a radical Shi'ite cleric to end a rebellion that has killed hundreds and rattled oil markets.$LABEL$0 +NL Wrap: Pujols Drives in Five Runs as Cardinals Rout Reds (Reuters) Reuters - Albert Pujols homered for the fifth\time in the last four games and drove in five runs as the St\Louis Cardinals routed the Cincinnati Reds 10-5 in National\League play at Busch Stadium on Monday.$LABEL$1 +NL Wrap: Pujols Drives in Five Runs as Cardinals Rout Reds NEW YORK (Reuters) - Albert Pujols homered for the fifth time in the last four games and drove in five runs as the St Louis Cardinals routed the Cincinnati Reds 10-5 in National League play at Busch Stadium on Monday.$LABEL$1 +Oil Prices Slip Below \$46; Risks Abound SINGAPORE (Reuters) - Oil prices fell \$1 below record highs on Tuesday as fears over supply disruptions in Venezuela eased after President Hugo Chavez won a vote on his rule.$LABEL$2 +Dollar Stalls Despite Capital Flows TOKYO (Reuters) - The dollar barely moved on Tuesday, struggling to sustain a modest bounce from multi-week lows against the euro made on bigger-than-expected capital inflows to the United States.$LABEL$2 +Global Warming Menaces California Wine Industry (Reuters) Reuters - California will become hotter and\drier by the end of the century, menacing the valuable wine and\dairy industries, even if dramatic steps are taken to curb\global warming, researchers said on Monday.$LABEL$3 +New intelligence reform bill may pit US Congress against White House (AFP) AFP - The powerful chairman of the US Senate intelligence committee promised to introduce this week a new intelligence reorganization bill likely to set Congress on a collision course with the White House, which favors an intelligence ""czar"" with vaguely defined powers.$LABEL$0 +Oil Prices Slip Below #36;46; Risks Abound (Reuters) Reuters - Oil prices fell #36;1 below record highs\on Tuesday as fears over supply disruptions in Venezuela eased\after President Hugo Chavez won a vote on his rule.$LABEL$2 +Sprinters' coach confident Kostas Kenteris and Katerina Thanou's coach believes they will be cleared by the IOC.$LABEL$0 +Professor devises climate-based model to predict football sackings (AFP) AFP - The life of a football manager in the English Premiership is frantic, pressured and apt to end in sometimes arbitrary dismissal. But now under-fire bosses can predict when they might face the sack -- using the weather.$LABEL$0 +Tokyo Shares Rise But Oil Worries Weigh SINGAPORE (Reuters) - Japanese shares rebounded from three-month lows on Tuesday but stubbornly high oil prices and concern over their impact on corporate earnings capped gains.$LABEL$2 +Celtics Sign Gugliotta, Wait on Payton (AP) AP - Ten days after trading for Gary Payton, the Boston Celtics still have no idea if the nine-time All-Star will ever wear a Celtics' uniform.$LABEL$1 +Giants Clobber Expos 8-5 (AP) AP - Pinch-hitter Ricky Ledee hit a tiebreaking single in the eighth inning and the San Francisco Giants took over the NL wild-card lead with their fifth straight victory, 8-5 over the Montreal Expos on Monday night.$LABEL$1 +Study: Global Warming Could Change Calif. (AP) AP - Global warming could cause dramatically hotter summers and a depleted snow pack in California, leading to a sharp increase in heat-related deaths and jeopardizing the water supply, according to a study released Monday.$LABEL$3 +EU nations slam Tiger rebels as fresh killings dim Sri Lanka peace hopes (AFP) AFP - European Union nations criticised Sri Lanka's Tamil Tiger rebels for killing rivals and recruiting child soldiers, appealing to the guerrillas not to undermine the Island's Norwegian-led peace bid.$LABEL$0 +Storage Services Market Heading To #36;30 Billion (TechWeb) TechWeb - The growth comes as more vendors offer more software to offset the plunge in storage hardware prices.$LABEL$3 +Oracle Releases New CRM Software (TechWeb) TechWeb - Integration of sales and marketing is key to new release.$LABEL$3 +Researchers Find New Species of Bird (AP) AP - Filipino and British wildlife researchers say they've stumbled upon what appears to be a new species of flightless bird found only on the tiny forested island of Calayan in the northern Philippines.$LABEL$3 +Israeli Soldiers Kill Two Gaza Militants (Reuters) Reuters - Israeli soldiers shot and killed two\Palestinian militants near a Jewish settlement in the Gaza\Strip on Tuesday, Palestinian and Israeli sources said.$LABEL$0 +Sharon Approves 1,000 Settlement Homes in W.Bank JERUSALEM (Reuters) - Israeli Prime Minister Ariel Sharon has approved building tenders for 1,000 homes in Jewish settlements in the West Bank frozen earlier to avoid upsetting the United States, political sources said on Tuesday.$LABEL$0 +Mass. still a no-go for Geic Geico Corp., the nation's fifth-largest auto insurer, started selling policies in New Jersey yesterday for the first time in 28 years, leaving Massachusetts as the lone state where the company won't do business.$LABEL$2 +Bank of America signs in They served up a giant Bank of America sheet cake, festooned the bank branch with balloons, and dispatched smiling greeters to welcome customers in upstate New York yesterday, as the first FleetBoston Financial Corp. branches formally switched to Bank of America.$LABEL$2 +Stakes high for Windows upgrade Microsoft Corp. has put the finishing touches on one of its biggest software overhauls ever after conceding that its Windows XP operating system -- which runs as many as 300 million computers worldwide -- is susceptible to security breaches.$LABEL$2 +For the record Correction: Because of a reporting error, an article in yesterday's Nation pages incorrectly described a Bush campaign ad's accusation about John Kerry's role on the Senate Intelligence Committee in the 1990s. The ad accuses Kerry of having missed three-quarters of the committee's public hearings.$LABEL$2 +Citizens gets US OK for Charter One buy Federal regulators granted Citizens Financial Group approval for its biggest acquisition to date, Charter One Financial Inc. of Ohio. The Federal Reserve Board said the pending merger likely would have a minimal impact on competition even in markets where the two banks overlap. When the \$10.5 billion acquisition is complete, Citizens will be the 11th-biggest bank in the nation ranked ...$LABEL$2 +Stocks surge amid upbeat outlooks NEW YORK -- A drop in oil prices and upbeat outlooks from Wal-Mart and Lowe's helped send stocks sharply higher yesterday, with the swing exaggerated by thin late summer trading. The Dow Jones industrials surged nearly 130 points.$LABEL$2 +Krispy Kreme operating chief quits WINSTON-SALEM, N.C. -- Krispy Kreme Doughnuts Inc.'s John Tate quit as chief operating officer amid a government probe of the chain's accounting and earnings forecasts.$LABEL$2 +FDA adopts 'lighter touch' on drug imports WASHINGTON -- Federal drug regulators are using a quot;lighter touch quot; in their efforts to stop a growing number of cities and states from importing prescription drugs from Canada, and the City of Boston is taking advantage of that new posture.$LABEL$2 +Power line's cost could grow 40 NEW YORK -- Northeast Utilities , UIL Holdings Corp. , and New England's grid operator have proposed changes to a planned power line in Southwest Connecticut that would increase costs by more than 40 percent.$LABEL$2 +January trial is set for former HealthSouth CEO BIRMINGHAM, Ala. -- A federal judge has scheduled jury selection in the fraud trial of fired HealthSouth Corp. chief executive Richard Scrushy to begin Jan. 5.$LABEL$2 +Taking a crash course For Doug Mientkiewicz, the hardest part of playing second turned out not to be the double play pivot, fielding ground balls, or applying the tag on a steal. No, it came when he was hit by a 6-foot-3-inch, 230-pound train.$LABEL$1 +Blue Jays hope to go places with Gibbons From Montana to Maine, Puerto Rico to Canada, John Gibbons tagged along wherever the military deemed his father should live. The constant travel gave him a taste of the nomadic life of a baseball manager, his future profession. It also gave him an accent all his own, a Texas twang inflected with tinges of New England.$LABEL$1 +Sox and bonds There are games in which players renew their vows as teammates, and last night's 8-4 victory over the Toronto Blue Jays was one of them. It may not have been as clear as it was in the Yankee-Red Sox brawl game back in late July, which produced an obvious bond.$LABEL$1 +Ainge is waitin' for Payton During a press conference yesterday, Celtics director of basketball operations Danny Ainge answered his cell phone, turned to the audience of reporters, and said, quot;Hold on, it's Gary Payton. quot; It was an obvious joke, but also wishful thinking.$LABEL$1 +American says US backed his jail KABUL, Afghanistan -- Jonathan Keith Idema, an American accused of running a freelance antiterror operation and private prison in Afghanistan, testified in court yesterday that he could prove US and Afghan authorities were fully aware of his actions, and he accused the FBI of confiscating evidence that would support his contention.$LABEL$0 +Communists condemn whistle-blower BEIJING -- A Communist Party whistle-blower who publicly accused his superiors of tolerating official corruption has been condemned for breaking party rules and ordered to quot;do a complete self-examination, quot; authorities announced.$LABEL$0 +Business economists say terror the biggest risk in US (AFP) AFP - Terrorism poses the biggest short-term threat to the US economy, a panel of top business economists said in a survey.$LABEL$2 +Google market debut draws near Google's market flotation draws a step closer as the firm asks regulators to approve the paperwork.$LABEL$3 +New Ernie machine to make debut The new version of Ernie - the number cruncher which selects premium bond prizes - is to be unveiled on Tuesday.$LABEL$3 +EasyMobile faces Orange showdown Easyjet founder Stelios Haji-Ioannou faces a potential clash with Orange over plans for a mobile phone service.$LABEL$3 +Saudis Use 9-11 Report in U.S Ad Campaign (AP) AP - Stung by criticism about its role in fighting terrorism, Saudi Arabia has launched a radio advertising campaign in 19 U.S. cities citing the Sept. 11 commission report as proof that it has been a loyal ally in the fight against al-Qaida.$LABEL$0 +Mexican Migrant Seeks U.S. Work Visa (AP) AP - Omar Garcia Escobedo's family thought their 25-year-old son had, like so many other migrants seeking work in the United States, drowned trying to cross the treacherous, fast flowing Rio Grande River.$LABEL$0 +Stressed, Depressed Japan Princess May Visit Brunei (Reuters) Reuters - Japan's Crown Princess Masako, who\officials say is suffering from a mental disorder caused by the\stress of adapting to royal life, may emerge from months of\seclusion in September to attend a wedding in the tiny\southeast Asian nation of Brunei, a court official said on\Tuesday.$LABEL$0 +Nepal Army on Alert, Hotel Shut After Bombs KATHMANDU (Reuters) - Nepal put its security forces on alert on Tuesday to counter a threat by Maoist guerrillas to blockade the capital, as tourists moved out of a luxury hotel after a bomb blast blamed on the rebels.$LABEL$0 +Motorola Expects Strong Sales Growth SINGAPORE (Reuters) - Motorola Inc., the world's second-largest mobile phone maker, said on Tuesday it expects to sustain strong sales growth in the second half of 2004 thanks to new handsets with innovative designs and features.$LABEL$2 +Fighting in Western Afghanistan Kills 3 (AP) AP - Fighting between rival factions in western Afghanistan killed three militiamen and injured another seven, officials said Tuesday, despite the presence of government and U.S. troops.$LABEL$0 +Phelps's chase of Spitz mark? It's history This was the event Michael Phelps didn't really need to compete in if his goal was to win eight golds. He probably would have had a better chance somewhere else.$LABEL$1 +US dominance an impossible dream It has come to this: Good thing we're in the easy bracket. The United States men's basketball team is in Pool B, along with Greece, Australia, Lithuania, Angola, and, of course, Puerto Rico, the feisty little brother who enjoyed a pretty big laugh at the expense of Uncle Sam's boys Sunday night. Most of the serious teams are ...$LABEL$1 +Rangers remain in step Brian Jordan hit a tiebreaking homer in the sixth inning and the Texas Rangers extended their winning streak to four games with a 5-2 victory over the visiting Cleveland Indians last night.$LABEL$1 +Watson holdout ends After an 18-day holdout during which he parted ways with his second agent (IMG's Tom Condon , who replaced Darrell Wills , formerly of IMG but now decertified) and hired a third ( Pat Dye Jr. ), first-round pick Benjamin Watson signed a six-year contract and reported to training camp yesterday.$LABEL$1 +A bit of a head-scratcher In many professional leagues recently, the defending champion has had a smooth start to the season. Mexico proved to be an exception, though, as UNAM Pumas fell to Tecos, 1-0, losing two players and coach Hugo Sanchez to ejections Sunday.$LABEL$1 +Czech hockey coach Hlinka dies after car crash Ivan Hlinka, a former Pittsburgh Penguins coach who led the Czech Republic to a gold medal at the 1998 Nagano Olympics, died yesterday after being injured in a car crash. He was 54.$LABEL$1 +Bronze is golden to Methuen's Pedro Standing in the snow at a medal celebration at the 2002 Winter Games at Salt Lake City, Jimmy Pedro had a sudden inspiration. He took out his cellphone and called his wife, Marie, back in Methuen, Mass.$LABEL$1 +Greeks get surprise gold in synchronized diving It was a glorious surprise, igniting a party complete with song and dance: The Greeks won the first gold medal of their hometown Olympics with an unexpected victory last night in synchronized diving.$LABEL$1 +McCool not getting off the mat The US women's gymnastics team, which wlll go after Olympic gold tonight, will be doing it without Courtney McCool , whom the coaching staff left off the roster after she had a rough night in Sunday's prelims.$LABEL$1 +Red Sox and Patriots ceremoniously beaten Boston sports fans have a track record. Predictably, we watch the Red Sox, Patriots, and big events. So it gets interesting when they go head to head, as they did Friday night. A look at the ratings confirms that the Olympics qualify as an extremely big event.$LABEL$1 +Today's schedule Pro baseball: Red Sox vs. Toronto at Fenway Park, 7 p.m.; Atlantic League -- Nashua vs. Camden at Holman Stadium, Nashua, 6:30 p.m.; International League -- Pawtucket vs. Buffalo at McCoy Stadium, Pawtucket, R.I., 7 p.m.; Eastern League: Portland vs. New Britain at Hadlock Field, Portland, Maine, 7 p.m.; Northeast League -- Brockton vs. New Haven at Campanelli Stadium, Brockton, ...$LABEL$1 +Israel to Build New Housing Units (AP) AP - The Israeli government on Tuesday invited construction bids for 1,001 new homes in Jewish settlements in the West Bank, an official said, in direct violation of a U.S.-backed peace plan calling for a settlement freeze.$LABEL$0 +Sharon 'backs settlement homes' Reports say Israeli PM Ariel Sharon has given the green light to new homes in West Bank settlements.$LABEL$0 +Oprah to sit on murder trial jury US television host Oprah Winfrey is picked to sit on the jury for a murder trial in her home city of Chicago.$LABEL$0 +Motorola Expects Strong Sales Growth (Reuters) Reuters - Motorola Inc., the world's\second-largest mobile phone maker, said on Tuesday it expects\to sustain strong sales growth in the second half of 2004\thanks to new handsets with innovative designs and features.$LABEL$3 +U.S. Handling of Helicopter Crash Irks Okinawa (Reuters) Reuters - Cities in Okinawa expressed outrage at\the U.S. military on Tuesday for refusing to allow Japanese\police investigate the wreckage of a Marine helicopter that\crashed in the grounds of a university there last week.$LABEL$0 +Testimony Opens in 9/11 Retrial Case (AP) AP - A witness who knew the Hamburg-based Sept. 11 hijackers outlined the group's hatred of Israel and said its members believed suicide attacks were legitimate as testimony opened Tuesday in the retrial of a Moroccan accused of helping the pilots.$LABEL$0 +Home PCs to get key Windows fix PC owners will be able to download a major security update for Windows XP as from Wednesday.$LABEL$3 +Science creates 'own mavericks' Britain's scientific community fuels controversies by shunning colleagues with rebel ideas, research suggests.$LABEL$3 +Ward, Pujols, Jones Put Up Big Numbers (AP) AP - Daryle Ward, Albert Pujols and Chipper Jones had big nights at the plate at the expense of National League pitchers.$LABEL$1 +Olympics: Greeks Dive for Joy, More Gold for Thorpe ATHENS (Reuters) - Greece was plunged in national self-satisfaction on Tuesday after its synchronized divers won the host nation's first gold medal of the Athens Olympics.$LABEL$1 +India agree contracts India players agree central contracts for the first time, with top stars netting a basic salary of 59,000.$LABEL$0 +Mortar Attack in Central Baghdad Kills 5 BAGHDAD, Iraq - Insurgents fired a mortar on a busy street in central Baghdad on Tuesday, killing five people and wounding 30, the Interior Ministry and hospital officials said. Iraqi officials had earlier reported the explosion was a car bomb, but later corrected that account...$LABEL$0 +Oil Slips Below \$46 on Venezuela, Russia LONDON (Reuters) - Oil prices eased on Tuesday as fears of supply disruptions in Venezuela and Russia receded following a convincing referendum victory for Venezuelan President Hugo Chavez and after Russia's YUKOS said it had received an assurance on September exports.$LABEL$2 +Crack Fedora Core and Red Hat Enterprise Linux <strong>Site Offer</strong> Save 30 at The Reg Bookshop$LABEL$3 +Burundi Army Says Might Enter Congo After Massacre (Reuters) Reuters - The Burundian army said on Tuesday it\might cross into neighboring Congo to pursue rebels and militia\it blames for massacring 160 Congolese Tutsi refugees at a camp\in western Burundi.$LABEL$0 +New Flightless Bird Species Found Off Philippines (Reuters) Reuters - Scientists have discovered a new\species of flightless bird on a remote island in the\Philippines, the conservation group BirdLife International said\on Tuesday.$LABEL$3 +Macromedia to bolster video on the Web Macromedia on Tuesday is announcing a video kit to enable users of its authoring tools suite, Macromedia Studio MX 2004 with Flash Professional, to more easily add video to their Web sites.$LABEL$3 +Olympics: China Halfway to Completing Medals Plan ATHENS (Reuters) - China led the Olympic medal race going into the fourth day of competition on Tuesday with 10 golds.$LABEL$1 +NY Seen Steady; Eyes on AMAT, Motorola (Reuters) Reuters - Wall Street was set for a steady start\on Tuesday as crude oil prices eased, with results from chip\group Applied Materials (AMAT.O) and inflation data a focus,\while shares in a bullish Motorola (MOT.N) may rise.$LABEL$0 +Burundi Army Says Might Enter Congo After Massacre BUJUMBURA (Reuters) - The Burundi army said on Tuesday it might cross into neighboring Congo to pursue rebels and militia it blames for massacring 160 Congolese Tutsi refugees at a camp in western Burundi.$LABEL$0 +Home Depot Quarterly Profit Rises (Reuters) Reuters - Home Depot Inc. (HD.N), the world's\largest home improvement retailer, on Tuesday said quarterly\profit rose, topping estimates, as technology upgrades and\other store improvements helped boost sales.$LABEL$2 +Home Depot Quarterly Profit Rises ATLANTA (Reuters) - Home Depot Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=HD.N target=/stocks/quickinfo/fullquote"">HD.N</A>, the world's largest home improvement retailer, on Tuesday said quarterly profit rose, topping estimates, as technology upgrades and other store improvements helped boost sales.$LABEL$2 +Dollar Mired Near Lows Before U.S. Data LONDON (Reuters) - The dollar hovered near a one-month low against the euro on Tuesday as investors awaited U.S. inflation data later in the day for clues on the future path of interest rates.$LABEL$2 +American Allies Embrace U.S. Military Plan (AP) AP - American allies Japan and Australia embraced a new U.S. plan to restructure its forces abroad, while Russia said it was not concerned by the proposal. But Germany, home to 70,000 U.S. soldiers, said any withdrawal from the former Cold War frontier may hurt its economy.$LABEL$0 +Taiwan Offers Compromise on Direct China Links TAIPEI (Reuters) - Taiwan President Chen Shui-bian proposed on Tuesday to define direct transport links with rival China as cross-Strait routes, in a bid to bypass a longstanding political dispute, but Beijing is likely to ignore him.$LABEL$0 +Baghdad Blast Kills Seven, Najaf Fighting Rages BAGHDAD (Reuters) - A shell killed seven people in a busy Baghdad street on Tuesday and U.S. forces fought pitched battles with Shi'ite militia in the holy city of Najaf.$LABEL$0 +Oil giant Yukos in plea for time Russian oil giant Yukos is to ask a Moscow court for more time to pay its tax bill.$LABEL$2 +Finance workers in union merger A total of 140,000 members at union Unifi are absorbed into Amicus to create a 'super-union' for UK finance workers.$LABEL$2 +IT managers prescribe holistic security <strong>Reg Reader Studies</strong> But don't swallow own medicine$LABEL$3 +UK gamers rush to snap up Doom 3 The eagerly anticipated Doom 3 has stormed to the top of the UK games charts.$LABEL$3 +Wanted: Sleeping Space for Protesters. Hot Water Optional. The protesters coming to New York are receiving an outpouring of hospitality from scores of people who are opening their homes as temporary, free shelter.$LABEL$0 +Dollar Mired Near Lows Before U.S. Data (Reuters) Reuters - The dollar hovered near a one-month low\against the euro on Tuesday as investors awaited U.S. inflation\data later in the day for clues on the future path of interest\rates.$LABEL$2 +Home Depot Profit Tops Estimates on Sales ATLANTA (Reuters) - Home Depot Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=HD.N target=/stocks/quickinfo/fullquote"">HD.N</A> on Tuesday reported a 19 percent rise in second-quarter profit, topping estimates, as technology upgrades and other store improvements helped boost sales.$LABEL$2 +Warming threatens California wine California is to get hotter and drier by the end of the century, threatening its valuable wine industry.$LABEL$3 +North Korea Talks Still On, China Tells Downer BEIJING (Reuters) - North Korea's refusal to take part in working-level talks on the nuclear crisis prompted a diplomatic flurry on Tuesday with China, the host of the talks, at the heart of efforts to keep the process on track.$LABEL$0 +Israel Invites Bids in Construction Plan (AP) AP - Israeli Prime Minister Ariel Sharon has approved bids for construction of 1,000 homes in Jewish West Bank settlements after freezing them earlier this month, amid growing friction with the United States over continued settlement expansion.$LABEL$0 +Higher oil prices to trim China's 2004 GDP growth (AFP) AFP - Surging oil prices could moderate China's economy this year as rising costs push inflation higher, hitting corporate profits and consumer pocket books, analysts and state press said.$LABEL$0 +Motorola Expects Strong Sales Growth Motorola Inc., the world's\second-largest mobile phone maker, said on Tuesday it expects\to sustain strong sales growth in the second half of 2004\thanks to new handsets with innovative designs and features.$LABEL$3 +Soldering Surprise There's nothing routine about working in space, as astronaut Mike Fincke found out recently when he did some soldering onboard the International Space Station.$LABEL$3 +U.S. Gymnasts End Rebuilding With Silver (AP) AP - Twenty years later, the boys are back on the medal stand.$LABEL$1 +Three Members of Bhutto's Party Killed (AP) AP - Unidentified gunmen opened fire on supporters of former Prime Minister Benazir Bhutto's party ahead of a key by-election, killing three people, police said Tuesday.$LABEL$0 +Sharon Allows 1,000 More Settler Homes in West Bank JERUSALEM (Reuters) - Prime Minister Ariel Sharon has approved building tenders for 1,000 more Israeli settlement homes in the occupied West Bank frozen earlier to avoid upsetting the United States, political sources said on Tuesday.$LABEL$0 +Staples Posts Sharply Higher Profit (Reuters) Reuters - Staples Inc. (SPLS.O), the top U.S.\office products retailer, on Tuesday reported a 39 percent jump\in quarterly profit as a weaker dollar boosted results abroad\and initial back-to-school demand drove sales.$LABEL$2 +Vote now to name BSA's antipiracy weasel <strong>Poll</strong> The Mother of all Mustelid polls$LABEL$3 +Russian Court Rejects Researchers' Appeal (AP) AP - The Russian Supreme Court on Tuesday rejected an appeal from an arms control researcher who was sentenced to 15 years in prison for treason in what rights advocates have called a politically motivated case.$LABEL$0 +Blu-ray burns for interactive content Flashy features could tempt consumers--and that tempts Hollywood, which could help Blu-ray beat out a rival technology.$LABEL$3 +Standards battle could shoot both sides in foot Tussle over next-generation DVD format could alienate consumers.\$LABEL$3 +Revealing Hospital Gowns Redesigned PORTLAND, Maine - Whether its blue or spotted or stripped, the standard issue hospital gown is drafty and revealing. It's embarrassing for just about anyone who's spent a night in a medical center...$LABEL$0 +Stocks to Be in a Cautious Mood at Open NEW YORK - U.S. stocks are seen in a cautious mood at the open Tuesday as investors weigh up the merits of Monday's oil-inspired rally...$LABEL$0 +Hostile Takeover The battle moves to the political arena as Taipei and Beijing wrap up their wargames$LABEL$0 +Giving Back Hope A controversial procedure for injured spines has turned a Beijing hospital into a medical mecca\$LABEL$0 +Home Depot Rises Before the Bell NEW YORK (Reuters) - Shares in Home Depot Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=HD.N target=/stocks/quickinfo/fullquote"">HD.N</A> rose before the opening bell on Tuesday after the world's largest home improvement retailer reported a 19 percent rise in second-quarter profit.$LABEL$2 +BOFH takes a hit from Cupid's arrow <strong>Episode 26</strong> Shall I compare thee to an OS2-free Intel box?$LABEL$3 +Nortel Says Canada Plans Accounting Probe Nortel Networks Corp. said on Monday the Royal Canadian Mounted Police told\the company it will begin a criminal investigation into$LABEL$3 +Two Plead Not Guilty in Hacking Case Two men accused of aiding a Romanian man charged with hacking into the online ordering system of the world's largest computer equipment distributor pleaded not guilty Monday to charges of mail fraud and conspiracy to commit mail fraud.$LABEL$3 +Rival Targets Apple's ITunes Customers For more than a year, Apple Computers Inc. enjoyed singular success selling songs exclusively to users of its iPod portable music player. Now, it's got rival RealNetworks Inc. trying to lure iTunes customers away.$LABEL$3 +Free-Speech for Online Gambling Ads Sought The operator of a gambling news site on the Internet has asked a federal judge to declare that advertisements in U.S. media for foreign online casinos and sports betting outlets are protected by free-speech rights.$LABEL$3 +US hurricane victims face turmoil Many victims of Florida's worst hurricane for years are still homeless, with no electricity or telephone services.$LABEL$0 +Google seeks OK to sell shares Google has signaled that its share auction is nearly complete, asking the Securities and Exchange Commission for approval to begin selling 25.7 million shares of stock starting late this afternoon.$LABEL$2 +\$1.1b deal to join hospital chains BRENTWOOD, Tenn. -- LifePoint Hospitals Inc. , an operator of acute care facilities in rural areas, outlined a deal yesterday to buy rival Province Healthcare Co. for about \$1.1 billion in cash and stock.$LABEL$2 +J.C. Penney Posts Second-Quarter Profit (Reuters) Reuters - Department store operator J.C. Penney\Co. Inc. (JCP.N) on Tuesday posted a second-quarter profit,\reversing a year-earlier loss, helped by inventory controls and\strong department store sales.$LABEL$2 +German investor confidents slides on high oil prices (AFP) AFP - Investor confidence in Germany has declined more sharply than anticipated, a major economic think tank said, as high oil prices put a damper on hopes of a continuation of the nascent recovery.$LABEL$2 +J.C. Penney Posts Second-Quarter Profit NEW YORK (Reuters) - Department store operator J.C. Penney Co. Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=JCP.N target=/stocks/quickinfo/fullquote"">JCP.N</A> on Tuesday posted a second-quarter profit, reversing a year-earlier loss, helped by inventory controls and strong department store sales.$LABEL$2 +Staples Profit Up Sharply, to Enter China NEW YORK (Reuters) - Staples Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=SPLS.O target=/stocks/quickinfo/fullquote"">SPLS.O</A>, the top U.S. office products retailer, on Tuesday reported a 39 percent jump in quarterly profit, raised its full-year forecast and said it plans to enter the fast-growing Chinese market.$LABEL$2 +Estee Lauder Quarterly Profit Climbs CHICAGO (Reuters) - Cosmetics manufacturer Estee Lauder Cos. Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=EL.N target=/stocks/quickinfo/fullquote"">EL.N</A> on Tuesday posted a bigger quarterly profit, bolstered by sales in Europe and an improving U.S. retail market.$LABEL$2 +BJ's Profit Rises; Food, Gas Sales Strong CHICAGO (Reuters) - BJ's Wholesale Club Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=BJ.N target=/stocks/quickinfo/fullquote"">BJ.N</A> on Tuesday posted higher quarterly profit as soaring gasoline prices and strong demand for food boosted sales.$LABEL$2 +PalmOne Unveils SD Wi-Fi Card (PC World) PC World - Tiny 802.11b adapter will work with Zire 72, Tungsten T3 handhelds.$LABEL$3 +Americans Miss Cut In a stunning blow to the U.S., Americans Ian Crocker and Jason Lezak miss the cut in the 100-meter freestyle preliminaries.$LABEL$1 +Twins of the world unite in France (AFP) AFP - A tiny French village in Brittany -- the self proclaimed capital of twin-dom -- has played host to an international gathering of thousands of identical twins, triplets and quadruplets.$LABEL$0 +Developing states to seek voice in fighting terror (Reuters) Reuters - Developing nations launched their annual diplomatic summit on Tuesday with a plea to the United States and other powerful countries to consult them on tackling terror and resolving the Middle East conflict$LABEL$0 +Symantec Upgrades Norton Security Products Revamped Norton AntiVirus, Personal Firewall, and AntiSpam tools fight pests and dangers online.$LABEL$3 +Afghan president gains backing of militia commanders ahead of polls (AFP) AFP - A lieutenant of powerful northern warlord General Abdul Rashid Dostam pledged to back incumbent Hamid Karzai in the upcoming presidential vote and said 149 other military commanders would join him.$LABEL$0 +Iraqi Delegation Flies to Najaf in Peace Bid BAGHDAD (Reuters) - A delegation of Iraqi political and religious leaders flew out of Baghdad on U.S. military helicopters Tuesday, heading for Najaf in a bid to end a bloody Shi'ite uprising, delegates said.$LABEL$0 +U.S. to Give Cuba #36;50,000 Hurricane Aid (AP) AP - Cubans hit hard by hurricane Charley will receive #36;50,000 in U.S. assistance, the State Department said Friday.$LABEL$0 +Euro industrial production slows Industrial production in the eurozone \falls by 0.4 in June from May, with Germany registering the biggest fall.$LABEL$2 +German welfare rallies escalate Eastern Germany sees more mass protests over welfare cuts, with smaller rallies in western cities.$LABEL$2 +Ice yields ancient 'plant matter' Scientists drilling ice cores in Greenland have recovered what appear to be plant remains from nearly 3km (two miles) below the surface.$LABEL$3 +Many engineers lack a four-year degree The news comes as some observers warn that the United States needs to focus more on training scientists and engineers.$LABEL$3 +AMD begins shipments of Oakville mobile chips Advanced Micro Devices Inc. (AMD) has begun shipping commercial versions of its Athlon 64 processors made using a 90-nanometer process, marking another step forward in the company's transition to the more advanced manufacturing technology.$LABEL$3 +Google seeks to end auction Tuesday Google Inc. wants to conclude its share auction Tuesday, setting the stage for its stock to go public Wednesday, according to a statement on its IPO (initial public offering) Web site.$LABEL$3 +Germany Shaken by U.S. Plans to Withdraw Troops BERLIN (Reuters) - The German government said on Tuesday U.S. plans to pull out 30,000 troops were a sign of Europe's divisions being healed, but communities hit by the decision warned they were headed for economic disaster.$LABEL$0 +Americans Miss Cut in 100-Meter Freestyle ATHENS, Greece - Top American sprinters Jason Lezak and Ian Crocker missed the cut in the Olympic 100-meter freestyle preliminaries Tuesday, a stunning blow for a country that had always done well in the event. Pieter van den Hoogenband of the Netherlands and Australian Ian Thorpe advanced to the evening semifinal a day after dueling teenager Michael Phelps in the 200 freestyle, won by Thorpe...$LABEL$0 +790,000 Still Have No Power in Florida PUNTA GORDA, Fla. - About 790,000 people remain without power in Florida in the aftermath of Hurricane Charley, and officials estimate it could take weeks to get electricity fully restored...$LABEL$0 +'Boots' Takes Gold at the Ferret Olympics SPRINGFIELD, Ore. - While world-class athletes were grunting and groaning on the other side of the Atlantic Sunday, ""Boots"" went for the gold here in his own way...$LABEL$0 +Saks Posts Wider Second-Quarter Loss (Reuters) Reuters - Saks Inc. (SKS.N) on Tuesday posted a\wider quarterly loss as poor sales at its lower-priced\department stores outweighed a strong performance at its Saks\Fifth Avenue luxury chain.$LABEL$2 +July Consumer Prices Drop, Energy Tumbles WASHINGTON (Reuters) - U.S. consumer prices dropped in July for the first time in eight months as a sharp run up in energy costs reversed, the government said on Tuesday in a report showing underlying inflation pressures largely in check.$LABEL$2 +Housing Starts Rebound Sharply in July WASHINGTON (Reuters) - Housing starts rebounded sharply in July, making up almost all the ground lost in a June slump by posting their largest monthly percentage gain since September 2002, a report from the Commerce Department on Tuesday showed.$LABEL$2 +Home Depot, Motorola Rise Before Bell NEW YORK (Reuters) - Shares of Home Depot Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=HD.N target=/stocks/quickinfo/fullquote"">HD.N</A> rose before the opening bell on Tuesday after the world's largest home improvement retailer reported a 19 percent rise in second-quarter profit.$LABEL$2 +Researchers Develop Method to Find Algae (AP) AP - Marine researchers are hoping to prevent tides of destructive algae from killing fish and fouling beaches through early detection of the microscopic organisms.$LABEL$3 +U.S. Brokers Cease-fire in Western Afghanistan KABUL (Reuters) - The United States has brokered a cease-fire between a renegade Afghan militia leader and the embattled governor of the western province of Herat, Washington's envoy to Kabul said Tuesday. ""Our expectation is that the agreement that has been made will be honored,"" said ambassador Zalmay Khalilzad, adding that the cease-fire was due to take effect at 4 p.m.$LABEL$0 +Football: Liverpool sign Nunez Liverpool boss Rafael Benitez seals the signing of Antonio Nunez from Real Madrid.$LABEL$0 +July Consumer Prices Drop, Energy Tumbles (Reuters) Reuters - U.S. consumer prices dropped in July\for the first time in eight months as a sharp run up in energy\costs reversed, the government said on Tuesday in a report\showing underlying inflation pressures largely in check.$LABEL$2 +Housing Starts Rebound Sharply in July (Reuters) Reuters - Housing starts rebounded sharply in\July, making up almost all the ground lost in a June slump by\posting their largest monthly percentage gain since September\2002, a report from the Commerce Department on Tuesday showed.$LABEL$2 +Consumer Prices Dip in July Consumer prices, which have been buffeted this year by soaring energy costs, fell by 0.1 percent in July as gasoline costs posted their biggest decline in eight months, the government reported Tuesday.$LABEL$2 +Groups: Ill. Butterfly Population Falling (AP) AP - The number of butterflies fluttering around the Chicago area has dropped dramatically this summer, experts and enthusiasts say.$LABEL$3 +Rescue workers comb storm-hit Cornish village after flash flood horror (AFP) AFP - Rescue workers combed a coastal village in north Cornwall for missing persons after a flash flood sent a wall of water tearing through the picturesque tourist spot the day before.$LABEL$0 +Vietnam Hosts Investment Conference (AP) AP - Hoping to boost business ties with Singapore, Vietnam's prime minister opened a forum here Tuesday with promises of economic reform and continued growth.$LABEL$0 +Auto Retailer CarMax Cuts Profit Outlook (Reuters) Reuters - Auto retailer CarMax Inc. (KMX.N) on\Tuesday said it was cutting its second-quarter earnings\forecast due to slower-than-expected used-car sales.$LABEL$2 +Stocks Set to Open Up After Reports NEW YORK (Reuters) - U.S. stocks were set to open higher on Tuesday after an economic report showed U.S. consumer prices dropped in July for the first time in eight months and another report said U.S. housing starts rebounded sharply in July.$LABEL$2 +Treasuries Edge Ahead on Inflation Relief NEW YORK (Reuters) - Treasury debt prices firmed on Tuesday after a key reading of U.S. inflation proved softer-than-expected, a relief to investors in fixed-income debt.$LABEL$2 +Chain Store Sales Growth Slows NEW YORK (Reuters) - Hurricanes Bonnie and Charley slowed U.S. chain store sales growth in the latest week, a report said on Tuesday.$LABEL$2 +Cool Weather Killed Gypsy Moths in Wis. (AP) AP - Wisconsin's annual battle against a leaf-eating insect got some help from this spring's nasty weather, which resulted in a huge decline in tree defoliation, a state forestry expert said Monday.$LABEL$3 +Broadband offers magical journey A 'magic carpet' to take children around the world is one of the projects that has won a community net award.$LABEL$3 +BHP Billiton year to June profit seen up sharply on higher prices, demand (AFP) AFP - Australian resources firm BHP Billiton is expected to post sharply higher earnings in the year to June aided by rising commodities prices, high production levels and continued strong demand from China, analysts said.$LABEL$0 +Profits Up for Farm Equipment Maker Deere CHICAGO (Reuters) - Deere Co. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=DE.N target=/stocks/quickinfo/fullquote"">DE.N</A>, one of the world's largest farm equipment makers, on Tuesday said quarterly earnings jumped sharply, driven in part by strength in its agricultural and construction equipment businesses.$LABEL$2 +Oil Eases on Venezuela, Russia Optimism LONDON (Reuters) - Oil prices eased on Tuesday as fears of supply disruptions receded following a convincing referendum victory in Venezuela for President Hugo Chavez and after Russia's YUKOS said it had received a government assurance on September exports.$LABEL$2 +Consumer Prices Fell Modestly in July Consumer prices fell by 0.1 percent in July as gasoline costs posted their biggest decline in eight months, the government reported today.$LABEL$2 +Home Depot Reports 19 Percent Rise in Profits Home Depot reported a jump in second-quarter profit on record sales as it benefited from strong performance in stores open at least a year.$LABEL$2 +Microsoft delays SP2 auto update Slowdown will give big companies more time to hunt down compatibility problems, the company says.$LABEL$3 +Google set to list as soon as Wednesday (AFP) AFP - Google Inc.'s hotly anticipated share listing appears set to launch as early as Wednesday.$LABEL$3 +IBM rolls out midrange eServer i5 IBM is filling in the center of its Power 5-based eServer i5 lineup on Tuesday, unwrapping a four-way system aimed at midsize companies looking to consolidate a variety of business applications.$LABEL$3 +NBA Olympians feel urgency after stunning loss (AFP) AFP - Telephone calls from flabergasted friends back home have helped install a sense of urgency in the United States Olympic basketball team in the wake of their stunning loss to Puerto Rico.$LABEL$1 +Court to Consider Yukos' Plea on Tax Bill (AP) AP - A Russian court on Tuesday was to consider the beleaguered Yukos oil company's appeal to suspend government efforts to collect #36;3.4 billion in back taxes #151; a massive bill that has put Russia's largest oil producer on the verge of ruin.$LABEL$0 +Iraq Peace Mission in Najaf; Baghdad Blast Kills 7 NAJAF, Iraq (Reuters) - Iraqi political and religious leaders trying to end a radical Shi'ite uprising flew into Najaf Tuesday, where U.S. troops and militia fought pitched battles near the country's holiest Islamic sites.$LABEL$0 +Ugandan Army Says Nine LRA Rebels Killed KAMPALA, Uganda (Reuters) - Ugandan troops killed nine Lord's Resistance Army (LRA) rebels after a devastating raid on the group's headquarters in southern Sudan scattered its main force, the army said Tuesday.$LABEL$0 +Consumer Prices Drop, Housing Starts Soar (Reuters) Reuters - U.S. consumer prices dropped in July\for the first time in eight months as a sharp run up in energy\costs reversed, the government said on Tuesday in a report\showing inflation pressures largely in check.$LABEL$2 +Profits Up for Farm Equipment Maker Deere (Reuters) Reuters - Deere Co. (DE.N), one of the world's\largest farm equipment makers, on Tuesday said quarterly\earnings jumped sharply, driven in part by strength in its\agricultural and construction equipment businesses.$LABEL$2 +BJ's Wholesale Reports #36;28M 2Q Profit (AP) AP - BJ's Wholesale Club Inc. said Tuesday that sales growth boosted second-quarter earnings 25 percent, and the bulk retailer disclosed it faces #36;16 million in claims over the theft of some of its customers' credit and debit card information.$LABEL$2 +Last Call for Investors to Bid on Google NEW YORK (Reuters) - Time is running out for prospective investors to submit their offers to buy shares of Google Inc, the Web's No. 1 search company.$LABEL$2 +HP's Unix base offered Opteron carrot <strong>HP World</strong> Come for a stroll in the Sun$LABEL$3 +Exploring Venus: The Hothouse Planet Before spaceprobes could photograph Venus up close, the second planet from the Sun was often compared to a sister world, much like the Earth. Planetary scientist, David Grinspoon, discusses with Astrobiology Magazine how that view evolved to consider the extremes encountered on the Venusian surface.$LABEL$3 +Yahoo Offering Cheaper Domain Names and Hosting Yahoo Offering Cheaper Domain Names and Hosting\\Yahoo has changed their small business targeting approach by offering domain names for \$9.95 as part of an aggressive move to expand its presence in domains and small business web hosting. Yahoo is also beefing up its shared hosting accounts, offering 2 gigabytes of ...$LABEL$3 +Moldovan summertime 'Love Under a Lime Tree' sets European hips swinging (AFP) AFP - Europe's youth has been singing in Romanian this summer thanks to a Moldovan boys band that has swept to the top of the charts across the continent.$LABEL$0 +Americans Falter in 100M Freestyle Prelims ATHENS, Greece - Top American sprinters Jason Lezak and Ian Crocker missed the cut in the Olympic 100-meter freestyle preliminaries Tuesday, a stunning blow for a country that had always done well in the event. Pieter van den Hoogenband of the Netherlands and Australian Ian Thorpe advanced to the evening semifinal a day after dueling teenager Michael Phelps in the 200 freestyle, won by Thorpe...$LABEL$0 +Consumer Prices Fall As Gas Costs Drop WASHINGTON - Consumer prices, which have been buffeted this year by soaring energy costs, fell by 0.1 percent in July as gasoline costs posted their biggest decline in eight months, the government reported Tuesday. The Labor Department said the decline in its closely watched Consumer Price Index was the first decrease since a 0.2 percent drop last November, a decline which also reflected a decline in energy costs...$LABEL$0 +U.S. July Output Up; Factories Run Faster WASHINGTON (Reuters) - U.S. industrial output advanced in July, as American factories operated at their highest capacity in more than three years, a Federal Reserve report on Tuesday showed.$LABEL$2 +Google IPO Auction to End Tonight Google IPO Auction to End Tonight\\Google has requested that the U.S. Securities and Exchange Commission (SEC) declare the Google IPO registration statement effective at 4:00 p.m. Eastern Daylight Time on Tuesday, according to the Google IPO page: www.ipo.google.com. After an IPO registration statement is declared effective, the stock can be ...$LABEL$3 +U.S. Brokers Cease-fire in Western Afghanistan (Reuters) Reuters - The United States has brokered a\cease-fire between a renegade Afghan militia leader and the\embattled governor of the western province of Herat,\Washington's envoy to Kabul said Tuesday.$LABEL$0 +Warming threatens California wine California will become hotter and drier by the end of the century, threatening its valuable wine and dairy industries, US experts say.$LABEL$0 +Phaithful Phlock to the Phinish as the 21-Year Jam Ends in Tears Phish made its farewell in Vermont this past weekend in true Phish style: playing its own musical marathon, swarmed by adoring fans and isolated from the rest of the world.$LABEL$0 +Stocks Open Higher on Housing, CPI Data NEW YORK (Reuters) - U.S. stocks opened higher on Tuesday after two separate reports showed inflationary pressure was held in check in July and U.S. housing starts rebounded sharply in the same month.$LABEL$2 +Iraqi Peace Mission in Najaf; Baghdad Blast Kills 7 NAJAF, Iraq (Reuters) - Iraqi political and religious leaders trying to end a radical Shi'ite uprising flew into Najaf Tuesday, where U.S. troops and militia fought pitched battles near the country's holiest Islamic sites.$LABEL$0 +U.S. July Output Up; Factories Run Faster (Reuters) Reuters - U.S. industrial output advanced in\July, as American factories operated at their highest capacity\in more than three years, a Federal Reserve report on Tuesday\showed.$LABEL$2 +Last Call for Investors to Bid on Google (Reuters) Reuters - Time is running out for prospective\investors to submit their offers to buy shares of Google Inc,\the Web's No. 1 search company.$LABEL$2 +Intel Delays Digital TV Chips (PC World) PC World - Chip maker postpones yet another product launch.$LABEL$3 +Greek Athletes Shocked by Accusations ATHENS (Reuters) - Greece's top two athletes, facing a state prosecutor's investigation over missed drug tests and a motorbike crash, left hospital Tuesday declaring they were innocent and should be allowed to compete in the Olympic Games.$LABEL$1 +Fish Dumped at Landmark in Pollution Protest (Reuters) Reuters - Environment activists piled thousands of\dead fish at the foot of Berlin's biggest tourist attraction,\the Brandenburg Gate, Tuesday in a demonstration against\over-fishing and pollution in the North Sea.$LABEL$0 +Auto Retailer CarMax Trims Outlook DETROIT (Reuters) - Auto retailer CarMax Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=KMX.N target=/stocks/quickinfo/fullquote"">KMX.N</A> on Tuesday cut its second-quarter earnings forecast due to slower-than-expected used-car sales, sparking a 3.7 percent drop in its shares.$LABEL$2 +Home Depot Sees 2Q Profit Jump The Home Depot Inc. reported a nearly 19 percent jump in second-quarter profit on record sales as it benefited from strong performance in stores open at least a year. It also raised its earnings outlook for the year.$LABEL$2 +Final frontier: 'Star Wars Trilogy' on DVD (USATODAY.com) USATODAY.com - Fans and retailers alike are preparing for the assault of the most anticipated DVD of them all: the Star Wars Trilogy.$LABEL$3 +Stock lawsuit possible in telecom merger plan (USATODAY.com) USATODAY.com - Former MediaOne Group executives are exploring a class-action lawsuit over Cingular's insistence that AT amp;T Wireless stock options, issued by the millions to employees and former employees of MediaOne, AT amp;T and AT amp;T Wireless, be exercised as soon as the merger closes, people involved in the effort say.$LABEL$3 +Autodesk: Piracy in India Costs Us #36;367M (AP) AP - American design software developer Autodesk Inc. said Tuesday it is losing #36;367 million in potential revenues each year because of software piracy in India.$LABEL$3 +IBM Adds New Power5 iSeries Server (Ziff Davis) Ziff Davis - The company introduces a new midrange server and expands management and support across the i5 server line.$LABEL$3 +Blind Students to Help Launch NASA Rocket By ALEX DOMINGUEZ BALTIMORE (AP) -- A dozen blind students from across the United States are at a summer camp this week working on a project most don't associate with the visually impaired - launching a NASA rocket. The students are designing and preparing the rocket's payload at the National Federation of the Blind's Jernigan Institute in Baltimore...$LABEL$3 +Scientist Advocates for Embryonic Stem Cell Research By KATHARINE WEBSTER MANCHESTER, N.H. (AP) -- A Nobel laureate in medicine says the Bush administration's limits on funding for embryonic stem cell research have stopped the clock on American scientists' efforts to develop treatments for a host of chronic, debilitating diseases...$LABEL$3 +The Playboy Google Interview The Google Playboy Interview In Its Entirety\\The infamous Playboy Interview of Sergey Brin and Larry Page, the Google Guys, is now not only available on newsstands all over the country, but also on the Security Exchange Commission's website because of a possible SEC violation. Now, it will be more difficult ...$LABEL$3 +Text Message Leads Police to Killers (AP) AP - A Belgian teenager fired off a mobile phone text message to her father that his live-in girlfriend was trying to kill her in a plea for help just before she died, authorities said.$LABEL$0 +Deere Earnings Jump, Raises 2004 Forecast CHICAGO (Reuters) - Deere Co. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=DE.N target=/stocks/quickinfo/fullquote"">DE.N</A>, one of the world's largest farm equipment makers, on Tuesday said quarterly earnings jumped sharply, driven in part by strength in its agricultural and construction equipment businesses.$LABEL$2 +Real is playing for keeps in music price war (USATODAY.com) USATODAY.com - RealNetworks today is slashing the price of a digital download to 49 cents a song from 99 cents - a bold move in the war over digital music.$LABEL$3 +RealNetworks Tries to Core Apple RealNetworks launched round two in its heavyweight digital music match against Apple Computer, slashing the cost of its music downloads to take business away from Apple's iTunes download service. <FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2""\ color=""#666666""><B>-washingtonpost.com</B></FONT>$LABEL$3 +Rival Targets Apple's ITunes Music Customers By ALEX VEIGA LOS ANGELES (AP) -- For more than a year, Apple Computers Inc. enjoyed singular success selling songs exclusively to users of its iPod portable music player...$LABEL$3 +Intel Delays Launch of New Projection TV Chip By MATTHEW FORDAHL SAN FRANCISCO (AP) -- In another product postponement, semiconductor giant Intel Corp. (INTC) said it won't be offering a chip for projection TVs by the end of 2004 as it had announced earlier this year...$LABEL$3 +Bikes Bring Internet to Indian Villagers By S. SRINIVASAN BITHOOR, India (AP) -- For 12-year-old Anju Sharma, hope for a better life arrives in her poor farming village three days a week on a bicycle rickshaw that carries a computer with a high-speed, wireless Internet connection...$LABEL$3 +MSN Closes Search Engine Technology Preview MSN Closes Search Engine Technology Preview\\Microsoft's MSN has closed down the preview/beta page of MSN Search Engine Technology ResearchBuzz reports. \\Trying to access it now gets you this page which includes the text ""Once we are ready, we will release another preview of our new algorithmic search engine."" I'm glad ...$LABEL$3 +NHL Labor Negotiations Set to Resume (AP) AP - With two fruitless negotiating sessions behind them and only one month left before an NHL lockout, the league and the players association will return to the bargaining table Tuesday.$LABEL$1 +Dollar Gains on Euro After Muted U.S. CPI NEW YORK (Reuters) - The dollar posted gains against the euro on Tuesday, digesting a slew of U.S. economic data that failed to substantially alter expectations for Federal Reserve interest rate hikes.$LABEL$2 +High oil prices hit China growth Rising oil prices are expected to hit China's growth rate this year.$LABEL$2 +US prices in surprise July slide US consumer prices fell by 0.1 in July, the first fall this year, reducing the chances of a September interest rate rise.$LABEL$2 +RealNetworks Tries to Core Apple (washingtonpost.com) washingtonpost.com - RealNetworks really knows how to pick a fight. First, the Seattle-based company landed a sucker punch on Apple Computer last month with its new Harmony technology that allows songs sold from Real's online music store to play on Apple's iPod digital music player.$LABEL$3 +Google IPO Awaits Final Approval In a sign that Google Inc. (GOOG)'s initial public offering is imminent, the Internet search company has asked federal regulators to give final approval to the paperwork required for its stock sale.$LABEL$3 +Charges laid against eight British terror suspects (AFP) AFP - Eight men arrested in an anti-terror swoop in London and other parts of England two weeks ago were charged with conspiracy to murder and other terrorist-related activities.$LABEL$0 +Father of Pakistan Al Qaeda Suspect Files Petition ISLAMABAD (Reuters) - The father of a computer engineer detained in Pakistan last month for suspected links with al Qaeda filed a petition Tuesday calling for his son to be produced in court and urging authorities not to extradite him.$LABEL$0 +Eight men face terror charges Police in the UK charge eight men with terror offences, including conspiracy to murder.$LABEL$0 +Protester sparks security review Olympics organisers order tighter security after a man leaps into the pool during a synchronised diving final.$LABEL$0 +Man charged with killing ex-miner A 42-year-old man is charged with killing a former miner who was found on his Nottinghamshire doorstep.$LABEL$0 +Iraqis on Mission to End Najaf Insurgency BAGHDAD, Iraq - Iraq's national conference sent a delegation bearing a peace proposal to Najaf on Tuesday, hoping to end the standoff with radical Shiite cleric Muqtada al-Sadr, which has marred the gathering meant to be a landmark step toward democracy. As the National Conference in Baghdad put together the mission, a mortar round exploded several miles from the gathering's venue, killing seven people and wounding wounding 35, according to the Health Ministry...$LABEL$0 +Sharon Resumes West Bank Construction JERUSALEM - Israeli Prime Minister Ariel Sharon has approved bids for construction of 1,000 homes in Jewish West Bank settlements after freezing them earlier this month, amid growing friction with the United States over continued settlement expansion. The planned construction violates the internationally backed ""road map"" plan, accepted by Israel, which calls for a construction freeze...$LABEL$0 +Stocks Rise on Drop in Consumer Prices NEW YORK - Stocks rose for a second straight session Tuesday as a drop in consumer prices and a decline in crude oil futures Tuesday allowed investors to put aside worries about inflation, at least for the short term. The Dow Jones industrial average pushed past the 10,000 mark for the first time in nearly two weeks...$LABEL$0 +Sharon Resumes West Bank Construction Israeli Prime Minister Ariel Sharon has approved bids for construction of 1,000 homes in Jewish West Bank settlements after freezing them earlier this month, amid growing friction with the United States over continued settlement expansion.$LABEL$0 +Estee Lauder Profit Up, Shares Down (Reuters) Reuters - Cosmetics manufacturer Estee Lauder\Cos. Inc. (EL.N) on Tuesday said quarterly net income jumped 51\percent, bolstered by new product sales and an improving U.S.\retail market.$LABEL$2 +Treasuries Up, Rate Hike Still in Offing (Reuters) Reuters - U.S. Treasury debt made moderate gains\on Tuesday after a key reading of U.S. inflation proved softer\than expected, a relief to investors in fixed-income debt.$LABEL$2 +US industrial production rises 0.4 percent in July (AFP) AFP - American industry lifted output moderately in July, the Federal Reserve said, a sign the economy may be finding its feet after a mid-summer slip.$LABEL$2 +Stocks Up, Data Shows Inflation in Check NEW YORK (Reuters) - U.S. stocks gained on Tuesday after two separate economic reports showed inflationary pressure was held in check in July and U.S. housing starts rebounded sharply in the same month.$LABEL$2 +Kenteris protests innocence Greek sprinter Kostas Kenteris insists he is not a drug cheat as he leaves hospital.$LABEL$1 +British eventers slip back Great Britain slip down to third after the cross-country round of the three-day eventing.$LABEL$1 +Drug Shows Promise for Alcoholism Topiramate reduced cravings in small study HealthDayNews -- A drug called topiramate shows promise as a potential new treatment for alcoholism, according to a study in the August issue of Alcoholism: Clinical Experimental Research. This early-stage study of 150 people with alcohol dependence found that topiramate can reduce self-reported drinking and may reduce self-reported craving for alcohol...$LABEL$3 +UAE wins first Olympic gold Ahmed al-Maktoum becomes the first Olympic medallist from the UAE with gold in the men's double shooting trap.$LABEL$0 +Last Call for Investors to Bid on Google NEW YORK (Reuters) - Time is running out for prospective investors to submit their offers to buy shares of Google Inc, the Web #39;s No. 1 search company. $LABEL$2 +Oil Falls on Reduced Concern About Venezuelan, Russian Supply Aug. 17 (Bloomberg) -- Crude oil futures fell for a second day after a Russian state railway official said shipments of Yukos Oil Co. oil would continue and Venezuelan President Hugo Chavez won a recall vote. $LABEL$2 +Can Glaser, Jobs find harmony? RealNetworks CEO Rob Glaser has survived longer than most in the Internet business, largely by pulling rabbits out of his hat when the competition least expects it. $LABEL$2 +PCI: Charley not as devastating as Andrew The Property Casualty Insurers Association of America (PCI), the group from which member companies write about a third of Florida homeowners insurance, said initial reports from claims adjusters indicate damage from Hurricane Charley, while extensive, was ...$LABEL$2 +Stocks Rise on Drop in Consumer Prices A drop in consumer prices and a decline in crude oil futures Tuesday allowed investors to put aside worries about inflation, at least for the short term, and they sent stocks modestly higher. $LABEL$2 +Apax and Permira finalise \$5bn acquisition of moon-landing firm The company that broadcast the moon landings in 1969 and kept the quot;Hotline quot; open between the White House and the Kremlin during the Seventies has been sold for \$5bn (2.7bn), including \$2bn of debt, to a private equity ...$LABEL$2 +US Air to Seek 5-Year Extension for Pension Fund Payments S Airways, facing a cash shortage as it tries to avoid another bankruptcy filing, said yesterday that it would seek government permission to stretch out \$67.5 million in contributions it owes to the pensions of its mechanics and ...$LABEL$2 +Housing Starts Rebound Sharply in July WASHINGTON (Reuters) - Housing starts rebounded sharply in July, making up almost all the ground lost in a June slump by posting their largest monthly percentage gain since September 2002, a report from the Commerce Department on Tuesday showed. $LABEL$2 +Mills to pay GM unit \$1 bln for stakes in 9 malls NEW YORK, Aug 17 (Reuters) - Mills Corp. (MLS.N: Quote, Profile, Research) , a real estate investment trust, on Tuesday said it agreed to buy a 50 percent managing stake in nine regional malls from General Motors Corp. #39;s (GM.N: Quote, Profile, Research) ...$LABEL$2 +OFT invites comment on Telegraph deal The Office of Fair Trading has set the clock ticking on the process that could see the Barclay brothers #39; deal to buy the Daily Telegraph reviewed by competition watchdogs. $LABEL$2 +Cantor Fitzgerald spinning off unit NEW YORK (CBS.MW) -- Institutional broker Cantor Fitzgerald said Tuesday it #39;s spinning off its fixed-income voice brokerage operations into a new partnership, and will focus on expansion of its remaining institutional fixed-income and equity business. $LABEL$2 +Around Asia #39;s Markets: Shopping your way to better returns Singapore real estate investment trusts such as CapitaMall Trust may outperform the market this year as acquisitions of shopping malls and industrial buildings bolster rental income. $LABEL$2 +Microsoft delays SP2 auto update Microsoft is delaying distribution of Windows XP Service Pack 2 via its Automatic Update service by at least nine days in order to give corporate customers more time to temporarily block automatic downloading of SP2 by their employees. $LABEL$3 +New moons for Saturn Two small moons have been discovered orbiting Saturn by NASA #39;s Cassini-Huygens probe. The find, which was announced yesterday, raises Saturn #39;s satellite count to 33. $LABEL$3 +Intel Delays LCOS chips for HDTV LCOS technology sandwiches a layer of liquid crystal between a cover glass and a highly reflective, mirror-like surface patterned with pixels that sits on top of a silicon chip. These layers form a microdisplay that can be used in projection displays such ...$LABEL$3 +Intel delays delivery of chip for projection TVs - report BEIJING (AFX-ASIA) - Intel Corp said it is delaying the delivery of its first chip for projection television sets, while rival Advanced Micro Devices Inc is moving on schedule to an advanced manufacturing process, the Wall Street Journal reported. $LABEL$3 +CA moves to tackle spyware In a move to round out its computer security offerings, Computer Associates International Inc. yesterday said it acquired Pest Patrol Inc., a Carlisle, Pa., company that specializes in software to detect and eradicate malicious spyware. $LABEL$3 +Hunters are poised as some whales thrive CAP DE BON DSIR, Quebec A few miles from this spit along the pink granite coast of the Gulf of St. Lawrence, there is a sheltered cove that has witnessed the full span of the human relationship with whales. <br><a href=""/url?ntc=04SG1 q=http://www.ajc.com/news/content/news/science/0804/17whales.html"">Save the whales! Then what?</a> <font class=f>Atlanta nbsp;Journal nbsp;Constitution nbsp;(subscription)</font>$LABEL$3 +PalmOne Unveils Wi-Fi SD Card If you own a Zire 72 or Tungsten T3 and have been longing for better wireless connectivity than their built-in Bluetooth, help is on the way: PalmOne has announced a Wi-Fi SD card for those handhelds. $LABEL$3 +IBM seeks dismissal of breach of contract claims in SCO case IBM has filed court documents seeking a dismissal of a second major component of the lawsuit filed against it last year by Unix supplier SCO. $LABEL$3 +Many engineers lack a four-year degree More than one-fifth of US science and engineering workers do not have a bachelor #39;s degree, according to a new report from the National Science Foundation. $LABEL$3 +HP releases quot;carrier quot; grade Linux for pigeons HP, THE SELLER OF tin and fag-free utopian ideals is flogging commodity, standards-based hardware and software, including Carrier Grade Linux, to telephone company Motorola. $LABEL$3 +Police officer arrested in Internet sex sting WHITE PLAINS, NY (AP) _ A city police officer was arrested at what he thought would be a sexual rendezvous with a teenage boy, six months after he was caught calling himself a quot;boy hunter quot; in an Internet chat profile, officials said. $LABEL$3 +Researchers Develop Method to Find Algae HOUSTON - Marine researchers are hoping to prevent tides of destructive algae from killing fish and fouling beaches through early detection of the microscopic organisms. $LABEL$3 +Indian researcher designs revolutionary low cost PC for the poor Professor Raj Reddy, an Indian researcher in artificial intelligence and a professor at Carnegie Mellon University.Has designed a wirelessly networked personal computer worth just 250 US dollars intended for the four billion people around the world who ...$LABEL$3 +3Com partners with wireless switch start-up 3Com is the latest networking company to partner with a wireless LAN switching start-up. 3Com said Monday it will begin reselling a version of the Mobility Exchange Switch and management software from Trapeze Networks under the 3Com brand later this year. $LABEL$3 +Coral gets its color from bacteria The soft orange glow of a common Caribbean coral comes not from the coral itself but from bacteria that live inside it, US scientists said last week. And the bacteria not only give the coral a little night light, but they also break down seawater to help ...$LABEL$3 +2004 Global nanotech spending report Lux Research Inc., a New York-based nanotechnology firm has released a detailed report that suggests global spending on research and capital investment in nanotechnology will reach \$8.6 this year. More than half that figure, \$4.6 billion, will come in the ...$LABEL$3 +WholeSecurity takes phish-blocking to browser WholeSecurity Inc has released technology that the firm says can be used to block web users from inadvertently accessing phishing web sites. The company has signed eBay Inc as a flagship customer, and has the software on millions of desktops. $LABEL$3 +MyDoom worm still causing problems The experts claim hackers have compromised these sites by exploiting scripting vulnerabilities in their guestbooks. $LABEL$3 +Hall-of-Fame credentials HAVEN, Wis. -- An official from the World Golf Hall of Fame joined a casual conversation last year about players on the verge of election and someone mentioned Vijay Singh. quot;He wouldn #39;t get my vote, quot; the official said. $LABEL$1 +Plenty of Room at the Inns of Athens Description: In the weeks leading up to the Olympic games in Athens, hotels were expecting huge crowds to flood the city. Lagging ticket sales at Olympic venues seem to have trickled into the hotel business as well, as crowds have failed to show up as ...$LABEL$1 +Pratt advances to third round Australia #39;s Nicole Pratt has advanced to the third round of the tennis event at the Athens Olympics with a three-set win over Italian Tathiana Garbin. $LABEL$1 +West Indies thrashed by England JUST yesterday, it looked as though West Indies had a chance to finally win their first match in 2004 against England. How quickly that faded away! Simply put, West Indies lost the plot. England, behind on first innings, did just enough to ...$LABEL$1 +Yao #39;s 39 carries China past New Zealand ATHENS, Greece - Yao Ming bounced back from a rough opening game with 39 points and 13 rebounds to lead China to a 69-62 victory over New Zealand in the men #39;s basketball Group A tournament Tuesday. $LABEL$1 +Olympics-Henin rust-free but Ferrero falters ATHENS, Aug 17 (Reuters) - Any hint of rust after a 12-week lay-off was long gone by the time Justine Henin-Hardenne took to the Olympic tennis court on Tuesday, a fact drummed mercilessly home to Venezuela #39;s Maria Vento-Kabchi. $LABEL$1 +Rugby-South Africa opt for Venter #39;s physical edge DURBAN, Aug 17 (Reuters) - South Africa hope AJ Venter will add a physical edge to their play in the loose in the deciding Tri-Nations test against Australia in Durban on Saturday. $LABEL$1 +Vatican Says It #39;s Willing #39; to Help End Najaf (Correct) Aug. 17 (Bloomberg) -- The Vatican is willing #39; #39; to help end fighting between militiamen loyal to Shiite Muslim cleric Moqtada al-Sadr and Iraqi and US forces in Iraq #39;s holy city of Najaf, according to a statement on the Holy See #39;s Web ...$LABEL$0 +UK village wrecked by flash floods Boscastle - Emergency services searched the wreckage of a picturesque English fishing village on Tuesday for 15 people unaccounted for after flash floods created a wall of water which tore through the valley. $LABEL$0 +China #39;s Appeal to North Korea: Attend Nuclear Working Talks China has asked that North Korea attend working-level meetings ahead of the next round of six-party nuclear talks in Beijing. $LABEL$0 +Chess legend wedding bid #39;genuine #39; TOKYO, Japan -- The Japanese woman who plans to marry former world chess champion Bobby Fischer says their feelings are genuine. $LABEL$0 +Al Qaeda operative said to visit Pakistan ISLAMABAD, Pakistan -- A senior Al Qaeda operative captured in Britain this month had traveled in March to a militant hideout near the Pakistan-Afghan border and met with other terror suspects, ...$LABEL$0 +German welfare rallies escalate Thousands of people have marched through cities across Germany in renewed protests against welfare cuts. $LABEL$0 +Migrants #39; ordeal ugly side of paradise Pleasant visions of fun in the sun in the Dominican Republic are being shattered by sad images of residents being smuggled away on wooden boats, only to perish at sea. $LABEL$0 +Tamil Tigers are unlikely to change their stripes (NEWS ANALYSIS) : India News gt; New Delhi, Aug 17 : For the first time since Sri Lanka #39;s peace process got under way in February 2002, Tamil Tiger guerrillas have come under flak from the West amid growing signs of a revival of the armed conflict. $LABEL$0 +Deaths in Nigerian cult clashes At least 18 students have been killed in clashes between rival student gangs in south-eastern Nigeria. $LABEL$0 +Motorola Expects Strong Sales in 2nd Half SINGAPORE (Reuters) - Motorola Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=MOT.N target=/stocks/quickinfo/fullquote"">MOT.N</A>, the second-largest mobile phone maker, said on Tuesday it expects to sustain strong sales growth in the second half of 2004 on new handsets, sparking a 4.7 percent jump in its shares.$LABEL$2 +Work Works for Women Women who work are healthier than women who don't have jobs, suggests a study presented Aug. 16 at the American Sociological Association annual meeting in San Francisco. The University of Pennsylvania study concluded the health benefits that women derive from working aren't diminished by longer work hours or combining longer work hours with those of a spouse.$LABEL$3 +Symantec to reinforce data protection Company's upgrades will put a particular focus on protecting personal information from online thieves.$LABEL$3 +Google IPO Set to Trade this Week On Monday, Google requested final approval from federal regulators to begin trading their stock. Google has asked that the SEC declare its registration statement effective as of 1 pm pacific time today. Google ...$LABEL$2 +European/US private equity consortium buys Intelsat in deal valued at \$5bn An unusual alliance of US and European private equity firms has won the auction to buy Bermuda-based satellite business Intelsat. Europeans Apax and Permira and US firms Apollo Management and Madison Dearborn will pay \$3bn for the business and assume \$2bn ...$LABEL$2 +Windows Update Operating systems just ain #39;t what they used to be. For a while, Microsoft released a new version of Windows every two or three yearseach creating a ripple effect on how we all used and thought about technology. But now, there #39;s a ...$LABEL$3 +New bird survives hungry Filipinos Manila - A new species of flightless bird has been discovered living on a tiny island in the northern Philippines where the inhabitants formerly ate them, scientists and birdwatchers said on Tuesday. $LABEL$3 +Intel Delays Digital TV Chips Intel #39;s LCOS (liquid crystal on silicon) high-definition television chips first unveiled at the Consumer Electronics Show in January will not be released in time for next year #39;s show, as scheduled. $LABEL$3 +CA buys PestPatrol anti-spyware developer Computer Associates said Monday it acquired PestPatrol, a firm marketing anti-spyware software to enterprises, small businesses and individual consumers. $LABEL$3 +KDE 3.3 Linux desktop closes in on Windows The final release of KDE 3.3, an open-source Linux desktop environment, is due in a few days and will give users greatly improved email facilities. $LABEL$3 +Bill Simmons I #39;m starting to wonder if quot;Puerto Rico 92, USA 73 quot; was one of those life-altering upsets, along the lines of quot;USA 4, USSR 3 quot; and quot;Cadwallader 99, Nevada State 98. quot; It #39;s not that we lost. I knew that was going to happen. Even predicted it. It was the way ...$LABEL$1 +Nunez officially joins Liverpool Liverpool, England (Sports Network) - Antonio Nunez arrived at Liverpool Tuesday as part of the deal that sent Michael Owen to Spanish giant Real Madrid. $LABEL$1 +Iranian judo scandal Iran #39;s Judo champion, a favourite at the Athens Games, has disqualified himself rather than face an Israeli opponent, apparently on the instruction of Iran #39;s Olympic Committee. So far the International Olympic Committee has been silent. What #39;s your view? ...$LABEL$1 +The Boks Must Give Lame Kicks the Boot THE Springboks will need to reduce the amount of possession they give away through errant kicking sharply if they are to limit Australia #39;s lethal counterattacking power in Saturday #39;s tri-nations clash in Durban. $LABEL$1 +Basketball: China #39;s Yao Takes Anger Out on New Zealand ATHENS (Reuters) - An angry Yao Ming took his frustrations out on New Zealand at the Olympic men #39;s basketball tournament on Tuesday, pouring in 39 points as China beat the Kiwis 69-62. $LABEL$1 +Lara #39;s captaincy on the line at Oval West Indies captain Brian Lara tips his helmet to the fans after becoming one of only four players to reach ten thousand runs in Test matches. Picture:AP ...$LABEL$1 +Americans lose second beach volleyball match ATHENS, Greece (Ticker) -- The dream of a second consecutive beach volleyball gold medal has become all but impossible for American Dain Blanton. $LABEL$1 +Massacre Threatens to Derail Congolese Peace Process The bodies of about 160 Congolese Tutsis killed in Burundi during the weekend were buried on Monday, but the impact of the massacre is just beginning to be felt. A former rebel group now in the transitional government in the Democratic Republic of Congo ...$LABEL$0 +Sharon Allows 1,000 More Settler Homes in West Bank JERUSALEM (Reuters) - Prime Minister Ariel Sharon approved tenders to build 1,000 more Israeli settler homes in the occupied West Bank, plans that were shelved earlier to avoid discord with Washington, political sources said Tuesday. $LABEL$0 +Kidnap accused says he worked for US A former American soldier accused of kidnapping and torturing terror suspects in Afghanistan has told a Kabul court that the FBI is withholding hundreds of documents showing that he was working for the US Government. $LABEL$0 +The New Woman in Schrder #39;s Life Gerhard Schrder is no stranger to sharing his life with members of the opposite sex. On Monday, it was revealed that there was a new young lady on the scene: his freshly adopted three-year old daughter, Viktoria. $LABEL$0 +Sri Lankan navy detects Tamil rebels smuggling weapons COLOMBO, Aug. 17 (Xinhua) -- The Sri Lankan navy on Tuesday detected a trawler of the Tamil Tiger rebels suspected of smuggling weapons in seas close to Mullaitivu in northeast of the country, the Defense Ministry said. $LABEL$0 +HK government set to petition release of democrat jailed in China HONG KONG : The Hong Kong government is interceding with the mainland authorities for the release of a legislator who was arrested and jailed in Guangdong. $LABEL$0 +Latham urges PM to remove public service gag MARK COLVIN: The Opposition leader, Mark Latham, has challenged the Prime Minister to remove the gag that #39;s prevented senior government advisers, including those in the PM #39;s office, from talking about what happened in the #39;children overboard #39; affair. $LABEL$0 +TeliaSonera acquires 100 pct of Lithuanian mobile company Omnitel (AFP) AFP - The Swedish-Finnish telecommunications operator TeliaSonera said it had bought the remaining 10 percent stake in Lithuania's major mobile company Omnitel that it did not already own for 63.5 million dollars (51.4 million euros).$LABEL$3 +Matter of Time Before Tibet Lake Bursts -Official (Reuters) Reuters - A Tibetan lake formed by a Himalayan\landslide is steadily rising and will sooner or later burst its\banks and flood a valley in neighboring India, a Chinese\official said on Tuesday.$LABEL$3 +Astronomers give Milky Way an age Astronomers have estimated the age of our galaxy at about 13,600 million years old.$LABEL$3 +Livermore: No need for HP-UX on x86 CHICAGO -- This cannot be an easy time for Ann Livermore. When Hewlett-Packard Co. (HP) missed Wall Street's earnings expectations late last week, the blame was placed squarely on the shoulders of the Enterprise Servers and Storage Group, one of the divisions she manages. ""Unacceptable"" problems within the group cost HP \$400 million in revenue and \$275 million in operating profit, said HP Chairman and Chief Executive Officer Carly Fiorina just hours before HP announced the sacking of three senior executives within the division.$LABEL$3 +Greek Athletes Shocked by Accusations ATHENS, Greece (Reuters) - Greece's top two athletes, facing a state prosecutor's investigation over missed drug tests and a motorbike crash, left a hospital Tuesday declaring they were innocent and should be allowed to compete in the Olympic Games.$LABEL$1 +Fish Knocks Off Ferrero Mardy Fish turns things around for the biggest victory of his career, a 4-6, 7-6 (5), 6-4 comeback against former No. 1 Juan Carlos Ferrero.$LABEL$1 +Iverson Breaks Thumb Allen Iverson breaks his right thumb but plans to play anyway Tuesday for the U.S. men's basketball team, which is coming off a loss to Puerto Rico.$LABEL$1 +Britain Charges Suspects in U.S.-Linked Terror Case (Reuters) Reuters - Britain charged eight men on Tuesday\with conspiracy to murder and other terrorism charges, some\relating to plans for U.S. buildings such as the New York Stock\Exchange that were the subject of terrorism alerts this month.$LABEL$0 +Bollywood megastar Bachchan meets Pakistani students to boost ties (AFP) AFP - Bollywood mega star Amitabh Bachchan met with a group of Pakistani students as part of a wider initiative to deepen cultural ties between India and Pakistan.$LABEL$0 +Britain Charges Suspects in U.S.-Linked Terror Case LONDON (Reuters) - Britain charged eight men on Tuesday with conspiracy to murder and other terrorism charges, some relating to plans for U.S. buildings such as the New York Stock Exchange that were the subject of terrorism alerts this month.$LABEL$0 +Sharon Allows 1,000 More Settler Homes in West Bank JERUSALEM (Reuters) - Prime Minister Ariel Sharon approved tenders to build 1,000 more Israeli settler homes in the occupied West Bank, plans that were shelved earlier to avoid discord with Washington, political sources said Tuesday.$LABEL$0 +Germany Shaken by U.S. Plans to Withdraw Troops BERLIN (Reuters) - Germany said Tuesday U.S. plans to pull out 30,000 troops were a sign Europe's divisions had healed, but communities hit by the decision warned they were headed for economic disaster.$LABEL$0 +Home Depot Raises Outlook, Tops Estimates ATLANTA (Reuters) - Home Depot Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=HD.N target=/stocks/quickinfo/fullquote"">HD.N</A> on Tuesday reported a 19 percent rise in second-quarter profit, topping estimates, as store renovations and efforts to improve service drove higher average sales in every category.$LABEL$2 +Home Depot Writes Big Tickets Shoppers spend more, giving the company yet another quarter of sales growth and even better earnings.$LABEL$2 +Pay Up for Growth Legg Mason's Mary Chris Gay knows when to pay for growth and when to sell a stock.$LABEL$2 +Mounties open Nortel's books The Royal Canadian Mounted Police formally launch a criminal investigation into company's accounting practices.$LABEL$3 +India makes Olympic breakthrough Kashmir veteran Rajyavardhan Rathore wins India's first ever individual silver medal at the Olympic Games.$LABEL$0 +Israel Ends West Bank Construction Freeze JERUSALEM - The Israeli government issued bids Tuesday for 1,000 new homes in Jewish West Bank settlements, insisting the construction has Washington's tacit approval even though it violates a U.S.-backed peace plan. U.S...$LABEL$0 +Iverson Has Broken Thumb, but Will Play ATHENS, Greece - Allen Iverson broke his right thumb but plans to play anyway Tuesday night for the U.S. Olympic basketball team, which is coming off an embarrassing loss to Puerto Rico in its opener...$LABEL$0 +Najaf Fighting Resumes Amid Peace Mission BAGHDAD, Iraq - A pared-down delegation of Iraqis arrived in Najaf by helicopter Tuesday to present radical Shiite cleric Muqtada al-Sadr with a peace proposal aimed at ending the violent insurgency wracking the holy city. Despite the delegation's presence there, fighting intensified in Najaf, with at least one U.S...$LABEL$0 +Stocks Climb on Drop in Consumer Prices NEW YORK - Stocks rose for a second straight session Tuesday as a drop in consumer prices Tuesday allowed investors to put aside worries about inflation, at least for the short term. With gasoline prices falling to eight-month lows, the Consumer Price Index registered a small drop in July, giving consumers a respite from soaring energy prices...$LABEL$0 +US consumer prices post first decline in eight months WASHINGTON, Aug. 17 (Xinhuanet) -- US consumer prices declined marginally in July, posting the first fall since last November, the Labor Department said in a report released Tuesday. $LABEL$2 +Lojack makes Canada move with Boomerang buy The Westwood company is spending \$48 million to acquire Boomerang Tracking Inc., a Montreal company that operates a stolen car recovery system in Canada. $LABEL$2 +US July Output Up; Factories Run Faster WASHINGTON (Reuters) - US industrial output advanced in July, as American factories operated at their highest capacity in more than three years, a Federal Reserve report on Tuesday showed. $LABEL$2 +Researchers Find New Species of Bird MANILA, Philippines - Filipino and British wildlife researchers say they #39;ve stumbled upon what appears to be a new species of flightless bird found only on the tiny forested island of Calayan in the northern ...$LABEL$3 +AMD ships 90nm chips Sunnyvale-based computer chip maker Advanced Micro Devices, Inc., says it #39;s shipped its first low-power Mobile AMD Athlon 64 processors made with its new 90 nanometer (nm) manufacturing process. $LABEL$3 +Livermore: No need for HP-UX on x86 CHICAGO -- This cannot be an easy time for Ann Livermore. When Hewlett-Packard Co. (HP) missed Wall Street #39;s earnings expectations late last week, the blame was placed squarely on the shoulders of ...$LABEL$3 +Astronomers give Milky Way an age A team working with the Very Large Telescope (VLT) in Chile report that our galaxy is 13,600 million years old, give or take 800 million years. $LABEL$3 +I #39;m innocent, says Greek Olympic champion Kenteris Olympic champion Kostas Kenteris, who is likely to be expelled from the Olympics for missing a doping test, said Tuesday that he is not a drugs cheat. $LABEL$1 +Life in Athens: From songs about Dutch swimmers to watching wedgies You #39;ve heard of swimmer #39;s ear, but what about swimmer #39;s wave? It #39;s the odd way in which Olympic swimmers -- and many gymnasts -- acknowledge applause: By raising their arms to the sky, palms upward, then moving their hands about as if they #39;re changing ...$LABEL$1 +Sharon OKs 1,000 new settlement homes JERUSALEM (Reuters) - Prime Minister Ariel Sharon has approved tenders to build 1,000 more Israeli settler homes in the occupied West Bank, plans that had been shelved earlier to avoid discord with Washington, political sources say. $LABEL$0 +Ex-colleague backs Scrafton on PM #39;s call A FORMER senior Defence Department bureaucrat last night backed her former colleague Michael Scrafton #39;s version of a phone call with John Howard over the children overboard affair. $LABEL$0 +Stocks Up on Earnings, Oil, Economic Data NEW YORK (Reuters) - U.S. stocks rose on Tuesday, getting a boost from some strong retail earnings, lower oil prices and two separate economic reports that showed inflationary pressure was held in check and U.S. housing starts rebounded sharply in July.$LABEL$2 +IBM expands into Danish IT services market Continuing its assault on the European IT outsourcing market, IBM Corp. has signed agreements to buy two Danish IT services companies and another to provide IT services to one of the country's largest banks.$LABEL$3 +Medical Examiner Finds No Injuries on Thanou-Source ATHENS (Reuters) - A medical examiner has found that Greek sprinter Katerina Thanou, who was in hospital with fellow athlete Costas Kenteris, had no injuries, a judicial source said on Tuesday.$LABEL$1 +Yukos Can Ship Oil Amid Tax Dispute, Russia Rail Says (Update5) Aug. 17 (Bloomberg) -- Russia #39;s state-owned railway, the shipper of a fourth of OAO Yukos Oil Co. #39;s crude oil, said it will guarantee exports, the clearest sign yet President Vladimir Putin wants to ensure supplies to world markets. $LABEL$2 +Construction driving solid product demand SURGING demand in heavy construction should outweigh any downturn in new home building, according to OneSteel and Boral. $LABEL$2 +Real slashes song prices in online music battle In a move likely to step up the digital music dispute between RealNetworks Inc. and Apple Computer Inc., Real slashed prices at its online music store on Tuesday, offering songs and albums for a limited time at nearly half of what Apple charges at its ...$LABEL$3 +Discovery of Rail points to fragile biodiversity: Birdlife Intl The Calayan Rail, Gallirallus calayaensis, discovered by scientists in the northern tip of Babuyan islands in the Philippines archipelago. Photo: Des Allen/AP. $LABEL$3 +Symantec Upgrades Norton Security Products Symantec has unveiled new versions of its Norton security products--beefing up some of the real-time and automated features--and will release them in the next few weeks. $LABEL$3 +Pranab Mukherjee congratulates Rathore Union Defence Minister Pranab Mukherjee on Tuesday congratulated double trap shooter Major Rajyavardhan Singh Rathore on becoming the first Indian to win a silver medal in an individual event at the Olympics. $LABEL$1 +Iliadis Takes Greece #39;s Second Gold with Judo Win ATHENS (Reuters) - Greek teenager Ilias Iliadis swept up the Olympic host country #39;s second gold medal on Tuesday, winning the men #39;s judo under 81kg category. $LABEL$1 +Bell set for Test debut Ian Bell is almost certain to make his England Test debut on Thursday in the final match against West Indies. $LABEL$1 +Forwards providing platform: Young LOOSEHEAD prop Bill Young believes a change in attitude by the forwards has played a key role in taking the Wallabies to the threshold of winning the Tri-Nations trophy. $LABEL$1 +Schroeder quot;adopts Russian girl quot; BERLIN (Reuters) - German Chancellor Gerhard Schroeder and his wife, Doris, have adopted a 3-year-old Russian girl, German newspapers have reported. $LABEL$0 +Hurricane Charley Tears Into Outback (Reuters) Reuters - Outback Steakhouse Inc. (OSI.N) on\Tuesday said it lost about 130 operating days and up to #36;2\million in revenue because it had to close some restaurants in\the South due to Hurricane Charley.$LABEL$2 +Hurricane Charley Tears Into Outback NEW YORK (Reuters) - Outback Steakhouse Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=OSI.N target=/stocks/quickinfo/fullquote"">OSI.N</A> on Tuesday said it lost about 130 operating days and up to \$2 million in revenue because it had to close some restaurants in the South due to Hurricane Charley.$LABEL$2 +Business Objects to bundle IBM tools The analytics and reporting software maker will begin selling IBM's mainframe access software.$LABEL$3 +N.Y. Atty General Announces Drug-Price Web Site (Reuters) Reuters - New York Attorney General Eliot\Spitzer on Tuesday said his office has created an interactive\Web site to help New Yorkers comparison shop for prescription\drugs, following a statewide survey showing widely varying\prices at pharmacies.$LABEL$3 +Swiss slashes first-half net loss but fuel costs hamper turnaround (AFP) AFP - The airline Swiss said it had managed to cut its first-half net loss by about 90 percent but warned that spiralling fuel costs were hampering a turnaround despite increasing passenger travel.$LABEL$0 +Google IPO Under Threat Due to Shortage of Bids Google has asked the Securities and Exchange Commission to make its registration statement effective at 4 pm Eastern time on Tuesday. If the company follows the usual IPO pattern, the share price would be set and the offering ...$LABEL$2 +Halliburton Says Army Can Withold Payments Halliburton Co. on Tuesday blamed politics for a US Army decision to not grant the company more time to resolve a billing dispute in which the Pentagon contends the company did not adequately account for some \$1.8 billion of work done in the Middle East. $LABEL$2 +Cantor Fitzgerald spinning off business Manhattan-based financial services firm Cantor Fitzgerald said Tuesday it is spinning off its inter-dealer voice brokerage business and will concentrate on sales and trading, investment banking, asset management and other institutional services. $LABEL$2 +Housing starts jump 8.3 percent Washington, DC, Aug. 17 (UPI) -- The US Commerce Department said Tuesday a dip in mortgage rates helped boost home-building activity in July 8.3 percent after falling 7.7 percent in June. $LABEL$2 +Trial date set for ex-HealthSouth CEO Scrushy BIRMINGHAM, Ala. (AP) -- Fired HealthSouth chief executive Richard Scrushy will go on trial January 5th. $LABEL$2 +WWiSE group proposes 540 Mbps Wi-Fi A consortium of companies is pushing a new proposal to the IEEE for 802.11n. 135 Mbps in standard mode, 540 Mbps maximum throughput. Fast enough? ...$LABEL$3 +PalmOne unveils Wi-Fi SD Card It appears the rumours of Palm creating a Wi-Fi card are true, however before you rush to your local electronics store take note that it won #39;t work on any PDA you can find. $LABEL$3 +IBM seeks dismissal of SCO claims IBM has filed a 100-page motion with a US district court in an attempt to have some of the claims made against it by The SCO Group dismissed. $LABEL$3 +The #39;i #39; in #39;Internet #39; It #39;s not exactly an earth-shaking development but I expect that Wired News #39; very public announcement that it would no longer capitalize quot;Internet, quot; quot;Web quot; or quot;Net quot; will provoke some discussion and debate in online publishing circles. $LABEL$3 +Medical Examiner Finds No Injuries on Thanou-Source ATHENS (Reuters) - A medical examiner has found that Greek sprinter Katerina Thanou, who was in hospital with fellow athlete Costas Kenteris, had no injuries, a judicial source said on Tuesday. $LABEL$1 +Athens ticket sales #39;improving #39; ATHENS, Greece (AP) -- Olympic organizers announced that more than half of available tickets (3.1 million) to the Games have been sold, almost reaching the budget for purchases. $LABEL$1 +Greek wins gold in judo Athens, Greece (Sports Network) - Ilias Iliadis captured Greece #39;s second gold medal of the 2004 Olympics with a thrilling victory over Roman Gontyuk of the Ukraine in the men #39;s under 81kg category in judo on Tuesday. $LABEL$1 +Boston Red Sox Team Report - August 17 (Sports Network) - Pedro Martinez will try to win his fourth consecutive decision, as he takes the hill for the Boston Red Sox in the middle test of a three-game series against the visiting Toronto Blue Jays. $LABEL$1 +Venter back for Boks ABRASIVE Springbok flanker AJ Venter returns to the field on Saturday for South Africa #39;s crunch encounter against Australia, the only change to the team announced by coach Jake White today. $LABEL$1 +Stocks Up on Earnings, Data; Oil Weighs NEW YORK (Reuters) - U.S. stocks were higher on Tuesday, boosted by strong earnings from Home Depot Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=HD.N target=/stocks/quickinfo/fullquote"">HD.N</A> and two separate economic reports that showed inflationary pressure was held in check and U.S. housing starts rebounded sharply in July.$LABEL$2 +Briefly: Business Objects to bundle IBM tools roundup Plus: Linux clusters gear up for simulated combat...Sprint to bake in BlackBerry for businesses...Microsoft ships updated Works...FaceTime pulls in \$16 million.$LABEL$3 +New Cooperation and New Tensions in Terrorist Hunt The apprehension of Muhammad Naeem Noor Khan was wrapped up with almost no notice, but it would have enormous global repercussions.$LABEL$0 +Front-Porch Chat: Birth of a Kerry Campaign Tactic John Kerry has held 10 ""front porch visit"" events an actual front porch is optional where perhaps 100 people ask questions in a low-key campaigning style.$LABEL$0 +Beach Volleyball: Brazilians Aim for Podium Again ATHENS (Reuters) - Brazil have had two women's teams on the beach volleyball podium at the last two Olympics and moved a step closer to a hat-trick Tuesday.$LABEL$1 +Welsh to ban strippers in limousines (Reuters) Reuters - Strippers and pole dancers should be banned from performing in stretch limousines, according to a\British report.$LABEL$0 +Google shares could start trading Wednesday MOUNTAIN VIEW, CALIF. - Google?s initial public offering could hit the Nasdaq Stock Market as early as Wednesday if US securities regulators let the Internet search engine close its auction on Tuesday. $LABEL$2 +US consumer prices decline unexpectedly in July NEW YORK, August 17 (New Ratings) The US consumer prices declined for the first time in the past eight months in July this year, driven by the reduced gasoline, clothing and transportation costs during the month. $LABEL$2 +US industrial production rebounds in July WASHINGTON, Aug. 17 (Xinhuanet) -- Output at US factories, mines and utilities rose by 0.4 percent in July, nearly recovering from a 0.5 percent plunge in June, the Federal Reserve said on Tuesday. $LABEL$2 +Building permits increase 5.7, reversing June downturn WASHINGTON (CBS.MW) -- Construction of new homes recovered in July, as US homebuilders started homes at a seasonally adjusted annual rate of 1.978 million, the Commerce Department said Tuesday. $LABEL$2 +Real to Apple: It #39;s On An old-fashioned price war is gearing up in the digital music download business, with RealNetworks (Quote, Chart) on the offensive. With rival Apple in its crosshairs, RealNetworks has slashed the price on songs sold from its RealPlayer store by 50 ...$LABEL$3 +IBM announces eServer i5 550 The eServer i5 550 comes with a feature called the quot;Solution Edition, quot; which is apparently available with certain Independent Software Vendors. The eServer i5, allegedly, has new ways to handle and optimise multiple operating system sthrough the ...$LABEL$3 +Molik joins Pratt in last 16 ALICIA Molik joined fellow Australian Nicole Pratt in the last 16 of the Olympic tennis competition overnight with a 7-5 6-4 second round win over Slovenia #39;s Katarina Srebotnik. $LABEL$1 +Voices: Iranian Judo scandal Iran #39;s Judo champion, a favourite at the Athens Games, has disqualified himself rather than face an Israeli opponent, apparently on the instruction of Iran #39;s Olympic Committee. So far the International Olympic Committee has been silent. What #39;s your view? ...$LABEL$1 +Fighting Continues In South Ossetia Prague, 17 August 2004 (RFE/RL) -- Fresh fighting and further casualties were reported overnight in Georgia #39;s separatist republic of South Ossetia. The violence erupted hours after Georgia and South Ossetia reached an agreement under which all armed units ...$LABEL$0 +Oil Up on Rosy U.S. Economic Data LONDON (Reuters) - Oil prices rose on Tuesday on cheery economic data showing that inflationary pressure was held in check in July and ahead of weekly inventory due out on Wednesday forecast to show a draw in crude stocks$LABEL$2 +Illinois Helps Residents Import Drugs CHICAGO (Reuters) - Illinois residents will soon gain access to lower-cost prescription drugs from Canada, the United Kingdom and Ireland, sidestepping U.S. regulators' objections to imported drugs, Gov. Rod Blagojevich said on Tuesday.$LABEL$2 +Rebels force Nepal firms to close One of Nepal's top hotels and a number of other companies close for business after threats from Maoist rebels.$LABEL$2 +U.S. Broadband Growth Slows - Analyst (Reuters) Reuters - U.S. telephone and cable companies\saw the growth of high-speed Internet services slow in the\second quarter to the lowest rate in a year, an industry\research firm said on Tuesday.$LABEL$3 +Real Slashes Online Song Prices (PC World) PC World - Digital music battle continues, as Real undercuts ITunes' prices.$LABEL$3 +U.S. Broadband Growth Slows - Analyst WASHINGTON (Reuters) - U.S. telephone and cable companies saw the growth of high-speed Internet services slow in the second quarter to the lowest rate in a year, an industry research firm said on Tuesday.$LABEL$3 +Briefly: Majoras steps into FTC chairman role roundup Plus: Business Objects to bundle IBM tools...Linux clusters gear up for simulated combat...Sprint to bake in BlackBerry for businesses.$LABEL$3 +Illinois Helps Residents Import Drugs (Reuters) Reuters - Illinois residents will soon gain\access to lower-cost prescription drugs from Canada, the United\Kingdom and Ireland, sidestepping U.S. regulators' objections\to imported drugs, Gov. Rod Blagojevich said on Tuesday.$LABEL$0 +Court Rejects Yukos' Plea on Tax Bill A Russian court today rejected the beleaguered oil company's appeal to suspend government efforts to collect \$3.4 billion in back taxes.$LABEL$2 +Army to Withhold Some Payments From Halliburton The U.S. Army plans to withhold payment on 15 percent of future invoices of Halliburton's logistics deal in Iraq due to an ongoing billing dispute.$LABEL$2 +Chavez lambasts fraud allegations Venezuelan leader Hugo Chavez rounds on opponents for alleging fraud in a referendum he seems to have won.$LABEL$0 +Google #39;s auction wrapping up NEW YORK (CBS.MW) -- Google #39;s long-awaited kickoff as the largest Internet IPO of all time is likely to take place as early as Wednesday after the controversial Dutch auction process wraps up after the bell. $LABEL$2 +Russian Arbitration Court Rejects Yukos Plea The giant Russian oil firm Yukos has failed to convince a Moscow arbitration court to suspend the sale by bailiffs of its Siberian subsidiary to satisfy a \$3.4 billion tax debt. $LABEL$2 +US consumer prices dip 0.1 in July; industrial output and home starts rise WASHINGTON (AP) - US consumer prices eased down by 0.1 per cent in July as gasoline prices dropped, while factory output rose and home construction rebounded, offering hope the economy has escaped its early-summer quot;soft patch. quot; ...$LABEL$2 +JC Penney Posts Operating Profit NEW YORK (Reuters) - Department store operator JC Penney Co. Inc. (JCP.N: Quote, Profile, Research) on Tuesday posted a quarterly operating profit, reversing a year-earlier loss, on inventory controls and strong sales of jeans, home furnishings and career ...$LABEL$2 +Nortel shares down following news of RCMP probe TORONTO - Shares of Nortel Networks dipped on the TSX in the wake of news the RCMP has launched an investigation into accounting practices at the telecommunications company. $LABEL$2 +Mills buys stakes in 9 GM-owned malls Virginia-based REIT will pay \$1B, before transaction costs, for a 50 stake in the properties. NEW YORK (Reuters) - Real estate investment trust Mills Corp. said Tuesday it will buy a 50 percent managing stake in nine regional malls from a General Motors ...$LABEL$2 +Stocks in Motion: Motorola Shares of Motorola (MOT:NYSE - news - research) rose Tuesday after Geoffrey Frost, senior vice president of Motorola #39;s mobile phone division, told Reuters that the company feels quot;very good quot; about sales growth during the second half of the year. $LABEL$2 +Update 1: Swiss Air Lines Posts 1st Quarterly Profit Switzerland #39;s struggling national airline reported a second-quarter profit of 45 million Swiss francs (\$35.6 million) Tuesday, although its figures were boosted by a legal settlement in France. $LABEL$2 +IMF says Czech economic outlook #39;favorable #39; WASHINGTON, Aug 17 (Reuters) - The International Monetary Fund said on Tuesday the near-term economic outlook for the Czech Republic, a European Union newcomer, was favorable with growth expected to strengthen. $LABEL$2 +Newest discoveries puts known number of satellites at 33 A camera aboard the Cassini spacecraft flying in orbit around Saturn has discovered two of the tiniest moons in the solar system -- one barely 2 miles in diameter and the other only a half-mile larger, astronomers reported Monday. $LABEL$3 +IBM adds midrange server to eServer lineup AUGUST 17, 2004 (COMPUTERWORLD) - IBM today launched a new one-to-four-way midrange Power5 server that features higher performance and several configurations to meet a wide range of user needs. $LABEL$3 +Q amp;A: HP #39;s Livermore sees no need for HP-UX on x86 AUGUST 17, 2004 (COMPUTERWORLD) - This can #39;t be an easy time for Ann Livermore. When Hewlett-Packard Co. missed Wall Street #39;s earnings expectations late last week, the blame was placed squarely on the shoulders of the Enterprise Servers and Storage Group, ...$LABEL$3 +Indian researcher designs revolutionary low cost PC for the poor Aug 17 - Professor Raj Reddy, an Indian researcher in artificial intelligence and a professor at Carnegie Mellon University. Has designed a wirelessly networked personal computer worth just 250 US dollars intended for the four billion people around the ...$LABEL$3 +That Special Underwater Glow any coral colonies have a nice healthy glow about them, courtesy of fluorescent proteins produced by the coral animals themselves. $LABEL$3 +Al-Maktoum wins men #39;s double trap shooting gold ATHENS : Sheikh Ahmed Al-Maktoum #39;s six-year quest for Olympic glory ended with a historic first ever gold for the United Arab Emirates on Tuesday after he clinched the men #39;s double trap shooting event. $LABEL$1 +E-mail from Athens ATHENS, Greece For people willing to devote an unfathomable \$1.5 billion to quot;security quot; for the Olympic Games, the Greeks sure are careless. As in, they couldn #39;t care less. $LABEL$1 +US takes early lead over Australia THESSALONIKI, Greece - With Abby Wambach out with a suspension after receiving two yellow cards Sunday against Brazil, the US soccer team came together and grabbed the lead early in their game against Australia on Tuesday afternoon. $LABEL$1 +Oil Up on Rosy U.S. Economic Data LONDON (Reuters) - Oil prices rose close to a record high on Tuesday on U.S. economic data showing that inflationary pressure was held in check in July and ahead of weekly inventory due out on Wednesday and forecast to show a draw in crude stocks.$LABEL$2 +Ford Sued in Defective Door Latch Claim DETROIT (Reuters) - A Canadian law firm on Tuesday said it had filed a lawsuit against Ford Motor Co. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=F.N target=/stocks/quickinfo/fullquote"">F.N</A> over what it claims are defective door latches on about 400,000 of the automaker's popular pickup trucks and SUVs.$LABEL$2 +Mittal steel firm in Bosnia deal LNM Group, the steel giant headed by Indian tycoon Lakshmi Mittal, snaps up a Bosnian steelmaker in a \$280m deal.$LABEL$2 +Google IPO Imminent The company asks federal regulators to approve the paperwork required for its stock sale. Also: Yahoo starts selling domain names hellip;. Canadian officials investigate Nortel Networks hellip;. and more.$LABEL$2 +PluggedIn: Multifunction Devices Draw Back-To-School Crowd (Reuters) Reuters - The consumer electronics gizmo\that offers many functions in a small package is what's\compelling back-to-school shoppers to open their wallets.$LABEL$3 +PluggedIn: Multifunction Devices Draw Back-To-School Crowd SAN FRANCISCO (Reuters) - The consumer electronics gizmo that offers many functions in a small package is what's compelling back-to-school shoppers to open their wallets.$LABEL$3 +Briefly: Kinko's debuts Web-based print options roundup Plus: Majoras takes charge of FTC...Business Objects to bundle IBM tools...Linux clusters gear up for simulated combat.$LABEL$3 +Wireless vendors pledge hurricane relief Cingular and Nextel step in to aid those recovering from Hurricane Charley in Florida.$LABEL$3 +Microsoft readies Host Integration Server 2004 In a continued effort to compete with IBM Corp. and its WebSphere offerings, Microsoft Corp. on Tuesday announced imminent availability of Host Integration Server 2004.$LABEL$3 +WR Berkley Sees Hurricane Losses Insurance holding company WR Berkley Corp. said Tuesday that it does not expect its losses from damage caused by Hurricane Charley last week to exceed \$5 million. $LABEL$2 +RealNetwork #39;s 49 cent downloads rile Apple Seattle, WA, Aug. 17 (UPI) -- RealNetworks Inc., is taking on Apple Computer #39;s wildly successful iTunes Music Store with a half-price sale offering music downloads for 49 cents a song. $LABEL$3 +Microsoft Delays Windows XP SP2 for Home Users Microsoft has delayed the rollout of XP Service Pack Two (SP2) for home users, and some customers will not be able to download it until the end of the month. The new code was supposed to go out on Microsoft #39;s Automatic Update service on ...$LABEL$3 +Olympics-Shooting-loving Rathore promotes Olympic sports ATHENS, Aug 17 (Reuters) - Rajyavardhan Singh Rathore loves cricket as much as any Indian, even if the national obsession with ball and bat can make it hard for the country #39;s Olympic athletes to get a look in. $LABEL$1 +Phelps Wins Second Gold Medal, in 200 Fly (AP) AP - American Michael Phelps won the gold medal Tuesday in the 200-meter butterfly with an Olympic-record time of 1:54.04.$LABEL$1 +Redskins Cut Strong Safety Ohalete (AP) AP - Strong safety Ifeanyi Ohalete was cut by the Washington Redskins on Tuesday after starting 15 games for the team last season.$LABEL$1 +Wood's Suspension Upheld (Reuters) Reuters - Major League Baseball\Monday announced a decision on the appeal filed by Chicago Cubs\pitcher Kerry Wood regarding a suspension stemming from an\incident earlier this season.$LABEL$1 +Parry wins butterfly bronze Stephen Parry comes a brilliant third behind Michael Phelps in the men's 200m butterfly.$LABEL$1 +Google IPO Imminent In a sign that Google #39;s initial public offering is imminent, the company has asked federal regulators to give final approval to the paperwork required for its stock sale. $LABEL$2 +Banks want BJ #39;s to pay for credit card fraud CHICAGO, Aug 17 (Reuters) - BJ #39;s Wholesale Club Inc. (BJ.N: Quote, Profile, Research) on Tuesday said credit card issuers want the retailer to reimburse them for up to \$16 million in fraudulent credit card charges and other costs stemming from a possible ...$LABEL$2 +Negative sentiment towards US stock market rises NEW YORK, August 17 (New Ratings) Analysts at Merrill Lynch say that a recent survey of global fund managers demonstrates continuously increasing negative sentiments towards the US stock market trends. $LABEL$2 +IBM Seeks Another SCO Dismissal The current motion is in addition to the request for a summary judgment IBM has been seeking since early July. If the initial request is granted, it could bring the case to a close without trial. Although summary judgment arguments ...$LABEL$3 +Microsoft readies Host Integration Server 2004 In a continued effort to compete with IBM Corp. and its WebSphere offerings, Microsoft Corp. on Tuesday announced imminent availability of Host Integration Server 2004. $LABEL$3 +VARs, Vendors Seize Patch Management Opportunity The delayed arrival of Windows Update Services is giving VARs and patch management vendors a chance to cash in. $LABEL$3 +Iraq peace mission arrives in Najaf NAJAF, Iraq (Reuters) - An Iraqi peace delegation has urged a radical Shi #39;ite cleric to call off his uprising in the city of Najaf, where US troops have been pounding militia positions near the country #39;s holiest Islamic sites. $LABEL$0 +Downer to begin nuclear talks FOREIGN Minister Alexander Downer will today begin talks with North Korean officials to try to convince the communist state to drop its nuclear weapons program. $LABEL$0 +Southern Africa countries pledge enhanced trade ties with China, India PORT LOUIS, Aug. 17 (Xinhuanet) -- Southern African countries Tuesday pledged better trade and investment relations with China as well as India in the final communique released at the end of their two-day summit. $LABEL$0 +Chiron Wins Bird Flu Vaccine Deal WASHINGTON (Reuters) - Chiron Corp. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=CHIR.O target=/stocks/quickinfo/fullquote"">CHIR.O</A> has won a contract to develop a human vaccine against a strain of bird flu that can infect people and ""has the potential to trigger a modern-day pandemic,"" the U.S. government said on Tuesday.$LABEL$2 +RealNetworks Halves Music Prices, Sees Wider Loss (Reuters) Reuters - RealNetworks Inc. on Tuesday halved\prices for songs downloaded from its online music store to win\customers for new technology that has rankled rival Apple\Computer Inc.$LABEL$3 +Benefits Seen in Earth Observation Data (AP) AP - Better weather forecasts to prepare for storms and planning for energy needs months in advance are among the benefits expected from a planned Earth Observation System.$LABEL$3 +Michael Phelps Wins Second Gold Medal (AP) AP - Michael Phelps, denied in his bid to win seven gold medals, picked up his second victory of the Athens Games by winning the 200-meter butterfly Tuesday night in Olympic-record time. Phelps fell just short of his own world record, holding off Takashi Yamamoto to win in 1 minute, 54.01 seconds. The hard-charging Japanese swimmer took silver in 1:54.56, while Great Britain's Stephen Parry won bronze in 1:55.22.$LABEL$1 +Aussies Battle Americans to 1-1 Tie (AP) AP - After 17 years, the Matildas finally caught up to the U.S. women's soccer team. Joanne Peters' 12-yard header in the 82nd minute gave Australia a 1-1 tie Tuesday with the United States, breaking a 15-game Aussie losing streak that dates to the teams' first meeting in 1987.$LABEL$1 +Australia Ties U.S. Joanne Peters' 12-yard header in the 82nd minute gives Australia a 1-1 tie with the United States, while the Americans already clinched a spot in the quarterfinals.$LABEL$1 +India boosted as Rathore grabs historic silver (Reuters) Reuters - India erupted with joy as shooter Rajyavardhan Rathore clinched their first medal at the Athens Olympics on Tuesday and their first ever individual silver.$LABEL$0 +Ill. Congressman's Son to Be on Ballot (AP) AP - Democratic Party officials picked U.S. Rep. William Lipinski's son Tuesday to replace his father on the November ballot, a decision engineered by Lipinski after he announced his retirement and withdrew from the race four days earlier.$LABEL$0 +Najaf Fighting Intensifies Amid Peace Push BAGHDAD, Iraq - A U.S. warplane bombed near Najaf's vast cemetery as fighting with Shiite militants intensified Tuesday...$LABEL$0 +Michael Phelps Wins Second Gold Medal ATHENS, Greece - Michael Phelps, denied in his bid to win seven gold medals, picked up his second victory of the Athens Games by winning the 200-meter butterfly Tuesday night in Olympic-record time. Phelps fell just short of his own world record, holding off Takashi Yamamoto to win in 1 minute, 54.01 seconds...$LABEL$0 +Top-Seeded Federer Upset in Second Round ATHENS, Greece - Top-seeded Roger Federer crashed out in the second round of the Olympic tournament Tuesday night, losing 4-6, 7-5, 7-5 to Tomas Berdych of the Czech Republic. Federer, who won Wimbledon the past two years and replaced Andy Roddick atop the rankings in February, was undone by poor serving and a string of unforced errors...$LABEL$0 +TJX Cos. Earnings Fall 4 Percent TJX Cos. Inc. #39;s second-quarter earnings fell 4 percent, reflecting higher markdowns on merchandise due to softer sales trends. $LABEL$2 +US Airways seeks to delay pension payments Dulles, VA, Aug. 17 (UPI) -- US Airways is seeking permission to delay pension contributions of \$67.5 million, so it can keep operating. $LABEL$2 +Cantor Fitzgerald to Split Off Voice-Broking Unit (Update5) Aug. 17 (Bloomberg) -- Cantor Fitzgerald LP, one of the two largest Treasury bond brokers, will split off its original business of person-to-person sales to focus on more profitable activities such as institutional equity sales and trading. $LABEL$2 +Cassini Spacecraft Discovers 2 New Moons Around Saturn The US Space Agency #39;s Cassini spacecraft has discovered two new moons around Saturn - bringing the planet #39;s count to 33. NASA said Monday the images of the two, small moons were taken June 1. $LABEL$3 +Intellisync in Danger Intellisync #39;s synchronization software will soon be available on Danger Hiptop devices, through select carriers, allowing wireless synchronization to Outlook on the desktop. $LABEL$3 +Eriksson aims to stick by core of Euro 2004 side SLALEY, England, Aug 17 (Reuters) - England coach Sven-Goran Eriksson says he is prepared to put his faith in the nucleus of the squad that flopped at Euro 2004 as he tries to plot a successful challenge for the World Cup. $LABEL$1 +Court Throws Out Challenge to Blimp The United States is on the verge of winning its first fencing medal in twenty years. Greek sprinters Kostas Kenteris and Katerina Thanou are out of the hospital but not out of the woods. $LABEL$1 +History beckons for England It used only to be Australians who suffered from dead-rubber syndrome that most infuriating of conditions whereby a dominant side could write off a failure to complete a clean-sweep by claiming that the match never mattered anyway. Now, however, it is ...$LABEL$1 +Redskins cut former starter Ohalete ASHBURN, Va. (AP) -- He was demoted to third string a couple weeks ago, didn #39;t do exactly what the coaches wanted and was coming off a bad game. Ifeanyi Ohalete knew what was coming next. $LABEL$1 +Pittsburgh vs. Arizona PHOENIX (Ticker) -- Jack Wilson lofted a sacrifice fly in the top of the 10th inning to lift the Pittsburgh Pirates to a wild 8-7 victory over the Arizona Diamondbacks. In the 10th, Jose Castillo drew leadoff walk against Greg Aquino (0-1) and stole ...$LABEL$1 +Bounty-hunter plays to gallery in Kabul KABUL - A bounty hunter accused of running a private torture chamber has gone on trial in Kabul claiming he could not get a fair hearing because the FBI had confiscated vital evidence and locked it in the American Embassy. $LABEL$0 +Demonstrators protest benefit cuts in Berlin Thousands of demonstrators brought protests against benefit cuts to the German capital yesterday, but the Government insisted it would make no further change to measures it sees as key to a more competitive economy. $LABEL$0 +Deere Earnings Up, Raises 2004 Forecast CHICAGO (Reuters) - Deere Co. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=DE.N target=/stocks/quickinfo/fullquote"">DE.N</A>, one of the world's largest farm equipment makers, said on Tuesday that quarterly earnings jumped 62 percent, driven by strength in its agricultural and construction equipment businesses.$LABEL$2 +Analysts fear longer than expected G5 delays (MacCentral) MacCentral - Analysts from Prudential Equity Group and UBS have warned over the past two days that longer than expected G5 delays from IBM Corp. is the near-term ""key risk"" for Apple Computer Inc. Both firms are concerned the delays could be longer than originally expected.$LABEL$3 +Federer's Games Dream Shattered ATHENS (Reuters) - Top seed Roger Federer was bundled out of the Olympic tennis tournament on Tuesday by unheralded Czech Tomas Berdych.$LABEL$1 +Edwards Out of Games U.S. sprinter Torri Edwards is knocked out of the Olympics for good Tuesday when an arbitration panel upholds her two-year drug suspension.$LABEL$1 +Son Running for Ill. Rep.'s House Seat (AP) AP - Democratic Party officials picked U.S. Rep. William Lipinski's son Tuesday to replace his father on the November ballot, a decision engineered by Lipinski after he announced his retirement and withdrew from the race four days earlier.$LABEL$0 +Interactive Web Sites Provide New Approach to Election Coverage (Editor and Publisher) Editor and Publisher - NEW YORK While most newspapers are utilizing their Web sites to supplement coverage of the presidential race, the Los Angeles Times and The New York Times have taken the frenzy over electoral votes and undecided states to the next level with some unusual interactive options.$LABEL$3 +Google set to start trading SAN FRANCISCO - Google looks set to start trading on the Nasdaq today after the web #39;s No 1 search engine asked regulators for final approval to price its closely watched initial public offering. $LABEL$2 +Florida #39;s fiscal shape helps cushion Charley #39;s hit WASHINGTON, Aug 17 (Reuters) - Hurricane Charley may have caused up to \$15 billion in damage in Florida, but that is not seen immediately hurting the state #39;s credit picture thanks to strong finances and funds in reserve, analysts said ...$LABEL$2 +Oil Prices Rebound Towards Record Highs Oil prices moved back towards record highs tonight amid continued concerns over soaring demand and tight supplies. $LABEL$2 +Army Withholding Halliburton Payments Halliburton (HAL:NYSE - news - research) sank Tuesday after the Army chose not to extend a deadline for the company to explain its billing in Iraq. $LABEL$2 +Air Canada gets green light from creditors After more than 16 months of restructuring, Air Canada #39;s creditors overwhelming endorsed the airline #39;s new business plan during a meeting at a Montreal hotel Tuesday. $LABEL$2 +RealNetworks launches music-download price war Seattle online media company RealNetworks Inc. on Tuesday said a new campaign to attract subscribers to its music download service will add about a penny per share to its third-quarter net loss. $LABEL$3 +Second Wi-Fi standards group steps forward A new battle of technologies may be in the offing in the 802.11n arena as 12 key companies have developed a key proposal to counter another one announced last week that is backed by a group of top wireless players. $LABEL$3 +DOD labs get Linux clusters Linux Networx Inc. delivered two more systems to the Defense Department as part of the military #39;s Technology Insertion 2004 initiative to improve defense laboratories #39; high-performance computing. $LABEL$3 +Livni: Settlement blocs will be strengthened The Housing and Construction Ministry on Tuesday published tenders for about 1,001 new housing units in West Bank settlements. $LABEL$0 +Israeli soldiers kill boy in Nablus A 10-year-old Palestinian boy has been shot dead by Israeli occupation soldiers during an incursion into the centre of the West Bank city of Nablus, according to Palestinian medical sources. $LABEL$0 +Don't Marry Until March Plan a big, fat cheap wedding, and start your coupling with extra cash, not debt.$LABEL$2 +Klochkova Wins 200 IM, Beard Takes Silver (AP) AP - Yana Klochkova of Ukraine completed an Olympic sweep of the individual medleys, winning gold in the 200-meter IM Tuesday night. Amanda Beard of Irvine, Calif., made a dramatic move from fifth to second on the breaststroke portion and earned the silver in 2:11.70 #151; her fifth career Olympic medal.$LABEL$1 +Rumsfeld Warns Against Fixing Intelligence in 'Single Stroke' The secretary of defense signaled he favors a slower, more cautious approach to revamping U.S. intelligence than the Sept. 11 commission does.$LABEL$0 +Hurricane Charley hits Outback NEW YORK (Reuters) - Outback Steakhouse Inc. said Tuesday it lost about 130 operating days and up to \$2 million in revenue because it had to close some restaurants in the South due to Hurricane Charley. $LABEL$2 +Intel TV Chip Is Delayed Intel said it will delay its highly anticipated television chips, based on Liquid Crystal on Silicon, or LCOS, technology, which promises to deliver large screen TVs at a price point half of what they cost today. The chipmaker said the ...$LABEL$3 +Federer #39;s Games Dream Shattered ATHENS (Reuters) - Roger Federer was bundled out of the Olympic tennis tournament Tuesday by unheralded Czech Tomas Berdych. $LABEL$1 +Ruling bars Edwards from Athens competition ATHENS, Greece -- US sprinter Torri Edwards #39; suspension was upheld by a panel of three international arbitrators Tuesday, leaving the reigning 100-meter world champion unable to compete at the Olympics. $LABEL$1 +US soldier killed in eastern Baghdad-military BAGHDAD, Iraq One US soldier was killed and several others were wounded in clashes with Iraqi Shi #39;ite militiamen in a Baghdad suburb Monday, the US military said Tuesday. $LABEL$0 +Army Won't Pay 15 Pct of Halliburton Bill WASHINGTON (Reuters) - The U.S. Army will withhold payment on 15 percent of future invoices of Halliburton Co.'s <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=HAL.N target=/stocks/quickinfo/fullquote"">HAL.N</A> logistics deal in Iraq due to a billing dispute that could cost the company \$60 million a month, the military said on Tuesday.$LABEL$2 +Phelps, U.S. Win Men's 4x200 Freestyle Relay ATHENS (Reuters) - Michael Phelps led the United States to a narrow victory in the men's 4x200 meters freestyle relay at the Athens Olympics Tuesday to collect his third gold medal in four days.$LABEL$1 +World 100m Champion Torri Edwards Banned from Games ATHENS (Reuters) - World 100 meters champion Torri Edwards will miss the Athens Olympics after her appeal against a two-year drugs ban was dismissed Tuesday.$LABEL$1 +US-led coalition denies airstrikes in western Afghanistan (AFP) AFP - The US military denied reports that the coalition in Afghanistan had launched air strikes to quell fighting in the west of the country.$LABEL$0 +Wal-Mart's Taxing Comps Wal-Mart sees August same-store revenues up 2 to 4. How should investors view this statistical range?$LABEL$2 +Last Call for Investors to Bid on Google (Reuters) Reuters - Time is running out for prospective\investors to submit their offers to buy shares of Google Inc.\(GOOG.O), the Web's No. 1 search company.$LABEL$3 +GameStop Earnings Up on Software Sales (AP) AP - Video-game chain GameStop Corp.'s second-quarter earnings rose on strong sales.$LABEL$3 +IBM adds four-way 550 server to new i5 product line IBM Corp. bolstered the new eServer i5 server lineup with the i5 550, a new system based on the Power 5 chip that can run multiple operating systems.$LABEL$3 +Papua New Guinea, the world's next AIDS frontier (AFP) AFP - The old man lay unattended in the shack which served as a morgue for the General Hospital in Mount Hagen, a busy town in the restive highlands of central Papua New Guinea.$LABEL$0 +Kerry admits to soft spot for Oscar winner Theron (AFP) AFP - Democratic presidential contender John Kerry has a soft spot for South African actress Charlize Theron but is adamant that second wife Teresa Heinz-Kerry changed his life, he has told GQ magazine.$LABEL$0 +Phelps Wins Second Gold Medal ATHENS, Greece - His quest to surpass Mark Spitz out of the way, Michael Phelps got back to winning gold. The 19-year-old from Baltimore claimed his second gold medal of the Athens Games in the 200-meter butterfly Tuesday night, though he was a bit disappointed at failing to break his own world record...$LABEL$0 +US Army to withhold portion of Halliburton payments The billing dispute between the US Army and Houston-based Halliburton Co. continues as the Army on Tuesday said it would withhold paying 15 percent of future invoices from Halliburton. $LABEL$2 +Microsoft Delays SP2 Auto Update For Enterprises Although Monday was to be the day when Microsoft began pushing Windows XP Service Pack 2 (SP2) to enterprises, it changed its mind at the last minute and delayed the automatic updating for more than a week. $LABEL$3 +IBM adds four-way 550 server to new i5 product line IBM Corp. bolstered the new eServer i5 server lineup with the i5 550, a new system based on the Power 5 chip that can run multiple operating systems. $LABEL$3 + #39;One in 12 Emails Infected with Virus #39; The number of attempted attacks by computer viruses rocketed in the first half of the year, according to a report published today. $LABEL$3 +Detective Caught in Internet Sting Over Child Sex HITE PLAINS, Aug. 16 - A 16-year veteran of the New York Police Department, who supposedly called himself a quot;boy hunter #39; #39; in an online profile, was arrested on Monday after the Westchester district attorney, Jeanine Pirro, said he tried to ...$LABEL$3 +For Wednesday AMs AP Olympic Digest for Wednesday AMs. The supervisor is Aaron Watson. The phone number for the New York sports desk is (212) 621-1630. Reruns of stories and agate available from http://yourap.org, from the Service Desk (800-838-4616) or your local AP ...$LABEL$1 +Redskins release Ohalete Ashburn, VA (Sports Network) - The Washington Redskins have released safety Ifeanyi Ohalete, a starter for 15 games last season. $LABEL$1 +Eight to Face Court on Terror Murder Plot Charges Eight men will appear in court tomorrow accused of plotting terrorist outrages in Britain and the United States. $LABEL$0 +Microsoft Delays SP2 Auto Update For Enterprises Although Monday was supposed to be the day when Microsoft began pushing Windows XP Service Pack 2 (SP2) to enterprises, it changed its mind at the last minute and delayed the automatic updating for more than a ...$LABEL$3 +Aftershock: Brown rips team #39;s lack of effort ATHENS, Greece -- Larry Brown was despondent, the head of the US selection committee was defensive and an irritated Allen Iverson was hanging up on callers who asked what went wrong. $LABEL$1 +Greece grabs first gold HOST nation Greece grabbed its first gold medal of the Athens Olympics this morning when Nikolaos Siranidis and Thomas Bimis won the men #39;s three-metre synchronised diving after China #39;s favourites suffered a no-dive. $LABEL$1 +Were the judges by any chance French? Kosuke Kitajima #39;s technique may get a sharper eye from officials today in the 200-meter breaststroke race. $LABEL$1 +Iran #39;s Olympic snub Iran #39;s transparent decision to boycott head-to-head competitions against Israeli athletes is an assault on the Olympic ideal. It needs to be dealt with swiftly and sternly. Instead, the International Judo Federation could not find enough executive members ...$LABEL$1 +They built it, but no one comes quot;It #39;s sad, quot; the British visitor to Athens said, shaking her head. quot;It #39;s sad that nobody is here, buying tickets to the Olympics. People should be out there telling people that Athens is great. It #39;s a great experience. quot; ...$LABEL$1 +I #39;ll be No.1 - Owen Michael Owen is confident that he will be a success at Real Madrid following his 8m move from Liverpool. $LABEL$1 +Owen gives Sven backing Michael Owen today insisted that Sven-Goran Eriksson has the full backing of the England squad and warned that the coach should not be underestimated. $LABEL$1 +Hewitt in sharp form in Washington WASHINGTON -- Lleyton Hewitt launched his ATP Washington Classic campaign with a 6-1 6-2 first round win over Kenneth Carlsen of Denmark. $LABEL$1 +Kobe win on sex life of accuser Prosecutors in the Kobe Bryant case suffered yet another setback yesterday when a court shot down their last-ditch attempt to keep the accuser #39;s sex life out of the looming trial. $LABEL$1 +Los Angeles loves Lo Duca LOS ANGELES -- Everywhere you looked before Monday night #39;s game at Dodger Stadium, there he was. Paul Lo Duca, the thirtysomething mother of two. Paul Lo Duca, the dude with the thick beard and the backward Dodgers cap. Paul Lo Duca, the guy with the beer ...$LABEL$1 +Packers-Seahawks scoring summary FIRST QUARTER: K Ryan Longwell 47-yard field goal at 9:03. Key plays: QB Brett Favre opened the drive with a 7-yard pass to WR Donald Driver to GB 39. RB Ahman Green 3-yard run, plus 5-yard facemask penalty on Seattle moved ball to GB 47. Favre 11-yard ...$LABEL$1 +Halliburton Now Says It Will Not Get Extension From Army The company said today that the United States Army had decided not to grant it additional time to substantiate its costs in Iraq and Kuwait.$LABEL$2 +Google prepares to wrap up share auction (AFP) AFP - Google Inc prepared to wrap up an extraordinary share auction, meaning a final price in the multi-billion-dollar listing will be announced within days.$LABEL$3 +Gateway: hang onto your hard drive New service plan lets customers keep old drives after replacement to protect data.$LABEL$3 +RealNetworks Goes After iPod With Price War RealNetworks Goes After iPod With Price War\\RealNetworks on Tuesday halved the prices for downloaded songs to \$0.49 to win customers away from Apple Computer's iPod craze. RealNetworks has recently launched its ""Harmony"" technology which makes its song downloads compatible with Apple's iPod technology. Apple currently has a firm grasp ...$LABEL$3 +Netscape Browser 7.2 Released by AOL Netscape Browser 7.2 Released by AOL\\America Online has just released Netscape 7.2. Based on Mozilla 1.7, this latest version features better popup blocking, vCard support, an improved junk mail algorithm, better standards support, performance enhancements and several hundred other bug fixes. It also includes patches for recent security vulnerabilities according ...$LABEL$3 +Jury Rejects Thomas Family's GM Claims (AP) AP - The family of former Kansas City Chiefs star Derrick Thomas is not entitled to any money from General Motors Corp. for the Jan. 2000 crash that killed the nine-time Pro Bowl linebacker, a jury ruled Tuesday.$LABEL$1 +Last Call for Investors to Bid on Google NEW YORK (Reuters) - Time is running out for prospective investors to submit their offers to buy shares of Google Inc. (GOOG.O: Quote, Profile, Research) , the Web #39;s No. 1 search company. $LABEL$2 +Oil prices climb again tonight Oil prices moved back towards record highs tonight amid continued concerns over soaring demand and tight supplies. $LABEL$2 +Toyota is outbid for land But state says developer won #39;t necessarily get site Toyota has been outbid by a land developer for state-owned property in York Township, but officials say this is one deal that will be decided by more than money. $LABEL$2 +Edwards banned from Games ATHENS (Reuters) - World 100 metres champion Torri Edwards will miss the Athens Olympics after her appeal against a two-year drugs ban was dismissed. $LABEL$1 +Major Rathore is a perfectionist to the core A man of words, commitment and warmth. Rajyvardhan Singh Rathore combines all these qualities. And he, of course, is one of the most talented shooters of recent times. $LABEL$1 +Burundi authorizes UN camp for Congolese refugees GENEVA, Aug. 17 (Xinhuanet) -- The government of Burundi has authorized the United Nations to set up a camp for newly-arrived Congolese refugees following the horrific attack on the Gatumba refugee camp in Burundi last Friday, UN officials said here ...$LABEL$0 +Germany #39;s Schroeder adopts three-year-old Russian girl BERLIN: German Chancellor Gerhard Schroeder and his wife have adopted a daughter, an official with Schroeder #39;s party said Tuesday. Schroeder and his wife, Doris Schroeder-Koepf, picked up the 3-year-old Russian girl named Victoria several weeks ago from a ...$LABEL$0 +Sudan: Foreign Troops Run Gauntlet of Government Displeasure Television footage aired over the weekend showed a group of Rwandan soldiers dancing and clapping their hands. With AK-47 assault rifles firmly strapped across their shoulders, the 150 troops sported green berets adorned with African Union badges as they ...$LABEL$0 +Cardinal hears farewell in John Paul #39;s remarks BRUSSELS One of 15 cardinals with Pope John Paul II during a weekend visit to a French shrine was quoted in Belgian news media on Monday as saying the ailing pontiff may have been making his farewells. $LABEL$0 +Can GameStop Be Stopped? GameStop's lack of a competitive advantage leaves investors with many questions.$LABEL$2 +Advertisers Go Digital to Track Ads NEW YORK (Reuters) - Top marketers are going digital to track the delivery of commercials into U.S. homes with a system some advocates say will revolutionize advertising the way product codes changed the selling of sliced bread.$LABEL$3 +U.S. Advertisers Go Digital to Track Ads NEW YORK (Reuters) - Top marketers are going digital to track the delivery of commercials into U.S. homes with a system some advocates say will revolutionize advertising the way product codes changed the selling of sliced bread.$LABEL$3 +Briefly: Gateway says, hold on to your hard drive roundup Plus: Kinko's debuts Web-based print options...Majoras takes charge of FTC...Business Objects to bundle IBM tools.$LABEL$3 +Coyotes Re-Sign Right Wing Mike Johnson (AP) AP - The Phoenix Coyotes re-signed right wing Mike Johnson on Tuesday to a three-year contract.$LABEL$1 +Holiday Pals Berlusconi, Blair Cement Ties (AP) AP - With a bandanna on his head and a grin on his cheeks, Italy's flamboyant Premier Silvio Berlusconi has been playing vacation host to Britain's Tony Blair in Sardinia, an unlikely holiday coupling that highlights an Italian-British alliance bolstered by the Iraq war.$LABEL$0 +Mobile Boohoo for Sohu Chinese net stock Sohu.com (Nasdaq: SOHU) dropped by 10 on Friday after the company announced that its multimedia messaging services with China Mobile Communication had been temporarily suspended for a year. The sanctions were ...$LABEL$2 +AOL releases Netscape update Netscape Communications upgraded its namesake browser on Tuesday to version 7.2, a rare sign of life at America Online #39;s moribund browser division. $LABEL$3 +Many similarities, differences between #39;04 US basketball and #39;80 Soviet hockey teams This was no miracle, but you could not tell by the amount of elation surrounding the Dream Team #39;s trip to the woodshed Sunday. $LABEL$1 +Top-seeded Federer upset in second round ATHENS, Greece (AP) Top-seeded Roger Federer was eliminated in the second round of the Olympics Tuesday night, losing 4-6, 7-5, 7-5 to Tomas Berdych of the Czech Republic. Federer, who won Wimbledon the past two years and replaced Andy Roddick atop ...$LABEL$1 +UN rights chief deeply concerned about refugee camp massacre in Burundi GENEVA, Aug. 17 (Xinhuanet) -- The United Nations human rights chief expressed her deep concern over the massacre in the Gatumba refugee camp in Burundi last Friday, a UN official said here Tuesday. $LABEL$0 +Public servant backs Scrafton PRIME Minister John Howard said he would not be swayed by more public servants coming forward in relation to the children overboard scandal. $LABEL$0 +US troops move gets muted response BERLIN, Germany (AP) -- Germany #39;s defense minister expressed regret Tuesday about US plans to restructure its forces abroad -- changes expected to hit Germany the hardest with the pullout of two heavy divisions. Japan and Australia embraced the changes. $LABEL$0 +Stocks Higher on Economic Data, Earnings NEW YORK (Reuters) - U.S. stocks traded higher on Tuesday, despite oil prices hitting a new high before falling back, as U.S. economic reports showed an easing of inflationary pressure and a sharp rebound in the housing market.$LABEL$2 +U.S. Public Now Evenly Split on Iraq War (AP) AP - Nine months of chaos and casualties in Iraq since Saddam Hussein's capture have taken a heavy toll on American opinion of President Bush's decision to go to war. Last December, when Saddam was caught, public support for Bush was 2-to-1 in favor. Now the public is evenly divided on whether the war was the right thing to do or whether it was a mistake.$LABEL$0 +Rumsfeld warns on spy shake-up US Defence Secretary Donald Rumsfeld urges caution on US intelligence reform, saying it could create new barriers.$LABEL$0 +Stocks up on positive consumer price report NEW YORK (AP) - A drop in consumer prices and a decline in crude oil futures Tuesday allowed investors to put aside worries about inflation, at least for the short term, and they sent stocks modestly higher. $LABEL$2 +RealNetworks Slashes Music-Downloading Prices With competition heating up in the online music business, RealNetworks Inc. slashed prices Tuesday for downloading music. $LABEL$3 +New bird species discovered LONDON - A new species of flightless bird has been discovered on a remote island in the northern Philippines, Filipino and British researchers announced Tuesday. $LABEL$3 +Symantec Updates SOHO Gear To Battle Against Worms, Phishing Symantec on Tuesday introduced versions of its consumer and small business security software with updates that protect against network-scanning worms such as Sasser, and keep phishing attacks at bay. $LABEL$3 +Packers #39; rookie punter struggling GREEN BAY, Wis. (AP) -- Tim Couch #39;s troubles grasping the West Coast offense gave rookie punter BJ Sander plenty of opportunities to make a good first impression with the Green Bay Packers. $LABEL$1 +Holiday Pals Berlusconi, Blair Cement Ties With a bandanna on his head and a grin on his cheeks, Italy #39;s flamboyant Premier Silvio Berlusconi has been playing vacation host to Britain #39;s Tony Blair in Sardinia, an unlikely holiday coupling that highlights an Italian-British alliance ...$LABEL$0 +Illinois Helps Residents Import Prescription Drugs CHICAGO (Reuters) - Illinois residents will soon be able to buy lower-cost prescription drugs from Canada, the United Kingdom and Ireland, sidestepping U.S. regulators' objections to imported drugs, Gov. Rod Blagojevich said on Tuesday.$LABEL$2 +Giants to Start Manning Against Carolina (AP) AP - Eli Manning is going to get a chance to open the season as the New York Giants' starting quarterback.$LABEL$1 +World 100m Champion Edwards Banned ATHENS (Reuters) - World 100 meters champion Torri Edwards will miss the Athens Olympics after her appeal against a two-year drugs ban was dismissed on Tuesday.$LABEL$1 +India to surpass China as world's most populous country in 2050: study (AFP) AFP - India is projected to outpace China and become the world's most populous country by 2050, growing by 50 percent in the next 46 years to reach more than 1.6 billion people, a US research institute said.$LABEL$0 +Odumbe handed five-year ban Former Kenya captain Maurice Odumbe receives a five-year ban for receiving money to fix a match.$LABEL$0 +Consumer Prices Decline, Housing Rebounds WASHINGTON - Consumer prices fell by 0.1 percent in July as gasoline prices dropped while output at factories and housing construction posted healthy rebounds, offering hope the economy has escaped this summer's ""soft patch."" The Labor Department said Tuesday that the decline in its closely watched Consumer Price Index was the first decrease since a 0.2 percent drop last November. The CPI had been up 0.3 percent in June and an even sharper 0.6 percent in May, reflecting big jumps in energy costs...$LABEL$0 +Stocks Climb on Drop in Consumer Prices NEW YORK - Another jump in oil prices pre-empted a rally on Wall Street Tuesday, though stocks managed to post modest gains on the strength of the latest consumer price report, which put many investors' inflation fears to rest for the near term. Stocks started the session strong after the government's Consumer Price Index registered a small drop in July, giving consumers a respite from soaring energy prices...$LABEL$0 +Treasuries Gain After Tame Inflation NEW YORK (Reuters) - Treasury debt prices rose on Tuesday after July inflation figures proved subdued and soaring oil prices pointed to slower U.S. consumer spending down the line.$LABEL$2 +New PC Is Created Just for Teenagers (AP) AP - This isn't your typical, humdrum, slate-colored computer. Not only is the PC known as the hip-e almost all white, but its screen and keyboard are framed in fuzzy pink fur. Or a leopard skin design. Or a graffiti-themed pattern.$LABEL$3 +Home Depot raises view as profit tops estimates ATLANTA, Aug 17 (Reuters) - Home Depot Inc. (HD.N: Quote, Profile, Research) on Tuesday reported a 19 percent rise in second-quarter profit, handily topping estimates, as store renovations and efforts to improve service drove higher ...$LABEL$2 +Applied Materials Takes on Metron Applied Materials (Quote, Chart) said it filled a major gap in its services portfolio with its acquisition of Metron Technology (Quote, Chart). $LABEL$2 +Two new, tiny moons found around Saturn Paris, France, Aug. 17 (UPI) -- The Cassini-Huygens spacecraft has detected two tiny, previously-unknown moons orbiting Saturn between Mimas and Enceladus, mission scientists said Tuesday. $LABEL$3 +PalmOne Announces SD WiFi Card palmOne today announces that it is to provide a second level of wireless connectivity for Tungsten T3 and Zire 72 handheld users with the introduction of its first Wi-Fi card. Developed specifically for handheld owners who want to complement the ...$LABEL$3 +Cell phone carriers to get Linux option CHICAGO - Motorola Inc. and Hewlett-Packard Co. on Monday said they agreed to an expanded deal to help mobile telephone service providers use Linux-based computers to run their core network systems. $LABEL$3 +Coyotes re-sign RW Johnson to three-year deal ----------------------------------------------- GLENDALE, Arizona (Ticker) - Mike Johnson missed most of last season after undergoing shoulder surgery, but that didn #39;t stop the Phoenix Coyotes from giving him the veteran right wing a three-year contract ...$LABEL$1 +Roddick escapes, Federer doesn #39;t at Olympics Andy Roddick and Roger Federer both found themselves mired in three-set struggles Tuesday night at the Olympics. $LABEL$1 +Giants will give Eli first start Thursday No. 1 draft pick Eli Manning will make his first start at quarterback for the New York Giants in their exhibition game Thursday against the Carolina Panthers, coach Tom Coughlin announced Thursday, according to ESPN. $LABEL$1 +Eight terror suspects charged in Britain LONDON, Aug. 17 (Xinhuanet) -- British police on Tuesday charged eight terrorism suspects with conspiracy to murder. $LABEL$0 +Consumer Prices Drop, Industry Output Up WASHINGTON (Reuters) - U.S. consumer prices dropped in July for the first time in eight months as a sharp run up in gasoline costs reversed, the government said on Tuesday in a report suggesting the U.S. Federal Reserve can stick to a plan of gradual interest-rate rises.$LABEL$2 +Women Employees Sue Costco Women employees of Costco Wholesale Corp. filed a sex discrimination class action suit today, alleging that the giant retailer imposes a glass ceiling that prevents women from reaching the top and keeps them in lower paid positions.$LABEL$2 +Advertisers Go Digital to Track Ads (Reuters) Reuters - Top marketers are going digital to\track the delivery of commercials into U.S. homes with a system\some advocates say will revolutionize advertising the way\product codes changed the selling of sliced bread.$LABEL$3 +Study: Unpatched PCs compromised in 20 minutes The average ""survival time"" is not even long enough to download patches that would protect a computer from Net threats.$LABEL$3 +Olympics-Fencing-U.S. and Swiss End Gold Drought ATHENS (Reuters) - Mariel Zagunis won the first fencing gold for the United States for 100 years when she beat Xue Tan of China 15-9 in the inaugural Olympic women's sabre final on Tuesday.$LABEL$1 +Slaves' descendants should get tax exemption: US Senate hopeful (AFP) AFP - American descendants of African slaves should be exempted from US federal taxes for a generation or two to compensate them for the state-sanctioned exploitation of their ancestors, an aspiring US Senate hopeful declared.$LABEL$0 +Britain Charges 8 in Terror Plot Tied to U.S. Alert LONDON (Reuters) - Britain charged eight terrorism suspects Tuesday and said one had plans which could be used in terror attacks on U.S. financial targets in New York, New Jersey and Washington.$LABEL$0 +Apple #39;s Real Rivalry If you go by the headlines alone, it sounds like RealNetworks (Nasdaq: RNWK) is about to embark on a heady money-losing venture as it halves prices for its music download service Harmony, looking to take a bite out of Apple ...$LABEL$3 +Olympics: Federer crashes but Roddick survives Olympic scare ATHENS : World No 1 Roger Federer of Switzerland crashed out of the Olympic tennis tournament when he lost to unseeded Tomas Berdych of the Czech Republic. $LABEL$1 +CU #39;s Bloom Denied Request University of Colorado wide receiver Jeremy Bloom has lost his bid to continue playing college football while accepting endorsements to support his professional skiing career. $LABEL$1 +Men #39;s Singles : Interview with JUAN CARLOS FERRERO (ESP) Q. It #39;s a slow road back, isn #39;t it? You #39;ve had the illness and injury problems earlier in this year. Did you lose confidence or what? ...$LABEL$1 +Australia envoy in N Korea talks Australia #39;s foreign minister is in North Korea, urging the Stalinist state to renounce nuclear weapons. $LABEL$0 +IBM Takes New Tack in SCO Legal Battle (Ziff Davis) Ziff Davis - In its ongoing war with SCO over Linux and Unix IP, IBM is trying a new tactic: declaring that SCO has no rights over its ""homegrown"" Unix code.$LABEL$3 +Today Inca Trail, Tomorrow Inca Road A consortium of nonprofits aim to restore sections of the Inca Road, the 500-year-old route that linked the Inca Empire from present-day Colombia to central Chile.$LABEL$3 +Birding Column: Moments of Photographic Rapture Birdman of Belair Mathew Tekulsky waxes on the serendipitous moments when birds and timing alight together for memorable photographs.$LABEL$3 +Could Australia's Deadly Snakes Put Bite on Cancer? Eighty percent of Australia's snake species are venomous, making the continent a paradise for researchers seeking the next generation of miracle drugs for human diseases.$LABEL$3 +Africa's Penguins Still Reeling From ""Guano Craze Faced with the lingering effects of a 19th-century trade in seabird excrement and more modern pressures, jackass penguins are struggling to recover, conservationists say.$LABEL$3 +Spider-Venom Profits to Be Funneled Into Conservation Pharmaceutical companies have profited from medicines derived from spiders. Now a group called Venom Venture is making sure some of that money goes toward conserving the spiders themselves.$LABEL$3 +Paradoxically, African Railroad Keeps Habitat Intact Normally, transportation routes through wilderness are frowned on by conservationists. But a newly restored railroad in Madagascar is persuading locals not to slash and burn the surrounding landscape.$LABEL$3 +Insect Vibrations Tell of Good Times and Bad Thornbugs communicate by vibrating the branches they live on. Now scientists are discovering just what the bugs are ""saying.$LABEL$3 +Friday the 13th Phobia Rooted in Ancient History Fear of Friday the 13th has roots in a Viking myth, ancient Rome, and even the Last Supper.$LABEL$3 +U.S. Studying Israeli West Bank Home Plan (AP) AP - The United States withheld judgment Tuesday on whether Israel's plans to build 1,000 new homes in Jewish settlements in the West Bank violate the U.S-led Middle East peace plan.$LABEL$0 +Sharon Allows 1,000 More Settler Homes in West Bank JERUSALEM (Reuters) - Prime Minister Ariel Sharon, facing a party mutiny over his plan to quit the Gaza Strip, has approved 1,000 more Israeli settler homes in the West Bank in a move that drew a cautious response on Tuesday from Washington.$LABEL$0 +Iraq's Sadr Snubs Peace Delegation in Najaf NAJAF, Iraq (Reuters) - Iraq's radical cleric Moqtada al-Sadr refused on Tuesday to meet a delegation of Iraqi political and religious leaders seeking to end a rebellion in the holy city of Najaf and other parts of the country.$LABEL$0 +Costco Target of Sex Bias Lawsuit (Reuters) Reuters - Lawyers leading a record-setting\sex discrimination case against Wal-Mart Stores said on Tuesday\they filed a lawsuit against Costco Wholesale Corp. (COST.O),\claiming the company kept women out of top store management\posts.$LABEL$2 +Stocks End Higher, Lifted by Data NEW YORK (Reuters) - U.S. stocks ended higher on Tuesday, even as oil prices hit another record, as investors were encouraged by data showing an easing of inflationary pressure and a sharp rebound in the housing market.$LABEL$2 +Oil Up on Rosy U.S. Economic Data LONDON (Reuters) - Oil prices rose to another record high on Tuesday on U.S. economic data showing inflationary pressure was held in check in July and ahead of weekly inventory data on Wednesday expected to show a decline in crude stocks.$LABEL$2 +HP's order system chaos to continue throughout August <strong>HP World</strong> SAP hell lingers$LABEL$3 +Feature: A New IDEA in Air Quality Monitoring Combining the assets of NASA and the EPA with NOAA's weather information is at the heart of a new NASA project called IDEA:\ Infusing Satellite Data into Environmental Air Quality Applications. IDEA will improve forecasters' ability to track regional pollution and make air quality forecasts.$LABEL$3 +Soldering Surprise on the Space Station There's nothing routine about working in space, as astronaut Mike Fincke found out recently when he did some soldering onboard the International Space Station. ScienceNASA -- Richard Grugel, a materials scientist at the Marshall Space Flight Center, watched his video monitor in disbelief...$LABEL$3 +Taking the Pulse of Planet Earth Scientists are planning to take the pulse of the planet -- and more -- in an effort to improve weather forecasts, predict energy needs months in advance, anticipate disease outbreaks and even tell fishermen where the catch will be abundant.$LABEL$3 +AMD Ships New Mobile Athlon 64, 90-nm Processors Advanced Micro Devices on Tuesday said it has begun shipping a 3700 mobile Athlon 64 processor. The chip maker also confirmed it has started shipping processors on its 90-nanometer manufacturing process for revenue. $LABEL$3 +Symantec Updates Home And Small-Office Security Products The updates are designed to protect against network-scanning worms and keep phishing attacks at bay. $LABEL$3 +Kinko #39;s Software Connects Windows Apps to Print Centers Fedex Kinko #39;s Tuesday rolled out free software that connects Windows users to the firm #39;s print centers for ordering printing, binding, and shipping services. $LABEL$3 +Olympics-Fencing-US and Swiss End Gold Drought ATHENS (Reuters) - Mariel Zagunis won the first fencing gold for the United States for 100 years when she beat Xue Tan of China 15-9 in the inaugural Olympic women #39;s sabre final on Tuesday. $LABEL$1 +Sharon Allows 1,000 More Settler Homes in West Bank JERUSALEM (Reuters) - Prime Minister Ariel Sharon, facing a party mutiny over his plan to quit the Gaza Strip, has approved 1,000 more Israeli settler homes in the West Bank in a move that drew a cautious response on Tuesday from ...$LABEL$0 +Applied Materials Returns to Profit SAN FRANCISCO (Reuters) - Applied Materials Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=AMAT.O target=/stocks/quickinfo/fullquote"">AMAT.O</A>, the largest maker of chip-making tools, on Tuesday said healthy spending on new semiconductor factories more than doubled revenue and returned it to a quarterly profit.$LABEL$2 +AMD enters the 90-nanometer zone Chipmaker becomes the last of several well-known chip companies to begin making 90-nanometer processors.$LABEL$3 +Cops Test Handheld Fingerprint Readers EAGAN, Minn. (AP) -- Several Minnesota police departments are field testing a handheld device that scans a suspect's fingerprint and digitally checks it against Minnesota's criminal history and fingerprint database...$LABEL$3 +wheat (Canadian Press) Canadian Press - TORONTO (CP) - Field trials of genetically modified wheat are still being conducted in Canada by multinational biotech giant Monsanto despite a pledge earlier this year that the testing would be abandoned, critics said Tuesday.$LABEL$0 +Sharon Allows 1,000 More Settler Homes in West Bank JERUSALEM (Reuters) - Prime Minister Ariel Sharon, facing a party mutiny over his plan to quit the Gaza Strip, has approved 1,000 more Israeli settler homes in the West Bank in a move that drew a cautious response Tuesday from Washington.$LABEL$0 +Americans Settle for 1-1 Tie With Aussies THESSALONIKI, Greece - The U.S. women's soccer team needed only a tie Tuesday and that's all it got - settling for a draw against a team it had always beaten...$LABEL$0 +Ill. Plans Online Network to Import Drugs CHICAGO - Ignoring a federal ban on prescription drug imports, Illinois' governor announced Tuesday that the state would have an online clearinghouse running within a month to help residents purchase drugs from Canada, Ireland and the United Kingdom. The state won't import the drugs itself, but plans to contract with a Canadian company to connect state residents with foreign pharmacies that have been approved by state health inspectors...$LABEL$0 +Britain Charges 8 Terrorist Suspects LONDON - British police charged eight terrorist suspects Tuesday of conspiring to commit murder and use radioactive materials, toxic gases, chemicals or explosives to cause ""fear or injury"" in a case involving an alleged top al-Qaida operative at the center of a U.S. terror alert this month...$LABEL$0 +Mobile Boohoo for Sohu (The Motley Fool) The Motley Fool - Chinese net stock Sohu.com (Nasdaq: SOHU - News) dropped by 10 on Friday after the company announced that its multimedia messaging services with China Mobile Communication had been temporarily suspended for a year. The sanctions were imposed after Sohu sent solicitations for phone messaging services without China Mobile's approval. Sohu is now down 25 after its high-flying start to this calendar year.$LABEL$3 +McAfee Finds Security in Foundstone (The Motley Fool) The Motley Fool - Shortly after we came back from our big vacation overseas in May, my Apple (Nasdaq: AAPL - News) PowerBook was hit with a computer virus. I can't tell you which one, but it was enough to cripple my Microsoft (Nasdaq: MSFT - News) Office for the Mac software. Symantec's (Nasdaq: SYMC - News) Norton Anti-Virus found the bug, and then eradicated it by exterminating my entire in-box. (Thanks, guys.)$LABEL$3 +Fencing: U.S. and Swiss End Gold Drought ATHENS (Reuters) - Mariel Zagunis won the first fencing gold for the United States for 100 years when she beat Xue Tan of China 15-9 in the inaugural Olympic women's sabre final on Tuesday.$LABEL$1 +Iraq's Sadr Declines to Meet Najaf Peace Delegation NAJAF, Iraq (Reuters) - Iraq's radical cleric Moqtada al-Sadr refused on Tuesday to meet a delegation of Iraqi political and religious leaders who want him to call off his uprising in the holy city of Najaf and other areas.$LABEL$0 +Court Rejects Yukos #39; Appeals About Tax Claim Yukos suffered a double blow Tuesday when the Moscow Arbitration Court rejected attempts by the oil major to cover part of a \$3.4 billion bill in back taxes and postpone collection of the claim. $LABEL$2 +Costco Target of Sex Bias Lawsuit SAN FRANCISCO (Reuters) - Lawyers leading a record-setting sex discrimination case against Wal-Mart Stores said on Tuesday they filed a lawsuit against Costco Wholesale Corp. (COST.O: Quote, Profile, Research) , claiming the company kept women out of top ...$LABEL$2 +Investors: Nortel may axe 5,000 jobs OTTAWA (Reuters) - Nortel Networks Corp. investors predicted Tuesday the telecom equipment giant will again slash jobs when it reports long-overdue results this week, and shrugged off news of another criminal probe into its high-profile accounting woes. $LABEL$2 +Stocks End Higher, Lifted by Data NEW YORK (Reuters) - US stocks ended higher on Tuesday, even as oil prices hit another record, as investors were encouraged by data showing an easing of inflationary pressure and a sharp rebound in the housing market. $LABEL$2 +Air Canada Creditors Clear Carrier #39;s Bankruptcy Plan (Update2) Aug. 17 (Bloomberg) -- Air Canada creditors including a General Electric Co. unit and Deutsche Bank AG cleared a plan that gives them most of the company #39;s equity when the carrier emerges from bankruptcy protection at the end of September. $LABEL$2 +AMD enters the 90-nanometer zone Advanced Micro Devices says it has reached a chip manufacturing milestone that will lead to improvements across its range of processor offerings for PCs and servers. $LABEL$3 +Flash Video Takes a Front Seat Macromedia announced a new kit that simplifies the way professional developers add video to their Web sites. $LABEL$3 +Microsoft Integration Server on Deck Microsoft (Quote, Chart) is ready to ship Host Integration Server 2004, offering a Windows interface to mainframes and legacy applications. $LABEL$3 +Phelps Pushes Gold-Medal Haul to Three ATHENS, Greece - With the quest to surpass Mark Spitz out of the way, Michael Phelps could savor one of the greatest races in swimming history. Phelps claimed his second and third gold medals of the Athens Games on Tuesday, winning the ...$LABEL$1 +Canadian poolcrasher prompts tighter security ATHENS - Olympic organizers have increased security inside all sports venues today after a Canadian, whose body was emblazoned with the name of an Internet casino, climbed out of the stands and jumped off one of the boards into the pool. $LABEL$1 +Americans Settle for 1-1 Tie With Aussies THESSALONIKI, Greece - The US women #39;s soccer team only needed a tie Tuesday, and that #39;s all it got - settling for a draw against a team it had always beaten. The Americans tied Australia 1-1, ending a perfect record against the Matildas ...$LABEL$1 +Southern African Development Community Agrees on New Election Guidelines Southern African leaders have agreed to a set of rules aimed at enhancing the transparency of elections and democratic rule in the region. $LABEL$0 +Army: May Not Withhold Halliburton Money WASHINGTON (Reuters) - The U.S. Army on Tuesday appeared to reverse a decision to stop paying a portion of Halliburton Co.'s <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=HAL.N target=/stocks/quickinfo/fullquote"">HAL.N</A> bills in Iraq and gave the company more time to resolve a billing dispute.$LABEL$2 +Lions' Porcher Accepting Diminished Role (AP) AP - Robert Porcher knows his NFL career is heading toward the end.$LABEL$1 +Romania Wins Women's Gymnastics Gold, U.S. Takes Silver ATHENS (Reuters) - Romania underlined their superiority over the rest of the field by storming to the women's gymnastics team gold at the Olympic Games Tuesday.$LABEL$1 +Japan Powers Past Cuba in Baseball ATHENS (Reuters) - In a baseball battle of gold-medal contenders, Japan banged three home runs to defeat Cuba 6-3 Tuesday, as starter Daisuke Matsuzaka pitched into the ninth.$LABEL$1 +Stocks Up on Data, Despite Oil's Rise NEW YORK (Reuters) - U.S. stocks ended higher for a third successive day on Tuesday, even as oil prices rose to another record, after investors were encouraged by data showing an easing of inflationary pressure and a sharp rebound in the housing market.$LABEL$2 +Restoration Hardware Names Tate COO Tate, who will also become executive vice president of the Corte Madera-based home furnishings chain, was most recently the operating chief at Krispy Kreme Doughnuts Inc. $LABEL$2 +Can RealNetworks Play Losses For Gain? NEW YORK - This is how serious the competition for digital music customers has become: RealNetworks will widen its losses in the hope of upgrading users to its premium subscription service. $LABEL$3 +CA Strengthens Security Investment CA (Quote, Chart) has taken a renewed interest this week in network security with two additions to its eTrust portfolio. The company acquired spyware killer PestPatrol and launched a consulting practice to assist partners with Vulnerability Manager ...$LABEL$3 +New Wi-Fi Spec Pushes for 100 Mbps A consortium of companies collaborating under the moniker quot;WWiSE quot; today announced their intended submission of a complete joint proposal to the IEEE 802.11 Task Group N (TGn), which is chartered with developing a next-generation ...$LABEL$3 +DOD Chooses Linux Clusters Linux Networx has announced that two Department of Defense centers will be using Linux cluster supercomputers from the company to conduct battlefield simulations. The clusters are part of an initiative to modernize the DOD #39;s ...$LABEL$3 +RVS Rathore: The silver lining Waiting for the bus to the Markopoulos shooting range this afternoon, a question from a Chinese journalist rattled me. quot;From India? How many medals have you won? quot; ...$LABEL$1 +Overrated NBA athletes losing to better teams For the purist, watching basketball played at the Olympic level is a nice break from what #39;s become of the game in this country. $LABEL$1 +Olympics-Federer #39;s Games dream shattered ATHENS, Aug 17 (Reuters) - World number one Roger Federer was bundled out of the Olympic tennis tournament on Tuesday by unheralded Czech Tomas Berdych. $LABEL$1 +Montreal at San Francisco, 7:05 PM SAN FRANCISCO (Ticker) -- The San Francisco Giants will look for their sixth straight win Tuesday when they continue a four-game series against the Montreal Expos at SBC Park. $LABEL$1 +Arrested Qaida terrorist an India-born WASHINGTON: Abu Musa al-Hindi, one of the principle terror suspects charged with plotting to attack US financial institutions, has been identified as India-born Dhiren Barot. British police on Tuesday charged Barot, 32, of gathering surveillance plans of ...$LABEL$0 +Media giant BSkyB sues EDS over troubled CRM system London-based media giant British Sky Broadcasting Group has filed a legal claim against Electronic Data Services over a problematic CRM system designed to support the media company's customer support call centers.$LABEL$3 +Microsoft readies Host Integration Server 2004 The newest edition of Host Integration Server, which replaces the 2000 version, is designed to make it easier for users to link Windows systems with IBM mainframes and midrange iSeries servers.$LABEL$3 +Q A: HP's Livermore sees no need for HP-UX on x86 Ann Livermore, executive vice president of HP's Technology Solutions Group, discussed the company's recent earnings report and talked about its hardware plans.$LABEL$3 +Pentagon turns to Linux for high-end battlefield simulations As part of its technology update program, the Defense Department has turned to two 256-processor Linux Networx Evolocity cluster supercomputers to improve complex computerized battlefield simulations.$LABEL$3 +Gartner revises PC market forecast, warns of downside Although the PC market won't grow as fast this year as originally envisioned by Gartner analysts, the industry is still expected to sell 12.6 more units this year than in 2003.$LABEL$3 +IBM seeks dismissal in second part of SCO case In documents filed Friday with the U.S. District Court for the District of Utah, IBM sought the dismissal of a major component of the lawsuit filed against it last year by The SCO Group.$LABEL$3 +Analysts concerned about longer-than-expected G5 delays Analysts from Prudential Equity Group and UBS are warning that delayed shipments of G5 chips from IBM could affect Apple Computer's bottom line$LABEL$3 +Making Slideshows Comparing photo slideshow computer applications, Thomas E. Weber writes for the Wall Street Journal, #147;Those using an Apple computer won #146;t need to agonize over which slideshow program to choose. Apple #146;s excellent iLife package (\$49; included with new Macs) is all they #146;ll need. Users can construct slideshows in the package #146;s easy-to-use iDVD program or move slideshows from iPhoto into iDVD for burning onto a disc. For more effects, the iMovie video-editing software can add panning and zooming motion. #148; Aug 17$LABEL$3 +New Europe Coaches Make Mark in World Cup (AP) AP - It didn't take long for the new coaches of three soccer powers to make their marks.$LABEL$1 +U.S. Rebounds with Narrow Basketball Win Over Greece ATHENS (Reuters) - The United States rebounded from a shock opening game loss to narrowly beat Greece 77-71 at the men's Olympic basketball tournament on Tuesday.$LABEL$1 +Google IPO imminent SAN JOSE, Calif. -- After months of unprecedented hype, Google took a final step toward its long-awaited public stock sale, asking regulators to finalize paperwork that could start trading as early as Wednesday. $LABEL$2 +Woman claims Costco discriminates against female managers SAN FRANCISCO An assistant store manager at Costco filed a federal civil rights suit today in San Francisco. Shirley quot;Rae quot; Ellis alleges she was passed over for a promotion because the retail chain #39;s policies discriminate against women. $LABEL$2 +Ford, Magna face class-action suit TORONTO (CP) -- Up to 400,000 Canadians might be driving Ford vehicles with faulty door latches that could lead to serious injury or death, according to a \$527-million class-action lawsuit commenced Tuesday against Ford Motor Co., Magna ...$LABEL$2 +Air Canada gets lease on life Creditors approve plan, get 10 cents on the dollar and allow airline to emerge from bankruptcy. MONTREAL (Reuters) - Air Canada creditors approved a recapitalization plan Tuesday that will allow the world #39;s 11th largest airline to emerge from bankruptcy ...$LABEL$2 +RealNetworks Slashes Prices For Music Downloads For three weeks, it will sell songs for 49 cents and albums for \$4.99--a move that could spark a price war. $LABEL$3 +Shot-Put Returns to Ancient Stadium THENS, Aug. 17 American shot-putter John Godina walked into the ancient Olympic stadium at Olympia when he arrived there earlier this week and the history he had studied in college came to life before his eyes. $LABEL$1 +No deaths #39;miraculous #39; in English flash flooding LONDON British police said today they believed no one had died in flash flooding that struck seaside communities in southwest England, but rescue operations were continuing. $LABEL$0 +Home Depot Profit Tops Estimates on Sales ATLANTA (Reuters) - Home Depot Inc. on Tuesday reported a 19 percent rise in second-quarter profit, handily topping estimates, as store renovations and efforts to improve service drove higher average sales in every category.$LABEL$2 +Dollar Up Slightly Vs. Euro NEW YORK (Reuters) - The dollar eked out marginal gains against the euro on Tuesday as the market digested a slew of U.S. economic data that failed to substantially alter the outlook for gradual increases in U.S. interest rates.$LABEL$2 +Violence Tackled at Online Gaming Parlors (AP) AP - Six days a week, teens crowd the Blue Screen Gaming cybercafe to hunt each other down with assault rifles inside virtual computer worlds. In these video game halls, nobody gets hurt. But real-life violence has flared around some of these businesses, prompting municipal crackdowns.$LABEL$3 +HP's Fiorina stood up by Argentina's President <strong>HP World</strong> Belly bands and three-legged stools$LABEL$3 +News: TRMM Sees Rain from Hurricanes Fall Around the World Since rain and freshwater flooding are the number one causes of death from hurricanes in the United States over the last 30 years, better understanding of these storms is vital for insuring public safety.$LABEL$3 +Desert hospitality, honor, and the war outside the door One Najaf family's shifting view of the fierce fighting that surrounds them.$LABEL$0 +Marked men with no place to hide The Honduran government's crackdown on street gangs has been swift, severe, and apparently successful.$LABEL$0 +Greek baseball team, made in the USA Success at the Games could boost the popularity of a sport unfamiliar to Greeks.$LABEL$0 +Tired of post-9/11 hassles, Arab tourists head east Saudi visitors to Malaysia were up 53 percent in 2004.$LABEL$0 +Sun-shy female commuters fuel an Asian fad Part hat, part mask, part visor, it's a new piece of bicycle headgear.$LABEL$0 +Nepal braced for rebel 'blockade' Nepalese forces are on alert ahead a deadline set by rebels, who have threatened to blockade the capital.$LABEL$0 +J.C. Penney Posts Profit, Sales Strong NEW YORK (Reuters) - Department store operator J.C. Penney Co. Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=JCP.N target=/stocks/quickinfo/fullquote"">JCP.N</A> on Tuesday posted a quarterly operating profit, reversing a year-earlier loss, on inventory controls and strong sales of jeans, home furnishings and career clothes.$LABEL$2 +Treasuries, Oil Up, Inflation in Check NEW YORK (Reuters) - Treasury debt prices rallied on Tuesday, dragging yields to four-month lows as July inflation figures proved subdued and soaring oil prices pointed to slower U.S. consumer spending down the line.$LABEL$2 +Windows XP Security Update Delayed (AP) AP - Microsoft Corp. has delayed automated distribution of a major security upgrade to its Windows XP Professional operating system, citing a desire to give companies more time to test it.$LABEL$3 +Network Solutions is Pathetic \\We have a few domains hosted on Network Solutions. For one reason or another we\were in a hurry and just used NetSol as our registrar. BIG mistake!\\They are one *pathetic* organization!\\They are a DNS company. That's what they DO! Their DNS admin only allows 10\IPs. Of course they don't tell you this when you signup. You only find out that\the UI doesn't allow for additional IPs until try to add them.\\To add insult to injury when you try to move AWAY from NetSol by changing your\primary and secondary they drop your IP configuration immediately. You're just\out of luck if there are clients which have cached your primary and secondary\DNS servers.\$LABEL$3 +Eagles Defensive End Kalu Out for Year (AP) AP - Defensive end N.D. Kalu will miss the season after tearing the anterior cruciate ligament in his right knee during in Tuesday's practice.$LABEL$1 +US NBA stars pushed to the brink before edging Greece (AFP) AFP - Allen Iverson scored 17 points despite a fractured right thumb and the reeling United States team was pushed to the brink before beating Greece 77-71 in an Olympic preliminary round basketball game.$LABEL$1 +A Big Perk for 84 Lumber Golfers (AP) AP - David Toms was going through his PGA Tour schedule for the remainder of the year when he mentioned the 84 Lumber Classic, which is squeezed between the Ryder Cup and a World Golf Championship in Ireland.$LABEL$1 +Blast in Gaza House Kills at Least Two (AP) AP - An explosion in a house in Gaza City early Wednesday killed at least two people, Palestinian witnesses said. It was not immediately known what caused the blast.$LABEL$0 +Blast in Gaza Home of Hamas Man Kills 4 - Medics GAZA (Reuters) - An explosion tore through the home of a senior Hamas militant in Gaza on Wednesday, killing at least four people and wounding him and about a dozen other Palestinians, medics said.$LABEL$0 +Sudan Says More Police to Shield Darfur Refugees ABUJA, Nigeria (Reuters) - Sudan plans to double the number of police in Darfur to 20,000, the country's foreign minister said on Tuesday in the face of fresh reports that marauding Arab militiamen were still preying on stricken refugees.$LABEL$0 +Report: Japan, Russia to Lose Population WASHINGTON - Japan, Germany and many other large industrialized countries face long-term population slowdowns or declines as more young adults have fewer children or delay child-rearing, demographers say. While the world's population is expected to increase by almost 50 percent by 2050, Japan could lose 20 percent of its population over the next half-century, according to data released Tuesday by the private Population Reference Bureau...$LABEL$0 +Thrilling Relay Win Gets Phelps Third Gold ATHENS, Greece - Now this was a duel in the pool. With Michael Phelps leading off Tuesday night, the United States bested its rival from Down Under in the most thrilling race of the Athens Games...$LABEL$0 +Microsoft Updates Its IBM Connectivity Server On Tuesday, Microsoft unveiled the 2004 version of its Host Integration Server (HIS) product, which is designed to integrate IBM mainframes and servers with Windows systems. $LABEL$3 +Official backs Scrafton #39;s version A former federal official has backed Mike Scrafton #39;s story that he told John Howard three days before the 2001 election that the children overboard story was wrong. $LABEL$0 +Japan Turns to 'Dream Team' to Restore Baseball Pride ATHENS (Reuters) - Japan's own baseball ""Dream Team"" hammered arch-rivals Cuba 6-3 and set themselves up as favorites for gold in the Athens Olympics Tuesday.$LABEL$1 +After the Bell-Applied Materials rises after earnings NEW YORK, Aug 17 (Reuters) - Shares of Applied Materials Inc. (AMAT.O: Quote, Profile, Research) , the largest maker of chip-making tools, rose after the bell on Tuesday after the company said healthy spending on new semiconductor factories more than ...$LABEL$2 +Alcoa closing Ohio plant, cutting 140 jobs Alcoa Inc. will close an automotive components factory in Ohio and lay off its staff in a bid to cut excess capacity, the Pittsburgh-based company said Tuesday. $LABEL$2 +Berkshire Takes Stake in Pier 1 Fellow Fool Alyce Lomax and I need to debate Pier 1 Imports (NYSE: PIR). Between Alyce covering the company warnings and me advising not to jump off the pier, there has been little good news to report. Is Pier 1 ready to get ...$LABEL$2 +Microsoft delays security update for Windows XP Professional REDMOND, Wash. -- Microsoft has delayed distribution of a security update for users of its Windows XP Professional operating system to give some companies more time to test it, the software company said Tuesday. $LABEL$3 +Microsoft Updates Its IBM Connectivity Server Microsoft on Tuesday unveiled the 2004 version of its Host Integration Server (HIS) product, which is designed to integrate IBM mainframes and servers with Windows systems. $LABEL$3 +Motorola rolls out database management software AUGUST 17, 2004 (COMPUTERWORLD) - Motorola Inc. announced today it has completed the second phase of a four-phase rollout of information life-cycle management (ILM) software that cut its production database size by as much as 50 in some business ...$LABEL$3 +Greek Soccer Out of Olympic Running The recently crowned European Champions are out of the running for a medal in men #39;s soccer. In the group rounds, Greece lost to Mexico 2:3 and watched as its favorite sons had to give up a chance for a gold to teams like Mali, South Korea, Iraq and ...$LABEL$1 +Kalu out for the year with torn ACL Defensive end ND Kalu will miss the season after tearing the anterior cruciate ligament in his right knee during in Tuesday #39;s practice. $LABEL$1 +Google IPO Paper Not Declared Effective (Reuters) Reuters - The U.S. Securities and Exchange\Commission did not declare effective Google Inc.'s registration\statement for its multibillion-dollar initial public offering\by the close of the agency's business day on Tuesday, an SEC\official said.$LABEL$2 +SEC Delays Google Stock Offering Google Inc.'s long-awaited initial stock sale, which appeared imminent Tuesday, has been delayed while the company awaits final approval of its paperwork by the Securities and Exchange Commission. <FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2""\ color=""#666666""><B>-Associated Press</B></FONT>$LABEL$3 +Britain scratching about for medals (AFP) AFP - Britain were neck and neck with Olympic minnows Slovakia and Zimbabwe and desperately hoping for an elusive gold medal later in the week.$LABEL$0 +Mobile Homes a Danger in Hurricane Zones, Owners Say PUNTA GORDA, Fla. (Reuters) - Rita Weston survived Hurricane Charley huddled under a mattress with her husband and mother in a mobile home she bought 35 years ago. But before the storm passed, the home was reduced to scrap wood and metal. $LABEL$2 +Alcoa to Close Ohio Plant, Cut 140 Jobs Aluminum producer Alcoa Inc. said Tuesday it is closing its Northwood, Ohio, automotive components factory by year-end to trim excess capacity, which will impact about 140 employees. $LABEL$2 +Cendant breaks off mortgage unit talks The real estate and travel company says it will continue to look for a buyer of its mortgage business. $LABEL$2 +Windows XP Security Update Delayed Microsoft Corp. has delayed automated distribution of a major security upgrade to its Windows XP operating system, citing a desire to give companies more time to test it. $LABEL$3 +New bird species discovered in Babuyan Island A NEW bird species, which is believed to be found nowhere else in the world, has been discovered on the remote island of Calayan, 70 km north of Luzon. $LABEL$3 +IBM Unwraps Middle Tier i5 Server IBM on Tuesday unveiled the eServer i5 550, a new addition to its Power 5-based lineup that it #39;s aiming at mid-sized business. $LABEL$3 +AOL Releases Netscape 7.2 Also included with 7.2 is an improved pop-up blocker which now stops more pop-ups than any previous version of Netscape, something only just apparent in some more widely used browsers, Netscape will even block mouse over pop-ups. $LABEL$3 +Analysts concerned about longer-than-expected G5 delays AUGUST 17, 2004 (MACCENTRAL) - Analysts from Prudential Equity Group and UBS have warned over the past two days that longer than expected G5 delays from IBM Corp. is the near-term quot;key risk quot; for Apple Computer Inc. $LABEL$3 +Japan lifts men #39;s gymnastics team gold (updated) ATHENS, Aug. 16 (Xinhuanet) -- World championships third-placers Japan took a sweet revenge on Monday to claim the men #39;s gymnasticsteam title at the Athens Olympics with a total score of 173.821 points. $LABEL$1 +Geogia woman wins medal in fencing ATHENS - The United States won its first fencing medals in 20 years Tuesday, a bronze by an Atlanta-area competitor and a gold by Mariel Zagunis in the saber competition. $LABEL$1 +Iraqi Peace Mission Snubbed by Rebel Cleric Sadr NAJAF, Iraq (Reuters) - Radical cleric Moqtada al-Sadr on Tuesday refused to meet an Iraqi peace delegation because of quot;American aggression quot; as US troops pounded militia positions in Najaf near the country #39;s holiest Islamic sites. $LABEL$0 +Israel invites bids for construction of 1,000 more homes in West Bank JERUSALEM (AP) - The Israeli government on Tuesday issued bids for 1,000 new homes in Jewish West Bank settlements, in a violation of an internationally backed peace plan, but insisted the construction has the tacit approval of one of the backers, the US ...$LABEL$0 +Blast in Gaza Home of Hamas Man Kills 4 - Medics GAZA (Reuters) - An explosion tore through the home of a senior Hamas militant in Gaza on Wednesday, killing at least four people and wounding him and about a dozen other Palestinians, medics said. $LABEL$0 +US to withhold Halliburton money The Pentagon is to withhold a proportion of payments to US firm Halliburton which supplies meals to US troops in Iraq.$LABEL$2 +Product Review: HP d530 Business Desktop (NewsFactor) NewsFactor - I.T. managers will appreciate the versatility of the HP (NYSE: HPQ) d530 Business Desktop, equipped with a 2.8 GHz Pentium 4 with hyperthreading technology. The small form-factor desktop targets business consumers seeking a reasonably priced, high-end PC. HP has produced a business machine that will fulfill any office task without draining your entire PC budget.$LABEL$3 +Aberdeen: CRM To Lead SMB Enterprise Software Spending (NewsFactor) NewsFactor - Small and mid-sized businesses (SMBs) still view cost-cutting as their primary reason for making enterprise software purchases. But customer acquisition and retention ranks second, and for that reason they will spend more on CRM functionality than any other enterprise software area this year, according to data gathered by Aberdeen Research.$LABEL$3 +Group Urges EPA for More Pollution Cuts (AP) AP - If the government required deeper cuts in air pollution from power plants, at least 3,000 lives would be saved and 140,000 children would avoid asthma and other respiratory ailments, an environmental group said Tuesday.$LABEL$3 +N.Y. Orders Power Plants to Cut Emissions (AP) AP - Citing what they called a public health emergency, New York officials on Tuesday ordered power plants to reduce emissions blamed for acid rain.$LABEL$3 +Crypto researchers abuzz over flaws Presenters at the Crypto 2004 conference identify faster ways to forge digital signatures with common security algorithms.$LABEL$3 +HP WORLD - HP: ProLiant delays to continue through August CHICAGO - Hewlett-Packard Co. customers will continue to have difficulties ordering custom configurations of HP's ProLiant servers though the end of August, company executives told attendees at the HP World conference in Chicago Tuesday. The problems are due to continuing problems with an SAP AG order processing and supply-chain deployment rolled out last month, they said.$LABEL$3 +Venezuelan Officials Agree to Audit Sample (AP) AP - Venezuelan election officials agreed Tuesday to conduct a partial audit of the results of a recall referendum won by President Hugo Chavez, amid opposition charges of election fraud, officials told The Associated Press.$LABEL$0 +Explosion in Hamas Man's Home in Gaza Kills 4 GAZA (Reuters) - An explosion tore through the home of a senior Hamas leader in Gaza on Wednesday, killing at least four people and wounding him and about a dozen other Palestinians, medics said.$LABEL$0 +7 Texas Kids Found in Nigeria Orphanage HOUSTON - Seven Texas children were discovered abandoned at a Nigerian orphanage, suffering from disease and malnutrition, and have been brought back to the United States. Child Protective Services, which received emergency custody of the children Monday, is investigating accusations that the children's adoptive mother abandoned them in Nigeria in October and later went to work in Iraq as a private contractor...$LABEL$0 +U.S. Bounces Back to Beat Greece 77-71 ATHENS, Greece - Lamar Odom made a key defensive play on Greece's Dimitris Pipanikoulaou, preventing him from getting a clean layup attempt that could have cut the United States' lead to two points, and the Americans won 77-71 Tuesday night in the second round of the Olympic men's basketball tournament. In a much closer game than expected, the Americans bounced back from their embarrassing loss to Puerto Rico in their opener and avoided dropping to 0-2, which would have matched their loss total from the previous 68 years...$LABEL$0 +Thrilling Relay Win Gets Phelps Third Gold ATHENS, Greece - Now this was a duel in the pool. With Michael Phelps leading off Tuesday night, the United States bested its top rival in the most thrilling race of the Athens Games...$LABEL$0 +ING Withdrawing #36;5 Billion From Janus (AP) AP - Janus Capital Group Inc. on Tuesday identified ING US Financial Services as the client planning to withdraw #36;5 billion from the Denver-based mutual funds giant.$LABEL$2 +SEC Leaves Google Waiting on IPO Go Ahead NEW YORK/WASHINGTON (Reuters) - U.S. securities regulators on Tuesday did not give Google Inc. the green light it needs to price its initial public offering, extending the wait for its highly anticipated market debut.$LABEL$2 +Hoops Team Rebounds The Americans survive a poor shooting night to beat Greece 77-71 at the men's Olympic basketball tournament on Tuesday.$LABEL$1 +Google IPO document not declared WASHINGTON (Reuters) - The US Securities and Exchange Commission has not declared effective Google #39;s registration statement for its multibillion-dollar initial public offering by the close of the agency #39;s business day on Tuesday, an SEC official says. $LABEL$2 +Yukos woes flare up again, offsetting Venezuela vote SAN FRANCISCO (CBS.MW) -- Crude futures headed higher Tuesday to close at a new historic level near \$47 a barrel, following news that a Russian court has rejected a plea from oil giant Yukos to suspend government efforts to collect a \$3.4 billion tax ...$LABEL$2 +Borders 2Q Profits Soar 89 Percent Borders Group Inc. #39;s second-quarter profits rose 89 percent on stronger-than-anticipated book sales and topped Wall Street #39;s estimates. The company also increased its full-year earnings outlook. $LABEL$2 +FTC Seeks to Delay Arch-Triton Merger Antitrust regulators have asked a federal appeals court to temporarily block Arch Coal Inc. #39;s \$364 million acquisition of Triton Coal Co. Ltd., pending court appeal. $LABEL$2 +Another dodo? Flightless bird found in Philippines SCIENTISTS have discovered a new species of flightless bird on a remote island in the Philippines, the conservation group BirdLife International said yesterday. $LABEL$3 +AOL Releases Netscape Browser Update America Online Inc. on Tuesday opened the curtain on its update to the Netscape Web browser. Netscape 7.2 became available for download from the Netscape site. As previously reported, AOL had planned to unveil its first browser update in a year by the ...$LABEL$3 +Gloom amid the boom BANGALORE - The success of India #39;s high-tech and outsourcing industry was built on Bangalore but the southern city where the boom began has now become a victim of its own success. $LABEL$3 +Unobstructed Views: Olympic-sized fools For all their troubles, the Olympic Games remain the greatest unifying force in the world. Every four years, they draw a diverse international audience, bridging cultural gaps, transcending ethnic divisions, and uniting us all in a single, harmonious ...$LABEL$1 +US Wins First Fencing Gold Since 1904 THENS, Aug. 17 As the American fencer Mariel Zagunis yelled in triumph, her teammates rushed her and hurled her into the air. What made their celebratory gesture especially notable was that Zagunis was still holding, and waving, her ...$LABEL$1 +Colombian golfer leads US Amateur qualifying MAMARONECK, NY (AP) Oscar Alvarez of Colombia shot a 3-under-par 67 for the first-round lead at the US Amateur on Monday. Alvarez, a junior at BYU, had five birdies and two bogeys on the 6,775-yard East course at Winged Foot Golf Club, and was the ...$LABEL$1 +North Korea #39;won #39;t pull out of 6-way talks #39; BEIJING - China said yesterday that its close ally North Korea will not be pulling out of six-party talks, despite Pyongyang hinting that Washington #39;s hardline policy made the negotiations unworkable. $LABEL$0 +Annan urges Myanmar to free Suu Kyi NEW YORK UN Secretary General Kofi Annan on Tuesday raised doubts about Myanmar #39;s resolve to implement a road map for democracy and urged the nation #39;s military leaders to immediately release pro-democracy leader Aung San Suu Kyi. $LABEL$0 +Borders Profits Rise, Raises Outlook NEW YORK (Reuters) - Borders Group Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=BGP.N target=/stocks/quickinfo/fullquote"">BGP.N</A>, the No. 2 U.S. bookseller, on Tuesday said quarterly earnings rose, beating estimates by the company and Wall Street, largely because of stronger-than-expected book sales.$LABEL$2 +Army May Not Withhold Halliburton Money WASHINGTON (Reuters) - The U.S. Army reversed a decision late Tuesday to withhold payment on 15 percent of future invoices of Halliburton Co.'s <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=HAL.N target=/stocks/quickinfo/fullquote"">HAL.N</A> logistics deal in Iraq and gave the company more time to resolve a billing dispute.$LABEL$2 +Google Interview Is Draw for Latest Playboy Issue (Reuters) Reuters - The new issue of Playboy magazine\isn't drawing attention in some circles for its trademark\centerfold but for an interview with the founders of Web search\engine Google Inc. that raised regulatory eyebrows.$LABEL$3 +Williamson Gets Third Opinion on Elbow (AP) AP - Red Sox reliever Scott Williamson sought a third opinion on his ailing right elbow Tuesday before deciding whether to have major reconstructive surgery.$LABEL$1 +Iran Threatens Israel on Nuclear Reactor (AP) AP - Accompanied by a warning that its missiles have the range, Iran on Tuesday said it would destroy Israel's Dimona nuclear reactor if the Jewish state were to attack Iran's nuclear facilities.$LABEL$0 +Grim funeral service held for Burundi massacre victims (AFP) AFP - Thousands of grieving people and top politicians attended a grim funeral service held to bury some 160 Congolese Tutsis slaughtered in a refugee camp in Burundi.$LABEL$0 +Borders Profits Rise, Raises Outlook NEW YORK (Reuters) - Borders Group Inc. (BGP.N: Quote, Profile, Research) , the No. 2 US bookseller, on Tuesday said quarterly earnings rose, beating estimates by the company and Wall Street, largely because of stronger-than-expected book sales. $LABEL$2 +Applied Materials Reports Profit in 3Q Applied Materials Inc., the world #39;s largest supplier of machines that make computer chips, Tuesday said surging sales in its latest quarter surpassed its own and Wall Street estimates. $LABEL$2 +NZ PRESS: NGC Seeks LPG, Network Businesses To Grow WELLINGTON (Dow Jones)--NGC Holdings (NGC.NZ), a New Zealand-based gas distribution and metering concern, is seeking liquified petroleum gas and electricity network businesses in its quest for growth, the Dominion Post reported on its Web site Wednesday. $LABEL$2 +New bird species discovered in Philippines Cambridge, England, Aug. 17 (UPI) -- British and Filipino researchers have found a new bird species on a remote island in the northern Philippines, which is a relative to the familiar Moorhen. $LABEL$3 +AOL adopts Girafa #39;s thumbnail search technology Girafa.com, which develops and providers data visualization solutions and services, announced yesterday that CompuServe, Netscape, AIM and ICQ - properties of America Online (AOL) - have signed an agreement with Girafa to use its thumbnail ...$LABEL$3 +HHS spends \$228M on IT programs A preliminary accounting of efforts by the Department of Health and Human Services shows that the agency has about 19 major health information technology initiatives, totaling about \$228 million. $LABEL$3 +Palm adds an SD Wi-Fi card PalmOne has at long last released an SD Wi-Fi card, enabling PDA users to connect to both office WLANs and public hotspots. However, difficulties with implementing wireless Ethernet on PalmOS mean that the US\$129 card will only work on the Tungsten T3 and ...$LABEL$3 +UAE, India hit Olympic firsts ATHENS The United Arab Emirates and India scored Olympic firsts on day four of the Athens Games on Tuesday and there was good news also for host Greece, which landed its second gold of the competition. $LABEL$1 +Olympics: US NBA stars pushed to the brink before edging Greece ATHENS : Allen Iverson scored 17 points despite a fractured right thumb and the reeling United States team was pushed to the brink before beating Greece 77-71 in an Olympic preliminary round basketball game. $LABEL$1 +Matildas #39;salvage late draw with US ATHENS: Australia #39;s Matildas salvaged a 1-1 draw against the United States at the Athens Olympics on Tuesday to join the Americans in the last eight of the women #39;s soccer tournament. $LABEL$1 +Olympics-Federer #39;s Olympic dream shattered twice over ATHENS, Aug 17 (Reuters) - World number one Roger Federer #39;s top target for the year -- an Olympic tennis gold medal -- was taken away from him in a quot;terrible day quot; on Tuesday. $LABEL$1 +Karzai likely to visit Pakistan next week KABUL: Afghan President Hamid Karzai is likely to visit Pakistan from August 23 (Monday), sources said on Tuesday. $LABEL$0 +Candidate for Democratic Party Arrested in China ONG KONG, Aug. 17 An already heated election campaign for the legislature here took an unexpected turn today with an announcement by the Democratic Party that one of its candidates had been arrested in mainland China on charges of ...$LABEL$0 +Borders Profits Up, Outlook Raised NEW YORK (Reuters) - Borders Group Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=BGP.N target=/stocks/quickinfo/fullquote"">BGP.N</A>, the No. 2 U.S. bookseller, on Tuesday said quarterly earnings rose, beating estimates by the company and Wall Street, as a looming presidential election whetted appetites for political books and led to higher-than-expected sales.$LABEL$2 +Australia Salvages Late Draw with U.S. Women in Soccer ATHENS (Reuters) - Australia's ""Matildas"" salvaged a 1-1 draw against the United States at the Athens Olympics on Tuesday to join the Americans in the last eight of the women's soccer tournament.$LABEL$1 +Manning Gets Chance to Start Giants Coach Tom Coughlin announced that rookie quarterback Eli Manning will start ahead of two-time M.V.P. Kurt Warner in Thursday's preseason game against Carolina.$LABEL$1 +Ruling Likely Ends Bloom's College Football Career The N.C.A.A. has denied Jeremy Bloom's request to play football at Colorado while accepting endorsements to support his skiing career.$LABEL$1 +IMF gives Jamaica thumbs up The International Monetary Fund has praised the Jamaican government for stabilizing the country's economy.$LABEL$2 +Outspoken Winslow Makes Impression at Camp (AP) AP - Hot-tempered and outspoken, Kellen Winslow Jr. isn't toning it down just because he's a rookie.$LABEL$1 +US NBA stars pushed to the brink before edging Greece (AFP) AFP - Sick, injured and reeling from a humiliating loss, the United States basketball team struggled past Greece 77-71 in an Olympic preliminary-round game that signaled more difficulties to come.$LABEL$1 +Israel Kills 5 in Attempt to Assassinate Hamas Man GAZA (Reuters) - A senior Hamas leader survived an Israeli assassination attempt on Wednesday but at least five other Palestinians were killed in the night-time explosion that tore through his Gaza home.$LABEL$0 +Carl Reiner: Comedy as a Life #39;s Work Description: Actor Carl Reiner found his life #39;s calling in the third grade, making his classmates laugh by walking on his hands. The actor, comedian and director joins NPR #39;s Neal Conan and takes calls. $LABEL$3 +Google Stock Sale Delayed as SEC Doesn #39;t Act on IPO (Update1) Aug. 17 (Bloomberg) -- Google Inc. #39;s plan to sell shares today in an initial public offering was delayed because the US Securities and Exchange Commission didn #39;t act on the company #39;s request to approve its stock registration. $LABEL$2 +US withholds some Halliburton payments for Iraq services Halliburton said Tuesday that the US Army had decided not to grant it additional time to substantiate its costs for feeding and housing American troops in Iraq and Kuwait, a decision that could cost the company 15 percent of its payment. $LABEL$2 +Mounties initiate Nortel investigation The Royal Canadian Mounted Police (RCMP) have launched a criminal investigation into the financial accounting practices of network gear maker Nortel Networks just days before the company is set to release some of its restated financial results. $LABEL$2 +Phelps #39;s dreams meet not-so-bad realities ATHENS Imagine, just for the length of a breezy, sun-kissed summer evening in Athens, that you had not heard a word about Michael Phelps before these Olympics began. That you knew nothing about his childhood in Baltimore; the failed Olympic dreams of his ...$LABEL$1 +Federer eliminated by the 74th-ranked Berdych ATHENS Top-seeded Roger Federer was eliminated in the second round of the Olympic tennis tournament Tuesday, losing to Tomas Berdych of the Czech Republic, 4-6, 7-5, 7-5. $LABEL$1 +Georgian Leader Seeks Ossetia Conference Georgian President Mikhail Saakashvili appealed to world leaders Tuesday to convene an international conference on the conflict in breakaway South Ossetia, where daily exchanges of gunfire threaten to spark a war. $LABEL$0 +Australia #39;s Labor Leader Latham Hospitalized With Pancreatitis Aug. 18 (Bloomberg) -- The leader of Australia #39;s main opposition Labor Party, Mark Latham, has been hospitalized with pancreatitis, according to a statement released by his party. $LABEL$0 +Google market debut delayed Google's estimated \$3bn flotation has been delayed by at least a day as the firm awaits regulatory approval.$LABEL$2 +Financial Firms Hasten Their Move to Outsourcing A myriad of financial institutions including banks, mutual funds, insurance companies, investment firms and credit-card companies are sending work to overseas locations.$LABEL$2 +Berlin Zoo Separates Baby Rhino from Clumsy Mother (Reuters) Reuters - Vets at a Berlin zoo have been forced to\separate a baby rhino from his mother for fear she may\accidentally trample him to death, zoo officials said on\Tuesday.$LABEL$3 +Novell bundles JBoss app server Novell Inc. earlier this month bundled the open-source, J2EE-compliant JBoss Application Server with its SUSE Linux Enterprise Server 9, giving application developers a built-in deployment option.$LABEL$3 +Stricken Washington Guard to Return (AP) AP - Twenty months after her teammates helped save her life when her heart stopped, Kayla Burt said Tuesday she plans to again play basketball for Washington in the 2004-05 season.$LABEL$1 +Borders Profits Up, Outlook Raised NEW YORK (Reuters) - Borders Group Inc. (BGP.N: Quote, Profile, Research) , the No. 2 US bookseller, on Tuesday said quarterly earnings rose, beating estimates by the company and Wall Street, as a looming presidential election ...$LABEL$2 +Update 1: Louisiana-Pacific Names Frost CEO Louisiana-Pacific Corp. named executive vice president Richard W. Frost the lumber company #39;s next chief executive, company officials announced Tuesday. $LABEL$2 +Wall Street closes higher, but record oil prices cap day #39;s gains NEW YORK : Wall Street shares closed higher on Tuesday, but record oil prices capped the day #39;s gains amid concerns over a multi-billion-dollar tax bill facing Russian oil giant Yukos. $LABEL$2 +Confidence drops in Germany Investor confidence in Germany, Europe #39;s biggest economy, dropped in August to the lowest level in more than a year, according to data released on Tuesday, amid concern that record oil prices would crimp global growth and impede a recovery in consumer ...$LABEL$2 +IBM to buy Danish firms International Business Machines said Tuesday it would buy two Danish competitors to add consulting services for shipping and logistics companies. $LABEL$2 +XP security update delayed MICROSOFT has delayed automated distribution of a major security upgrade to its Windows XP Professional operating system, citing a desire to give companies more time to test it. $LABEL$3 +Greeks leave hospital to face music Kostas Kederis and Ekaterini Thanou, the Greek sprinters who, it is alleged, deliberately evaded four drugs tests, left hospital yesterday with Kederis having been treated for scratches and Thanou with no visible injuries. $LABEL$1 +White Sox manager sent to hospital White Sox manager Ozzie Guillen, set to start a two-game suspension Tuesday night, went to a hospital before the game against Detroit because of pain in his back and side. $LABEL$1 +Hollywood awaits Termite from Texas and Iraqi fly What an inspirational story: former world title contender becomes used car salesman in Texas, becomes rattlesnake killer, becomes pest exterminator in Baghdad, becomes boxing coach of Iraq and self-proclaimed quot;saviour quot; of that troubled nation. It is ...$LABEL$1 +Flash flood in Cornwall leaves villagers missing BOSCASTLE, England Rescue workers searched this coastal village in north Cornwall on Tuesday for missing persons after a flash flood sent a wall of water tearing through the picturesque tourist spot the day before. $LABEL$0 +Calif. Assembly Backs E-Mail Monitoring Disclosure (Reuters) Reuters - California's Assembly on Tuesday\voted to require the state's employers to inform their workers\in writing if e-mail and other Internet activity is monitored\at work.$LABEL$3 +Health Highlights: Aug. 17, 2004 Here are some of the latest health and medical news developments, compiled by editors of HealthDay: ----- Arizona Leads Nation in West Nile Cases Thousands of abandoned swimming pools, along with irrigation canals and other prime breeding sites for mosquitoes in Phoenix, have made Arizona the state hardest hit by West Nile virus this year. Arizona has accounted for at least 290 of more than 500 reported cases of West Nile virus in the United States so far in 2004...$LABEL$3 +Illinois Plans Online Network to Import Cheaper Drugs By DON BABWIN CHICAGO (AP) -- Ignoring a federal ban on prescription drug imports, Illinois' governor announced Tuesday that the state would have an online clearinghouse running within a month to help residents purchase drugs from Canada, Ireland and the United Kingdom. The state won't import the drugs itself, but plans to contract with a Canadian company to connect state residents with foreign pharmacies that have been approved by state health inspectors...$LABEL$3 +Free-Speech Protection Sought for Internet Casino Ads By Alan Sayre NEW ORLEANS (AP) -- The operator of a gambling news site on the Internet has asked a federal judge to declare that advertisements in U.S. media for foreign online casinos and sports betting outlets are protected by free-speech rights...$LABEL$3 +President OKs More Colombia Assistance (AP) AP - President Bush said Tuesday the U.S. government will continue to assist Colombia in interdicting aircraft suspected of drug trafficking.$LABEL$0 +N.Y. Welcomes Protesters With Discounts (AP) AP - Discounted hotels and Broadway show tickets for convention protesters?$LABEL$0 +A Look at U.S. Military Deaths in Iraq (AP) AP - As of Tuesday, Aug. 17, 943 U.S. service members have died since the beginning of military operations in Iraq in March 2003, according to the Defense Department. Of those, 703 died as a result of hostile action and 240 died of non-hostile causes.$LABEL$0 +India and Pakistan notch up first hockey wins (Reuters) Reuters - Former hockey powerhouses Pakistan and India notched up their first wins of the Athens Olympics on Tuesday, charming crowds with their trademark running games.$LABEL$0 +US CREDIT-Halliburton jostled by Army audit back-and-forth NEW YORK, Aug 17 (Reuters) - In an otherwise listless credit market, Halliburton has created some drama with its ongoing saga with the Army over its accounting for \$1.8 billion of work in Iraq and Kuwait. $LABEL$2 +After the Bell-Applied Materials, Network Appliances rise NEW YORK, Aug 17 (Reuters) - Shares of data storage equipment maker Network Appliance Inc. (NTAP.O: Quote, Profile, Research) rose after the bell on Tuesday after the company posted a quarterly profit that rose 73 percent on strong sales in Asia and ...$LABEL$2 +(Recasts first paragraph, adds transaction details, CEO interview, stock price and byline) NEW YORK, Aug 17 (Reuters) - Mills Corp. (MLS.N: Quote, Profile, Research) , adeveloper of theme shopping and entertainment malls, on Tuesday said it would pay a General Motors unit about \$1.033 billion to buy a 50 percent managing stake ...$LABEL$2 +Argentina rejects IMF intervention In the face of sharp disagreements between Argentina and the International Monetary Fund (IMF), on August 8 the Argentine government decided to temporarily suspend negotiations with ...$LABEL$2 +Phelps gets that golden feeling again ATHENS, Greece Take Mark Spitz off his back, and this Phelps kid is pretty fast. quot;It is, quot; Michael Phelps conceded, quot;a little bit easier to get up on the (starting) block. quot; ...$LABEL$1 +Olympics: Phelps in Gold Rush, Doping Scandals Rumble On ATHENS (Reuters) - US teenager Michael Phelps powered his way to two more golds in the Olympic swimming pool on Tuesday, setting a new Games record in the 200 meters butterfly and leading a 4 x 200 freestyle cliffhanger. $LABEL$1 +Faulds folds as Al Maktoum triumphs The family name alone, Al Maktoum, offered more than a scintilla of suspicion that we could expect something special. Never mind that victory normally materialises in the form of blue-blooded bloodstock rather from the barrel of ...$LABEL$1 +Stricken Washington guard announces return to court Twenty months after her teammates helped save her life when her heart stopped, Kayla Burt said Tuesday she plans to again play basketball for Washington in the 2004-05 season. $LABEL$1 +UN claims lack of military observers in Darfur region KHARTOUM, Aug 18, 2004 (Financial Times) -- The number of military observers deployed in the Darfur region of Sudan is not sufficient to monitor whether the Sudanese government fulfils its pledges to the United Nations, a senior UN ...$LABEL$0 +Germany #39;s Chancellor Schroder and his wife adopt Russian girl Germany #39;s Chancellor Gerhard Schroder and his wife Doris have adopted a three-year-old Russian girl who has been living with them for over a fortnight, Germany #39;s mass circulation Bild newspaper revealed yesterday. $LABEL$0 +PM #39;a trustworthy invidual #39; PRIME Minister John Howard was a trustworthy individual and most Australians knew it, Deputy Prime Minister John Anderson said. $LABEL$0 +Consumer Prices Drop as Industry Output Is Up Consumer prices dropped in July for the first time in eight months as a sharp run up in gasoline costs reversed, the government said.$LABEL$2 +Hiking With Dogs Has Health Benefits People who love to hike find taking along a four-legged companion can have physical benefits for both ends of the leash. Studies show people are more successful at losing weight when they do it with a friend. What better friend than a dog to provide company and keep a person on track.$LABEL$3 +Netscape browser update released SAN FRANCISCO - After being written off by industry observers last year, America Online Inc.'s browser unit showed signs of life Tuesday as it released an update to its Netscape Web browser.$LABEL$3 +Simms Impressive in Bucs' Preseason Debut (AP) AP - Jon Gruden can understand why Tampa Bay fans are talking about Chris Simms.$LABEL$1 +Vatican Gives Schedule of Pope's Next Trip (AP) AP - Two days after a grueling papal pilgrimage which left some wondering if Pope John Paul II could still travel, the Vatican on Tuesday announced details of the ailing pontiff's next trip.$LABEL$0 +New Computer Is Created Just for Teenagers This isn't your typical, humdrum, slate-colored computer. Not only is the PC known as the hip-e almost all white, but its screen and keyboard are framed in fuzzy pink fur. Or a leopard skin design. Or a graffiti-themed pattern.$LABEL$3 +Violence Tackled at Internet Gaming Parlors By ALEX VEIGA LOS ANGELES (AP) -- Six days a week, teens crowd the Blue Screen Gaming cybercafe to hunt each other down with assault rifles inside virtual computer worlds. In these video game halls, nobody gets hurt...$LABEL$3 +Google Stock Sale Delayed as SEC Doesn #39;t Act on IPO (Update1) Aug. 17 (Bloomberg) -- Google Inc. #39;s plan to sell shares today in a \$3.47 billion initial public offering was delayed because the US Securities and Exchange Commission didn #39;t act on the company #39;s request to approve its stock registration. $LABEL$2 +Costco employee claims retailer discriminates against women SAN FRANCISCO - An assistant manager at a Costco store filed a federal lawsuit Tuesday accusing the retailer of not promoting her because she #39;s a woman. $LABEL$2 +Netscape browser update released SAN FRANCISCO - After being written off by industry observers last year, America Online Inc. #39;s browser unit showed signs of life Tuesday as it released an update to its Netscape Web browser. $LABEL$3 +Study: Spammers, Virus Writers Getting Chummy A new MessageLabs report says more than 86 of the E-mail it sampled in June was spam--and nearly one in 10 contained a virus. $LABEL$3 +Faster Wireless Networking Protocol Proposed The WWiSE proposal builds on the existing and globally adopted 20MHz channel format of the tens of millions of Wi-Fi devices already in use. Its proposal is a second, competing standard that seeks to speed up wireless networks with ...$LABEL$3 +Powell calls Russian FM over Georgian conflict WASHINGTON, Aug. 17 (Xinhuanet) -- US Secretary of State Colin Powell has called Russian Foreign Minister Sergei Lavrov over the conflict in Georgia #39;s breakaway region of South Ossetia, State Department deputy spokesman Adam Ereli said on Tuesday. $LABEL$0 +Sudan deploys additional 2,000 policemen in Darfur KHARTOUM, Aug. 17 (Xinhuanet) -- The Sudanese government said on Tuesday that it has deployed another 2,000 policemen in Darfur to secure the situation in the area under an agreement with the United Nations. $LABEL$0 +HP Execs: Supply Chain, Order Processing Hurt U.S. Q3 Results (Investor's Business Daily) Investor's Business Daily - A week after shaking up its enterprise hardware business following a poor showing last quarter, Hewlett-Packard put its best face forward before more than 7,000 customers and partners at the HP World conference in Chicago.$LABEL$3 +Vindigo sold to Japanese content company Japan's For-Side.com pays \$36.5 million for provider of maps, news and other material for mobile devices.$LABEL$3 +Britain Charges Eight Terrorist Suspects LONDON - British police charged eight terrorist suspects Tuesday with conspiring to commit murder and use radioactive materials, toxic gases, chemicals or explosives to cause ""fear or injury"" in a case involving an alleged top al-Qaida operative at the center of a U.S. terror alert this month...$LABEL$0 +Google Offering Is Delayed Google's long-awaited initial stock sale, which appeared imminent today, has been delayed while the company awaits final approval of its paperwork by the S.E.C.$LABEL$2 +Benefits Seen in Earth Observation Data (AP) AP - Scientists are planning to take the pulse of the planet #151; and more #151; in an effort to improve weather forecasts, predict energy needs months in advance, anticipate disease outbreaks and even tell fishermen where the catch will be abundant.$LABEL$3 +Maryland Dig May Reach Back 16,000 Years (AP) AP - Robert D. Wall is too careful a scientist to say he's on the verge of a sensational discovery. But the soybean field where the Towson University anthropologist has been digging for more than a decade is yielding hints that someone camped there, on the banks of the Potomac River, as early as 14,000 B.C.$LABEL$3 +Expedition to Peru Finds Five New Sites (AP) AP - An American-led expedition discovered five new districts in what its leader described as an ancient jungle metropolis on the slopes of the Peruvian Andes.$LABEL$3 +SEC Leaves Google Waiting on IPO Go Ahead NEW YORK/WASHINGTON (Reuters) - US regulators on Tuesday did not give Google Inc. the green light it needs to price its initial public offering, extending the wait for the Web search giant #39;s eagerly anticipated market ...$LABEL$2 +SEC Is Seen Banning Mutual Fund Practice The Securities and Exchange Commission is poised to curb fund companies from steering stock trades to brokerage firms that agree to sell their funds. $LABEL$2 +New Vodafone contract puts Beckham in picture Despite his disappointing performance in Portugal during the World Cup, England captain and Real Madrid midfielder David Beckham has at least one loyal supporter in the shape of Vodafone. $LABEL$1 +Israeli Attack in Gaza Kills Five Palestinians, Haaretz Says Aug. 18 (Bloomberg) -- Israeli soldiers were behind an explosion at a house used by Hamas gunmen in Gaza City that killed five Palestinians, the Israeli daily newspaper Haaretz said, citing an unidentified Israel Defense Forces official. $LABEL$0 +Briefly: Maxtor ships multimedia-friendly drive roundup Plus: Gateway says, hold on to your hard drive...Kinko's debuts Web-based print options...Majoras takes charge of FTC.$LABEL$3 +Maxtor ships multimedia-friendly drive The new DiamondMax 10 drives are designed to help people run multiple applications, such as games and music, without overwhelming their PC system.$LABEL$3 +Gadget price declines slow for summer Consumer electronics prices still drop, mostly, but not so much.$LABEL$3 +Yahoo Unveils Budget Domains Deal Domain hosting and parking services drop in price, rise in capacity to lure small businesses.$LABEL$3 +Netscape Updates Browser Mozilla-based Netscape 7.2 improves printing and integrates instant messaging.$LABEL$3 +Crude Oil Trades Near Record on US Economic Growth Report Aug. 18 (Bloomberg) -- Crude oil futures in New York traded near a record \$46.95 a barrel as strengthening US economic figures boosted concern that production capacity may not be adequate to meet global demand. $LABEL$2 +Tokyo Stocks Mixed; Dollar Down Vs. Yen (AP) AP - Tokyo stocks were mixed early Wednesday as concerns about high oil prices vied for buying prompted by Wall Street's strength. The dollar was trading lower against the Japanese yen.$LABEL$0 +Netscape Updates Browser (PC World) PC World - Mozilla-based Netscape 7.2 improves printing and integrates instant messaging.$LABEL$3 +Security Firms Bulk Up (PC World) PC World - CA buys antispyware vendor PestPatrol while McAfee snaps up Foundstone.$LABEL$3 +Moore Takes Stroke Honors at U.S. Amateur (AP) AP - Ryan Moore took medalist honors in stroke-qualifying play at the U.S. Amateur on Tuesday, shooting and even-par 70 for a two-round total of 139.$LABEL$1 +Real music takes bite out of Apple A price war in the online music market began yesterday when RealNetworks began an aggressive campaign to challenge industry leader Apple. $LABEL$3 +New to science, island bird that never flies nest A new species of flightless bird has been discovered on Calayan, a remote island in the Philippines, by an Anglo Filipino expedition. $LABEL$3 +Another Product Delay at Intel Intel originally announced it had developed chip technology for high-definition big-screen televisions at the annual Consumer Electronics Show in January. It originally expected that it would ship the TV chip by the end of the year, but ...$LABEL$3 +Game execs predict mergers, price cuts LOS ANGELES - Video game executives believe consolidation will be crucial to their future, but they also want further cuts to hardware prices to boost short-term growth, according to a report set for release this week. $LABEL$3 +It #39;s a big injustice, protests Greek sprinter The Greek sprinter Kostas Kenteris left hospital yesterday protesting his innocence ahead of today #39;s International Olympic Committee disciplinary hearing that looks certain to land him with a ban. $LABEL$1 +US NBA stars edge Greece Sick, injured and reeling from a humiliating loss, the United States basketball team struggled past Greece 77-71 in an Olympic preliminary-round game that signalled more difficulties to come. $LABEL$1 +Iraqi delegation flies to Najaf for peace talks An eight-member team of Iraqi political and religious leaders flew to Najaf to talk with Sadr on Tuesday.(Xinhua/AFP) ...$LABEL$0 +UK charges 8 in terror plot linked to US alert LONDON: Britain has charged eight terrorism suspects and said one had plans which could be used in terror attacks on US financial targets in New York, New Jersey and Washington. $LABEL$0 +China says hopes N.Korea nuclear talks to continue BEIJING, Aug 18 (Reuters) - China said on Wednesday it hoped all six parties taking part in talks on the North Korea nuclear crisis would keep calm, remain flexible and continue negotiations despite inevitable difficulties. $LABEL$0 +British soldier killed in Basra A British soldier was believed to have been killed and another seriously injured last night after clashes with Shia fighters in the southern Iraqi city of Basra. $LABEL$0 +Dominicans send juiced message Dominican New Yorkers had a message yesterday for the newly elected president of their homeland: Let there be light. $LABEL$0 +SEC seeks to update stock sale rules BEIJING, Aug.18 (Xinhuanet) -- The US Securities and Exchange Commission (SEC) may revise its rules on initial stock offerings to modernize 1930s-era guidelines, agency commissioners and staff said. $LABEL$2 +AMP #39;s H1 profit beats expectation Insurer and fund manager AMP Ltd. , on Wednesday posted a better-than-expected first-half profit on higher investment returns and improved margins, and targeted a stronger performance for the remainder of the year. $LABEL$2 +Yahoo Unveils Budget Domains Deal Domain hosting and parking services drop in price, rise in capacity to lure small businesses. Trying to attract more small business customers, Yahoo has introduced a new domain name registration service and significantly increased the storage space and ...$LABEL$2 +Fall Season Looks Solid for Retailers, But Holidays Could Be Another Story Against a background of lackluster retail sales in June and July, analysts and merchants still predict a decent, possibly strong, fall selling season for clothes, accessories and home furnishings.$LABEL$2 +Mutual Funds Opt to Liquidate Some of the nations more than 8,000 mutual funds are shutting their doors, as their manag- ers confront a lackluster stock market, great- er regulatory scrutiny and higher costs.$LABEL$2 +Charley Shows Progress, Pitfalls in Forecasting (Reuters) Reuters - A few decades ago, the earliest warning\Floridians would have had of a hurricane would have been black\clouds on the horizon. Now people are complaining after\Hurricane Charley hit shore at a point just 60 miles off from\the track projected by meteorologists.$LABEL$3 +Bears' Tucker Out With Dislocated Elbow (AP) AP - Chicago Bears left guard Rex Tucker will miss eight to 10 weeks of the regular season because of a dislocated left elbow.$LABEL$1 +Researchers Try to Breed Rare Sea Ducks (AP) AP - Researchers at the Alaska Sealife Center are poking into the private lives of Steller's eiders #151; a rare sea duck that is disappearing from its nesting grounds in Alaska.$LABEL$3 +Google #39;s IPO delayed Google Inc. #39;s initial public offering has been delayed while the company awaits final approval of its paperwork by the Securities and Exchange Commission. $LABEL$2 +AMP Turns to 1st-Half Profit After It Cut Debt, Costs (Update4) Aug. 18 (Bloomberg) -- AMP Ltd., Australia #39;s largest life insurer, posted its first half of profit in four after Chief Executive Andrew Mohl reduced debt, cut costs and sold more equity investment products. The stock fell as much as 3.7 percent. $LABEL$2 +Cassini Spacecraft Discovers 2 More Moons Around Saturn The planet with the second largest number of moons now has two more. The US Cassini spacecraft discovered them around Saturn, bringing the giant ringed planet #39;s known total to 33. $LABEL$3 +US no-show: Teamwork When the NBA began sending its players to the Olympics in 1992, one of the league #39;s goals was to spread basketball around the globe. Clearly, the idea worked. $LABEL$1 +Athletes Return to Olympia, Home of Games, After 1,611 Years Aug. 18 (Bloomberg) -- Olympia, home of the Olympics for more than 12 centuries, will host competition for the first time in 1,611 years when the shot put competition of the Athens Games is contested at Greece #39;s most sacred sporting site. $LABEL$1 +Are England fans are changing their Toon? IN a desperate attempt to spark some public interest in an England team that appears to be quickly losing its appeal, Sven-Gran Eriksson announced his starting line-up for the friendly against Ukraine at St James #39; Park a day earlier than expected. $LABEL$1 +China halfway to complete medals goal BEIJING, Aug. 18 (Xinhuanet) -- China is already halfway to its stated goal of 20 gold medals at the Athens Olympics after going into the fourth day of the 16-day competition, CRIENGLISH.com said Wednesday. $LABEL$1 +China says hopes N.Korea nuclear talks to continue BEIJING, Aug 18 (Reuters) - China said on Wednesday it hoped all six parties taking part in talks on the North Korea nuclear crisis keep calm, remain flexible and continue negotiations despite inevitable difficulties. $LABEL$0 +Senate probe needed: Faulkner A SENATE inquiry was needed into claims that the Prime Minister misled the Australian public over the children overboard affair, Labor Senate Leader John Faulkner said. $LABEL$0 +Athletics' Homers Crush Orioles 11-0 (AP) AP - Tim Hudson pitched a five-hitter to earn his first victory since June 11, and Scott Hatteberg's second grand slam of the season highlighted a four-homer attack that carried the Oakland Athletics past the Baltimore Orioles 11-0 Tuesday night.$LABEL$1 +Dodging Another Upset, U.S. Holds Off Greece Nobody heard the American players exhale when the buzzer sounded to end a 77-71 victory, because 12,000 delirious fans saluted Greece, the home team that had come close.$LABEL$1 +Humes Sits One Out With a showdown against preseason No. 1 USC on the horizon, tailback Cedric Humes rested his sore ankle and sat out Tuesday's scrimmage.$LABEL$1 +Sox's Guillen Hospitalized Chicago White Sox skipper Ozzie Guillen entered a Chicago hospital on Tuesday with symptoms that suggest kidney stones.$LABEL$1 +Effort by Bush on Education Hits Obstacles Since President Bush signed No Child Left Behind, the law has imposed undeniable changes on public education, but it has also faced a backlash.$LABEL$0 +Cleric in Najaf Refuses to Meet Iraqi Mediators The delegation hoped to convince Moktada al- Sadr to disarm his militia, to leave the shrine and to join the political process.$LABEL$0 +Who's Behind the Gold Medalist's Mask? Gosh, an American! Mariel Zagunis crushed Tan Xue of China, 15-9, in the final of the women's saber Tuesday, earning the first American gold in a recognized fencing event.$LABEL$0 +Windows XP SP2 update delayed BEIJING, Aug. 18 (Xinhuanet) -- Microsoft Corp. has delayed automatic update of Windows XP Service Pack 2 to American company users until Aug. 25. $LABEL$3 +Cassini found two little Saturn moons BEIJING, Aug.18(Xinhuanet) -- NASA #39;s Cassini spacecraft has spied two new moons around the satellite-rich Saturn. $LABEL$3 +It can #39;t fly and sounds like a trumpet, but new bird delights ornithologists The mystery bird was certainly distinctive: dark brown, red bill, red legs, call like a trumpet, pretty hopeless at flying. You couldn #39;t miss it if you knew it was there. $LABEL$3 +Accused pair to tell their side of story This morning as Britain awakes, Kostas Kenteris and his training partner, Katerina Thanou, will be asked three questions by the disciplinary commission of the International Olympic Committee. These will determine whether they deliberately ...$LABEL$1 +Edwards #39; appeal against two-year ban fails Torri Edwards, the American sprinter, was shown no mercy here last night when the Court of Arbitration for Sport upheld her two-year doping ban. $LABEL$1 +Terror charges London, Aug. 17 (Reuters): Britain charged eight men today with conspiracy to murder and other terrorism charges, some of them relating to plans of US buildings that could have been used to organise attacks. $LABEL$0 +Senior Hamas leader wounded An explosion tore through the home of a senior Hamas leader in Gaza yesterday, killing at least five people and wounding him and about a dozen other Palestinians, medics said. $LABEL$0 +US Hopes Influence Can Quell Russian - Georgian Tensions WASHINGTON, Aug 17 (AFP) - The United States is eyeing tensions between Georgia and separatists in Abkhazia and South Ossetia while hoping US influence with Georgia #39;s new president can halt broader armed conflict in the Caucasus. $LABEL$0 +Seven dead in Baghdad blast Interior Ministry officials had earlier said the blast on Tuesday was caused by a car bomb. At least five cars were ...$LABEL$0 +Japan Stocks Turn Lower on Oil Worries TOKYO (Reuters) - Tokyo's Nikkei average turned lower by late morning on Wednesday as concern over surging oil prices and their possible impact on the global economy hit exporters such as Toyota Motor Corp.$LABEL$2 +Paes-Bhupathi overcome Federer-Allegro (Reuters) Reuters - World number one Roger Federer's top target for the year -- an Olympic tennis gold medal -- was taken away from him in a ""terrible day"" on Tuesday.$LABEL$0 +Najaf Fighting Continues Amid Peace Push BAGHDAD, Iraq - Iraqi delegates delivered a peace proposal to aides of Muqtada al-Sadr in Najaf on Tuesday, but the militant cleric refused to meet with them as explosions, gunfire and a U.S. bombing run persisted in the holy city...$LABEL$0 +Cabrera Leads Red Sox Past Blue Jays 5-4 BOSTON - Orlando Cabrera hit a run-scoring double off the Green Monster in the ninth inning on reliever Justin Speier's second pitch of the game, giving the Boston Red Sox a 5-4 win over the Toronto Blue Jays on Tuesday night. Pinch-hitter Dave Roberts drew a leadoff walk in the ninth and was forced out at second base on Johnny Damon's grounder off Kevin Frederick (0-2)...$LABEL$0 +Google flotation still dogged by last minute complications Google #39;s public share offering is expected to go ahead as early as today following a request for final regulatory approval from the US Securities and Exchange Commission. $LABEL$2 +Alcoa to shutter Ohio automotive components plant PITTSBURGH Alcoa said today it will take a seven (m) million dollar charge to close an automotive components plant in Ohio due to overcapacity. $LABEL$2 +The latest on SP2 The long-awaited Service Pack 2 for the Windows XP Home Edition is expected to start rolling out to PC users Wednesday via Microsoft #39;s Automatic Update service. The company says it is also planning to make the update available for order on a CD, for ...$LABEL$3 +The Atlanta Journal-Constitution ATHENS, Greece -- It began with Allen Iverson -- The Answer, the captain, the leader of Team USA -- forgetting about the fractured bone in his right thumb and courageously hitting the floor against Greece in full regalia. $LABEL$1 +Ancient Site a Throwback for Select Few Athletes THENS, Aug. 17 - Earlier this week, John Godina, a shot-putter from the United States, walked into the ancient stadium at Olympia, about 200 miles southwest of Athens, and the history he had studied in college came to life. $LABEL$1 +Flash floods force huge rescue bid LONDON: Rescue workers combed an English coastal village in north Cornwall yesterday for people missing after a flash flood caused by torrential rain hit Britain #39;s southwestern Atlantic coast. $LABEL$0 +Parliamentarians Not To Compromise Governance For Personal Gains: Musharraf ISLAMABAD, Pakistan : Aug 18 (PID) - President General Pervez Musharraf Tuesday urged the Parliamentarians not to compromise governance for personal gains and work selflessly to serve the people and earn a rightful place for the country in the comity of ...$LABEL$0 +Google Offering Waits For SEC Approval Google Inc.'s initial public offering of stock remained on hold Tuesday after the Securities and Exchange Commission delayed final approval of the company's prospectus. The delay did not appear to involve any major new issues, and the company continued to maintain that its IPO is on track. <FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2""\ color=""#666666""><B>-The Washington Post</B></FONT>$LABEL$3 +Dot-Coms Anxious to Get Back in IPO Game The successful bidders for Google shares won't be the only ones watching eagerly to see how much the IPO excites the stock market. Dozens of dot-com companies are hoping that Google's initial public offering marks a reawakening of all things Internet. <FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2""\ color=""#666666""><B>-The Washington Post</B></FONT>$LABEL$3 +Antiwar Protesters Told Shop Till You Drop, Too New York Mayor Michael Bloomberg has decided that if antiwar protesters are to descend on his city by the hundreds of thousands for the Republican Convention, he may as well turn them into shoppers. <BR><FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2""\ color=""#666666""><B>-The Washington Post</B></FONT>$LABEL$3 +Fairfax Tempts Foreign Firms to Branch Out Fairfax County is hoping to counter the exodus of U.S. jobs to other countries by persuading overseas companies to open branches in Fairfax, where they can hire Americans.$LABEL$3 +Manning Gets Early Go-Ahead to Start Eli Manning, the No. 1 pick in this year's N.F.L. draft, will make his first professional start on Thursday when the Giants take on the Carolina Panthers.$LABEL$1 +Sheffield Should Be Able to Play On The Yankees' Gary Sheffield has a pulled muscle and bursitis in his troublesome left shoulder, but can continue to play.$LABEL$1 +Hudson Handcuffs O's Jermaine Dye began the fireworks in the sixth with a two-run home run and Tim Hudson baffled the Orioles as Oakland rolled, 11-0, Tuesday.$LABEL$1 +Cust Slogs Through Season With less than three weeks left in the Class AAA Ottawa Lynx's season, Jack Cust is counting down the days until his two-year stay with the Baltimore Orioles organization ends.$LABEL$1 +Caps' Witt Wins Arbitration Washington Capitals defenseman Brendan Witt was awarded \$2.2 million for the 2004-05 season in his arbitration hearing on Tuesday.$LABEL$1 +Bailey Tries WR Pro Bowl cornerback Champ Bailey practiced with the offense at wide reciever during the Denver Broncos' practice on Tuesday.$LABEL$1 +Dot-Coms Get Back in IPO Game (washingtonpost.com) washingtonpost.com - The successful bidders for Google shares won't be the only ones watching eagerly to see how much the IPO excites the stock market. Dozens of dot-com companies are hoping that Google's initial public offering marks a reawakening of all things Internet.$LABEL$3 +Production Grew, Prices Fell in July The nation's factories cranked out more products in July, miners dug more minerals and builders broke ground on more homes, the government said yesterday in three reports that showed some rebound in economic activity last month.$LABEL$2 +Mills Buys Into Lakeforest Mall Mills Corp., the Arlington-based retail developer, said yesterday it plans to buy half of Lakeforest Mall in Gaithersburg and eight other malls around the country in a billion-dollar deal that gives it a new portfolio of shopping centers to redevelop in the years ahead.$LABEL$2 +Airlines Agree to Cuts at O'Hare Airlines operating at Chicago's O'Hare International Airport have agreed to cut flights to reduce delays that ripple across the country, sources familiar with the talks said yesterday.$LABEL$2 +U.S. Brokers Halt to Afghan Infighting (AP) AP - The U.S. ambassador helped broker a cease-fire Tuesday to halt the latest bloody infighting in Afghanistan, persuading a warlord to pull away from a provincial capital as U.S. warplanes circled overhead.$LABEL$0 +GOP Rep. Cubin Wins Wyoming Primary (AP) AP - U.S. Rep. Barbara Cubin fended off four Republican challengers in Tuesday's primary election, securing a shot at a sixth term in this fall's general election.$LABEL$0 +Crude rises on Iraq troubles SEPTEMBER oil prices rose yesterday on US economic data showing that inflationary pressure was held in check in July. However, continued disruption in Iraqi supplies and strong world fuel demand and ongoing trouble at Russian oil giant Yukos underpinned ...$LABEL$2 +Bankruptcy fears as Yukos #39; half-year loss hits \$2.65bn YUKOS has reported a net loss of US\$2.65 billion (1.45bn) for the first half of 2004, a period of record oil prices, prompting speculation that the Russian oil firm is on the verge of declaring bankruptcy. $LABEL$2 +Halliburton hit THE US army will withhold payment on 15 per cent of future invoices from Halliburton, the logistics support group which is feeding and housing its troops in Iraq and Kuwait. $LABEL$2 +Wall Street takes heart from positive economic reports A NEW record high for oil took some of the shine off Wall Street trade yesterday. An upbeat picture of inflation and good housing data boosted the mood early on and strong earnings from several retailers, led by Home Depot, also helped to keep the major ...$LABEL$2 +E-Mail Viruses Getting Smarter, Report Says SAN FRANCISCO (Reuters) - Computer viruses spread by e-mail are growing more sophisticated as virus writers and quot;spammers quot; are thought to be joining forces in an effort to make smarter bugs, a computer security group said on Tuesday. $LABEL$3 +Games Business Needs Mergers, Price Cuts-Report LOS ANGELES (Reuters) - Video game executives believe consolidation will be crucial to their future, but they also want further cuts to hardware prices to boost short-term growth, according to a report set for release this week. $LABEL$3 +Event of the Day -- Men #39;s and women #39;s shot put Why you should watch: Given the longstanding American hegemony in the shot put, it #39;s plausible that the three-man US delegation could sweep the competition. But the most compelling reason to watch is the unparalleled setting. $LABEL$1 +Fellow Jets Are Getting to Know No. 89 EMPSTEAD, NY, Aug. 17 - It has become a recurring part of the practice-field banter at Jets training camp. Jerricho Cotchery, the rookie wide receiver, hauls in another bomb on a post route or makes another touchdown catch, and ...$LABEL$1 +LOOKING BACK 8-Day Battle for Najaf: From Attack to Stalemate AJAF, Iraq, Aug. 16 - Just five days after they arrived here to take over from Army units that had encircled Najaf since an earlier confrontation in the spring, new Marine commanders decided to smash guerrillas loyal to the rebel Shiite ...$LABEL$0 +Soldier dies as British troops clash with Sadr #39;s Basra army A BRITISH soldier was killed and at least one other injured during a fierce firefight with militia fighters in the southern Iraqi city of Basra yesterday. $LABEL$0 +Outgoing Ambassador Of Qatar Meets Musharraf ISLAMABAD, Pakistan : Aug 18 (PID) - The outgoing Ambassador of Qatar, Mr. Abdullah Falah A. Al-Dosari paid a courtesy called on the President General Pervez Musharraf here on Tuesday. $LABEL$0 +Raiders' Gallery Misses Camp With Injury (AP) AP - Left tackle Robert Gallery, the second player taken in the NFL draft, didn't practice Tuesday morning with the Oakland Raiders because of an elbow injury, leaving his status uncertain for Saturday's preseason game against Dallas.$LABEL$1 +Rockies Pitcher Frets Health, Not Baseball (AP) AP - The blood clots that went from Aaron Cook's shoulder to his lungs might threaten his career.$LABEL$1 +Still No Movement in N.H.L. labor Talks The N.H.L. and the players association moved no closer to a collective bargaining agreement during a five-hour meeting Tuesday.$LABEL$1 +What Next for Venezuela? President Hugo Chavez is riding high after his overwhelming victory in a recall vote this week, but analysts say his triumph may have limited impact on the deep economic and political problems threatening this major oil-producing country.$LABEL$0 +Google Offering Waits for Approval Google Inc. #39;s initial public offering of stock remained on hold yesterday after the Securities and Exchange Commission delayed final approval of the company #39;s prospectus. $LABEL$2 +AMP Returns to Profit After Spinoff Australian financial services group AMP Ltd. on Wednesday reported a return to profit in the first half of the year after cutting loose its loss-making British insurance operations. $LABEL$2 +Japan Stocks Fall on Oil Worries TOKYO (Reuters) - Tokyo #39;s Nikkei average fell 0.59 percent by midday on Wednesday, erasing initial gains, as exporters like Nissan Motor Co. Ltd. declined on concern over the possible impact on the global economy of surging oil prices. $LABEL$2 +TGn Sync Coalition Outlines Proposal for 802.11n TGn Sync, a coalition of more than a dozen vendors, will submit a joint proposal to the IEEE 802.11 Task Group N (TGn) for the next generation 802.11n standard. $LABEL$3 +Hamstring latest setback for Kupets There are favorites and there are expectations, but to compete in the Olympics is to hazard the risk of being outfought, outscored, out-happied. $LABEL$1 +Veteran hurler Beck released by Padres San Diego, CA (Sports Network) - The San Diego Padres requested unconditional release waivers for righthanded reliever Rod Beck on Tuesday, ending the 36- year-old #39;s run in Southern California. $LABEL$1 +Sheffield Should Be Able to Play On INNEAPOLIS, Aug. 17 - The Yankees #39; Gary Sheffield has a pulled muscle and bursitis in his troublesome left shoulder, but can continue to play, according to a diagnosis provided on Tuesday by Dr. Frank Jobe, the noted orthopedic surgeon who ...$LABEL$1 +NFL ROUNDUP Eagles #39; Kalu Will Be Out for the Year Philadelphia Eagles defensive end ND Kalu will miss the season after tearing the anterior cruciate ligament in his right knee at yesterday #39;s practice. $LABEL$1 +AL Capsules Orlando Cabrera hit a run-scoring double off the Green Monster in the ninth inning on reliever Justin Speier #39;s second pitch of the game, giving the Boston Red Sox a 5-4 win over the Toronto Blue Jays on Tuesday night. $LABEL$1 +China Battles to Keep N.Korea Nuclear Talks Alive BEIJING (Reuters) - China battled on Wednesday to keep alive six-way talks on dismantling North Korea #39;s nuclear programs, saying it hoped all parties would stay calm and flexible and resume negotiations despite inevitable problems. $LABEL$0 +McKenry doesn #39;t back Scrafton: PM Prime Minister John Howard said a former public servant had not backed the claims by former adviser Mike Scrafton about the children overboard affair. $LABEL$0 +Twins Collect Rare Victory Over Yankees (AP) AP - Brad Radke pitched seven solid innings, Corey Koskie drove in three runs and the Minnesota Twins beat the New York Yankees in the regular season for the first time since 2001 with an 8-2 victory Tuesday night.$LABEL$1 +China tries to shut down phone sex lines in anti-porn campaign (Canadian Press) Canadian Press - SHANGHAI, China (AP) - China has ordered severe punishment for phone sex operators as part of a sweeping crackdown on electronic pornography, Xinhua News Agency reported Wednesday.$LABEL$0 +Dollar Stuck After CPI Fails to Inspire TOKYO (Reuters) - The dollar idled on Wednesday after the latest round of U.S. inflation data failed to substantially alter the outlook for gradual increases in interest rates.$LABEL$2 +Yukos, Iraq push oil higher NEW YORK -- Oil prices have moved to fresh record highs of almost \$47 a barrel on concerns about potential supply disruptions in Russia and Iraq. $LABEL$2 +US Stocks Gain for a Third Day, Led by Home Depot, Retailers Aug. 17 (Bloomberg) -- US stocks rose for a third straight day after an unexpected drop in consumer prices encouraged investors that the Federal Reserve may be able to slow the pace of interest rate increases. Benchmark indexes pared gains as oil prices ...$LABEL$2 +Australia #39;s Pacific Hydro FY04 Net A\$40.7M, Up 39 CANBERRA (Dow Jones)--Renewable energy generator Pacific Hydro Ltd. (PHY.AU) reported Wednesday a 39 jump in net profit, including a one-time tax benefit, to A\$40.7 million in the fiscal year ended June 30, up from A\$29.3 million in the previous year. $LABEL$2 +Warehouse offers cut-price coffins A US discount warehouse chain known for piling #39;em high, and selling #39;em cheap, is offering cut-price coffins along with the buckets of sauce and tubs of ice-cream under a new pilot program. $LABEL$2 +RealNetworks Launches Music Download Price War RealNetworks is sending a real message to Apple, their largest competitor in the online music market. On Tuesday, RealNetworks announced that it was launching the biggest music sale in history, offering single music downloads for just 49 cents, and most ...$LABEL$3 +WinXP SP2 Home Edition To Be Available On Automatic Update Aug 18 Microsoft #39;s channel partners are getting set to put out fires when Windows XP Service Pack 2 becomes available to consumers over the Windows Update service on Wednesday. $LABEL$3 +Sutton #39;s Ryder Cup selections are solid MILWAUKEE, Wis. -- Hal Sutton will get second-guessed, which is the main by-product of the captain of Ryder Cup teams having two at-large selections and one month before the 35th version of the matches are played at Oakland Hills Country ...$LABEL$1 +Owners, players talk, but nothing resolved Five hours of talks Tuesday brought owners and players no closer to resolving labor disagreements that will lead to a lockout when the collective bargaining agreement ends Sept. 15. $LABEL$1 +Padres release former all-stat Rod Beck, recall Freddy Guzman SAN DIEGO (AP) - The San Diego Padres released reliever Rod Beck on Tuesday and recalled centre fielder Freddy Guzman from triple-A Portland. $LABEL$1 +Mariners Race Past Royals 16-3 (AP) AP - Ichiro Suzuki went 4-for-4 and drove in a career-high five runs, leading the Seattle Mariners to a 16-3 rout of the Kansas City Royals on Tuesday night.$LABEL$1 +Twins Collect Rare Victory Over Yankees MINNEAPOLIS (AP) -- Brad Radke pitched seven solid innings, Corey Koskie drove in three runs and the Minnesota Twins beat the New York Yankees in the regular season for the first time since 2001 with an 8-2 victory Tuesday night.$LABEL$1 +Colombian Government Won't Halt Offensive (AP) AP - Colombia's government on Tuesday shrugged off warnings from Marxist rebels that a massive offensive is endangering the lives of dozens of hostages, including three Americans.$LABEL$0 +China Appeals to N. Korea for Nuke Talks (AP) AP - China appealed to North Korea on Tuesday to join working meetings before a new round of six-party talks on dismantling its nuclear program, despite the North's declaration that it saw no point in attending.$LABEL$0 +Haiti court acquits rebel leader A court acquits ex-paramilitary leader Jodel Chamblain of murder in a trial criticised by human rights activists.$LABEL$0 +Intel backtracks on offering chips for projection TVs now In another product postpone-ment, semiconductor giant Intel Corp said it won #39;t be offering a chip for projection TVs by the end of this year as it had announced earlier this year. $LABEL$3 +China tries to shut down phone sex lines in anti-porn campaign SHANGHAI, China (AP) - China has ordered severe punishment for phone sex operators as part of a sweeping crackdown on electronic pornography, Xinhua News Agency reported Wednesday. $LABEL$3 +Produce less beef and save water The Stockholm International Water Institute in Sweden claims it takes 15 cubic metres of water, or 15,000 litres, to produce one kilogram of grain-fed beef. $LABEL$3 +US Men Squander Lead, But Hold Off Thorpe to Win ATHENS, Aug. 17 -- Rarely has a huge lead disappeared so quickly. Largely unheralded US swimmer Klete Keller jumped in the pool for the final leg of the 4x200-meter freestyle relay a second-and-a-half ahead of Australian legend Ian Thorpe. $LABEL$1 +Teixeira cycles his way to history ARLINGTON -- Rangers first baseman Mark Teixeira made history Tuesday at Ameriquest Field in Arlington against Cleveland when he became the second player in franchise history to hit for the cycle. $LABEL$1 +LaCassie, Price qualify for US Amateur Match Play Two of the three Australians who made the field for this week #39;s US Amateur Championship at the famed Winged Foot Golf Club in New York, have made it into the top sixty four who will fight out the Match Play phase of the Championship. $LABEL$1 +Jordanian hostage freed in Iraq A Jordanian who disappeared in Iraq two weeks ago and was believed to have been kidnapped has been freed and is in the custody of Iraqi police, Foreign Ministry spokesman Ali al-Ayed told reporters yesterday. $LABEL$0 +Fall Season Looks Solid for Retailers, but Holidays Could Be Another Story Against a background of lackluster retail sales in June and July, analysts and merchants still predict a decent, possibly strong, fall selling season for clothes, accessories and home furnishings.$LABEL$2 +So Google Is Almost Public. Now Comes the Hard Part. Google, whose initial stock offering was delayed by the S.E.C., must prove that its success is not an accident.$LABEL$2 +After Circulation Scandal, a Move to Build Trust Belo Corporation has set aside \$23 million to compensate advertisers for exaggerated circulation figures at The Dallas Morning News.$LABEL$2 +Nevada officials back e-vote systems for primary, general election Nevada election officials are confident that an electronic voting system being used in the Sept. 7 primary and the November election will work as expected, despite a problem that occurred during a demonstration of the technology in California.$LABEL$3 +Motorola rolls out database management software Motorola is using the Application Data Management suite from OuterBay Technology to manage data growth in its Oracle e-business applications.$LABEL$3 +Warriors, Mavs Close on Five-Player Trade (AP) AP - The Warriors and Mavericks are close to completing a five-player trade that would bring forwards Eduardo Najera and Christian Laettner to Golden State and send centers Erick Dampier, Evan Eschmeyer and guard Dan Dickau to Dallas, an NBA source aware of the negotiations told The Associated Press on Tuesday.$LABEL$1 +Must-See TV Lacks Must-Have Buzz Empty seats in Athens offer a bizarre television backdrop for the Olympics - one that cannot be avoided by NBC.$LABEL$1 +Manning Gets Early Go-Ahead to Start Eli Manning, the No. 1 pick in this year's N.F.L. draft, will make his first professional start on Thursday when the Giants take on Carolina.$LABEL$1 +Vazquez and Yankees Buckle Early Because Javier Vazquez fizzled while Brad Radke flourished, the Yankees sustained their first regular-season defeat by the Minnesota Twins since 2001.$LABEL$1 +Still No Movement in N.H.L. Labor Talks The N.H.L. and the players association moved no closer to a collective bargaining agreement during a five-hour meeting.$LABEL$1 +China Hints U.S. Must Return Guantanamo Separatists (Reuters) Reuters - Beijing has hinted that if the United\States releases any Guantanamo Bay detainees from its restive\Muslim far west Xinjiang region, they should be handed over to\Beijing and not sent to a third country.$LABEL$0 +China Hints U.S. Must Return Guantanamo Separatists BEIJING (Reuters) - Beijing has hinted that if the United States releases any Guantanamo Bay detainees from its restive Muslim far west Xinjiang region, they should be handed over to Beijing and not sent to a third country.$LABEL$0 +Architectural Benefactor J. Irwin Miller Dies J. Irwin Miller, 95, the industrialist and philanthropist who guided Cummins Engine Co. to international prominence and helped shape his home town of Columbus, Ind., into an architectural gem, died Aug. 16 at his home in Columbus. No cause of death was ...$LABEL$2 +Delta May Offer Its Pilots Equity Stake to Get Cuts Delta Air Lines, in an effort to avoid filing for bankruptcy protection, is considering giving its pilots an equity stake in exchange for pay and benefit cuts, a Delta pilot spokeswoman said yesterday. $LABEL$2 +The Ballad of Shaikh Ahmed THE guy exudes an aura of sure-fire confidence - the confidence that is based on his burning desire to excel. Shaikh Ahmed Mohammed Hasher Al Maktoum expects to be successful - and he invariably is. $LABEL$1 +Eriksson urges more rest for top players SLALEY, England, Aug 17 (Reuters) - England coach Sven-Goran Eriksson has thrown down to gauntlet to the international soccer authorities to preserve the health of the world quot;superstar quot; footballers for major tournaments. $LABEL$1 +US, Jamaica wait to tip hands KINGSTON, Jamaica -- Twenty-four hours before the US National Team takes on the Jamaicans in their first CONCACAF World Cup qualifying semifinal round match, and the Americans were nowhere to be found. $LABEL$1 +An irregular regular loss MINNEAPOLIS -- Considering how much the Yankees have dominated the Twins during the regular season in recent years, it was easy to assume Javier Vazquez picked the right time to return from a nasty two-week bout with conjunctivitis. $LABEL$1 +Santos holds Cubs to one run for win Santos allowed just one run in 6 1-3 innings to win for the first time since beating Chicago on July 16, and the Brewers defeated the Cubs 3-1 Tuesday night. $LABEL$1 +Swimmers, gymnasts lift NBC #39;s early ratings Boosted by strong results from US gymnasts and swimmers, NBC #39;s ratings for the Athens Olympics #39; first four days have topped the disappointing viewership levels of the 2000 Sydney Games. $LABEL$1 +Peace team urges Sadr to call off uprising: Militia positions pounded NAJAF, Aug 17: An Iraqi peace delegation urged Shia leader Moqtada Sadr on Tuesday to call off his uprising in Najaf, and on the battlefront US troops pounded militia positions near the country #39;s holiest sites. $LABEL$0 +China appeals to North Korea to go ahead with nuclear talks BEIJING (AP) China appealed to North Korea on Tuesday to join working meetings before a new round of six-party talks on dismantling its nuclear program, despite the North #39;s declaration that it saw no point in attending. $LABEL$0 +Maoist Rebels Block Land Routes to Nepali Capital KATHMANDU (Reuters) - Maoist rebels, fighting to topple Nepal's constitutional monarchy, cut off all land routes to the Himalayan kingdom's capital on Wednesday, disrupting food and supplies to the city of 1.5 million people.$LABEL$0 +Michael Jackson in legal setback Michael Jackson's lawyers fail in their attempt to have evidence seized in a raid on his ranch thrown out.$LABEL$0 +Cox Forms Committee to Consider Buyout NEW YORK (Reuters) - Cox Communications Inc., the No. 4 U.S. cable television provider, said late on Tuesday it formed a committee of independent directors to consider a \$7.9 billion offer from its controlling family to take the company private.$LABEL$2 +Mavs Acquire Dampier The Associated Press reports that the Warriors and Mavericks are close to completing a deal that would bring Eduardo Najera and Christian Laettner to Golden State and send Erick Dampier, Evan Eschmeyer and Dan Dickau to Dallas.$LABEL$1 +Teixeira Bats for Cycle Rangers first baseman Mark Teixeira hit for the cycle and drove in a career-high seven runs in a 16-4 rout of the Cleveland Indians on Tuesday night.$LABEL$1 +Analysis: Venezuela off oil market #39;s front burner LOS ANGELES, Aug. 17 (UPI) -- Oil futures reached a record high Tuesday as the market fretted over simmering potential pitfalls other than last weekend #39;s vote in Venezuela that kept controversial strongman Hugo Chavez in the presidency. $LABEL$2 +Production, housing rise while consumer prices decline Washington - The nation #39;s factories cranked out more products in July, miners dug more minerals and builders broke ground on more homes, the government said Tuesday in three reports that showed some rebound in economic activity last ...$LABEL$2 +Charley may cost insurers \$14bn Chicago - Insured losses from Hurricane Charley could be between \$10 billion (R66 billion) and \$14 billion, according to industry estimates released as insurers received thousands of claims from Florida. $LABEL$2 +BJ #39;s will fight banks #39; \$16M claim BJ #39;s Wholesale Club Inc. is gearing up for legal battles with credit-card-issuing banks, which are demanding \$16 million to offset fraudulent credit card charges and other costs related to a security breach apparently involving BJ #39;s ...$LABEL$2 +Winning is Greek to US: Outlasts h ATHENS - Larry Brown found out some things about his team last night. Among them was that Allen Iverson apparently shoots better with a fractured right thumb than he does with two healthy paws. $LABEL$1 +A Throwback to Olympia ATHENS -- Today, Olympians will be in the ancient stadium at Olympia for the shot put competition. Been there, but haven #39;t done that. $LABEL$1 +Agassi overcomes Goldstein in Washington opener NEW YORK, Aug 17 (Reuters) - Number-one seed Andre Agassi survived a surprisingly tough first set test before he eventually coasted to a 6-4 6-2 win over Paul Goldstein at the Washington Classic on Tuesday. $LABEL$1 +A gold medal in the ratings Olympic laurels. NBC swept the Nielsen ratings medals, with its first three nights of coverage in Athens taking the top three prime-time spots last week (Aug. 9-15) in viewers and advertiser-coveted young adults. The surge ...$LABEL$1 +Warriors, Mavs close on five-player trade The Warriors and Mavericks are close to completing a five-player trade that would bring forwards Eduardo Najera and Christian Laettner to Golden State and send centers Erick Dampier, Evan Eschmeyer and guard Dan Dickau to Dallas, an NBA source aware of ...$LABEL$1 +Result knot all bad for US: Wins group after tie with Aussies ATHENS - Playing without suspended forward Abby Wambach, the US women #39;s soccer team battled to a mutually beneficial 1-1 draw with Australia last night at Kaftanzoglio Stadium in Thessaloniki. The result was not unexpected, as the ...$LABEL$1 +When it comes to Israel... At first glance it was just another prosaic headline. quot; #39;Militants #39; prevent resumption of work in the seaports, quot; Haaretz said. $LABEL$0 +NL Wrap: Walker Grand Slam Helps Cards Beat Reds Again NEW YORK (Reuters) - Larry Walker hit a grand slam home run to key a six-run eighth inning as the Cardinals stayed hot with a 7-2 win over the Cincinnati Reds in St Louis on Tuesday.$LABEL$1 +Cave Linked to John the Baptist Found in Israel (Reuters) Reuters - A British archeologist has dug up\evidence linking John the Baptist to a cave used for bathing\rituals in hills near Jerusalem in what he said could be one of\the biggest recent finds for Christian history.$LABEL$3 +Chasing the SUV vote SPORT UTILITY vehicles roared into stump speeches this month, flattening all common sense. At a speech last week introducing President Bush, Virginia #39;s Governor George Allen juiced the crowd by ...$LABEL$2 +SI.com ST. LOUIS (Ticker) -- The Cincinnati Reds continue to find new ways to lose to the St. Louis Cardinals. $LABEL$1 +Eight terror suspects charged in UK British police have charged eight terrorist suspects with conspiring to commit murder and use radioactive materials, toxic gases, chemicals or explosives to cause quot;fear or injury quot; in a case involving an alleged top al-Qaeda operative at the centre of a US ...$LABEL$0 +Five Palestinians dead in Israeli attempt to kill Hamas activist Israel #39;s air force launched an attack on a Gaza City building early Wednesday, killing at least five people, according to witnesses and officials on both sides. Seven people were also wounded, four critically. $LABEL$0 +Army, in Shift, Will Pay Halliburton The Army reversed a decision to withhold payment on 15 percent of future payments to the Halliburton Company on its contracts in Iraq and Kuwait.$LABEL$2 +The Guy From Green Day Says He Has Your Mother on the Cellphone Ringtones have proved to be such a lucrative side business for cellular phone companies that record labels in the United States have decided they want a piece of that revenue.$LABEL$2 +ING to Withdraw \$5 Bln from Janus Funds NEW YORK (Reuters) - ING U.S. Financial Services said late on Tuesday it will withdraw about \$5 billion from Janus Capital Group Inc. funds by year-end.$LABEL$2 +Gas Price Drop Lowers CPI Moderate news on the inflation front and a Labor Department report showing that consumer prices actually fell in July gave comfort to investors who are worried about potential price hikes. $LABEL$2 +Costco Is Accused of Sex Bias n employee at the Costco Wholesale Corporation filed a national class-action lawsuit against the company yesterday, accusing it of discriminating against women in promotions to store manager. $LABEL$2 +US Wants a Trustee Named to Oversee United #39;s Pensions ASHINGTON, Aug. 17 (AP) - A legal overseer will be appointed to represent participants in United Airlines #39; pension plans now that the company has halted contributions, the Labor Department said on Tuesday. $LABEL$2 +RealNetworks drops music-download price BEIJING, Aug. 18 (Xinhuanet) -- With competition heating up in the online music business, the American digital media group, RealNetworks Inc. yesterday declared war on Apple Computer and its popular iTunes in ternet music store by lowering prices for ...$LABEL$3 +Cash for emails - script kiddies use spam to make their fortunes Money the prime motivator as viruses and spam converge 63.5 of all email during the first six months of 2004 was spam Over 1.5 million phishing emails intercepted Spyware makes its first appearance in the spam attack arsenal Sydney. 17th ...$LABEL$3 +NL Wrap: Walker Grand Slam Helps Cards Beat Reds Again NEW YORK (Reuters) - Larry Walker hit a grand slam home run to key a six-run eighth inning as the Cardinals stayed hot with a 7-2 win over the Cincinnati Reds in St Louis on Tuesday. $LABEL$1 +Web page to help with installation of WIndows anti-hacker security patch Information Technology Systems and Services (ITSS) has created a Web page that will walk Microsoft Windows XP users on campus through a major update being released worldwide this month to make the operating system less vulnerable to computer hackers and ...$LABEL$3 +Oil Prices Hold Firm Near #36;47 (Reuters) Reuters - Oil prices held steady near #36;47 on\Wednesday, a day after striking another record peak as U.S.\inflation stayed in check despite scorching energy costs and\ahead of weekly data expected to show a drop in crude stocks.$LABEL$2 +Talking with ... Vijay Singh, PGA Tour Vijay Singh, 41, shot a final-round 76 but still won the PGA Championship on Sunday at Whistling Straits in Haven, Wis. $LABEL$1 +America pays big price for small mistakes She was shaking her hips, twirling her hands, letting that high-wattage smile shine and turning the arena into her own little disco. $LABEL$1 +Teixeira hits for the cycle ARLINGTON, Texas Mark Teixeira became the second player in Rangers history and first in more than 19 years to hit for the cycle, leading Texas to a 16-4 rout of the Cleveland Indians on Tuesday night. $LABEL$1 +SI.com KANSAS CITY, Missouri (Ticker) -- Ichiro Suzuki and the Seattle Mariners made their first appearance at Kauffman Stadium this season, much to the dismay of the Kansas City Royals . $LABEL$1 +British Soldier Killed in Iraq A British soldier has been killed and another injured after clashes with militia forces in the southern Iraqi city of Basra, said the British Army. $LABEL$0 +UN asks Myanmar to engage opposition parties, release Suu Kyi United Nations, Aug 18 - The United Nations has told the ruling military Junta in Myanmar that its process for transition to democracy and national reconciliation will lack quot;credibility quot; unless it engages the opposition political parties and releases ...$LABEL$0 +China Sighs in Relief as Yao Scores High BEIJING (Reuters) - China breathed a measured sigh of relief after the skills of its basketball giant Yao Ming dwarfed New Zealand to sweep his team nearer to their goal of reaching the Athens Olympics semi-finals.$LABEL$1 +Giants Edge Expos J.T. Snow singled in the winning run in the ninth to lead the Giants to their sixth straight victory, 5-4, over the Expos on Tuesday night.$LABEL$1 +Wednesday's preview Day five of the Games will see 21 golds on offer with Kate Howey and Pippa Funnell aiming for medals.$LABEL$1 +UK terror suspects due in court Eight men charged with conspiracy to murder and plotting to use toxic materials or explosives are due in court.$LABEL$0 +ING to Withdraw \$5 Bln from Janus Funds NEW YORK (Reuters) - ING US Financial Services said late on Tuesday it will withdraw about \$5 billion from Janus Capital Group Inc. funds by year-end. $LABEL$2 +Applied shares flat on lower outlook SAN FRANCISCO (CBS.MW) -- Applied Materials beat Wall Street #39;s third-quarter financial estimates late Tuesday, but shares of the chip equipment company stalled after the company #39;s earnings targets for the fourth quarter came in lower than expected. $LABEL$2 +Investment firm Leucadia holds about 5 pct of MCI WASHINGTON, Aug 17 (Reuters) - Investment company Leucadia National Corp. (LUK.N: Quote, Profile, Research) said on Tuesday it had bought a 4.96 percent stake in MCI Inc. (MCIP.O: Quote, Profile, Research) for about \$245.9 million. $LABEL$2 +Nortel hints it won #39;t tell all Nortel Networks Corp., which plans to shed some light tomorrow morning on its financial performance for the first half of the year, hinted yesterday that those long-awaited results could be short on details. $LABEL$2 +New bird species found in Philippines The bird, dubbed the quot;Calayan Rail quot;, is the size of a small crow and has dark brown plumage and bright orange-red legs and beak, said Carl Oliveros, who helped lead the expedition that found it. $LABEL$3 +Plan for global observation would aid in forecasting of disasters WASHINGTON - What if scientists could forecast Texas floods a full year in advance? Or predict when and how air pollution from Asia or Mexico will settle over Los Angeles or Houston? Or pinpoint the location of the next West Nile virus ...$LABEL$3 +Americans rebound to eke out win over Greece ATHENS, GREECE - The crowd danced and sang and chanted quot;Hellas, Hellas, Hellas quot; and a taunting refrain of quot;Puerto Rico quot; loud enough to stir the ancients or heal Lamar Odom #39;s pained and poisoned stomach. $LABEL$1 +Devers and Moore Called Up by USA Gail Devers and LaShaunte #39;a Moore will replace Torri Edwards, the USA #39;s suspended world champion, in the Olympic 100 and 200 metres races in Athens. $LABEL$1 +Mariners 16, Royals 3 KANSAS CITY, Mo. -- If Ichiro Suzuki keeps hitting at his second-half pace, Seattle Mariners manager Bob Melvin believes there may be a new addition for the dictionary. $LABEL$1 +Damon #39;s play top choice In the first inning last night at Fenway Park, Red Sox stats, schedule leadoff hitter Johnny Damon stats, news jump-started his team #39;s offense by hitting a home run to right field. $LABEL$1 +US women settle for tie The United States women #39;s soccer team needed only a tie yesterday and that #39;s all it got -- settling for a draw against a team it always had beaten. $LABEL$1 +MLB: Texas 16, Cleveland 4 Arlington, TX, Aug. 17 (UPI) -- Mark Teixeira had seven RBI Tuesday to help Scott Erickson earn his first win in over two years as Texas Rangers pounded the Cleveland Indians, 16-4. $LABEL$1 +Miscues Cost U.S. Women Gymnastics Gold (AP) AP - They're the kind of errors only judges see, little things that seem so inconsequential. But those mistakes added up, and they cost the U.S. gymnastics team a gold medal. The Americans settled for silver Tuesday night, done in as much by their own sloppiness as Romania's sheer superiority.$LABEL$1 +Iraqis aim to decide new assembly The Baghdad conference on Iraq's future goes into an unscheduled fourth day as a peace bid fails in Najaf.$LABEL$0 +Inflation #39;s Summer Vacation? At first glance, July #39;s muted price data seems to undercut inflation fighters #39; rate-hike strategy. But the softness isn #39;t likely to stay ...$LABEL$2 +Season far from running course With the PGA Tour #39;s major championships concluded for 2004, we look for other story lines to sustain the golf season. The back nine: ...$LABEL$1 +Federer #39;s Olympics end unexpectedly early with two losses Roger Federer gathered his racket bag and trudged off the court, ignoring fans #39; autograph requests as he headed straight for the exit. $LABEL$1 +Iraqis aim to decide new assembly The national conference on Iraq #39;s future is going into an unscheduled fourth day as delegates hammer out the shape of the first post-war parliament. $LABEL$0 +More hospital tests for Latham OPPOSITION Leader Mark Latham is undergoing further tests at Sydney #39;s St Vincent #39;s Hospital after being diagnosed with pancreatitis. $LABEL$0 +Saved from the saw, ancient Japanese forests now threatened by tourism (AFP) AFP - A generation ago, a battle was successfully waged on this rugged island to preserve what was left of its primeval forests, home to giant trees millennia old. Now tourism spawned by this natural heritage is threatening its survival.$LABEL$0 +Asian Shares Mixed as Oil Steady Near \$47 SINGAPORE (Reuters) - High oil prices kept Asian stock markets in check on Wednesday as investors fretted over the impact of energy costs on corporate earnings, but an upbeat outlook from Applied Materials lifted some tech issues.$LABEL$2 +'Afghanistan needs security help' UN Secretary-General Kofi Annan says Afghanistan needs help with security to ensure its presidential elections are successful. $LABEL$0 +Worker alleges sex bias An assistant manager at Costco Wholesale accused the company of discriminating against female workers by failing to promote as many as 650 women to high-paying management jobs. $LABEL$2 +AMP profits beat forecasts SYDNEY (Reuters) - Insurer and fund manager AMP has reported a better-than-expected profit for the first half on higher investment returns and improved margins after casting off its British operations. $LABEL$2 +BHP Billiton doubles H2 net profit SYDNEY, (Reuters) - Aug 18, 2004 The world #39;s biggest mining group, BHP Billiton Ltd./Plc. said on Wednesday its second-half net profit more than doubled on strong demand for industrial raw materials, and forecast sustained high prices for commodities. $LABEL$2 +Clinton #39;s story boosts Borders The Ann Arbor-based bookseller reported Tuesday an 88.9-percent boost in profits for the second quarter and said sales grew more than expected, driven by strong sales of Clinton #39;s book quot;My Life. quot; ...$LABEL$2 +New species of flightless bird #39;s days may be numbered TWITCHERS should book their plane tickets as soon as possible. Wildlife experts yesterday claimed to have discovered a new species of bird in the Philippines. But they immediately warned that the flightless Calayan rail could be driven to extinction by ...$LABEL$3 +AOL releases Netscape 7.2 quot;Corporate execs are more comfortable with a known brand name. Even though Mozilla (and FF, Camino, K-Meleon, etc.) are based on the same code, they are not quot;Netscape quot;. When execs are made aware of the faults and deficiencies of IE, they may think quot;I wish ...$LABEL$3 +palmOne announces SD wi-fi card for Tungsten T3 and Zire 72 palmOne, Inc. is at last bringing a SD wi-fi solution for a couple of its handheld models. To date, palmOne #39;s Wi-Fi option was the Tungsten C, which comes with built-in wireless, incorporates a keyboard and a 320 x 320 transflective TFT display. palmOne ...$LABEL$3 +Olympics: Greek Sprinters Finally Get Chance to Put Case ATHENS (Reuters) - Greece #39;s top two sprinters should finally get to put their case on Wednesday in a drugs investigation that has shamed and angered the Olympic host nation. $LABEL$1 +Two-Year Suspension of American Sprinter Is Affirmed The sprinter Torri Edwards of the United States was knocked out of the Olympics for good yesterday when an arbitration panel upheld her two-year drug suspension, saying she should have known tablets provided by her doctor contained ...$LABEL$1 +Shot put: Birthplace of Games becomes field of play again Back when he was a shot putter at Dartmouth, he showed up for practice one day just as a freshman girl learning a new rotation let loose with an errant toss that caught Nelson right in the forehead. $LABEL$1 +Reds #39; bullpen struggles after lefty #39;s strong start The result, however, was all too familiar as the Reds fell to the Cardinals, 7-2, in the middle tilt of a three-game series at Busch Stadium on Tuesday evening. $LABEL$1 +Rumsfeld says US forces quot;unlikely quot; to storm holy places in Najaf WASHINGTON : The United States pulled its punch in Iraq as Defense Secretary Donald Rumsfeld announced US forces arrayed in Najaf against Shiite militants of firebrand cleric Moqtada Sadr were quot;unlikely quot; to storm the town #39;s holy places to deal the militia ...$LABEL$0 +Asian Shares Mixed as Oil Steady Near #36;47 (Reuters) Reuters - High oil prices kept Asian stock\markets in check on Wednesday as investors fretted over the\impact of energy costs on corporate earnings, but an upbeat\outlook from Applied Materials lifted some tech issues.$LABEL$2 +Tokyo Edge: More Video Options Hard-drive video recorders support HDTV, while Blu-ray and HD-DVD wait in the wings. Plus: pricey headphones and cheap megapixels.$LABEL$3 +Google faces bumpy IPO road, analysts say NEW YORK -- Google Inc. faces serious headwinds as it prepares to launch its long-anticipated initial public offering despite a lacklustre equity market and questions about the company #39;s business plan. $LABEL$2 +US inflation falls for first time in 2004 US inflation fell by 0.1 per cent in July -- the first decline since late last year -- on a drop in gasoline prices, the US Department of Labour said yesterday in a report that suggests underlying price pressures in the world #39;s biggest ...$LABEL$2 +Merrill survey of fund managers finds them more pessimistic, risk averse Global fund managers have become increasingly risk averse and significantly more pessimistic about corporate profits and the US stock market, according to the latest monthly Merrill Lynch amp; Co. Inc. survey. $LABEL$2 +Staples posts 39 jump in second-quarter profit FRAMINGHAM, MASS. -- Riding strong sales across its office products portfolio, Staples Inc. yesterday reported a 39-per-cent jump in second-quarter profit that topped Wall Street forecasts. $LABEL$2 +Nortel probe one of Canada #39;s biggest In what will be one of Canada #39;s largest white-collar crime investigations, the RCMP will assign as many as two dozen officers and forensic accountants to the criminal investigation of Nortel Networks Corp., a source familiar ...$LABEL$2 +Microsoft lifts the lid on SP2 SOFTWARE FIRM Microsoft has revealed how many fixes and updates are under the bonnet of its megapatch Windows XP Service Pack 2. $LABEL$3 +Hackers join dark side SECURITY EXPERTS MessageLabs say that there is evidence that virus writers are working hand in hand with spammers. $LABEL$3 +Lumber rises on Florida #39;s need to rebuild VANCOUVER -- An already buoyant lumber market is getting a psychological boost from the combined impact of hurricane Charley and reports of surprisingly strong US housing construction activity. $LABEL$3 +Back in the swim: Peirsol, Coughlin give Americans much needed splash ATHENS - As the final leg of the men #39;s 4 x 200 freestyle relay began last night at the Olympic pool, the United States held a lead of at least 1 1/2 body lengths - which, considering the final 200 meters was being swum by 6-foot-6 Klete ...$LABEL$1 +Two Georgians Killed in Breakaway Region TBILISI (Reuters) - At least two Georgian soldiers were killed and five wounded in artillery fire with separatists in the breakaway region of South Ossetia, Georgian officials said on Wednesday. $LABEL$0 +Murdoch to face trial on Falconio murder Bradley John Murdoch was ordered to stand trial over the alleged murder of British backpacker Peter Falconio beside a remote Northern Territory highway three years ago. $LABEL$0 +Banned Sprinter Chambers Trys Football (AP) AP - Dwain Chambers will be studying pass patterns and playbooks instead of competing against the world's top sprinters in the Olympics this weekend.$LABEL$1 +Uzbekistan Military Boost May Spark Unrest (AP) AP - Washington's plans to beef up its military base in Uzbekistan as part of a troop realignment abroad could whip up tensions between the impoverished ex-Soviet republic's secular government and radical Islamic groups, analysts and opposition politicians say.$LABEL$0 +Tokyo Edge: More Video Options (PC World) PC World - Hard-drive video recorders support HDTV, while Blu-ray and HD-DVD wait in the wings. Plus: pricey headphones and cheap megapixels.$LABEL$3 +U.S. Troops Training for Iraq in Israel -Paper (Reuters) Reuters - U.S. troops from Iraq are being\trained by the Israeli army in urban and guerrilla warfare\tactics at a military base in Israel, a local newspaper said on\Wednesday.$LABEL$0 +Warring Afghan Factions Say Cease-fire Holding (Reuters) Reuters - A renegade Afghan militia commander and a\spokesman for the governor of the western province of Herat\said on Wednesday their forces were honoring a cease-fire\brokered a day earlier by the U.S. envoy to Afghanistan.$LABEL$0 +U.S. Troops Training for Iraq in Israel -Paper JERUSALEM (Reuters) - U.S. troops from Iraq are being trained by the Israeli army in urban and guerrilla warfare tactics at a military base in Israel, a local newspaper said on Wednesday.$LABEL$0 +British Terror Suspects to Appear in Court LONDON (Reuters) - Eight British terror suspects charged with conspiracy to commit murder in a plot linked to security alerts at financial targets in New York, New Jersey and Washington make their first appearance in court on Wednesday.$LABEL$0 +Virtual 3D heart to treat babies Virtual reality techniques are helping Danish doctors diagnose heart defects in newborn babies.$LABEL$3 +Coxless four into final Britain's rowers cruise into Saturday's final of the men's coxless four at the Olympics.$LABEL$1 +Three Georgian soldiers killed in breakaway region clashes (AFP) AFP - Three Georgian soldiers have been killed and five wounded in clashes in Georgia's separatist region of South Ossetia, Rustavi 2 television reported, quoting an unnamed official with the Georgian interior ministry.$LABEL$0 +Oil prices edge lower in Asian trading, still near record highs (AFP) AFP - Oil prices were slightly lower in Asian trading on easing concerns over supply disruptions but were still hovering near record highs, dealers said.$LABEL$0 +Iraq's Najaf Tense After Cleric Snubs Peace Envoys NAJAF, Iraq (Reuters) - Fears of heavier fighting in Najaf grew on Wednesday after an Iraqi peace delegation failed to defuse a confrontation between U.S. troops and militiamen holed up in a revered shrine in the city.$LABEL$0 +Between Faith and Medicine, How Clear a Line? How will South Africa accredit ""traditional healers"" as legally recognized physicians?$LABEL$0 +Cheaper gas lowers price index Falling gasoline prices in July helped push consumer prices lower for the first time in eight months, indicating that the recent surge in inflation is subsiding. $LABEL$2 +Why Hugo Chavez Won a Landslide Victory When the rule of Venezuelan President Hugo Chavez was reaffirmed in a landslide 58-42 percent victory on Sunday, the opposition who put the recall vote on the ballot was stunned. They obviously don #39;t spend much time in the nation #39;s poor neighborhoods. $LABEL$2 +Costco faces sex discrimination suit An assistant manager at one of Costco #39;s Colorado warehouses filed a sex discrimination lawsuit against the Issaquah-based company yesterday, alleging that it overlooks women for promotion. $LABEL$2 +BHP Billiton 2nd-Half Net Doubles on Commodity Prices (Update2) Aug. 18 (Bloomberg) -- BHP Billiton, the world #39;s biggest miner, more than doubled second-half profit as Chinese demand boosted commodity prices. The company is considering returning as much as \$2 billion to investors, including share buybacks. $LABEL$2 +Info on car safety off-limits to public The federal agency that oversees auto safety has decided -- based largely on arguments from automakers and their Washington, DC, lobbyists -- that reams of data relating to unsafe automobiles or defective parts will not be available ...$LABEL$2 +Music fans sound off RealNetworks Inc. urged digital-music lovers yesterday to stand up for their freedom of choice. They responded by exercising their freedom of speech -- much to the company #39;s chagrin. $LABEL$3 +China to crack down on telephone sex BEIJING (Reuters) - China #39;s communist leaders, in a fresh move to eradicate pornography, have targeted the telephone sex industry, ordering severe punishment for anyone offering the service, the official People #39;s Daily says. $LABEL$3 +More Video Options The Olympic Games in Athens are pushing many people to finally buy that plasma or LCD television that they #39;ve been dreaming about. Also, the time difference between Japan and Greece is helping sales of video recorders, particularly those that use hard ...$LABEL$3 +Notebook: Sprinter Edwards #39; drug suspension upheld ATHENS US sprinter Torri Edwards was knocked out of the Olympics for good yesterday when an arbitration panel upheld her two-year drug suspension. $LABEL$1 +Finish tarnished by silver ATHENS, Greece -- It was death by a thousand cuts. If you can describe taking silver instead of gold as quot;death. quot; ...$LABEL$1 +Roddick escapes, but not Federer ATHENS, Greece Andy Roddick #39;s biggest obstacle to winning the gold medal was Roger Federer, the world #39;s No. 1 player and winner of two of the past three Grand Slam tournaments. So Tuesday, when Federer uncharacteristically lost the magic ...$LABEL$1 +Torri finally out of Olympic Games ATHENS - US sprinter Torri Edwards was knocked out of the Olym- pics for good yesterday when an arbitration panel upheld her two-year drug suspension, rejecting arguments she took banned stimulants by accident. $LABEL$1 +Finley pays dividends in victory Their supposed new pitching staff ace is on the disabled list and their late-inning bullpen situation has the potential to be a mess, but those problems were easy to ignore Tuesday night, thanks in part to Steve Finley. $LABEL$1 +Agassi Opens With A Win In Washington No. 1 seed Andre Agassi overcame a sluggish start to the first set to eventually beat compatriot Paul Goldstein in straight sets at the Legg Mason Classic in Washington. $LABEL$1 +British charge 8 tied to terror conspiracy LONDON -- The British police yesterday charged eight men with conspiracy to murder and violations of the Terrorism Act after finding that two of them possessed surveillance information on the financial centers in Washington, New York ...$LABEL$0 +Falconio suspect to stand trial An Australian court has ordered lorry driver Bradley John Murdoch to stand trial over the murder of British backpacker Peter Falconio, who has been missing for three years. $LABEL$0 +Hundreds of Fleet layoffs expected Bank of America Corp. plans to lay off hundreds of tellers and other branch employees at Fleet banks today, asking them to leave the building immediately as part of the process, according to documents obtained by the Globe and Fleet branch managers told of the decision.$LABEL$2 +Swipe hype: Debit the small stuff Dana Conneally walked into Starbucks at Faneuil Hall one recent morning in desperate need of a coffee fix. The employee at a local law firm handed his debit card to the Starbucks worker, who swiped it, then handed it back -- no signature or personal identification number required.$LABEL$2 +MetLife seen near sale of Hub invest unit MetLife Inc. is in late-stage negotiations to sell one of Boston's oldest investment firms, State Street Research amp; Management Co., to another New York financial giant, BlackRock Inc., according to two executives briefed on the talks.$LABEL$2 +Lawsuits challenge unequal fund fees Fidelity Investments charges two-tenths of 1 percent to manage a \$484 million stock portfolio for the Massachusetts state pension fund. It charges investors in its flagship Magellan fund seven-tenths -- more than three times as much.$LABEL$2 +Nortel accounting faces probe Canadian officials are opening a criminal investigation into accounting at Nortel Networks Corp. Shares in the telecom equipment maker edged lower yesterday.$LABEL$2 +LoJack buys Canadian tracking company LoJack Corp., which makes devices for recovering stolen cars, agreed to buy Boomerang Tracking Inc. for about \$48 million to expand into Canada. LoJack will pay about \$4.32 a share in cash or a combination of cash and stock for the Montreal maker of stolen vehicle recovery equipment, LoJack said. Westwood-based LoJack also gets Boomerang's cash balance of \$12 million. ...$LABEL$2 +Brazilians attack money laundering Brazilian police arrested more than 60 people yesterday in a massive operation to crack down on money laundering, targeting currency changers who illegally transfer money abroad.$LABEL$2 +Europe 'must adapt on climate' Europe must find ways of adapting to a climate that may change drastically by mid-century, the European Environment Agency says.$LABEL$3 +Welcome change for Cabrera Let's say Boston is the sun of the baseball universe, where hope and criticism burn bright, where a city revolves around the game.$LABEL$1 +He gets some credit for this victory As hard as Pedro Martinez went in his previous outing, when he morphed into vintage Pedro and hurled nine shutout innings, the real toll came this week.$LABEL$1 +Giants make it six in row J.T. Snow singled in the winning run with one out in the ninth to lead the San Francisco Giants to their sixth straight victory, 5-4, over the visiting Montreal Expos last night.$LABEL$1 +NL notables Larry Walker was 3 for 4 and is 10 for 27 (.370) with 11 RBIs since joining the Cardinals.$LABEL$1 +Youkilis, McCarty go on DL A season of extraordinary medical adversity posed yet another series of challenges yesterday for the Red Sox as Kevin Youkilis and David McCarty joined the likes of Trot Nixon , Mark Bellhorn , Pokey Reese , and Ellis Burks on the disabled list.$LABEL$1 +Texas rides cycle Mark Teixeira became the second player in Rangers history -- and first in more than 19 years -- to hit for the cycle, leading host Texas to a 16-4 rout of the Cleveland Indians last night.$LABEL$1 +Stops and starts in the fast lane Michael Jennings was a track star at Florida State who also wanted to play football but wasn't confident enough to forgo a track scholarship and try the sport as a walk-on for quot;a team that good. quot;$LABEL$1 +Old college try from Moreland Earthwind Moreland signed with the Patriots Aug. 5, but University of Massachusetts football fans may have heard of him before that. He was a starting cornerback for the Georgia Southern squad that entered the 1998 Division 1-AA national championship game undefeated and then lost to the Minutemen, 55-43.$LABEL$1 +LBs are built from ground up For Bill Belichick, it isn't a preference. In his mind, turning NCAA defensive ends into NFL linebackers is practically a necessity.$LABEL$1 +Knee injury benches Eagles' Kalu for season Philadelphia Eagles defensive end N.D. Kalu will miss the season after tearing the anterior cruciate ligament in his right knee during yesterday's practice.$LABEL$1 +Jumbo dough for Joe Joe Thornton didn't make the score he was looking for yesterday, but the Bruins captain will earn \$6.75 million, the most of any player in the club's history, if the National Hockey League has a full 2004-05 season.$LABEL$1 +Philo is in the know Normally, there are few sure things in golf, but here's something we can be certain of: The lads in today's final pairing at the 84th New England PGA Championship at Brae Burn Country Club will not require introductions.$LABEL$1 +Northern N.E. reaches peak With some late heroics, Northern New England knocked off undefeated North Shore, 3-2, in the championship game of the Hockey Night in Boston Summer Showcase at Merrimack College last night.$LABEL$1 +China tells US not to send wrong signal to Uighur 'terrorists' (AFP) AFP - China has appealed to the United States not to send the ""wrong signal"" after Washington said a handful of detained Uighurs being held at the US military base in Guantanamo Bay would not be returned to China.$LABEL$0 +Pope Visit Leaves Lourdes with Hefty Deficit PARIS (Reuters) - Pope John Paul's visit to Lourdes last weekend left the Roman Catholic shrine with a 1.2 million euro (\$1.47 million) deficit because pilgrims keen to get good seats at his mass rushed past collection boxes.$LABEL$0 +Haiti ex-rebel head cleared of murder PORT-AU-PRINCE, Haiti -- A jury yesterday acquitted a leader of a paramilitary group accused of killing thousands, after a 14-hour murder trial that angered human rights groups and provoked criticism of the new US-backed government.$LABEL$0 +Witness says suspect was close to hijackers HAMBURG -- A Moroccan being retried on charges he aided the Sept. 11 plotters was part of lead hijacker Mohamed Atta's inner circle and knew of the group's arguments for turning to violence, a witness testified yesterday.$LABEL$0 +Venezuela's Chavez faces political gulfs CARACAS -- Fresh from victory and emboldened by a decisive mandate, Venezuelan President Hugo Chavez has the opportunity to extend an olive branch to a seething opposition and a suspicious US administration, but the rifts may have grown too deep to be mended.$LABEL$0 +German leader adopts Russian child MOSCOW -- Thousands of Russian children are adopted by foreigners every year -- but few go to such high-profile homes as the leader of Germany.$LABEL$0 +Burundi, Rwanda threaten Congo invasion BUJUMBURA, Burundi -- Burundi and Rwanda threatened yesterday to send soldiers into neighboring Congo to hunt down Hutu extremists responsible for slaughtering more than 160 Congolese Tutsi refugees at a UN camp in Burundi -- deployments that could reignite a regional conflict in this part of Africa.$LABEL$0 +No SEC Decision on Google IPO Paperwork (AP) AP - Google Inc.'s plans to move ahead with its initial public stock offering ran into a roadblock when the Securities and Exchange Commission didn't approve the Internet search giant's regulatory paperwork as requested.$LABEL$3 +Pakistan Publishes 'Most-Wanted Terrorists' List (Reuters) Reuters - Pakistan published pictures of six\""most-wanted terrorists"" on Wednesday and offered rewards for\information leading to the arrest of two al Qaeda-linked\militants wanted over assassination attempts on the president.$LABEL$0 +MacGowan to play at jazz landmark Legendary singer Shane MacGowan is to play a mini-residency at London's famous Ronnie Scott's jazz club.$LABEL$0 +Insurers escape Hurricane Charley It #39;s hard to see the silver lining to the clouds over Florida at the moment. Soaking debris and destroyed homes, bereaved families and a rearranged landscape are the testament to Hurricane Charley #39;s power. $LABEL$2 +Sex-bias suit filed against Costco A Costco Wholesale assistant manager sued the warehouse-club chain yesterday in federal court, alleging the company #39;s promotion policies keep women from seeking out the top two positions at its stores. $LABEL$2 +Funds turn negative on global profits LONDON (Reuters) - Fund managers #39; views on corporate profitability worldwide have turned sharply negative over the past month for the first time in three years, a Merrill Lynch survey of fund managers shows. $LABEL$2 +Australia #39;s Lend Lease Returns to Profit Property group Lend Lease Corp. on Wednesday announced a return to full-year profit and forecast earnings-per-share growth of more than 15 percent in the current year. $LABEL$2 +HP denies Itanium change cost it sales HP BOSS Ann Livermore said that the move to Itanium was not responsible for HP #39;s sales slump. Livermore, who managed to avoid an axe wielding Carly Fiorina this week as sales in the bits of the company she manages plummeted, said that killing the Alpha ...$LABEL$3 +Digital signatures #39;could be forged #39; Encryption circles are buzzing with news that mathematical functions embedded in common security applications have previously unknown weaknesses. $LABEL$3 +With this effort, they #39;re silver belles ATHENS -- How many gilded fairy tales do you want? There was the Magnificent 7 in Atlanta in 1996 and the Fantastic 5 in Anaheim last summer. Was anyone really counting on dethroning the Romanians at an ...$LABEL$1 +Canadian arrested for #39;interrupting the Games #39; after diving into pool ATHENS (CP) - Olympic organizers increased security inside all sports venues Tuesday after a Canadian spectator climbed out of the stands and jumped off one of the boards into the pool. $LABEL$1 +Say slams teammates #39; relay effort ATHENS -- The meltdown continues in the pool for Canada #39;s swimmers. Only this time, it #39;s talk and not just times that are creating heat. Rick Say, who has posted Canada #39;s best individual showing in the pool with a sixth-place finish in the highly ...$LABEL$1 +White Sox #39;s Guillen hospitalized with what may be kidney stones Chicago White Sox manager Ozzie Guillen was hospitalized last night and might have kidney stones. Guillen, serving the first game of a two-game suspension, left the ballpark about three hours before the game against Detroit and went to a Chicago hospital ...$LABEL$1 +Last laugh Oh, those wacky Red Sox. Nothing like a little levity to take the edge off a playoff race. That #39;s why Terry Francona #39;s merry pranksters last night let Manny Ramirez lead the charge out of the dugout in the ...$LABEL$1 +Agassi downs crowd favourite TOP seed Andre Agassi cruised into the next round of the ATP Legg Mason Tennis Classic in Washington with a 6-4 6-2 win over fellow American Paul Goldstein. $LABEL$1 +Sadr refuses to meet with peace delegation NAJAF, Iraq -- Radical Shi #39;ite Muslim cleric Moqtada al-Sadr refused yesterday to meet with a delegation of Iraqi political figures that had rushed here from Baghdad with a last-ditch offer for peace, ...$LABEL$0 +Five Palestinians killed Israeli attack that targeted Hamas activist in Gaza City JERUSALEM Israel set off a mysterious explosion in an olive grove near the house of a senior Hamas activist Wednesday, killing five Palestinians and wounding seven. The strike came just before Prime Minister Ariel Sharon faced a key party test linked to ...$LABEL$0 +Warring Afghan Factions Say Cease-fire Holding HERAT (Reuters) - A renegade Afghan militia commander and a spokesman for the governor of the western province of Herat said on Wednesday their forces were honoring a cease-fire brokered a day earlier by the US envoy to Afghanistan. $LABEL$0 +5 die as Hamas chief survives Israeli strike GAZA CITYA senior Hamas leader survived an Israeli assassination attempt early today but at least five other Palestinians were killed in the explosion that tore through his Gaza home. $LABEL$0 +Farewell to American friends President Bush #39;s plan to begin pulling most of the US troops out of Europe nearly fifteen years after the fall of the Berlin Wall has many Germans worried. $LABEL$0 +Nepalese Rebel Blockade Cuts Roads to Kathmandu, Reuters Says Aug. 18 (Bloomberg) -- Road traffic to Nepal #39;s capital, Kathmandu, stopped as communist rebels began a blockade of the city to demand the release of insurgents, Reuters reported. $LABEL$0 +Squaddie Is Killed In Gun Battle A BRITISH soldier was killed and another seriously injured in clashes with Iraqi rebel gunmen in Basra yesterday. $LABEL$0 +Politician #39;s arrest stirs suspicions in Hong Kong BEIJING - The arrest of a Hong Kong pro-democracy candidate in mainland China on charges of soliciting a prostitute touched off a media furor in the former British colony yesterday and fueled suspicion that Beijing was trying to influence ...$LABEL$0 +Greek Sprinters Withdraw from Games ATHENS (Reuters) - Greek Olympic 200 meters champion Costas Kenteris, the focus of an Olympic doping scandal, withdrew from the Athens Games on Wednesday ""out of a sense of responsibility.$LABEL$1 +Dollar Mired Near Lows After Weak Data LONDON (Reuters) - The dollar hovered near multi-week lows on Wednesday as investors questioned whether the U.S. central bank would raise interest rates next month in the light of another round of weak U.S. data.$LABEL$2 +Google Cuts IPO Price Range NEW YORK (Reuters) - Google Inc., the Web search engine, on Wednesday slashed the price range on its eagerly awaited initial public offering to between \$85 and \$95 per share from \$108 to \$135 per share.$LABEL$2 +Update 1: Philippine Shares Close Lower Philippine shares finished lower Wednesday on selling triggered by a clutch of negative financial news and the steep fall of blue-chip Philippine Long Distance Telephone Co. #39;s American depositary receipts, traders said. $LABEL$2 +ING withdrawing from Janus Financial services firm ING has been identified as the company that plans to yank \$5 billion from the hands of Janus Capital Group. $LABEL$2 +Oakville plant #39;s fate is still up in the air Ford is celebrating its 100th anniversary in Canada today amid uncertainty over the future of the automaker #39;s Oakville assembly plant. $LABEL$2 +Benefits Seen in Earth Observation Data WASHINGTON Aug. 17, 2004 Scientists are planning to take the pulse of the planet and more in an effort to improve weather forecasts, predict energy needs months in advance, anticipate disease outbreaks and even tell fishermen where the catch will be ...$LABEL$3 +Greek sprinter Kenteris quits Games ATHENS (Reuters) - Greek Olympic 200 metres champion Costas Kenteris and his fellow Greek Olympic silver medallist Katerina Thanou say they are withdrawing from the Athens Games. $LABEL$1 +UAE joins Olympics gold medal winners UAE joins Olympics gold medal winners ABU DHABI, 18 Aug. 04 (WAM) -- A UAE paper said today that Sheikh Ahmed bin Hashar Al Maktoum #39;s winning of the gold medal in double trap shooting had taken the UAE to the pinnacle of sporting glory at the Olympics. $LABEL$1 +Federer crashes out of Olympics World number one Roger Federer of Switzerland crashed out of the Olympic tennis tournament on Tuesday when he lost to unseeded Tomas Berdych of the Czech Republic. $LABEL$1 +2 steps back in Texas ARLINGTON, Texas -- All of a sudden, the Indians #39; prolific offense has been reduced to shambles. And, remember phenom left-hander Cliff Lee, who won 10 games before the All-Star break? He #39;s seemingly forgotten how to pitch. $LABEL$1 +Southern Cal faces sex assault probe A member or members of the USC football team is being investigated for alleged sexual assault, the Los Angeles police department said last night. $LABEL$1 +Mechanic must stand trial for British backpacker #39;s murder A mechanic was ordered today to stand trial for the alleged murder of British backpacker Peter Falconio in the Australian Outback three years ago. $LABEL$0 +Google Cuts IPO Price Range (Reuters) Reuters - Google Inc., the Web search engine, on\Wednesday slashed the price range on its eagerly awaited\initial public offering to between #36;85 and #36;95 per share from\ #36;108 to #36;135 per share.$LABEL$2 +Bank of America Plans Big Layoffs -Paper (Reuters) Reuters - Bank of America Corp. (BAC.N), plans\on Wednesday to lay off hundreds of tellers and other employees\at Fleet bank branches, and ask them to leave immediately, the\Boston Globe said on Wednesday, citing documents it obtained\and Fleet branch managers.$LABEL$2 +Oil Prices Hold Near \$47 on Iraq Threat LONDON (Reuters) - Oil prices held steady near \$47 a barrel on Wednesday a day after setting yet another record when the United States, the world's biggest oil consumer, said inflation had stayed in check despite rising energy costs.$LABEL$2 +Greek Sprinters Withdraw From Olympics (AP) AP - Top Greek sprinters Kostas Kenteris and Katerina Thanou withdrew Wednesday from the Athens Games, nearly a week after the duo missed a drug test and were hospitalized after a mysterious motorcycle crash.$LABEL$1 +Teixeira Hits for Cycle in Rangers' Win (AP) AP - Mark Teixeira needed only a single to hit for the cycle, and his Texas Rangers teammates wanted to see him make some baseball history.$LABEL$1 +De Bruijn Leads the Way in 100 Freestyle Heats ATHENS (Reuters) - Triple Sydney Olympic champion Inge de Bruijn, who lost her 100 meters butterfly title on Sunday, posted the fastest heat time as she opened the defense of her 100 freestyle crown on Wednesday.$LABEL$1 +Mayo Likely to Miss Tour of Spain MADRID (Reuters) - Leading Spanish cyclist Iban Mayo will probably miss next month's Tour of Spain because of a suspected viral infection, his team manager said on Wednesday.$LABEL$1 +China Detains Eight Roman Catholic Priests -Group BEIJING (Reuters) - China has detained eight Roman Catholic priests in northern Hebei province, continuing a crackdown on those loyal to the Pope, a U.S.-based religious right group said on Wednesday.$LABEL$0 +No SEC Decision on Google IPO Paperwork SAN JOSE, Calif. - Google Inc.'s plans to move ahead with its initial public stock offering ran into a roadblock when the Securities and Exchange Commission didn't approve the Internet search giant's regulatory paperwork as requested...$LABEL$0 +Eight Terror Suspects Face British Charges LONDON - Two of the suspects allegedly had surveillance plans of the Prudential Building in Newark, N.J., mentioned in the Aug. 1 U.S...$LABEL$0 +BHP Announces Record Annual Profit Anglo-Australian mining giant BHP Billiton on Wednesday announced Australia #39;s biggest ever annual net profit, US\$3.51 billion (euros 2.84 billion), thanks to soaring demand. $LABEL$2 +Nestle Profit Rises; Commodity Prices to Crimp Growth (Update4) Aug. 18 (Bloomberg) -- Nestle SA, the world #39;s largest food company, said first-half profit rose 2.1 percent, less than forecast, as sales in Western Europe declined and costs for sugar, energy and packaging materials increased. $LABEL$2 +CA acquires PestPatrol Over the past year, spyware has become an increasing problem. Every time that you visit a web site, you must run the gauntlet of a variety of pop-up adverts, any of which can be programmed to place spyware on your computer. $LABEL$3 +Greek duo quit Olympics The two Greek sprinters who missed drug tests prior to the start of the Athens Olympics today withdrew from the games. $LABEL$1 +Keller leads relay upset of Aussies ATHENS - Klete Keller says he likes to run with the bulls. Talks a little bull, too. But he doesn #39;t kid around in the water. $LABEL$1 +Americans bounce back Athens -- Allen Iverson scored 17 points, even with the broken thumb on his shooting hand, as the United States rebounded from a shocking opening-game loss to beat Greece 77-71 at the men #39;s Olympic basketball tournament yesterday. $LABEL$1 +Just 16 centuries later, we return to Olympia You remember, of course, Armenian Prince Varazdates and the spectacle of his boxing triumph. And who can forget Zopyros of Athens, wrestling-boxing his way to the junior pankration crown. $LABEL$1 +Selig to get 3-year extension Major League Baseball #39;s owners will convene in Philadelphia today for two days of meetings that will culminate with a coronation of sorts. $LABEL$1 +Downer up-beat on North Korean nuclear talks Foreign Minister Alexander Downer has offered an up-beat assessment at the end of talks in Pyongyang about the North Korean nuclear crisis. $LABEL$0 +Australian opposition leader hospitalised with pancreatitis CANBERRA : Australian opposition leader Mark Latham is in hospital with an inflamed pancreas, his office said. $LABEL$0 +US sweeps away slide in volleyball The United States had lost nine straight Olympic matches, dating to the Atlanta Games in 1996. Clay Stanley made sure it didn't continue.$LABEL$1 +Olympics sport solid ratings Gyms worldwide were dark in anticipation of the Olympic gymnastics competition, NBC's Al Trautwig said this week in a dramatic introduction -- and then the cameras pulled back to reveal row after row of empty seats in Athens.$LABEL$1 +Google Slashes IPO Price Range (Reuters) Reuters - Google Inc., the Web search engine, on\Wednesday slashed the price range on its eagerly awaited\initial public offering to between #36;85 and #36;95 per share from\ #36;108 to #36;135 per share.$LABEL$3 +Sprints More Fun Without Jones, Says Ferguson ATHENS (Reuters) - With no clear-cut favorite, the women's sprints at the Athens Olympics will be more exciting than they were four years ago when Marion Jones dominated, according to Caribbean sprinters Debbie Ferguson and Veronica Campbell.$LABEL$1 +Bomb found near Berlusconi villa Italy police defuse a bomb near Silvio Berlusconi's holiday villa, hours after a visit by the UK's Tony Blair.$LABEL$0 +Google Slashes IPO Price Range NEW YORK (Reuters) - Google Inc., the Web search engine, on Wednesday slashed the price range on its eagerly awaited initial public offering to between \$85 and \$95 per share from \$108 to \$135 per share. $LABEL$2 +Prices drop in July WASHINGTON Con-sumer prices in July fell nationally by 0.1 percent and in the New York metro region by 0.2 percent as gasoline prices dropped, the US Labor Department said yesterday. $LABEL$2 +Bank of America Plans Big Layoffs -Paper NEW YORK (Reuters) - Bank of America Corp. (BAC.N: Quote, Profile, Research) , plans on Wednesday to lay off hundreds of tellers and other employees at Fleet bank branches, and ask them to leave immediately, the Boston Globe said on Wednesday, citing ...$LABEL$2 +Air France raises ticket prices PARIS (Reuters) - French flag carrier Air France is raising its ticket prices by up to 12 euros (8 pounds) per flight leg, joining a number of other airlines in passing on higher jet fuel costs to passengers. $LABEL$2 +Netscape Revamped With Mozilla 1.7 Netscape Communications has released Netscape 7.2, successor to the older version 7.1, which was released in mid-2003. The new release is based on version 1.7 of Mozilla, the most recent version of the Mozilla Internet application suite. $LABEL$3 +Two golds make Phelps #39; day Michael Phelps showed no signs of either yesterday, swimming to two gold medals in the span of an hour at the Athens Olympic Games. $LABEL$1 +Olympia oozes Games history OLYMPIA, GREECE -- Great players will walk upon a historic stage today at the Ancient Olympia Stadium. $LABEL$1 +US choose Devers to replace Edwards Gail Devers and LaShaunte #39;a Moore will replace banned world champion Torri Edwards in the Olympic 100 and 200 metres races. $LABEL$1 +Top players need more rest, says Eriksson WASHINGTON, Aug. 17 (Xinhuanet) -- England coach Sven-Goran Eriksson has urged the international soccer authorities to preserve the health of the world superstar footballers for major tournaments, who expressed his will in Slaley of England on Tuesday ...$LABEL$1 +Rae got what he deserved - Dadu The player kicked in the head by Alex Rae believes the five-match ban imposed on the Rangers midfielder was just. $LABEL$1 +Britain arrests 8 suspects linked to US terror alert Accused of conspiring to commit murder. Alleged Al-Qa #39;ida operative charged with possessing plans of US financial institutions ...$LABEL$0 +Israel #39;s Likud faces major vote after controversial settlement decision JERUSALEM : Israeli Prime Minister Ariel Sharon #39;s Likud party votes on Sharon #39;s intention to bring the opposition Labour party into government, the day after he gave the green light to the construction of 1,000 new homes in Jewish settlements in the West ...$LABEL$0 +Police defuse bomb after Blair #39;s visit Police have defused a bomb near the Sardinian holiday home of Silvio Berlusconi, the Italian prime minister, just hours after a visit by Tony Blair. $LABEL$0 +Girlfriend #39;s Family Welcome Backpacker Murder Trial The family of Joanne Lees today welcomed the announcement that a mechanic is to stand trial in Australia for the murder of British backpacker Peter Falconio. $LABEL$0 +Euro Stocks Slip LONDON (Reuters) - High oil prices weighed on investor sentiment across financial markets on Wednesday as the price of crude stuck stubbornly close to \$47 a barrel.$LABEL$2 +Arafat Says Palestinians Made 'Mistakes' (AP) AP - In a rare admission, Yasser Arafat suggested Wednesday that the Palestinian leadership has made ""mistakes"" and promised to correct them.$LABEL$0 +No New Closures of Japan Nuclear Reactors Needed (Reuters) Reuters - No more Japanese nuclear reactors need to\be closed for inspections, electric power companies said on\Wednesday after submitting reports ordered by the government\following a reactor accident that killed four workers last\week.$LABEL$0 +Invasion alert in DR Congo town Security is stepped up in the border town of Bukavu after Rwanda and Burundi said they could send troops into Democratic Republic of Congo.$LABEL$0 +Blair's 'Freebie' Summer Holidays Irk Britons (Reuters) Reuters - Two continents. Three luxury mansions\courtesy of friends. Endless sun and sea. And a front-row seat\for the Olympics to boot.$LABEL$0 +Karzai Promises Afghans Security for Election KABUL (Reuters) - Afghanistan's President Hamid Karzai promised Afghans greater security when they go to vote in the country's first ever democratic election during an independence day speech on Wednesday.$LABEL$0 +Blair's 'Freebie' Summer Holidays Irk Britons LONDON (Reuters) - Two continents. Three luxury mansions courtesy of friends. Endless sun and sea. And a front-row seat for the Olympics to boot.$LABEL$0 +Medical Experts Fear Charley's Aftermath PUNTA GORDA, Fla. - Bill Nylander survived Hurricane Charley, but the storm still managed to hurt him days after it cut a swath of destruction through his hometown...$LABEL$0 +BHP Billiton 2nd-Half Net Doubles on Commodity Prices (Update3) Aug. 18 (Bloomberg) -- BHP Billiton, the world #39;s biggest mining company, more than doubled second-half profit as Chinese demand boosted commodity prices and said it may return as much as \$2 billion to investors, including through share buybacks. $LABEL$2 +Update 2: Philippine Shares Close Lower Philippine shares finished lower Wednesday on selling triggered by a clutch of negative financial news and the steep fall of blue-chip Philippine Long Distance Telephone Co. #39;s American depositary receipts, traders said. $LABEL$2 +Qualcomm drops licensing suit against TI LOS ANGELES (Reuters) Qualcomm has dropped an \$18 million claim for monetary damages from rival Texas Instruments for publicly discussing terms of a licensing pact, a TI spokeswoman confirmed Tuesday. $LABEL$3 +Palm extends Wi-Fi range The PalmOne Wi-Fi SD card has finally arrived, but only for users with the most up to date models. The card is only compatible with two top of the range handsets, the Zire 72 and Tungsten T3. $LABEL$3 +Heavy fighting erupts in Najaf NAJAF, Iraq (Reuters) - Heavy fighting has broken out between US troops and Shi #39;ite militiamen in the Iraqi city of Najaf after a peace delegation failed to broker a truce to end nearly two weeks of clashes. $LABEL$0 +Making Free IPods Pay Off The FreeiPods.com website looks as phony as a \$3 bill. In fact, it's at the forefront of performance-based marketing, as advertisers discover it's more effective to spend \$50 million on gifts than to blow the cash on TV ads. By Leander Kahney.$LABEL$2 +Explosion Hits Iraq Foreign Ministry (AP) AP - A large explosion hit central Baghad on Wednesday close to a convention center where a key national gathering of political, religious and civic leaders entered its final day.$LABEL$0 +Maoist Rebels Block Land Routes to Nepali Capital NAGDHUNGA, Nepal (Reuters) - Maoist rebels, fighting to topple Nepal's constitutional monarchy, cut off all land routes to the Himalayan kingdom's capital on Wednesday, disrupting food and supplies to the city of 1.5 million people.$LABEL$0 +Google Slashes IPO Price Range NEW YORK (Reuters) - Google Inc., the world's most popular Web search engine, on Wednesday slashed the price range on its eagerly awaited initial public offering (IPO) to between \$85 and \$95 per share from between \$108 and \$135 per share.$LABEL$2 +Arafat Urges Palestinians to 'Correct Mistakes' (Reuters) Reuters - Palestinian President\Yasser Arafat, under pressure to enact anti-corruption reforms,\said on Wednesday that some officials had misused their posts\and urged efforts to correct ""all the mistakes.$LABEL$0 +Two bombs discovered in Sardinia after Berlusconi-Blair meet (AFP) AFP - Police discovered two bombs near the Sardinian villa of Italian Prime Minister Silvio Berlusconi, just hours after he met his British counterpart Tony Blair on the island.$LABEL$0 +Global miner BHP Billiton posts record net profit as demand soars (AFP) AFP - Global mining giant BHP Billiton posted the biggest net profit in Australian corporate history as soaring commodities prices and strong demand from China pushed net profit up 83 percent to 3.51 billion US dollars.$LABEL$0 +Arafat Urges Palestinians to 'Correct Mistakes' RAMALLAH, West Bank (Reuters) - Palestinian President Yasser Arafat, under pressure to enact anti-corruption reforms, said on Wednesday that some officials had misused their posts and urged efforts to correct ""all the mistakes.$LABEL$0 +China Detains Eight Priests and a Living Buddha -Groups BEIJING (Reuters) - China has detained eight Roman Catholic priests in a crackdown on those loyal to the Pope and arrested a ""Living Buddha"" for arousing superstition at the re-opening of a temple, U.S. groups said on Wednesday.$LABEL$0 +Walker Slam Leads Cardinals Past Reds (AP) AP - Larry Walker has learned quickly that St. Louis Cardinals' fans know how to celebrate.$LABEL$1 +Fighting Rages in Najaf After Peace Bid Fails NAJAF, Iraq (Reuters) - Heavy fighting broke out between U.S. troops and Shi'ite militiamen in the Iraqi city of Najaf, where Iraq's interim defense minister said he expected a ""decisive battle"" to take place on Wednesday.$LABEL$0 +Crypto researchers abuzz over flaws ZDNet UK: Encryption circles are buzzing with news that mathematical functions embedded in common security applications have previously unknown weaknesses. $LABEL$3 +UA #39;s Beard swims to silver in medley debut ATHENS - American swimmer Michael Phelps collected two more gold medals Tuesday, but even he knew he wasn #39;t the story of the day from the Summer Olympics in Athens. $LABEL$1 +Celebrating human spirit, in all its impurity What if the Olympic Games --started here 2,780 years ago, right in this fertile, ancient town in the western Peloponnesus some 200 miles from Athens -- really mean something? ...$LABEL$1 +Security tightened after fan takes a plunge More security will be placed around the fields of play at the Olympics after a man who wanted to send #39; #39;a loving message to his wife #39; #39; jumped into the diving pool, the Athens Organizing Committee said. $LABEL$1 +Labor determined to reopen children overboard inquiry Labor says there appears to have been pressure from the Prime Minister #39;s office on a public servant and it #39;s reaffirmed its determination to reopen the Senate inquiry into the matter. $LABEL$0 +4 killed, 2 missing as Typhoon Megi hits western Japan TOKYO, Aug. 18 (Xinhuanet) -- Four people were killed and two others missing as Typhoon Megi hit west Japan #39;s Kagawa and Ehime prefectures on Wednesday, the Japan Meteorological Agency said. $LABEL$0 +Wall Street Set to Open Down (Reuters) Reuters - U.S. shares were expected to open lower\on Wednesday after crude oil pushed to a fresh high overnight,\while Web search engine Google Inc. dented sentiment as it\slashed the price range on its initial public offering.\In a statement posted on its IPO Web site, Google said it had\cut the range on its IPO to #36;85- #36;95 per share from #36;108- #36;135\previously, a 26 percent reduction at the mid-point of the\range.$LABEL$2 +U.S. Crude Sets New Record #36;47 a Barrel (Reuters) Reuters - U.S. oil futures set a new record #36;47.01\a barrel on Wednesday after a new threat against Iraq's oil\sector by rebel Shi'ite militia. U.S. crude traded up 26 cents\to set a new high in the 21-year history of the New York\Mercantile Exchange contract.$LABEL$2 +First Look at Microsoft Money 2005 This Web-savvy update syncs with MSN accounts, but you'll want to be aware of some functionality requirements and service limitations.$LABEL$3 +Google slashes IPO price range NEW YORK (Reuters) - Google, the world #39;s most popular Web search engine, has slashed the price range on its eagerly awaited initial public offering to between \$85 and \$95 per share from between \$108 and \$135 per share. $LABEL$2 +Canada begins probe of Nortel #39;s accounting TORONTO -- Shares of Nortel Networks edged lower yesterday after Canadian officials said they were opening a criminal investigation into accounting practices at the telecommunications equipment maker. $LABEL$2 +PalmOne Wi-Fi card: a first look Want to add Wi-Fi connectivity to your PalmOne Tungsten T3 or Zire 72 handheld? Your wait is almost over. $LABEL$3 +Kenteris and Thanou Quit Games After an hour of interrogation by a three-man IOC disciplinary panel at the Hilton Hotel this morning, Kenteris emerged amid chaotic scenes to declare that in the national interest he would not be defending the 200metres title he won in Sydney four ...$LABEL$1 +Bomb found near Berlusconi villa Italian police today said they had defused a bomb near the Italian prime minister Silvio Berlusconi #39;s Sardinian holiday villa, only hours after a visit by the prime minister, Tony Blair. $LABEL$0 +Burundi Urges Sanctions on Rebels Over Massacre DAR ES SALAAM (Reuters) - Burundi will urge regional leaders at a summit on Wednesday to impose sanctions against the rebel Hutu Forces for National Liberation (FNL), blamed for the slaughter of more than 160 Congolese Tutsi refugees in ...$LABEL$0 +Australian foreign minister ends #39;productive #39; North Korea talks Australia #39;s foreign minister, Alexander Downer, has wrapped up talks in North Korea on the stand-off over the country #39;s efforts to develop nuclear weapons. $LABEL$0 +Australian terrorist seeks deal to testify in foreign trials SYDNEY : Australia #39;s first convicted terrorist, who confessed to conspiring with Al-Qaeda to blow up the Israeli embassy in Canberra, wants a deal in exchange for testifying against terror suspects in foreign courts. $LABEL$0 +Wall Street Set to Open Down LONDON (Reuters) - U.S. shares were expected to open lower on Wednesday after crude oil pushed to a fresh high overnight, while Web search engine Google Inc. dented sentiment as it slashed the price range on its initial public offering.$LABEL$2 +Google reduces IPO price range; SEC approval awaited NEW YORK, August 18 (New Ratings) Google Inc has reportedly reduced its expected IPO price range to \$85-\$95 per share, from the previously expected price range of \$108-\$135 per share. The company is unlikely to price its shares until the market closes ...$LABEL$2 +Crude Oil Prices Climb to Record Before US Inventory Report Aug. 18 (Bloomberg) -- Crude oil prices rose to a record in New York before a government report that #39;s expected to show the third straight weekly drop in US crude oil inventories. $LABEL$2 +Phelps #39; gold rush ATHENS, Greece - The night before, Michael Phelps had stood by the pool with a strained smile and a bronze medal, his quest for Olympic immortality dashed, his million-dollar bonus lost, his gold medal count stuck on one. $LABEL$1 +Games go eons back in time today ATHENS, Greece The slogan for these Olympics is, quot;Welcome Home. quot; But the Games really go home today, when the men #39;s and women #39;s shot put are held in the excavated stadium of ancient Olympia, which started all this madness in 776 BC ...$LABEL$1 +NHL: No progress in talks With less than a month remaining before the current collective bargaining agreement expires, representatives for the NHL and the Players #39; Association met for nearly 4 1/2 hours yesterday without making any progress on a new CBA. $LABEL$1 +Fighting Rages in Najaf After Peace Bid Fails NAJAF, Iraq (Reuters) - Heavy fighting broke out between US troops and Shi #39;ite militiamen in the Iraqi city of Najaf, where Iraq #39;s interim defense minister said he expected a quot;decisive battle quot; to take place on Wednesday. $LABEL$0 +Internet pharmacies get go-ahead The government gives the green-light to internet-only pharmacies in England.$LABEL$3 +Karzai urges neighbours to stop militants crossing borders (AFP) AFP - President Hamid Karzai has called on neighbouring countries to prevent militants crossing into Afghanistan through poorly monitored borders and cooperate in the ""fight against terror.$LABEL$0 +Poll: Kerry Continues to Hold Edge in Pa. (AP) AP - Democratic presidential nominee John Kerry is maintaining a slight lead over President Bush in the battleground state of Pennsylvania with crucial support from veterans and military families, according to a poll released Wednesday.$LABEL$0 +Najaf clashes as truce talks fail Fighting resumes in the Iraqi city of Najaf between US troops and Shia militias after an abortive peace bid.$LABEL$0 +N Korea food prices 'rocket' Changes in North Korea's economy have led to spiralling food prices many people cannot afford, the UN says.$LABEL$0 +Two die in South Ossetia fighting Clashes with separatists in the breakaway region of South Ossetia kill two Georgian soldiers.$LABEL$0 +Iraq Won't Send New Delegation to Najaf BAGHDAD, Iraq - Iraq's National Conference refused Wednesday to send a second delegation to the holy city of Najaf to negotiate an end to fighting between U.S. troops and loyalists of radical cleric Muqtada al-Sadr, a day after he rebuffed their demand for a meeting...$LABEL$0 +A DIFFERENT SPIN (SiliconValley.com) SiliconValley.com - As surely as CDs followed vinyl, there was bound to be a successor to the DVD spinning around in research labs.$LABEL$3 +Sex spam clogs summer in-boxes Summer is associated with romance and spammers are trying to cash in by bombarding inboxes with porn.$LABEL$3 +US children 'abandoned in Africa' Texas authorities are investigating claims that a US mother left her seven adopted children in Nigeria and went to work in Iraq.$LABEL$0 +Pakistan issues \$1m al-Qaeda list Pakistan offers rewards totalling more than \$1m for the capture of six top al-Qaeda suspects.$LABEL$0 +Sex spam clogs summer in-boxes Summer is traditionally associated with romance and spammers are trying to cash in by bombarding inboxes with porn.$LABEL$0 +Update 14: Google Lowers Its IPO Price Range In a sign that Google Inc. #39;s initial public offering isn #39;t as popular as expected, the Internet search giant lowered its estimated price range to between \$85 and \$95 per share, down from its earlier prediction of \$108 and \$135 per share. $LABEL$2 +Oil hits new record on fresh Iraq threat LONDON (Reuters) - Oil prices have surged to a new high of \$47 a barrel after a new threat by rebel militia against Iraqi oil facilities, and as the United States says inflation has stayed in check despite rising energy costs. $LABEL$2 +Halliburton gets more time to justify bills to US Army NEW YORK, August 18 (New Ratings) The Halliburton Company (HAL.NYS) has reportedly gained more time to justify its bills to the US Army, regarding the company #39;s contract to provide logistic services to the US troops in Iraq. $LABEL$2 +Swisscom Confirms Possible Merger Talks Telecommunications companies Swisscom AG and Telekom Austria AG are in talks over a possible merger, Swisscom said in a statement late Tuesday. $LABEL$2 +AOL releases Netscape browser update Version 7.2 is the first update since mid-2003. The new release is based on version 1.7 of Mozilla, the most recent version of the Mozilla internet application suite. $LABEL$3 +Attachmate Heightens Security, Centralises Management and Brings Microsoft Usability to Host Access with EXTRA! ... Specialist in productivity-enhancing host access, Attachmate, today announces the launch of #39;next generation #39; emulation with EXTRA! Mainframe Server Edition version 8.0 for Windows XP. EXTRA! Mainframe Server Edition offers: 1) complete security framework ...$LABEL$3 +Save The Whales! Then What? AP DE BON DESIR, Quebec, Aug. 11 - A few miles from this spit along the pink granite coast of the Gulf of St. Lawrence, there is a sheltered cove that has witnessed the full span of the human relationship with whales. $LABEL$3 +Sprinters #39; Withdrawals Lift Cloud Over Games ATHENS (Reuters) - Greece #39;s top two sprinters pulled out of the Olympics on Wednesday after inflicting six days of embarrassment on their country over a hide-and-seek contest with anti-doping enforcers. $LABEL$1 +Shot put history in Olympia ANCIENT OLYMPIA (Reuters) - American Kristin Heaston launched the shot 16.41 metres to become the first woman to compete at Olympia in the first athletics meeting in the tree-lined grove since the ancient Games were abolished in AD 393. $LABEL$1 +Bomb found near Berlusconi villa POLICE defused a bomb near Premier Silvio Berlusconi #39;s villa on the island of Sardinia early today following a tip-off from a radical leftist group, shortly after a visit by British Prime Minister Tony Blair. $LABEL$0 +Three Georgian servicemen killed in South Ossetia MOSCOW, Aug. 18 (Xinhuanet) -- Three Georgian servicemen were killed while five others were wounded in overnight fighting in Georgia #39;s breakaway province of South Ossetia, Russian news agencies reported, citing Georgian officials. $LABEL$0 +OPEC: 'Very Small' Impact from Surge LONDON (Reuters) - OPEC producers have said they see little impact on economic growth so far from oil's relentless price surge, which Wednesday racked up yet another record high.$LABEL$2 +Pakistan Mobile Phone Firms Vie for Pent-Up Demand (Reuters) Reuters - Tens of thousands of Pakistanis\endured hours of stifling heat this week to accept an offer of\free mobile phone connections, a sign of the pent-up demand in\a country where cell phone usage has remained low.$LABEL$3 +Pakistan Mobile Phone Firms Vie for Pent-Up Demand ISLAMABAD (Reuters) - Tens of thousands of Pakistanis endured hours of stifling heat this week to accept an offer of free mobile phone connections, a sign of the pent-up demand in a country where cell phone usage has remained low.$LABEL$3 +Huge waves erode British coast Waves over 20m high are getting bigger, more frequent and are eroding Britain's Atlantic coast, experts say.$LABEL$3 +Chinese Official Sentenced to Death (AP) AP - An official once in charge of guarding cultural relics has been sentenced to death in China's biggest antiquities theft case since the start of communist rule in 1949.$LABEL$0 +Iraq Won't Send New Delegation to Najaf Iraq's National Conference refused today to send a second delegation to negotiate an end to fighting between U.S. troops and loyalists of Shiite cleric Moktada al-Sadr.$LABEL$0 +Google Sharply Reduces IPO Share Price Google, Inc. significantly cut the expected share price for its initial public stock offering this morning, signaling lower-than-anticipated demand for the most highly publicized new stock since the late 1990s. $LABEL$2 +Stocks Are Seen Off a Touch at Open US stocks are seen off a touch at the open Wednesday as the price of oil continues to plague investor sentiment. $LABEL$2 +Bank Of America Announced Layoffs BOSTON (AP) -- The layoffs are a result of Bank America #39;s merger with FleetBoston Financial Corporation. $LABEL$2 +Cassini finds two little Saturn moons The two newly spotted, faint moons are about 3 miles and 4 miles across, and roughly 200,000 kilometres from Saturn #39;s centre. $LABEL$3 +IBM #39;s New Midrange Server Allows Multiple OS Environments IBM #39;s new eServer allows users to run multiple OS environments at the same time to increase efficiency. Customers can purchase the machine based on the processing power they need. The server comes in configurations from one to four-way and ...$LABEL$3 +Phelps Advances in 200-Meter Medley ATHENS, Greece - Michael Phelps, seeking his sixth medal of the Athens Olympics, advanced in the 200-meter individual medley Wednesday with a conservative swim. $LABEL$1 +Ump says Ozzie threw spitter According to White Sox manager Ozzie Guillen, umpire Hunter Wendelstedt filed a claim that said Guillen spat on him during an Aug. 9 argument, a big reason Guillen was dealt with so severely by Major League Baseball. $LABEL$1 +Najaf truce offer rejected Militia fighters loyal to the radical cleric Moqtada al-Sadr today continued to battle US soldiers in Najaf, hours after a delegation from Iraq #39;s national conference had left the city empty-handed when its truce offer was turned down. $LABEL$0 +Bomb Found on Island Hours after Blair Visit Police defused a bomb near Italian Premier Silvio Berlusconi #39;s villa in Sardinia early today shortly after Tony and Cherie Blair ended a visit to the Italian leader. $LABEL$0 +Don #39;t use Pearl as electoral pawn, family tells politicians The family of the murdered journalist Daniel Pearl has appealed to American politicians not to use his name in their election campaigns. $LABEL$0 +Mortgage Applications Jump in Aug 13 Week (Reuters) Reuters - New applications for U.S. home loans\rose last week while refinancings surged, as 30-year mortgage\interest rates fell to their lowest level in over four months,\an industry group said on Wednesday.$LABEL$2 +Mortgage Applications Jump in Aug 13 Week NEW YORK (Reuters) - New applications for U.S. home loans rose last week while refinancings surged, as 30-year mortgage interest rates fell to their lowest level in over four months, an industry group said on Wednesday.$LABEL$2 +High oil prices not hurting German economy: Schroeder (AFP) AFP - German Chancellor Gerhard Schroeder said that the hike in oil prices was not currently hurting the eurozone's biggest economy but that he was closely watching the cost of crude.$LABEL$0 +Rocket Slams Into Iraqi Market, Killing 5 (AP) AP - A rocket slammed into a busy market in the northern Iraqi city of Mosul on Wednesday, killing at least five civilians, a U.S. military spokeswoman said.$LABEL$0 +Google Sharply Reduces IPO Share Price Google, Inc. significantly cut the expected share price this morning for its initial public stock offering, signaling lower-than-anticipated demand for the most highly publicized new stock since the late 1990s.$LABEL$3 +E-passports to put new face on old documents Countries begin test programs--get ready for a facial scan the next time you take an overseas flight.$LABEL$3 +Eight to appear in London court on terror plot charges (AFP) AFP - Eight men arrested in anti-terrorist raids two weeks ago were set to appear in a high-security court in London on charges of conspiracy to murder and plotting radioactive, chemical or explosive attacks.$LABEL$0 +Arafat admits 'mistakes' to MPs Palestinian leader Yasser Arafat makes a rare admission that ""unacceptable mistakes"" have been made under him.$LABEL$0 +Stocks Are Seen Off a Touch at Open NEW YORK - U.S. stocks are seen off a touch at the open Wednesday as the price of oil continues to plague investor sentiment...$LABEL$0 +Arafat Admits Palestinians Made Mistakes RAMALLAH, West Bank - Yasser Arafat acknowledged Wednesday that the Palestinian Authority had made mistakes, but the rare admission appeared to be aimed more at deflecting criticism about his corrupt government than making real changes. In a decade at the helm of the Palestinian Authority, Arafat has resisted attempts to get him to fight official corruption, reform the security services and relinquish some of his near-absolute powers...$LABEL$0 +Google Slashes IPO Price Range NEW YORK (Reuters) - Google Inc., the world #39;s most popular Web search engine, slashed the price of its share offering Wednesday, as what had been touted as the hottest dot-com listing in years fell prey to worry about a slump in ...$LABEL$2 +Nortel shares down on news of criminal probe News of an RCMP criminal investigation of Nortel Networks and its financial accounting practices sent the company #39;s shares down slightly on Tuesday. $LABEL$2 +Florida may be insurance bellwether The palm trees that narrowly missed Leo Berard #39;s pondside condominium in Naples, Fla., when they toppled Friday spared him from major repairs on his second home. $LABEL$2 +Taxing bodies must approve lawsuit GALESBURG - Knox County State #39;s Attorney Paul Mangieri, discussing a lawsuit he plans to file against Maytag Corp., said Tuesday he was shocked when the company announced in October 2002 it was closing the Galesburg Refrigeration Products ...$LABEL$2 +Spammers in bed with virus carriers The majority of viruses intercepted by MessageLabs since January have the potential for spam distribution, according to a report by the e-mail security firm. It suggests that the virus authors are now making money by collaborating with spammers. $LABEL$3 +Microsoft unveils mainframe integration tool Microsoft has unveiled Host Integration Server (HIS) 2004, claiming that the legacy integration application will lower the cost of integrating existing IBM mainframe and midrange systems with Windows. $LABEL$3 +Sewage waters a tenth of world #39;s irrigated crops A tenth of the world #39;s irrigated crops - everything from lettuce and tomatoes to mangoes and coconuts - are watered by sewage. And much of that sewage is raw and untreated, gushing direct from sewer pipes into fields at the fringes of the developing ...$LABEL$3 +Ford scraps Oracle-based purchasing system Car giant Ford is reportedly abandoning a \$200m web-based purchasing project because it can #39;t get the software to work properly. $LABEL$3 +Sprinters Withdraw from Olympics Amid Swirling Controversies Two of Greeks most adored athletes have pulled themselves out of their host country #39;s Olympics. Sprinters Kostas Kenteris and Katerina Thanou missed an International Olympic Committee mandatory drug test last week. Thanou and Kenteris were then involved ...$LABEL$1 +Tarnished silver for US women ATHENS, Greece -- The American women #39;s gymnasts were in contention for the team gold medal Tuesday night, needing a big finish to beat the Romanians. Courtney Kupets, who had to be replaced on the balance beam because of a pulled hamstring, decided to ...$LABEL$1 +Preview: England-Ukraine With 17 days to go before their World Cup qualifying campaign begins, England are back in action with plenty to prove after the disappointment of Euro 2004 elimination. $LABEL$1 +USA gets silver in kayak singles Athens, Greece (Sports Network) - American Rebecca Giddens captured the silver medal today in the Women #39;s K1 kayak singles competition at the Summer Olympics in Athens. $LABEL$1 +Bomb defused after Blair #39;s Italy visit ROME (Reuters) - A bomb has been defused overnight near the Sardinian holiday villa of Prime Minister Silvio Berlusconi hours after a visit by Tony Blair, Italian police say. $LABEL$0 +Downer upbeat after North Korea meetings MARK COLVIN: The Foreign Minister, Alexander Downer, has met North Korea #39;s Foreign Minister and the President of the Supreme Peoples #39; Assembly in Pyongyang. As one of the few Western nations with diplomatic relations with the isolated totalitarian state, ...$LABEL$0 +Nepal #39;s Maoist Rebels Blockade Paralyzes Kathmandu Nepal #39;s capital, Kathmandu, has been paralyzed by Maoist rebels, who have imposed a virtual blockade of the city. $LABEL$0 +Pakistan Offers Bounties on Six Wanted Terror Suspects Pakistan has announced bounties and published photographs of six wanted terrorist suspects, including a senior al-Qaida operative accused of masterminding two attempts to assassinate President Pervez Musharraf. $LABEL$0 +Home users get key Windows update Microsoft is making its important security update for Windows XP available on auto-update servers today.$LABEL$3 +BioVeris Still May Lose Its Investment BioVeris Corp. stands to lose most or all of its \$41.2 million investment in a joint venture with its chief executive's son if he doesn't raise money to keep it operating, the company said yesterday in its quarterly filing with the Securities and Exchange Commission.$LABEL$3 +3 Georgian Soldiers Slain in South Ossetia (AP) AP - Three Georgian peacekeepers were killed in overnight shooting in South Ossetia, officials said Wednesday, while Russia scoffed at Georgia's appeal for foreign mediation in the breakaway region where daily exchanges of gunfire have stoked fears of war.$LABEL$0 +Slavery's Harsh History Is Portrayed in Promised Land At the National Underground Railroad Freedom Center in Cincinnati, slavery's evil becomes palpable; so does a sense of progressive enlightenment.$LABEL$0 +Brookstone Posts a Narrower Loss (Reuters) Reuters - Brookstone Inc. (BKST.O), a retailer\specializing in gadgets and personal electronics, on Wednesday\posted a narrower quarterly loss on strong Father's Day sales\and raised its profit forecast for the full year.$LABEL$2 +Stocks to Watch on Wednesday, August 18 APPLIED MATERIALS INC. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=AMAT.O target=/stocks/quickinfo/fullquote"">AMAT.O</A>:$LABEL$2 +U.S. Men Qualify for Final in Shot Put (AP) AP - Two U.S. men advanced to the final of the shot put Wednesday, hoping to make even more history at the ancient site that gave birth to the Olympics 2,780 years ago.$LABEL$1 +Garda quiz two over African death Police in Ireland question two men arrested in Dublin in connection with the murder of the daughter of Malawi's chief justice.$LABEL$0 +Complaints follow Haiti acquittal The US and rights groups condemn the acquittal in Haiti of an ex-paramilitary leader accused of murder.$LABEL$0 +Unanimous vote to raise British interest rates: official minutes (AFP) AFP - The Bank of England's nine-member monetary policy committee voted unanimously to raise interest rates by 25 basis points to 4.75 percent earlier this month, official records showed.$LABEL$2 +Talbots Profit Meets Lowered Forecast (Reuters) Reuters - Clothing retailer Talbots Inc. (TLB.N)\on Wednesday posted a slight increase in quarterly profit,\meeting its lowered forecast, as it sold more merchandise at\full price and recorded a tax benefit.$LABEL$2 +High oil costs hit more airlines Air France becomes the latest major airline to raise ticket prices in response to higher fuel costs.$LABEL$2 +Million more in broadband's reach BT is lifting distance limits on broadband enabled exchanges, so that 1m more can get high-speed net.$LABEL$3 +Google Lowers Price Range The search-engine giant, which was expected to go public as early as Wednesday, instead has slashed the deal #39;s expected price range and cut the number of shares being sold by existing shareholder in half. The new parameters suggest a newly public Google ...$LABEL$2 +Pentagon flipflops, will pay Halliburton fully WASHINGTON - The US army said it had suspended its decision to partially withhold payments to Halliburton, the biggest US contractor in Iraq. $LABEL$2 +Report: Bank of America to lay off Fleet workers BOSTON A published report reveals that Bank of America plans to lay off hundreds of tellers and other branch employees at Fleet banks today. $LABEL$2 +Applied doubles revenue Applied Materials, the world #39;s largest manufacturer of chip-making tools, said on Tuesday that its third-quarter revenue doubled, leading to \$441 million in profit. $LABEL$2 +Sony Develops New Chip for More Real and Refined High Definition Video quot;DRC quot; was developed in 1997 as a technology that changed a standard television signal format to a high-definition signal format, based on the concept of establishing a higher definition signal format from scratch. The foundation of this technology was ...$LABEL$3 +Athletes Return to Olympia Home After 1,611 Years (Update3) Aug. 18 (Bloomberg) -- Olympia, home of the Olympics for more than 12 centuries, hosted a track and field event for the first time in 1,611 years when the shot-putters of the Athens Games arrived at Greece #39;s most sacred sporting site. $LABEL$1 +Dampier headed to Mavericks? Longtime Warriors center Erick Dampier could be on the verge of finding a new home, 2 1/2 months after becoming a free agent. $LABEL$1 +SI.com LOS ANGELES (Ticker) -- Wilson Alvarez continues to pitch his best when the Los Angeles Dodgers need it most. $LABEL$1 +Rwanda, Burundi threaten with Congo invasion afrol News, 18 August - The governments of Rwanda and Burundi may again send troops into Congo Kinshasa (DRC) if Kinshasa does not finally take action against the militias still slaughtering Tutsis. Both claim Friday #39;s massacre was masterminded by ...$LABEL$0 +Soldier Killed in Action Named A British soldier killed after clashes with militia forces in the southern Iraqi city of Basra was today named as Lance Corporal Paul David Trevor Thomas. $LABEL$0 +Seiyu posts first half net loss on slower sales, higher costs (AFP) AFP - Japanese supermarket chain Seiyu, controlled by US retail giant Wal-Mart, said it incurred a net loss in the first half to June on the back of slow sales and early retirement costs.$LABEL$2 +Dollar Fights to Keep Off August Lows LONDON (Reuters) - The dollar struggled to pull away from August lows on Wednesday as investors wondered whether the Federal Reserve would raise interest rates next month after another round of weak U.S. data in the previous session.$LABEL$2 +Japanese bank taps RFID for document security NEC Corp. has signed a contract with a Japanese bank for an RFID (Radio Frequency Identification) -based document management system, the company said Tuesday in a statement.$LABEL$3 +Google drops target price, extends auction to Wednesday Google Inc. lowered the target price per share for its initial public offering (IPO) on Wednesday, and asked the U.S. Securities and Exchange Commission (SEC) to give buyers additional time to reconsider their bids, according to a notice on the company's IPO Web site.$LABEL$3 +Summer storms lash Europe, deaths in France (AFP) AFP - Freak storms packing howling winds and heavy rain that lashed Britain and France this week were set to continue after already causing significant destruction and the deaths of at least four people.$LABEL$0 +Before-the-Bell: Taser Climbs NEW YORK (Reuters) - Shares of Taser International Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=TASR.O target=/stocks/quickinfo/fullquote"">TASR.O</A> rose before the bell on Wednesday after the company said it had received five orders totaling more than \$741,000 for its stun guns.$LABEL$2 +Google slashes target stock launch value (AFP) AFP - Internet research engine giant Google Incorporated slashed billions of dollars from the target launch valuation of its stock in a major upset for the biggest technology flotation since the dot.com bubble burst four years ago.$LABEL$3 +Singapore Suspends Some Poultry Imports (AP) AP - Singapore said Wednesday that it has suspended the import of all poultry and poultry products from neighboring Malaysia after avian influenza was discovered at a farm there.$LABEL$0 +Religion Experts Ask How Jesus Would Vote (AP) AP - Just a few miles from George W. Bush's former office at the state Capitol, a panel of religious experts weighed a question with relevance to many people of faith: How would Jesus vote?$LABEL$0 +Oil tops \$47 a barrel Crude oil prices reached a record high of \$47.04 (US) a barrel in pre-market trading Wednesday in New York on lingering concerns about supply from Iraq and Russia. $LABEL$2 +Refinancings soar 21 as rates slump Demand for new home loans and refinancings jump as interest rates slide amid weak economic reports. NEW YORK (Reuters) - New applications for US home loans rose last week while refinancings surged, as 30-year mortgage interest rates fell to their lowest ...$LABEL$2 +High oil costs hit more airlines Air France and KLM ticket prices are to rise after the carriers imposed further surcharges to counter high fuel costs. $LABEL$2 +Nestle Reports First Half Net Profit Nestle, the world #39;s biggest food and drink company, on Wednesday posted a first-half net profit of \$2.28 billion, up 0.02 percent on the year-earlier figure of \$2.03 billion. $LABEL$2 +Georgia Power wins ruling on research study Georgia Power and Savannah Electric will not have to pay for new research into energy-efficiency programs, the state Public Service Commission ruled Tuesday. $LABEL$2 +Home users get key Windows update From today home users will be able to get hold of Microsoft #39;s long-awaited update for Windows XP. The version of the SP2 security update for the Home Edition of XP has become available via its auto-update service. $LABEL$3 +This information has been provided by the State Statistics Committee The Cassini spacecraft has discovered two new moons at Saturn that may be the smallest bodies seen so far around the ringed planet, according to a NASA press release. $LABEL$3 +Greek sprinters #39; withdrawals lift cloud over Games ATHENS, Greece -- Greece #39;s top two sprinters pulled out of the Olympics today after inflicting six days of embarrassment on their country over a hide-and-seek contest with anti-doping enforcers. $LABEL$1 +Germany #39;s Schroeder confirms adopting Russian toddler German Chancellor Gerhard Schroeder confirmed on Wednesday that he and his wife have adopted a child, reported to be a girl from a Russian orphanage, but has called on the media to respect his family #39;s privacy. $LABEL$0 +Before-the-Bell: Taser Climbs (Reuters) Reuters - Shares of Taser International Inc.\(TASR.O) rose before the bell on Wednesday after the company\said it had received five orders totaling more than #36;741,000\for its stun guns.$LABEL$2 +Dillard's Posts Narrower 2nd-Quarter Loss (Reuters) Reuters - Dillard's Inc. (DDS.N) on Wednesday\reported a narrower quarterly loss as the department store\operator cut costs.$LABEL$2 +Gartner revises PC market forecast, warns of downside (MacCentral) MacCentral - The PC market won't grow as fast in 2004 as originally predicted by Gartner Inc. analysts, as concerns about the overall health of the U.S. economy weigh on the market, the market research company said.$LABEL$3 +Medical Experts Fear Charley's Aftermath PUNTA GORDA, Fla. - Until the electricity hums again and the debris is cleared, health officials are worried that there could be more deaths and injuries in Hurricane Charley's aftermath than during the storm itself...$LABEL$0 +8 Terror Suspects Appear in British Court LONDON - Eight men accused of plotting to commit murder and cause mayhem with radioactive materials, toxic gases, chemicals or explosives appeared in court Wednesday in a case linked to a U.S. terror alert this month...$LABEL$0 +Greek Sprinters Withdraw From Olympics ATHENS, Greece - Greek sprinters Kostas Kenteris and Katerina Thanou pulled out of the Athens Games on Wednesday, nearly a week after they missed a drug test and were later hospitalized following a suspicious motorcycle crash. ""I'm withdrawing from the Olympics,"" Kenteris said after meeting with the International Olympic Committee's disciplinary commission...$LABEL$0 +Google Cuts Its IPO Price Range SAN JOSE, Calif. - In a sign that Google Inc.'s initial public offering will not be as hot or big as expected, the Internet search giant reduced the number of shares to be sold by insiders and slashed its estimated per-share price range...$LABEL$0 +Google Slashes Price of Shares in Initial Public Offering Google cut the price of its share offering today as the new listing fell prey to worry about a slump in demand.$LABEL$2 +How Old is the Milky Way? Observations by an international team of astronomers with the UVES spectrometer on ESO's Very Large Telescope at the Paranal Observatory (Chile) have thrown new light on the earliest epoch of the Milky Way galaxy.$LABEL$3 +Google Lowers IPO Price, Limits Shares Google Lowers IPO Price, Limits Shares\\Google's IPO wasn't as popular as expected, apparently not as many fish bit at the Dutch Auction bait. Google will be lowering its estimated price range to between \$85 and \$95 per share, down from its earlier prediction of \$108 and \$135 per share ...$LABEL$3 +American Swimmers Fired Up by Relay Win ATHENS (Reuters) - The U.S. swimming team was slow off the blocks but is heading for home at full speed propelled by Tuesday's dramatic relay victory, U.S. women's head coach Mark Schubert said on Wednesday.$LABEL$1 +U.S. Rowers Advance Americans Aquil Abdullah and Henry Nuzum row their double scull furiously down the stretch to cross the line in a dead heat with Norway on Wednesday, winning both teams a spot in a rare seven-boat final.$LABEL$1 +Google Confounds European Investors (Reuters) Reuters - Web surfers from Beijing to Berkeley\have made Google their search engine of choice, but some of\Europe's institutional investors have gone sour on the dot-com\on the eve of its initial public offering.$LABEL$0 +Home users get Windows update Microsoft is making its important security update for Windows XP available on auto-update servers today.$LABEL$0 +Assam strike over rebel attacks A general strike called by students in the state to protest against rebel bombings brings life to a standstill.$LABEL$0 +Google Slashes the Size of Its IPO NEW YORK (Reuters) - Google Inc. slashed the size of its closely watched initial public offering nearly in half to less than \$2 billion on Wednesday, splashing cold water on what has been touted as the hottest Internet IPO in years. $LABEL$2 +Yukos sells gas stake YUKOS has sold a 56 per cent stake in a Siberian natural gas company to the Anglo-Russian joint venture TNK-BP to pay off its crushing tax bill, Western oil sources and media reports said today. $LABEL$2 +Futures point lower US stock futures pointed to a weaker start Wednesday as rising oil prices and a major price cut for Google Inc. #39;s highly anticipated initial public offering raised investors #39; eyebrows. $LABEL$2 +Airlines under pressure from soaring fuel price PARIS (Reuters) - Europe #39;s largest carrier Air France-KLM has joined rivals in raising its ticket prices to offset soaring jet fuel costs, but a leading bank has questioned how effective the surcharges will be in protecting airline profits. $LABEL$2 +Costco Tests Casket Market NEW YORK (Reuters) - From the cradle to the grave. You can buy baby food, groceries, computers, furniture and a whole host of things at Costco -- now you can even find caskets at some of its stores. $LABEL$2 +Global miner BHP Billiton posts record net profit as demand soars SYDNEY : Global mining giant BHP Billiton posted the biggest net profit in Australian corporate history as soaring commodities prices and strong demand from China pushed net profit up 83 percent to 3.51 billion US dollars. $LABEL$2 +Nestle Net Rises 2.1, Less Than Forecast, on Costs (Update6) Aug. 18 (Bloomberg) -- Nestle SA, the world #39;s largest food company, said first-half profit rose 2.1 percent, less than forecast, as sales in Western Europe declined and costs for sugar, milk and packaging increased. $LABEL$2 +China Mobile increases earnings 7.8 HONG KONG China Mobile (Hong Kong), the world #39;s largest cellphone operator by customers, said Wednesday that first-half profit rose 7.8 percent from a year earlier after the company won more new customers than China Unicom by offering cheaper services. $LABEL$2 +Cassini-Huygens discovers two new Saturnian moons The Cassini-Huygens spacecraft, a joint project of the US space administration (NASA), the European Space Agency (ESA) and the Italian space agency (ASI), has discovered two more small moons orbiting the planet Saturn, bringing the total to 33. $LABEL$3 +Greek Sprinters Withdraw From Olympics ATHENS, Greece Aug. 18, 2004 Greek sprinters Kostas Kenteris and Katerina Thanou pulled out of the Athens Games on Wednesday, nearly a week after they missed a drug test and were later hospitalized following a suspicious motorcycle crash. $LABEL$1 +Can the peace in Najaf be achieved? Delegates to the Iraqi national conference in Baghdad are holding an unscheduled fourth day of talks. $LABEL$0 +Georgian, South Ossitian Forces Continue Fighting Officials in Georgia say at least two soldiers have been killed and five wounded in the latest battles with separatist fighters in the breakaway region of South Ossetia. $LABEL$0 +China battles for North Korea nuclear talks quot;We believe the six parties have the willingness to continue to promote the procedure of peaceful talks, quot; China #39;s Foreign Ministry said. quot;We ...$LABEL$0 +Nepal rebels cut off routes to capital in first-ever blockade KATHMANDU : Maoist rebels cut off routes to Nepal #39;s capital Kathmandu in their first blockade of the city since they launched their insurgency to overthrow the constitutional monarchy eight years ago. $LABEL$0 +Annan: Burmese Democracy Will Fail Without Participation By Opposition UN Secretary General Kofi Annan says the Burmese military government #39;s plan for democracy will fail without input from the opposition National League for Democracy. $LABEL$0 +Philippine Rebels Free Troops, Talks in Doubt PRESENTACION, Philippines (Reuters) - Philippine communist rebels freed Wednesday two soldiers they had held as quot;prisoners of war quot; for more than five months, saying they wanted to rebuild confidence in peace talks with the government. $LABEL$0 +Stocks Set to Open Lower as Oil Hits High NEW YORK (Reuters) - Stocks are set to open lower on Wednesday after crude oil pushed to a fresh high overnight and Google Inc. slashed its initial public offering price, which appeared to dampen investor sentiment.$LABEL$2 +Zoo Separates Baby Rhino from Clumsy Mother (Reuters) Reuters - Vets at a Berlin zoo have been forced to\separate a baby rhino from his mother for fear she may\accidentally trample him to death, zoo officials said on\Tuesday.$LABEL$0 +Hong Kong Politician's Detention Condemned (AP) AP - Human rights activists on Wednesday condemned the detention of a Hong Kong pro-democracy politician for allegedly having sex with a prostitute, and his sentencing without trial to six months of ""re-education through labor.$LABEL$0 +Dillard's Loss Narrows But Off Estimates NEW YORK (Reuters) - Dillard's Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=DDS.N target=/stocks/quickinfo/fullquote"">DDS.N</A> on Wednesday reported a narrower quarterly loss as it cut costs, but a drop in same-store sales caused the latest results to miss Wall Street's estimates by a wide margin.$LABEL$2 +Eurozone inflation rate falls in July BRUSSELS, August 18 (Xinhuanet) -- Eurozone annual inflation fell from 2.4 percent in June to 2.3 percent in July 2004, the Statistical Office of the European Union (Eurostat), reported on Wednesday. $LABEL$2 +US Sighs with Relief But Basketball Concerns Linger ATHENS (Reuters) - The United States men #39;s basketball team could breathe a sigh of relief on Wednesday after its first win but lingering concerns over a lack of outside shooting and team defense have coach Larry Brown scrambling for ...$LABEL$1 +Zijlaard-van Moorsel wins women #39;s road individual time trial ATHENS, Aug. 18 (Xinhuanet) -- Dutch legendary cyclist Leontien Zijlaard-van Moorsel won women #39;s road individual time trial at Athens Olympics with a time of 31:11.53 on Wednesday, ahead of Deirdre Demet-Barry of United States and Karin Thuerig of ...$LABEL$1 +Najaf militants given hours to surrender or face lesson BAGHDAD, Aug. 18 (Xinhuanet) -- Iraqi Defence Minister Hazem al-Shaalan on Wednesday demanded Shiite militants in the holy city of Najaf surrender within hours, or the Iraqi troops would launch a large-scale attack on them. $LABEL$0 +Burundi Summit Expected to Focus on Massacre African regional leaders gather Wednesday, in Tanzania for a summit on Burundi #39;s peace process, but the recent massacre of Congolese Tutsi in a UN refugee camp is expected to be high on the agenda. $LABEL$0 +Monsanto Says Justice Dept Closes Inquiry (Reuters) Reuters - Monsanto Co. (MON.N) on Wednesday said\the U.S. Justice Department has closed an inquiry into\potential antitrust issues regarding a key ingredient used in\its Roundup herbicide.$LABEL$2 +Brown Shoe Earnings Drop 32 Percent (Reuters) Reuters - Brown Shoe Co. Inc. (BWS.N) on\Wednesday posted a 32 percent drop in quarterly earnings, hurt\by slack sales from its children's unit, Bass wholesale\business and Naturalizer chain.$LABEL$2 +Brown Shoe Earnings Drop 32 Percent NEW YORK (Reuters) - Brown Shoe Co. Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=BWS.N target=/stocks/quickinfo/fullquote"">BWS.N</A> on Wednesday posted a 32 percent drop in quarterly earnings, hurt by slack sales from its children's unit, Bass wholesale business and Naturalizer chain.$LABEL$2 +SAP users warned of false support calls German business software vendor SAP AG issued a warning to customers not to provide confidential information on the phone to people claiming to be company support staff.$LABEL$3 +Five killed in Kashmir violence Separatist militants kill four members of a Muslim family while police shoot dead a senior militant leader in Kashmir.$LABEL$0 +U.S. Men Qualify for Final in Shot Put ANCIENT OLYMPIA, Greece - Two U.S. men advanced to the final of the shot put Wednesday, hoping to make even more history at the ancient site that gave birth to the Olympics 2,780 years ago...$LABEL$0 +Google Cuts Its IPO Price Range SAN JOSE, Calif. - In a sign that Google Inc.'s initial public offering will not be as hot or big as expected, the Internet search giant slashed its estimated per-share price range and reduced the number of shares to be sold by insiders...$LABEL$0 +Oil Prices Surge to a New High Today Oil prices surged to a new high above \$47 a barrel spurred by concern for the safety of oil facilities in Iraq.$LABEL$2 +Iraqis Decline to Send 2nd Peace Mission to Najaf The decision was made today after the rebel cleric Moktada al-Sadr refused to meet with its first peace team on Tuesday.$LABEL$0 +Google lowers price range, number of shares, for its IPO When Internet search engine company Google, Inc., of Mountain View, begins to sell shares to the general public -- something expected to happen later this week -- the initial price is expected to be between \$85 and \$95 per share. The company had earlier ...$LABEL$2 +China Mobile Reports Jump in Profits China #39;s largest cell phone service provider, China Mobile (Hong Kong) Ltd., reported a 7.8 percent jump in first-half profits Wednesday as its number of subscribers rose by 23 percent. $LABEL$2 +Intel delays HDTV market debut Intel has delayed its planned entry into the widescreen high-definition television (HDTV) market until next year. $LABEL$3 +Script kiddies join forces with spammers The firm #39;s E-mail Security Intelligence report, which covers the first half of 2004, highlights the worrying trend of virus writers linking up with spammers; together they are creating a more refined threat to e-mail security. $LABEL$3 +Microsoft readies Host Integration Server 2004 Microsoft has announced the imminent availability of Host Integration Server 2004 in a bid to compete with IBM #39;s WebSphere. $LABEL$3 +Cryptography break threatens digital signatures Researchers in the field of cryptography have been successfully breaking the hash functions that are used to secure the privacy of electronic communications, threatening the integrity of digital signatures, according to a report on Slashdot. $LABEL$3 +Endurance swimmers short-changed at Olympics: Hackett Australia #39;s Olympic 1,500 metres champion Grant Hackett says long-distance swimmers are being robbed of their chance to shine at the Athens Games. $LABEL$1 +Oil at New Record LONDON (Reuters) - Oil prices surged to a new high above \$47 a barrel on Wednesday on evidence from major economies that energy costs are not substantially slowing the economic growth that fuels oil demand. Fresh threats by rebel militia in Iraq against oil facilities helped underpin price gains.$LABEL$2 +Radiation and Drug Combo Help With Prostate Cancer By LINDSEY TANNER CHICAGO (AP) -- Men with prostate cancer that doesn't appear to have spread have better survival chances when they get short-term hormone treatment along with standard radiation, rather than radiation alone, a small study found. Almost five years after treatment, six men in the radiation-only study group died of prostate cancer; none of the men who got combined treatment died of prostate cancer...$LABEL$3 +Medical Experts Fear Hurricane Charley's Aftermath By MIKE SCHNEIDER PUNTA GORDA, Fla. (AP) -- Until the electricity hums again and the debris is cleared, health officials are worried that there could be more deaths and injuries in Hurricane Charley's aftermath than during the storm itself...$LABEL$3 +Malaysia's Sea Turtles Are in Trouble (AP) AP - Several species of sea turtles in Malaysia could vanish in a few years, largely due to illegal poaching of the creatures and their eggs, scientists warned on Wednesday.$LABEL$3 +Future Flyers: Pushing Forward for Personal Aircraft (SPACE.com) SPACE.com - Ask science fiction fans about the future and no doubt they'll tell you it's full of flying cars.$LABEL$3 +Twisted Physics: How Black Holes Spout Off (SPACE.com) SPACE.com - Black holes are complex beasts. Among their mysterious traits are intense jets of matter that sometimes shoot out from the rotational poles at nearly light-speed.$LABEL$3 +Kerry to Attack Bush Troop Withdrawal Plan (Reuters) Reuters - Democrat John Kerry on Wednesday\planned to attack President Bush's proposal to withdraw 70,000\American troops from Europe and Asia as a threat to national\security that could blunt the war on terror, campaign aides\said.$LABEL$0 +Google Cuts IPO Price by a Quarter to \$85-\$95 a Share (Update7) Aug. 18 (Bloomberg) -- Google Inc., on the eve of pricing the second-biggest Internet initial public offering, slashed the value of the sale almost in half amid the worst market for US IPOs in almost two years. $LABEL$2 +Supply worries push oil to record Oil prices have continued their record-breaking run on Wednesday, busting through the \$47-mark amid concerns that demand will outstrip supply. $LABEL$2 +8/17/04 - Us Concerned About Yukos US officials have expressed concern about the fate of Yukos, the Russian oil company. Yukos shares have dropped sharply in value since the Russian government demanded it pay nearly three and a half billion dollars in back taxes. Russian authorities accuse ...$LABEL$2 +Dillard #39;s Posts Narrower 2Q Loss Dillard #39;s Inc. posted a narrower second-quarter loss Wednesday due to cost cutting, but missed Wall Street expectations by a whopping 15 cents per share. $LABEL$2 +Stocks Open Lower NEW YORK (Reuters) - US stocks fell at the open on Wednesday after crude oil pushed to a fresh high and Google Inc. slashed its initial public offering price, which appeared to dampen investor sentiment. $LABEL$2 +E*Trade Says Customer Trading Dipped in July NEW YORK (Reuters) - E*Trade Financial Corp. (ET.N: Quote, Profile, Research) , a major online broker, on Wednesday said customer stock trading for the month of July dropped 1.6 percent from June as investors curbed their enthusiasm for trading stocks. $LABEL$2 +Brown Shoe Earnings Drop 32 Percent NEW YORK (Reuters) - Brown Shoe Co. Inc. (BWS.N: Quote, Profile, Research) on Wednesday posted a 32 percent drop in quarterly earnings, hurt by slack sales from its children #39;s unit, Bass wholesale business and Naturalizer chain. $LABEL$2 +Cendant Steals Home Cendant #39;s (NYSE: CD) got many revenue streams, and apparently they all lead home. So perhaps it #39;s understandable to see the multifaceted company pull back from the pending sale of its mortgage business. Last month Cendant revealed that it was in talks to ...$LABEL$2 +Malaysia turtle nesting sites at risk -scientists KIJAL, Malaysia, Aug 18 (Reuters) - Malaysia, once a major breeding ground, is in danger of losing its ocean-roaming leatherback turtles as humans eat their eggs, trap them in fishing nets and encroach on nesting sites, scientists said on ...$LABEL$3 +American Swimmers Fired Up by Relay Win ATHENS (Reuters) - The US swimming team was slow off the blocks but is heading for home at full speed propelled by Tuesday #39;s dramatic relay victory, US women #39;s head coach Mark Schubert said on Wednesday. $LABEL$1 +Dope scandal athletes withdraw Greek Olympic 200 metre champion Costas Kenteris, the focus of an Olympic doping scandal, has withdrawn from the Athens Games quot;out of a sense of responsibility quot;. $LABEL$1 +Renewed focus ends nightmare ATHENS, Greece It began with Allen Iverson The Answer, the captain, the leader of Team USA forgetting about the fractured bone in his right thumb and courageously hitting the floor against Greece in full regalia. $LABEL$1 +Not quite good as gold THENS - The critical eye, firm hand and warm embrace of Bela Karolyi have molded women #39;s gymnastics for the past three decades, producing the perfection of Romania #39;s Nadia Comaneci in 1976 and the sparkle of America #39;s Mary Lou Retton in ...$LABEL$1 +Burundi police fire tear gas at massacre protest BUJUMBURA, Aug 18 (Reuters) - Police in Burundi #39;s capital Bujumbura fired tear gas at crowds on Wednesday, protesting against the massacre of at least 160 Congolese Tutsis at a United Nations refugee camp in the west of the country. $LABEL$0 +BellSouth: #36;3.3 Bln Rise in Benefit Costs (Reuters) Reuters - BellSouth Corp. (BLS.N) said on\Wednesday its new labor contract had triggered a #36;3.3 billion\increase in its estimates of future retiree medical costs,\reducing fourth-quarter earnings by 3 cents to 4 cents a share.$LABEL$2 +Crude Oil Prices Surge Again Crude oil prices surged again Wednesday, rising above \$47 a barrel amid lingering concerns in supply from Iraq and Russia.$LABEL$2 +UK challenge of India outsourcing The High Street bank could be facing legal action over the transfer sensitive customer data overseas to call centres in India.$LABEL$2 +Google, Set for Offering, Cuts Share Price by About a Quarter Google cut its price range to between \$85 and \$95 a share, down from \$108 to \$135, valuing the company at as much as \$25.8 billion.$LABEL$2 +Windows XP Security Update Delayed Microsoft Corp. has delayed automated distribution of a major security upgrade to its Windows XP Professional operating system, citing a desire to give companies more time to test it.$LABEL$3 +New PC Is Created Just for Teenagers This isn't your typical, humdrum, slate-colored computer. Not only is the PC known as the hip-e almost all white, but its screen and keyboard are framed in fuzzy pink fur. Or a leopard skin design. Or a graffiti-themed pattern.$LABEL$3 +Violence Tackled at Online Gaming Parlors Six days a week, teens crowd the Blue Screen Gaming cybercafe to hunt each other down with assault rifles inside virtual computer worlds. In these video game halls, nobody gets hurt. But real-life violence has flared around some of these businesses, prompting municipal crackdowns.$LABEL$3 +Web Site Shows New York Drug Prices New York Attorney General Eliot Spitzer, who has sued many big-name drug makers for bilking the government with their drug prices, on Tuesday unveiled a Web site that allows consumers to compare prices at pharmacies in the state.$LABEL$3 +U.S. Broadband Growth Slows - Analyst <p></p><p> WASHINGTON (Reuters) - U.S. telephone and cable companiessaw the growth of high-speed Internet services slow in thesecond quarter to the lowest rate in a year, an industryresearch firm said on Tuesday.</p>$LABEL$3 +Google Slashes Its IPO Price Range In a sign that Google Inc. (GOOG)'s initial public offering will not be as hot or big as expected, the Internet search giant slashed its estimated per-share price range and reduced the number of shares to be sold by insiders.$LABEL$3 +GB badminton duo make final Nathan Robertson and Gail Emms reach the final of the badminton mixed doubles.$LABEL$1 +Bomb Found in Town Near Berlusconi Villa (AP) AP - Police defused a bomb in a town near Prime Minister Silvio Berlusconi's villa on the island of Sardinia on Wednesday shortly after British Prime Minister Tony Blair finished a visit there with the Italian leader.$LABEL$0 +Just Keep It Peaceful, Protesters; New York Is Offering Discounts In a bid to keep protesters from disrupting the Republican National Convention, the Bloomberg administration is offering ""peaceful political activists"" discounts.$LABEL$0 +Huge boost to Darfur aid effort The World Food Programme is starting to airlift almost 100 more tons of food a day to Sudan's troubled Darfur region.$LABEL$0 +Google, Set for Offering, Cuts Share Price by About a Quarter oogle today cut the estimated price range of its initial stock offering by about a quarter, to between \$85 and \$95 a share, valuing the Internet search engine company by as much as \$25.8 billion. $LABEL$2 +BHP profit rises 78 on Chinese demand BHP Billiton on Wednesday reported its highest profit ever as it beefed up production to meet rising demand from China that bolstered prices for its copper, zinc, silver and lead. $LABEL$2 +BellSouth: \$3.3 Bln Rise in Benefit Costs WASHINGTON (Reuters) - BellSouth Corp. (BLS.N: Quote, Profile, Research) said on Wednesday its new labor contract had triggered a \$3.3 billion increase in its estimates of future retiree medical costs, reducing fourth-quarter earnings by 3 cents to 4 ...$LABEL$2 +Military flipflops, will pay Halliburton fully WASHINGTON - The Pentagon has hastily reversed a decision to partially withhold payments to Halliburton, the biggest US contractor in Iraq. $LABEL$2 +Dillard #39;s misses estimates, shares plunge NEW YORK, Aug 18 (Reuters) - Dillard #39;s Inc. (DDS.N: Quote, Profile, Research) on Wednesday reported a narrower quarterly loss even after it cut costs, but a drop in same-store sales caused the latest results to miss Wall Street #39;s estimates by a wide ...$LABEL$2 +Barclays to Buy CIBC Credit Card Unit for \$293 Mln (Update1) Aug. 18 (Bloomberg) -- Barclays Plc, the UK #39;s third- biggest bank, agreed to buy Juniper Financial Corp. from Canadian Imperial Bank of Commerce for \$293 million in cash to help expand its credit card business in North America. $LABEL$2 +Applied Materials Applied Materials (AMAT: news, chart, profile) shares were off two cents to \$16.05 in trading before the bell Wednesday and had wavered around break-even in late trading Tuesday after the results were announced. $LABEL$2 +Nestle #39;s 1st Half Net Profit Hits \$2.28B Nestle, the world #39;s biggest food and drink company, on Wednesday posted a first-half net profit of 2.84 billion Swiss francs (\$2.28 billion), up 0.02 percent on the year-earlier figure of 2.78 billion francs (then \$2.03 billion). $LABEL$2 +Ringtones are music to record labels #39; ears Rock bands have long prospered by living - and selling - images of hard living and brash poses. But sex, drugs and rock #39;n #39; roll are no longer enough. The definition of cool for some acts now includes mobile phone ringtones. $LABEL$3 +Malaysia #39;s Sea Turtles Are in Trouble KUALA LUMPUR, Malaysia - Several species of sea turtles in Malaysia could vanish in a few years, largely due to illegal poaching of the creatures and their eggs, scientists warned on Wednesday. $LABEL$3 +Kenteris and Thanou Withdraw; Thorpe Targets 3rd Gold (Update2) Aug. 18 (Bloomberg) -- Olympic sprint medalists Kostas Kenteris and Ekaterini Thanou withdrew from the Athens Games, overshadowing the fifth day of competition in which Australian swimmer Ian Thorpe will compete for his third gold. $LABEL$1 +LeBron, USA Slide By Greece ATHENS, Greece -- Things are clearly far from perfect for the US Olympic men #39;s basketball team. But now, perfection isn #39;t important. Victories are. Against anybody. $LABEL$1 +US women crush South Korea for third straight blowout win ATHENS, Greece (AP) -- Looking for answers to an offense that seemed out of synch, the United States finally found them. $LABEL$1 +Canadian tutu man gets five months for Olympic plunge A tutu-clad Canadian who jumped into the Olympic diving pool after a competition was convicted Wednesday of interrupting the games and sentenced to five months in jail. He was released pending an appeal. $LABEL$1 +Howard stands by overboard account PRIME Minister John Howard yesterday said his personal staff witnessed and backed his version of a sensitive phone call with former ministerial adviser Mike Scrafton over the children overboard affair. $LABEL$0 +Weak Ice Cream Sales Melt Nestle's Profit (Reuters) Reuters - Higher raw material costs and lower ice\cream sales in Europe ate into Nestle's (NESN.VX) first-half\results, sending shares in the world's largest food group down\over five percent on Wednesday amid concerns about its\long-term profitability.$LABEL$2 +Weak Ice Cream Sales Melt Nestle's Profit ZURICH (Reuters) - Higher raw material costs and lower ice cream sales in Europe ate into Nestle's <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=NESN.VX target=/stocks/quickinfo/fullquote"">NESN.VX</A> first-half results, sending shares in the world's largest food group down over five percent on Wednesday amid concerns about its long-term profitability.$LABEL$2 +ING to Withdraw \$5 Bln from Janus Funds NEW YORK (Reuters) - ING U.S. Financial Services said it will withdraw about \$5 billion from Janus Capital Group Inc. funds by year-end.$LABEL$2 +Tech Goes for Gold in Athens The success of this year's Olympic games in Athens rides on the fruits of high-tech labor, no matter whether it's the security system, events results or studying sharkskin to build a better swimsuit. <FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2""\ color=""#666666""><B>-washingtonpost.com</B></FONT>$LABEL$3 +Hilton Offers Reward for Lost Chihuahua LOS ANGELES - It's been a rough month for hotel heiress Paris Hilton. First, her Hollywood Hills home was burglarized and now her pet Chihuahua, Tinkerbell, has disappeared...$LABEL$0 +Arafat Admits Palestinians Made Mistakes RAMALLAH, West Bank - Yasser Arafat acknowledged Wednesday that the Palestinian Authority has made ""mistakes,"" but the rare admission appeared to be aimed more at deflecting criticism about his corrupt government than making real changes. In a decade at the helm of the Palestinian Authority, Arafat has resisted attempts to get him to fight official corruption, reform the security services and relinquish some of his near-absolute powers...$LABEL$0 +Air Canada Stock Plunges on Review MONTREAL (Reuters) - Shares of Air Canada <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=AC.TO target=/stocks/quickinfo/fullquote"">AC.TO</A> fell by more than half on Wednesday, after the Toronto Stock Exchange said it was reviewing the company's stock to determine if it meets listing requirements.$LABEL$2 +Pentagon Backs Off Halliburton The Pentagon backed off its threat to withold its monthly payment of about \$60 million a month from a Halliburton subsidiary, which provides services for troops.$LABEL$2 +Rival Targets Apple's iTunes Customers (AP) AP - For more than a year, Apple Computers Inc. enjoyed singular success selling songs exclusively to users of its iPod portable music player. Now, it's got rival RealNetworks Inc. trying to lure iTunes customers away.$LABEL$3 +Air Canada Stock Plunges on Review (Reuters) Reuters - Shares of Air Canada (AC.TO) fell by\more than half on Wednesday, after the Toronto Stock Exchange\said it was reviewing the company's stock to determine if it\meets listing requirements.$LABEL$2 +U.S. Shooter Wins Gold American Kim Rhode rallied in the final rounds to win the gold medal in double trap Wednesday, staking a unique claim as the first and last winner of the Olympic event.$LABEL$1 +US says ""getting nowhere"" with crisis in Darfur (AFP) AFP - The international community is ""getting nowhere"" with the crisis in Sudan's troubled Darfur region, the US ambassador to the United Nations, John Danforth, said.$LABEL$0 +Utah's Smith Sets Sights on Heisman Award (AP) AP - So much has changed in Alex Smith's life the past two years, he's still trying to sort through it all.$LABEL$1 +Economies Not Yet Dented by Oil Prices LONDON (Reuters) - OPEC oil producers and Chancellor Schroeder of Germany, which is a prominent consumer, agree that the remorseless rise in the price of crude has so far had little impact on global economic growth.$LABEL$2 +Stocks Up; Investors Bottom Fishing NEW YORK (Reuters) - U.S. stocks were higher on Wednesday as investors bought beaten-down shares, even as the price of oil jumped to new 21-year record highs.$LABEL$2 +England reach for the painkillers as World Cup qualifiers loom (AFP) AFP - England's marketing men must have been tempted to approach the manufacturers of Alka Seltzer, the country's favourite hangover remedy, about sponsoring the international friendly with the Ukraine.$LABEL$0 +Delegate: Al-Sadr Agrees to Withdraw (AP) AP - Radical Shiite cleric Muqtada al-Sadr has accepted a peace plan drafted by the Iraqi National Conference, which would include laying down arms and withdrawing his militia from a holy shrine in the city of Najaf, a delegate told the conference Wednesday.$LABEL$0 +Shanghai's Economy Grows 14.7 Percent (AP) AP - Shanghai's economy grew at a blistering 14.7 percent in the first seven months of the year, seemingly defying efforts to cool off China's economy amid fears of overheating.$LABEL$0 +Web giant Google cuts IPO prices GOOGLE, the web search engine, has slashed the price range on its eagerly awaited initial public offering to between 47 and 52 per share from 59 to 74 per share. $LABEL$2 +Record \$4.7bn profit for BHP BHP Billiton #39;s record-breaking profit was driven by China #39;s seemingly insatiable demand for commodities. Picture:Bloomberg ...$LABEL$2 +Insurers #39; Storm Swirls Around Chubb As hurricanes go, Charley stirred up a lot of trouble. The storm will go down as one of the most destructive in history. But it also stirred up trouble on Wall Street, igniting controversy about whether or not it #39;s a good time to look at insurers. $LABEL$2 +Dillard #39;s Posts Narrower Loss in 2Q Dillard #39;s Inc. reported that its loss narrowed in the second quarter to nearly half of what it was a year ago, but it was still far more than Wall Street expected as the chain was dragged down by sluggish sales. $LABEL$2 +Cox Hires Advisers on Parent Bid The Cox Communications (COX:NYSE - news - research) board formed a special panel to consider a take-private bid from the company #39;s controlling shareholder. $LABEL$2 +Is Upgrading to Windows XP SP2 Worthwhile? Users of Microsoft Windows XP Home Edition are scheduled to begin receiving Service Pack 2 via automatic update starting today. But delivery of the Professional Edition has been delayed at least a week while Microsoft and its users grapple ...$LABEL$3 +Google cold shoulder confounds European investors LONDON (Reuters) - Web surfers from Beijing to Berkeley have made Google their search engine of choice, but some of Europe #39;s institutional investors have gone sour on the dot-com on the eve of its ...$LABEL$3 +A Nokia Smartphone With An Edge NEW YORK - It #39;s a little early to tell which camera phone features will resonate with US users in the long term. Americans may never embrace picture and video messaging to the same degree that consumers in South Korea and Japan have. $LABEL$3 +Microsoft wants Web designers to use content tagging Microsoft is urging Web designers to take more responsibility for content filtering, after forming a partnership with ICRA (the Internet Content Rating Association). $LABEL$3 +US comes in second in women #39;s cycling The Dutch rider, who was injured in a crash in the women #39;s road race on Saturday and was unable to defend her Olympic title from Sydney, climbed triumphantly to the top of the podium on Wednesday. $LABEL$1 +Alonso Next in at Anfield Rafael Benitez #39;s Anfield revolution gathered pace today when the Liverpool manager unveiled one new signing and revealed he was close to completing a deal for another. $LABEL$1 +Let the Games (and parties!) begin ATHENS As the delay-plagued build-up to the Olympics illustrated, the Greeks aren #39;t exactly known for organization and punctuality. But now that stadiums, new metro lines, beautified city squares and a vast ...$LABEL$1 +Wilkinson Ready To Take Next Step Along Road Back Jonny Wilkinson #39;s comeback schedule is set to intensify next week with the England World Cup hero targeting two games in six days. $LABEL$1 +Berry misses cut at US Amateur AMARONECK, NY - Following a opening round 73 Monday, Barden Berry had a rough day, shooting an 83 in the second round of the US Amateur Championships on the West course at Winged Foot Golf Club. $LABEL$1 +Bomb Found in Town Near Berlusconi Villa ROME -- Police defused a bomb in a town near Prime Minister Silvio Berlusconi #39;s villa on the island of Sardinia on Wednesday shortly after British Prime Minister Tony Blair finished a visit there with the Italian leader. $LABEL$0 +Downer positive over North Korea talks TONY JONES: On a rare visit to North Korea, Australia #39;s Foreign Minister Alexander Downer said today he #39;s held productive talks on efforts to end the reclusive nation #39;s nuclear program. $LABEL$0 +Hong Kong pro-Beijing politicians accuse opponents of misleading public over sex scandal Human rights activists on Wednesday condemned the detention of a Hong Kong pro-democracy politician for allegedly having sex with a prostitute, and his sentencing without trial to six months of quot;re-education through labor. quot; ...$LABEL$0 +Iran retaliation threat to Israeli N-plant Iran will strike the Israeli reactor at Dimona if Israel attacks the Islamic republic #39;s nuclear facilities, a commander of the elite Revolutionary Guards has said. $LABEL$0 +N. Ireland deal hinges on IRA disarmament (AFP) AFP - British and Irish Prime Ministers Tony Blair and Bertie Ahern were preparing to head to Belfast, hopeful of a breakthrough in the protracted deadlock over power-sharing in Northern Ireland.$LABEL$0 +Cisco Gets New Partner, Clients, Product in the Core Cisco forged a partnership with Fujitsu wherein the Japanese company will market Cisco #39;s CRS-1 core router to carriers and large enterprises in Japan.$LABEL$3 +Sportsview: Bills Get Playoff Hunger (AP) AP - Pat Williams is a big man with a big heart and appetite. So imagine his dilemma when the Buffalo Bills were back to their bumbling selves at the start of this season.$LABEL$1 +Creating Compelling Search Engine Ads and Landing Pages Effective search engine advertising goes far beyond simply bidding on keywords. With both ads and landing pages, you have scant seconds to capture the imagination and clicks of a searcher.$LABEL$3 +Iraq Delegates Say Sadr Agrees to End Najaf Crisis BAGHDAD (Reuters) - Iraqi delegates to a conference choosing a national assembly said Wednesday that radical Shi'ite cleric Moqtada al-Sadr had agreed to demands to end an uprising in the holy city of Najaf.$LABEL$0 +Europe Urged to Continue China Arms Sales Ban Europes leaders were urged today to continue a ban on arms sales to China in protest against torture and human rights abuses. The call came on the eve of an $LABEL$0 +Militants, Israeli Troops Battle in Gaza A period of relative calm in the Gaza Strip was broken by a nearly hour-long battle between Palestinian militants and Israeli troops that left at least one Israeli soldier and one militant dead.$LABEL$0 +THE UNITED NATIONS The Campaign against Kofi The secretary general of the United Nations fights a war on many fronts in his crusade to bring human rights and peace to the world.$LABEL$0 +Hamas Militants Kill Israeli Soldier Hamas militants broke three weeks of relative calm in Gaza on Tuesday, setting off a bomb in what they said was an elaborate scheme that included a tunnel and a double agent.$LABEL$0 +US oil stockpiles drop NEW YORK (CNN/Money) - US stockpiles of crude oil fell by 1.3 million barrels last week, the government reported Wednesday, sending prices to another record high. $LABEL$2 +Barclays Move Towards US Credit Card Market Banking group Barclays today took the first steps towards establishing its Barclaycard operation in the United States credit card market. $LABEL$2 +Ford dumps \$200m Oracle system Ford has ditched Oracle #39;s online purchasing system eVEREST, because of flaws in the software. The car manufacturer has reportedly spent more than \$200m trying to get the system to work since it bought it in 2000. $LABEL$2 +Japan firm unveils world #39;s lightest flying micro-robot TOKYO, Aug. 18 (Xinhuanet) -- Japan #39;s Seiko Epson Corp. said Wednesday it has developed a 12-gram flying micro-robot, the world #39;s lightest. $LABEL$3 +China Unicom cuts ties with 45 ISPs to curb web porn BEIJING, Aug. 18 (Xinhuanet) -- China Unicom announced Wednesday that it has severed ties with 45 Internet service providers (ISP) involved in the use of cell phones in pornographic business in the past month. $LABEL$3 +Fighting Resumes In Al-Najaf After Peace Mission Fails 18 August 2004 -- There has been renewed fighting in the Iraqi city of Al-Najaf between US and Iraqi troops and Shi #39;a militiamen loyal to radical cleric Muqtada al-Sadr. $LABEL$0 +What #39;s behind Israeli construction permits? Timing of new building in West Bank linked to political survival instincts of Ariel Sharon. In a move that caught both the international community and the Bush administration by surprise, the government of Israel Tuesdayissued contract proposals for 1,001 ...$LABEL$0 +Chirac and Schroeder to meet with Putin MOSCOW, Aug 18 (AFP) - German Chancellor Gerhard Schroeder and French President Jacques Chirac will meet with Russian President Vladimir Putin at his Black Sea resort residence at the end of the month, Interfax quoted the top Kremlin spokesman as saying ...$LABEL$0 +UN concerned by lack of Darfur progress on ground KHARTOUM, Aug 18 (Reuters) - The United Nations said on Wednesday it was very concerned by Sudan #39;s lack of practical progress in bringing security to Darfur, where more than a million people have fled their homes for fear of militia ...$LABEL$0 +Get them caught, get 6 crores Pakistan on Wednesday offered huge rewards totalling Rs 6.5 crore for information leading to the capture of six most wanted terrorists linked to al-Qaeda, including a member of the banned Jash-e-Mohammad who is accused of masterminding two suicide attacks ...$LABEL$0 +Economies Not Yet Dented by Oil Prices (Reuters) Reuters - OPEC oil producers and Chancellor\Schroeder of Germany, which is a prominent consumer, agree that\the remorseless rise in the price of crude has so far had\little impact on global economic growth.$LABEL$2 +SEC Bars Some Mutual Fund Fees (Reuters) Reuters - The U.S. Securities and Exchange\Commission barred U.S. mutual funds on Wednesday from\channeling brokerage commissions toward Wall Street firms based\on their promotion of the funds' shares.$LABEL$2 +Google Slashes IPO's Size NEW YORK (Reuters) - Google Inc. slashed the size of its closely watched initial public offering nearly in half to less than \$2 billion on Wednesday, splashing cold water on what has been touted as the hottest Internet IPO in years.$LABEL$2 +SEC Bars Some Mutual Fund Fees WASHINGTON (Reuters) - The U.S. Securities and Exchange Commission barred U.S. mutual funds on Wednesday from channeling brokerage commissions toward Wall Street firms based on their promotion of the funds' shares.$LABEL$2 +Stocks Open Lower in Moderate Trading Stock prices are lower in moderate trading. The Dow Jones Industrial Average is down 23 points in today #39;s early going. Losing issues on the New York Stock Exchange hold a 5-3 lead over gainers. $LABEL$2 +BellSouth Sees Higher Benefits Expense ATLANTA (AP)--Telecommunications firm BellSouth Corp. said Wednesday that the new terms of its tentative labor agreement will change how the company #39;s contribution to retiree medical benefits is calculated and will boost benefit expenses by \$3.3 billion. $LABEL$2 +McDonald #39;s tests MasterCard PayPass NEW YORK (CNN/Money) - McDonald #39;s Corp. announced Wednesday it would launch later this year a new quot;contactless quot; payment option called MasterCard PayPass, which lets customers simply wave or tap the card to complete a quick transaction. $LABEL$2 +Chinese boom pays off for BHP BHP Billiton has delivered the biggest profit ever achieved by an Australian company - a \$US3.38billion (\$4.73billion) whopper, up 78 per cent on last year. $LABEL$2 +Real v Apple music war: iPod freedom petition backfires Hostilities started in late July, when Real cracked Apple #39;s FairPlay code, meaning songs bought from the RealPlayer Music Store could be played on the iPod - a move that went down very badly over at Apple. Real then decided to ratchet up the pressure by ...$LABEL$3 +Security Watch Letter:New MyDoom Piggybacks More Dangerous Worm On Wednesday August 25, Microsoft is rolling out the Windows XP Service Pack 2 to the new Windows Update site so the public can update automatically. For the majority of home users, it #39;s a case of Just Do It. The SP2 update adds security ...$LABEL$3 +IBM Offers New POWER5 eServer i5 550 IBM has unveiled today a new POWER5 system, the eServer i5 550, aimed at mid-sized businesses. The eServer i5 550 features a new Solution Edition, an offering now available with select software vendors. The new eServer i5 also delivers new capabilities ...$LABEL$3 +Marriage between security, business needs KUALA LUMPUR: Computer Associates International Inc (www.ca.com) has announced a new technology model that aligns security management with business needs. $LABEL$3 +Life of Reilly: Athens style Forget democracy, sport and Grecian Formula 16. There #39;s so much more we need to steal from the Greeks -- immediately and maybe sooner. Cheese pies, for instance. Our No. 1 priority should be getting these cheese pies. Lovely, flakey pastries with the ...$LABEL$1 +Springboks targets scrum THE South Africans have called the Wallabies scrum cheats as a fresh round of verbal warfare opened in the Republic last night. $LABEL$1 +Dyer up for sale on ebay The 23-year-old midfielder has been all over the back pages this week, following a reported bust-up with Sir Bobby Robson - and one supporter had has enough. $LABEL$1 +Chicago White Sox Team Report - August 18 (Sports Network) - Jose Contreras tries to stay perfect in a Chicago uniform this evening when the White Sox continue their three-game set against the Detroit Tigers at US Cellular Field. $LABEL$1 +Iraqi Delegates Say Sadr Agrees to End Najaf Crisis BAGHDAD (Reuters) - Iraqi delegates to a conference choosing a national assembly said Wednesday that radical Shi #39;ite cleric Moqtada al-Sadr had agreed to government demands to end an uprising in the holy city of Najaf. $LABEL$0 +Howard defiant as attacks mount PRIME Minister John Howard conceded yesterday a fresh inquiry into the children overboard saga would find he had lied. $LABEL$0 +6 dead in typhoon deluge At least six people died in Shikoku after heavy rains from Typhoon Megi pounded the western Japan island on Tuesday and Wednesday, officials said. $LABEL$0 +Health hurdle for Latham #39;s campaign MARK Latham #39;s campaign to become prime minister has suffered an unexpected setback after the Labor leader was rushed to hospital suffering stomach cramps, forcing him to cancel all public engagements until next ...$LABEL$0 +AT amp;T team wins \$1bn network deal AT amp;T, the US telecoms group, and a team of subcontractors have won a contract valued at up to \$1bn to design, build and manage a secure IP-based global network for the US government $LABEL$2 +Profit Takers Ambush Treasuries NEW YORK (Reuters) - U.S. Treasuries turned tail on Wednesday as recent hefty gains attracted a wave of profit-taking in an otherwise featureless market.$LABEL$2 +Steel boom boosts Iscor's profits Shares in Africa's biggest steel producer surge to a record high on the back of strong interim profits$LABEL$2 +Boy Escapes Cougar Near Canada's Jasper Park (Reuters) Reuters - Canadian wildlife\officials warned visitors to Jasper National Park on Tuesday to\be on the alert for cougars after one the animals attacked a\five-year-old boy.$LABEL$3 +Tiffany amp; Co. selling stake in Aber Diamond TORONTO - Aber Diamond Corp. said Tuesday that world-renowned retailer Tiffany amp; Co. has sold its 8 million shares of Aber, and the companies have ended their discount sales agreement .$LABEL$2 +Intel Says It's Recovered from Missteps (Reuters) Reuters - Intel Corp. will miss\its 2004 product cost reduction targets because of a widely\publicized string of product delays and problems, but those\missteps are largely behind it now, the world's largest chip\maker said on Tuesday.$LABEL$2 +Illini Hope To Reinvigorate Football Program With Zook _ Illinois confirmed Tuesday it is turning to Ron Zook to reinvigorate its struggling football program. The school scheduled an afternoon news conference to introduce the former Florida $LABEL$1 +Zeeland #39;s Kaat to be considered for Hall The Zeeland native made the final ballot of 25 players to be considered by the Veterans Committee. The results will be announced March 2. Kaat, who could not be reached for comment, won 283 $LABEL$1 +Athletes cheat way to fame and fortune Dozens, perhaps hundreds, of major league baseball players have taken steroids in the last few years. Yet no player has ever been suspended for steroid use.$LABEL$1 +Cisco-Fujitsu Deal Highlights Japan #39;s Internet Dominance Cisco, the largest maker of computer-networking equipment, formed an alliance with Fujitsu to increase sales to Japanese telephone carriers.$LABEL$3 +Citigroup faces regulatory probe The UK's Financial Services Authority launches a formal investigation into Citigroup's ""unusual trading activity"".$LABEL$2 +eCOST.com Cuts IPO Price to #36;7 a Share from #36;9- #36;11 (Reuters) Reuters - Online discount retailer eCOST.com\said on Wednesday that it expects its planned initial public\offering will price at #36;7 per share, a reduction from its\previously stated range of #36;9 to #36;11 per share.$LABEL$3 +OPEC Hawks Want to Keep Prices High Raise prices. Ease production. For weeks ahead of this week #39;s OPEC meeting, hawks in the organization have been talking tough about the need to keep oil revenues high - and lowering output.$LABEL$2 +Google Slashes IPO #39;s Size NEW YORK (Reuters) - Google Inc. slashed the size of its closely watched initial public offering nearly in half to less than \$2 billion on Wednesday, splashing cold water on what has been touted as the hottest Internet IPO in years. $LABEL$2 +Update 3: Russia: China to Cover Yukos #39; Rail Fees China has agreed to step in and pay Russian rail fees to ensure that it continues to receive Yukos oil if the company is unable to cover the transport costs, officials at Russia #39;s rail transport monopoly said Wednesday. $LABEL$2 +Iraqi official: cleric agrees to withdraw forces from Najaf shrine BAGHDAD, Iraq (AP) -- A delegate at Iraq #39;s National Conference in Baghdad says a militant Shiite cleric has agreed to disarm and pull his forces from a shrine in Najaf. $LABEL$0 +SEC Seen Making Google IPO Effective WASHINGTON (Reuters) - The U.S. Securities and Exchange Commission is expected to declare the initial public offering registration of Google Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=GOOG.OQ target=/stocks/quickinfo/fullquote"">GOOG.OQ</A> effective after 4 p.m. (2000 GMT), sources familiar with the matter said on Wednesday.$LABEL$2 +Stocks Gain as Oil Ease from New High NEW YORK (Reuters) - U.S. stocks were higher on Wednesday as investors bought beaten-down shares and oil prices eased from the new 21-year record high hit earlier in the session.$LABEL$2 +Deere's Color Is Green With big tractors, big sales, and big earnings, Deere's hoeing a profitable row.$LABEL$2 +Linux wins heart of global SAP user Switzerland's EndressHauser (International) Holding AG, a global supplier of process control systems, has migrated all its business applications from SAP AG to a mainframe running the open-source Linux operating system.$LABEL$2 +Compuware Accuses IBM of Ambush Tactics (AP) AP - Compuware Corp. is accusing IBM of attempting to ""sandbag"" it with new evidence just three months before the software company's piracy claim against the technology giant is to go to trial.$LABEL$3 +PA minister: Barghouti will drop candidancy Palestinian Authority Minister of State Kadoura Fares said on Tuesday that jailed Fatah leader Marwan Barghouti may abandon his plan to run in the January 9 lection for the presidency of the PA.$LABEL$0 +SEC Seen Making Google IPO Effective WASHINGTON (Reuters) - The U.S. Securities and Exchange Commission is expected to declare the initial public offering registration of Google Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=GOOG.OQ target=/stocks/quickinfo/fullquote"">GOOG.OQ</A> effective after 4 p.m., sources familiar with the matter said on Wednesday.$LABEL$2 +Cheney, Rumsfeld Say Terror Remains Threat Two of the Bush administration #39;s chief architects of the war on terror offered words of caution along with congratulations on Tuesday, a historic day for this one-time al-Qaida haven.$LABEL$0 +SEC Seen Making Google IPO Effective WASHINGTON (Reuters) - The US Securities and Exchange Commission is expected to declare the initial public offering registration of Google Inc. (GOOG.OQ: Quote, Profile, Research) effective after 4 pm (2000 GMT), sources familiar with the matter said on ...$LABEL$2 +Download a Song for 49 Cents Real is in a running battle with Apple, whose iTunes download store dominates with about 70 percent of legal downloading and whose iPod device for music storage is hugely popular. The iPod and iTunes were designed to work exclusively ...$LABEL$2 +RCMP initiates Nortel investigation The Royal Canadian Mounted Police (RCMP) have launched a criminal investigation into the financial accounting practices of network gear maker Nortel Networks Corp. just days before the company is set to release some of its restated financial results. $LABEL$2 +Profit climbs at Talbots womenswear chain, helped by tax gain HINGHAM, Mass. (AP) - Talbots Inc. said Wednesday its profit for the latest quarter edged up five per cent, boosted by higher sales and an income-tax gain. $LABEL$2 +Citigroup Bond Trading Investigated by UK Regulator (Update1) Aug. 18 (Bloomberg) -- Citigroup Inc., the world #39;s biggest bank, is being investigated by the UK market regulator over unusual trading activity #39; #39; in European government bonds earlier this month. $LABEL$2 +Fund managers raise cash-asset level, says survey WASHINGTON, August 18 (Xinhuanet) -- Fund managers this month boosted the proportion of assets held in cash to the highest level since March 2003 when a global stocks rebound began, said the Washington Post on Wednesday. $LABEL$2 +Court approves St. Paul \$502.5 mln asbestos accord NEW YORK, Aug 18 (Reuters) - Insurer St. Paul Travelers Companies (STA.N: Quote, Profile, Research) on Wednesday said a bankruptcy court approved a \$502.5 million asbestos settlement for all pending asbestos court actions against its Travelers Property ...$LABEL$2 +Epson builds lightest, smallest micro-flying robot EPSON HAS ANNOUNCED that it has developed a successor to the FR the world #39;s smallest and lightest micro-flying robot. The FR-II uses micromechatronics technology, and features Bluetooth wireless control and independent flight. It #39;ll go on show at the ...$LABEL$3 +Norton #39;s 2005 security line-up Norton AntiVirus 2005 #39;s claim to fame is that its Worm Protection feature borrows from firewall technology to block inbound ports so that you can protect yourself against worm attacks such as MSBlast. Its new QuickScan feature also scans your whole system ...$LABEL$3 +Samsung streams on Sprint with MM-A700 Samsung #39;s latest phone offers streaming video and audio, including from major old media companies, along with a megapixel camera. $LABEL$3 +Greek heroes quit Games ATHENS All of Greece expected to see Costas Kenteris crowning its Games with a laurel wreath on his brow, his barrel chest swelling in his blue and white athletic singlet, atop the podium in the Olympic Stadium after successfully defending his 200- meter ...$LABEL$1 +Germany Paddles to Bronze The men #39;s single slalom canoe race ended with balled fists and shouts of joy for Stefan Pfannmller. But for Germany #39;s women, there was nothing to celebrate. $LABEL$1 +Dutch cyclist #39;s fairytale comeback Vouliagmeni, Greece - Watch Leontien Zijlaard-Van Moorsel, think Hermann Maier. Awful crash, unlikely fightback, gold within days. Instant Olympic lore. $LABEL$1 +Hamilton takes gold in time trial ATHENS, Greece - The United States took gold and bronze in the men #39;s Olympic cycling individual time trial on Wednesday with Tyler Hamilton topping the podium and his team Bobby Julich finishing third. $LABEL$1 +Sadr agrees to accept Iraq peace mission demands BAGHDAD : Shiite militia leader Moqtada Sadr has agreed to disarm and quit a holy shrine in Najaf as demanded by Iraq #39;s key national conference, one of the organisers of the meeting said. $LABEL$0 +UK Terrorist Suspects Have Case Sent to Old Bailey (Update2) Aug. 18 (Bloomberg) -- The case against eight men charged with conspiracy to commit murder and carry out terrorist attacks was referred to the Old Bailey, London #39;s central criminal court. $LABEL$0 +US ; Japanese-born teen youngest US chess champ since Bobby <b>...</b> US News, NEW YORK - A teenager from New York state, who just became the youngest US national chess champion since Bobby Fischer in 1958, says he is more sane than his troubled predecessor.$LABEL$1 +Pacers #39; Foster activated from injured list Indianapolis, IN (Sports Network) - Indiana Pacers center Jeff Foster was activated from the injured list Tuesday. He had missed the first 17 games of the season after undergoing hip surgery in October.$LABEL$1 +Report: Tougher testing on the way for MLB NEW YORK (Ticker) - With the dark cloud of steroids continuing to hover over baseball, it appears a tougher drug-testing policy may be in effect by spring training.$LABEL$1 +Preview of SQL Server 2005 Released December 7, 2004 -- (WEB HOST INDUSTRY REVIEW) -- According to a report by internetnews.com, Microsoft (microsoft.com) has released the second community technology preview for SQL Server 2005.$LABEL$3 +BusinessWeek Special Report Examines Apple #39;s iPod Lead BusinessWeek has published a special report that asks quot;Could Apple Blow Its iPod Lead? quot; That title is more sensational than the article itself, however, as $LABEL$3 +Microsoft nears release of 64-bit Windows Microsoft said Tuesday that it has released a near-final test version of updates to its Windows and Windows Server operating systems.$LABEL$3 +IBM Nabs \$750M Deal with Lloyds TSB Lloyds TSB has tapped IBM as the key provider for its massive new VoIP infrastructure project. The new project will make Lloyds TSB the owners of one of the largest converged voice and data networks in Europe $LABEL$3 +Students Win \$100,000 in National Team Science Competition Lucie Guo, motivated by the death of her grandfather in China before she was born, spent two summers doing research in a Duke University laboratory.$LABEL$3 +Experts Push for More Computer Security Efforts Computer-security experts, including former government officials, urged the Bush administration on Tuesday to devote more effort to strengthening defenses against viruses, hackers and other online threats.$LABEL$3 +Group Enlists Honey Pots to Track IM, P2P Threats IMlogic Inc. on Tuesday announced plans to use honey pots to track malicious virus activity on instant messaging and peer-to-peer networks.$LABEL$3 +Cisco, Juniper Making Noise in High-End Routing Space Dueling Cisco Systems Inc. and Juniper Networks Inc. are both jockeying for the spotlight on the high end of the routing market with announcements of new developments around their respective CRS-1 and T-series core routers.$LABEL$3 +SEC Seen to OK Google IPO After 4 P.M. WASHINGTON (Reuters) - The U.S. Securities and Exchange Commission is expected to declare the initial public offering registration of Google Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=GOOG.OQ target=/stocks/quickinfo/fullquote"">GOOG.OQ</A> effective after 4 p.m. (2000 GMT), sources familiar with the matter said on Wednesday.$LABEL$2 +BellSouth: Retiree Costs to Cut Q4 Earns WASHINGTON (Reuters) - BellSouth Corp. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=BLS.N target=/stocks/quickinfo/fullquote"">BLS.N</A> said on Wednesday its new labor contract had triggered a \$3.3 billion increase in its estimates of future retiree medical costs, reducing fourth-quarter earnings by 3 cents to 4 cents a share.$LABEL$2 +GAO: Homeland Security #39;s Enterprise Architecture Lacks Key Elements In a report, it says the agency #39;s first try at building an enterprise architecture offers a partial foundation, but is lacking in several areas. $LABEL$3 +Compuware Asks Court To Sanction IBM In Software Theft Case DETROIT - Compuware Corp. said on Wednesday it has asked a US court in its software piracy case against IBM to levy sanctions on IBM for delaying release of critical evidence. Specifically, the filing asks the US District Court to order judgment in favor ...$LABEL$3 +US Men Take Gold and Bronze in Cycling Time Trial ATHENS (Reuters) - The United States proved there is more to their cycling team than Lance Armstrong by taking gold and bronze in the men #39;s Olympic individual time trial at the Athens Games Wednesday. $LABEL$1 +Iraqi Cleric Agrees Deal to End Siege at Shrine NAJAF, Iraq (Reuters) - The leader of a Shi #39;ite uprising in Iraq agreed Wednesday to leave a holy shrine encircled by US marines, hours after the interim government threatened to storm it and drive out his fighters. $LABEL$0 +Burundi police fire tear gas at massacre protest Police in Burundi #39;s capital Bujumbura fired tear gas at crowds today, protesting against the massacre of at least 160 Congolese Tutsis at a UN refugee camp in the west of the country. $LABEL$0 +Google Slashes IPO, SEC OK Expected Today NEW YORK (Reuters) - Google Inc. slashed the size of its closely watched initial public offering nearly in half to less than \$2 billion on Wednesday, splashing cold water on what has been touted as the hottest Internet IPO in years.$LABEL$2 +HP decries Itanium, SAP issues and bad English <strong>HP World</strong> Execs try to respond$LABEL$3 +French watchdog fines Messier 1m Frances AMF market watchdog slapped a one million euro fine on Jean-Marie Messier, the disgraced former chairman of Vivendi Universal , on Tuesday following allegations the media firm had published misleading financial information.$LABEL$2 +Toyota tunes in satellite radio Auto maker Toyota on Tuesday entered into separate deals with rival satellite radio service providers Sirius and XM. Under its agreement with Sirius, Toyota will offer Sirius satellite radio service--either $LABEL$2 +Sprint begins \$3 billion march to 3G Sprint, the fourth-largest US cell phone operator, has started a \$3 billion network upgrade, with \$1 billion earmarked for a wireless broadband service to launch soon in selected cities, a Sprint executive said Tuesday.$LABEL$2 +Europe troubled by euro rise European officials issued their harshest condemnation yet of the euro #39;s recent surge, in a joint statement after a monthly meeting yesterday.$LABEL$2 +Oil Falls to 3-Month Low as Heating-Oil Supplies Probably Rose Crude oil fell to a three-month low on speculation that warm weather and increased refinery production have bolstered US heating-oil stockpiles.$LABEL$2 +AOL Cuts 750 Jobs America Online Inc., the nation's biggest Internet service, today began cutting 750 jobs, more than half at the firm's Northern Virginia headquarters, company officials said. <FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2"" color=""#666666""><B>-The Washington Post</B></FONT>$LABEL$2 +U.S. to Import 4 Million Flu Shot Doses WASHINGTON (Reuters) - U.S. health officials, taking another step to ease the season's flu shot shortage, approved the importation of up to 4 million flu shot doses from Europe on Tuesday for patients willing to sign a consent form.$LABEL$2 +Intel Says It's Recovered from Missteps SAN FRANCISCO (Reuters) - Intel Corp. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=INTC.O target=/stocks/quickinfo/fullquote"">INTC.O</A> will miss its 2004 product cost reduction targets because of a widely publicized string of product delays and problems, but those missteps are largely behind it now, the world's largest chip maker said on Tuesday.$LABEL$2 +Tyson to Begin Training Mike Tyson is beginning to train for a fight in March, his first since being knocked out by Danny Williams in July.$LABEL$1 +Putin questions Iraqi poll plan Russian leader Vladimir Putin voices doubts over plans to hold elections in Iraq next month.$LABEL$0 +Mortgage Applications Rise as Rates Ease NEW YORK (Reuters) - New applications for U.S. home loans rose last week while refinancings surged, as 30-year mortgage interest rates fell to their lowest level in over four months, an industry group said on Wednesday.$LABEL$2 +Staples Goes to China? The company impresses the Street with strong earnings, an optimistic outlook, and a toehold abroad.$LABEL$2 +Crazy 'Bout a Sharp Dressed K If you're going to spend a lot producing a slick annual report, go all in.$LABEL$2 +Report: Palestinians, Israel Back Peace Plan CAIRO (Reuters) - Palestinians and Israelis have agreed in principle to proposals aiming to end their conflict, Egypt's official news agency MENA said on Tuesday.$LABEL$0 +Storm-ravaged peasants flee as Philippines runs out of money for relief (AFP) AFP - Stunned residents picked their way through a wasteland of mud and rubble to leave storm-ravaged areas of the Philippines as the government said it has run out of money to pay for relief services.$LABEL$0 +Sudanese Hopeful of New Year Peace Deal Mohamed Yousif, Sudans minister of humanitarian affairs, dismissed widespread assertions of government involvement in a vicious militia campaign against civilians in the western region.$LABEL$0 +After all, have we become Russias strategic partner? TDN- Russian Federation President Vladimir Putin was in Ankara on Monday for a state visit unmatched in the history of relations between the Turkish and Russian nations.$LABEL$0 +Charley #39;s insured losses seen hitting \$7.4 billion NEW YORK, Aug 18 (Reuters) - Insurance payments to victims of Hurricane Charley are expected to reach \$7.4 billion, making it the second most costly hurricane to hit the United States, an insurance industry group said on Wednesday. $LABEL$2 +US mortgage applications rise as rates ease NEW YORK, Aug 18 (Reuters) - New applications for US home loans rose last week while refinancings surged, as 30-year mortgage interest rates fell to their lowest level in over four months, an industry group said on Wednesday. $LABEL$2 +Aurora Woman Sues Costco Over Discrimination Claims SAN FRANCISCO -- A Colorado assistant store manager at Costco has filed a federal lawsuit, alleging she was passed over for a promotion because she is a woman. $LABEL$2 +Researcher Finds Flaws in XP SP2 German research firm Heise Security has issued an advisory for a pair of security flaws in Microsoft #39;s (Quote, Chart) recently shipped Windows XP Service Pack 2 with a warning that attackers could launch malicious files from an untrusted zone. $LABEL$3 +RealNetworks Halves Music Prices But Move to Confront Apple Will Increase Company #39;s Loss RealNetworks on Tuesday started a promotion that halves the price of its digital music offerings as part of a strategy to force its way onto Apple Computer #39;s popular iPod digital music player. $LABEL$3 +Compuware accuses IBM of ambush tactics in piracy suit DETROIT (AP) -- Compuware Corp. is accusing IBM of attempting to quot;sandbag quot; it with new evidence just three months before the software company #39;s piracy claim against the technology giant is to go to trial. $LABEL$3 +Microsoft Funded Study Deciding Factor in 10yr Deal Genevish writes quot;According to an article in the Register, Microsoft and the Newham Council in London have signed an agreement making Microsoft the preferred vendor for the council, instead of the original hybrid MS / Open Source plan. The council was very ...$LABEL$3 +Bilonog Edges Nelson With Last Put as Shot Returns to Olympia Aug. 18 (Bloomberg) -- Yuriy Bilonog won the gold medal in the men #39;s shot put at Olympia, the home of the ancient Games, by virtue of his second-best effort after his last throw matched the leading mark set by US athlete Adam Nelson. $LABEL$1 +Figo takes break from international football LISBON, Aug 18 (Reuters) - Portugal captain Luis Figo said on Wednesday he was taking a break from international soccer, although he would not confirm if the decision was final. $LABEL$1 +NLD MP urges people to sign petition Despite intimidation by the ruling Burmese military authorities, the National League for Democracy (NLD) members have continued the signature campaign with increased momentum calling for the release of all political prisoners including NLD leaders Daw ...$LABEL$0 +WFP Tackles #39;Critical Six Weeks #39; in Darfur with Up-Scaling of Air Operations - The United Nations World Food Programme (WFP) is gearing up for the most critical stage yet of its operation to deliver food assistance to hundreds of thousands of people affected by conflict in the Darfur region of western Sudan. As the rainy season ...$LABEL$0 +Italy Lights the Path for the Olympic Torch Christmas on the island of Sicily, New Year #39;s eve at the bay of Naples. Italy mapped out Tuesday a two-month-long journey for the 2006 Winter Olympics torch, which will cross $LABEL$1 +Lamy Strong Candidate for WTO Job-USTR (Reuters) Reuters - U.S. trade officials said on Tuesday\that former European Union Trade Commissioner Pascal Lamy would\be a ""strong candidate"" to lead the World Trade Organization,\but stopped short of formally endorsing him.$LABEL$0 +Janus Finalizes Regulatory Settlement (AP) AP - Janus Capital Group Inc. said Wednesday it has finalized a #36;226.2 million settlement with state and federal regulators over improper trading allegations, part of a scandal sweeping the #36;7 trillion mutual funds industry.$LABEL$2 +Italy's Parmalat sues ex-auditors Parmalat issues proceedings against its ex-auditors over their dealings with the insolvent group before its near collapse$LABEL$2 +Study: Hubble Robotic Repair Mission Too Costly An exhaustive study of NASA #39;s options for repairing the Hubble Space Telescope suggests the currently planned robotic mission may cost too much money and might not be ready to fly before the vaunted observatory breaks down.$LABEL$3 +Dell Cuts Prices on Enterprise Hardware Dell has cut prices on a number of products geared to enterprises. The PowerEdge 4600 dual-processor server price tag has been trimmed by about 22 percent, now starting as low as \$4,194.$LABEL$3 +Boston Globe: #39;Forget Microsoft and buy an Apple iPod - it works #39; quot;As more and more retailers try to cash in on the online music scene, things are becoming increasingly befuddling for consumers -- especially for consumers who stray from the Apple iPod fold.$LABEL$3 +Thunderbird Mail goes 1.0 Mozilla #39;s Thunderbird mail client has reached the 1.0 release point. I #39;ve been using Thunderbird when ever I #39;ve found myself on a Windows box for quite a while now and finally took the plunge on my Powerbook, finally walking away from Mail.$LABEL$3 +Nvidia to work on PlayStation 3 chip Graphics chip leader Nvidia announced Tuesday that it is working with Sony to develop the graphics processor for the next version of Sony #39;s PlayStation video game console.$LABEL$3 +SEC Bars Mutual Fund Payoffs to Brokers WASHINGTON (Reuters) - The U.S. Securities and Exchange Commission pushed ahead on Wednesday with reforms of the \$7.5-trillion mutual fund industry amid scandals that have shaken fund investors' confidence.$LABEL$2 +Air Canada Stock Plummets on Review MONTREAL (Reuters) - Shares of Air Canada <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=AC.TO target=/stocks/quickinfo/fullquote"">AC.TO</A> fell by more than half on Wednesday, after the Toronto Stock Exchange said it was reviewing the company's stock to determine if it meets listing requirements.$LABEL$2 +Parmalat Sues Ex-Auditors in Chicago MILAN (Reuters) - Parmalat sued its former auditors Deloitte Touche and Grant Thornton on Wednesday, broadening a legal battle to claw back billions of euros from ex-allies the food group says helped drive it into insolvency.$LABEL$2 +Apple zealots slam Real #39;s iPod campaign RealNetworks has stepped up its music #39;war #39; on Apple Computer--with results it clearly didn #39;t expect. $LABEL$3 +Macromedia offers Flash video tool Macromedia hopes to boost use of its Flash format for delivering streaming video with a new development kit. The Flash Video Kit allows users of the company #39;s Dreamweaver Web authoring application to add Flash video to their pages without using the full ...$LABEL$3 +Apple G5 chips #39;in short supply #39; Apple may be facing greater difficulties than previously thought in sourcing chips to power its high-end personal computers. $LABEL$3 +Cycling: Hamilton wins time trial VOULIAGMENI Tyler Hamilton of the United States won the men #39;s time trial gold medal Wednesday, beating defending champion Viatcheslav Ekimov of Russia and another American, Bobby Julich. $LABEL$1 +Jail for Olympic pool jump ATHENS (Reuters) - A Canadian man advertising an online gaming site, who broke security and jumped into the Olympic diving pool, has been given a five-month prison term for trespassing and disturbing public order, court officials say. $LABEL$1 +Leaders Threatened by Terrorist Groups Large and Small The vulnerability of world leaders to terrorist attack was starkly exposed again today by the discovery of a bomb near Tony Blair #39;s holiday villa on Sardinia. $LABEL$0 +Food crisis worsens in North Korea BEIJING The collapse of North Korea #39;s economy has caused food prices there to skyrocket and created new groups of people who cannot afford to buy what they need to live, the World Food Program said on Wednesday. $LABEL$0 +German investor confidence surges BERLIN - German investor confidence posted a surprise jump in December as relief over falling oil prices helped to offset concerns about the impact of a surging euro on growth in Europe #39;s biggest economy.$LABEL$0 +EU Weighs Tougher Conditions for Talks With Turkey (Update1) European Union governments may impose tougher conditions on entry talks with Turkey in response to demands by France, Austria and Cyprus, a draft EU compromise shows.$LABEL$0 +Airlines to Cut Flights at Chicago O'Hare WASHINGTON (Reuters) - U.S. airlines have agreed to limit flights into Chicago's O'Hare International Airport to 88 arrivals per hour between 7 a.m. and 8 p.m. in an effort to cut congestion that has slowed the whole U.S. aviation system, federal officials said on Wednesday.$LABEL$2 +FAA: Flight-Reduction Deal Set for O #39;Hare WASHINGTON Aug. 18, 2004 Federal officials have reached a temporary agreement to ease congestion at Chicago #39;s O #39;Hare International Airport that calls for a reduction of 37 daily arrivals by United Airlines and American Airlines, officials said ...$LABEL$2 +Italy #39;s Parmalat sues ex-auditors Italian food giant Parmalat is suing its former auditors over their dealings with the insolvent group before its near collapse last December. $LABEL$2 +Update 2: Swisscom Confirms May Merge With Firm Telecommunications companies Swisscom AG and Telekom Austria AG are in talks over a possible merger, Swisscom said. $LABEL$2 +Cox directors look at proposed buyout Cox Communications Inc. is a step closer to going private, with the cable giant #39;s board of directors forming a special committee of independent directors to consider the Cox Enterprises Inc. proposal to take the company private in a \$7.9 billion buyout. $LABEL$2 +Cassini Probe Discovers Tiny Saturnian Moons Two tiny moons orbiting Saturn -- each measuring around two miles in diameter -- are the latest discovery of the Cassini spacecraft. They are located between the orbits of moons Mimas and Enceladus, a surprise to scientists who thought such ...$LABEL$3 +MS Host Integration Server 2004 Is Weeks Away Starting September 1, 2004, Microsoft will make available Host Integration Server (HIS) 2004 for companies that have been wanting to open their mainframe assets up to deeper integration with Windows-based servers, software and the promise of ...$LABEL$3 +Figo takes break from international game MADRID, Aug 18 (Reuters) - Portugal captain Luis Figo said on Wednesday he was taking an indefinite break from international football, but would not confirm whether his decision was final. $LABEL$1 +Van Basten entrusts Dutch captaincy to Davids AMSTERDAM, Aug 18 (Reuters) - Midfielder Edgar Davids #39;s leadership qualities and never-say-die attitude have earned him the captaincy of the Netherlands under new coach Marco van Basten. $LABEL$1 +Russia #39;s Korzhanenko wins women #39;s shot put; American favorites eliminated US medal favorites John Godina and Reese Hoffa were eliminated from the shot put competition, ending hopes of an American sweep. $LABEL$1 +US rowers advances in photo finish SCHINIAS, Greece (AP) The early success of the first black Olympic rower on the US men #39;s team and his Navy officer partner was supposed to end Wednesday. $LABEL$1 +Sadr calls for Najaf ceasefire BAGHDAD (Reuters) - Anti-US cleric Moqtada al-Sadr and his followers are ready to leave the Imam Ali shrine in Najaf if American-led forces pull back from the holy Shi #39;ite site, an aide to Sadr says. $LABEL$0 +Dhiren to father, Abu Musa to al Qaeda According to British cops he is Dhiren Barot to his father and Abu Musa al-Hindi to Al Qaeda. On Wednesday India-born Barot alias al-Hindi, along with seven men of Pakistani origin, arrested in anti-terror raids and charged with plotting radioactive, ...$LABEL$0 +Terrified neighbours see dog kill owner A 39-year-old woman was savaged to death by her pet bull mastiff dog yesterday. Terrified elderly neighbours could only look on as the fatal attack, which started inside Carol Leeanne Taylor #39;s home in the Dunedin suburb of Caversham, spilled on to the ...$LABEL$0 +Garrison gets new contract; King retires WHITE PLAINS, NY -- Zina Garrison was given a one-year contract to stay on as US Fed Cup captain, while Billie Jean King retired Tuesday as a coach for the team.$LABEL$1 +VARSITY MATCH Oxford regained the MMC Trophy with a hard-fought 18-11 win over Cambridge in the Varsity match at Twickenham. Jon Fennell kicked Oxford into an early lead, but a well-worked try from Fergie Gladstone saw Cambridge hit back.$LABEL$1 +Nintendo Game Machine Gets Good US Start The new portable video-game machine from Nintendo Co. is selling briskly in both the United States and Japan and the company is well on its way to reaching a target of selling 5 million units by April next year.$LABEL$3 +Fledgling Thunderbird takes on Outlook Not content with eating into Microsoft #39;s share of the browser market with Firefox, the Mozilla Foundation has released an open-source email client to rival Outlook.$LABEL$3 +Cybersecurity post needs a promotion, firms say The US government is not taking cybersecurity seriously enough and should spend more money and energy on the topic, a group of computer security firms said Tuesday.$LABEL$3 +Toyota strikes satellite radio deals with rivals XM, Sirius Rivals XM Satellite Radio and Sirius Satellite Radio both have ventured again to the automotive industry in their latest efforts to land new subscribers, announcing separate distribution agreements Tuesday with Toyota Motor Corp.$LABEL$2 +AT amp;T Wins \$1B Treasury Contract VIENNA, Va. -- AT amp;T Government Solutions and its team of subcontractors have been chosen by the Treasury Department to build and deploy the largest civilian agency network, serving more than 1,000 domestic $LABEL$2 +UPDATE 1-SEC, NASD probing Jefferies trader #39;s gifts -WSJ US market regulators are looking into whether a Jefferies Group Inc. (JEF.N: Quote, Profile, Research) trader violated rules that prohibit expensive gift-giving in a bid to curry $LABEL$2 +Report: J amp;J in Talks to Acquire Guidant Health care giant Johnson amp; Johnson is reportedly in advanced negotiations to acquire medical device maker Guidant Corp. for more than \$24 billion.$LABEL$2 +Google Slashes IPO, SEC OK Expected Today NEW YORK/SAN FRANCISCO (Reuters) - Google Inc. slashed the size of its initial public offering nearly in half to less than \$2 billion on Wednesday, splashing cold water on what has been touted as the hottest Internet IPO in years.$LABEL$2 +Stocks Up; Traders Eye Crude Oil Prices NEW YORK (Reuters) - U.S. stocks made gains on Wednesday as investors bought beaten-down shares, while strength in oil prices pushed up energy companies such as Exxon Mobil Corp. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=XOM.N target=/stocks/quickinfo/fullquote"">XOM.N</A>$LABEL$2 +Houston serious about keeping its superstar center fielder Winter meetings kick off on Friday in Anaheim. BALCO aside, it #39;s been a quiet baseball offseason, but that #39;s about to change.$LABEL$1 +Charley May Cost Insurers \$7.4 Billion, Industry Says (Update1) Aug. 18 (Bloomberg) -- Hurricane Charley will probably cost insurers \$7.4 billion, according to the first loss estimate based on insurance claims. $LABEL$2 +Parmalat sues ex-auditors Deloitte, Grant Thornton MILAN, Aug 18 (Reuters) - Parmalat sued its former auditors Deloitte amp; Touche and Grant Thornton on Wednesday, broadening a legal battle to claw back billions of euros from ex-allies the food group says helped drive it into ...$LABEL$2 +Barclays Buys CIBC US Credit Card Unit for \$293 Mln (Update5) Aug. 18 (Bloomberg) -- Barclays Plc, the UK #39;s third-biggest lender by assets, agreed to buy the US credit card business of Canadian Imperial Bank of Commerce for \$293 million to expand into the world #39;s biggest credit card market. $LABEL$2 +Tap, Eat, N Go Forget quot;super-sized, quot; McDonald #39;s is going for quot;super-fast quot; service. The nation #39;s largest quick serve restaurant chain is getting ready to test a system that enables customers to tap or wave the new quot;PayPass MasterCard quot; on or near a specially equipped ...$LABEL$2 +Broadband used by 51 percent of online population For the first time, broadband connections are reaching more than half (51 percent) of the American online population at home, according to measurement taken in July by Nielsen/NetRatings, a Milpitas-based Internet audience measurement and research ...$LABEL$3 +Canadian who leaped into Olympic pays the price for 15 minutes of fame ATHENS (CP) - The Canadian who embarrassed Olympic officials by jumping into a Games swimming pool during a diving competition wearing a skirt and advertising an on-line casino has paid the price for his 15 minutes of fame. $LABEL$1 +Els targets improved putting after Whistling Straits woes LONDON, Aug 18 (Reuters) - Ernie Els has set his sights on an improved putting display at this week #39;s WGC-NEC Invitational in Akron, Ohio after the disappointment of tying for fourth at the US PGA Championship on Sunday. $LABEL$1 +8 terror suspects, including alleged al-Qaida figure, charged in Britain LONDON (AP) - Eight suspects, including a man identified in the United States as a senior al-Qaida figure, appeared in court under heavy guard Wednesday as police investigated an alleged plot to commit murder and cause mayhem with chemicals, radioactive ...$LABEL$0 +UN rights envoys urge probe into Burundi massacre GENEVA, Aug 18 (Reuters) - United Nations human rights investigators on Wednesday called on Burundi and the Democratic Republic of Congo to identify and hold accountable those behind the massacre of at least 160 Congolese Tutsi refugees. $LABEL$0 +One Hamas leader survived assassination; five Palestinians killed in an Israeli bombardment in Gaza Five Palestinians were killed and other seven injured today at dawn in an Israeli air raid carried out by one Israeli helicopter at the house of a leading figure from the Islamic resistance movement ( Hamas) in al-Shuja #39;eya quarters to the east of Gaza. $LABEL$0 +Swiss to hand back more Abacha funds Switzerland is to hand back to Nigeria SFr622 million (\$500 million) belonging to the former ruler, Sani Abacha, and his family. $LABEL$0 +WFP Relying On Airdrops To Bring Food In West Darfur Mud continues to be one of the biggest obstacles to relief efforts in Sudan #39;s Darfur region. Heavy rains have washed out roads and airstrips and the rainy season is expected to last another month or two. $LABEL$0 +Late try gives Oxford win Ross Lavery scored a try two minutes from the end as Oxford University defeated Cambridge 18-11 at Twickenham on Tuesday in another tight finish to the annual University rugby match.$LABEL$1 +Dell trims PC prices for business clients Dell cut prices on some servers and PCs by as much as 22 percent because it #39;s paying less for parts. The company will pass the savings on components such as memory and liquid crystal displays $LABEL$3 +NASA #39;s Return to Flight on Track, Shuttle Officials Say NASA (news - web sites) is close to meeting all of the return-to-flight safety requirements set by Columbia accident investigators and should be able to launch a shuttle by May 2005, shuttle program officials said today.$LABEL$3 +What's Google Minus \$10 Billion? Google drops its price and shares offered. Its magic: turning the hottest IPO in history into a disaster.$LABEL$2 +Wind River's Smooth Sailing (The Motley Fool) The Motley Fool - Investors have unloaded on many software companies lately, such as Red Hat (Nasdaq: RHAT - News), Siebel (Nasdaq: SEBL - News), Novell (Nasdaq: NOVL - News), and so on. However, with the markets perking up this week, investors are a little more sanguine about the sector -- at least for those stocks that exceed expectations.$LABEL$3 +Teleportation goes long distance Physicists teleport particles of light a distance of 600m across the River Danube in Austria, the journal Nature reports.$LABEL$3 +Europe Is Warned of Changing Climate (AP) AP - Rising sea levels, disappearing glaciers in the Alps and more deadly heat waves are coming for Europeans because of global warming, Europe's environmental agency warned Wednesday.$LABEL$3 +Clinton: Ex-President Inaugurates China-Backed Internet Search <b>...</b> Former President Bill Clinton helped launch a new Internet search firm that claims better results for its engine than Google (nasdaq: GOOG - news - people ). The firm is called Accoona, from the Swahili phrase $LABEL$2 +High court hears dispute over Michigan interstate wine sales SUPREME COURT The US Supreme Court is hearing arguments in a case that could lead to sweeping changes on how alcoholic beverages are regulated and sold.$LABEL$2 +Stocks Move Higher on Mixed Economic Data Stocks inched higher Tuesday as investors saw the bright side of mixed economic data and rumors about big merger deals, including a report that consumer products giant Johnson amp; Johnson is in talks to purchase a leading medical device maker.$LABEL$2 +IBM: Do We Have a Deal? China #39;s biggest computer maker said it is in acquisition talks with a major international technology company, a disclosure that comes amid reports it might buy IBM #39;s personal computer business.$LABEL$2 +Three IPOs Trim Price Ranges Wednesday Three new stocks scheduled to begin trading this week - including Google Inc. #39;s highly anticipated initial public offering - slashed their expected price ranges Wednesday morning as the IPO market readies for a one-month break from trading debuts after ...$LABEL$2 +Oil at \$47, Economic Impact Seen as Muted LONDON (Reuters) - Oil prices surged to a new high above \$47 a barrel on Wednesday on evidence that energy costs are not substantially slowing the economic growth that fuels oil demand. $LABEL$2 +McDonald #39;s testing deli sandwiches in Louisville, other markets McDonald #39;s Corp. (NYSE: MCD) plans to expand a test market of five types of deli-style sandwiches to Louisville and three other cities, according to reports. $LABEL$2 +Netscape #39;s Official New Browser is Out AOL (Quote, Chart) developers have rolled out a new version of its venerable Netscape browser, version 7.2. $LABEL$3 +Kenteris, Thanou Quit Games; Thorpe Record Bid Fails (Update6) Aug. 18 (Bloomberg) -- Olympic medalists Kostas Kenteris and Ekaterini Thanou quit the Athens Games, overshadowing the start of track and field events on the fifth day of competition. Venus Williams and Andy Roddick were eliminated from the tennis. $LABEL$1 +Roddick, Williams eliminated from Olympic tennis CBC SPORTS ONLINE - American tennis sensation Andy Roddick #39;s Olympic dreams are over after a straight set loss to No. 16 Fernando Gonzalez of Chile in third-round action Wednesday. $LABEL$1 +Giambi calls strain #39;nothing serious #39; New York Yankees: First baseman Jason Giambi continued his upper body workout and ran in an indoor pool Wednesday, one day after mildly straining his groin. $LABEL$1 +Olympics: Venus out of Olympics ATHENS : Title-holder Venus Williams of the United States crashed out of the Olympic women #39;s singles tennis tournament here losing a third round tie 6-4, 6-4 to France #39;s Mary Pierce. $LABEL$1 +Sadr calls for Najaf ceasefire NAJAF, Iraq (Reuters) - Radical Shi #39;ite cleric Moqtada al-Sadr has agreed to disarm his Iraqi militia and leave a holy shrine but only after a truce with encircling US marines. $LABEL$0 +Something's Brewing at Diedrich Coffee The Starbucks competitor will sell its international franchise business to battle at home.$LABEL$2 +Report: Palestinians, Israel Back Peace Plan CAIRO (Reuters) - Palestinians and Israelis have agreed in principle to proposals aiming to end their conflict, Egypt's official news agency MENA said Tuesday.$LABEL$0 +State Dept. Warns of Violence in Laos (AP) AP - The State Department is advising Americans traveling or living in Laos to take precautions and avoid areas likely to be hit by continuing violence.$LABEL$0 +VIDEO GAME REVIEW: Driv3r Plot Is Tedious (AP) AP - Atari could have redefined guns and gas pedal mayhem with the much anticipated ""Driv3r"" (pronounced Driver 3), the latest installment in a series of bad-boy-driving-'n'-violence titles. But there's nothing new here to see #151; nothing new graphically, emotionally, or functionally in the way of game play.$LABEL$3 +Credit Suisse to Focus on Investment Bank ZURICH (Reuters) - Credit Suisse plans to focus its investment banking activities on high-margin business and float off insurer Winterthur in a long-awaited revamp aimed at boosting the earnings power of Europe's 10th-largest bank.$LABEL$2 +U.S. Economic Outlook Dims a Bit WASHINGTON (Reuters) - The U.S. economic outlook dimmed somewhat on Tuesday after reports said business productivity grew more slowly in the third quarter than first estimated, labor costs rose and other indicators signaled softening activity.$LABEL$2 +Workers fight bad weather to give aid to storm-ravaged Philippines; 740 dead (Canadian Press) Canadian Press - REAL, Philippines (AP) - Relief crews battling walls of mud and lashing rain to reach villages still isolated days after back-to-back storms devastated the northeastern Philippines have found 51 more bodies, taking the death toll to at least 740 people, officials said Tuesday.$LABEL$0 +Update 3: Bank of America Cuts Some Fleet Workers Bank of America Corp. laid off an unspecified number of employees Wednesday at hundreds of Fleet Bank branches, a byproduct of the merger of the two banks, a company spokeswoman said. $LABEL$2 +SEC Bars Mutual Fund Payoffs to Brokers WASHINGTON (Reuters) - The US Securities and Exchange Commission pushed ahead on Wednesday with reforms of the \$7.5-trillion mutual fund industry amid scandals that have shaken fund investors #39; confidence. $LABEL$2 +Barclays buys Juniper Financial for \$293M LONDON (AP) British bank Barclays PLC gained its first toehold in the US consumer banking market Wednesday, saying it would buy credit-card company Juniper Financial Corp. from Canadian Imperial Bank of Commerce for \$293 million in cash. $LABEL$2 +UAL agrees to independent agents to oversee pension funds WASHINGTON : Bankrupt United Airlines has agreed to appoint an independent party to manage its employee pension funds prior to September 15 in an agreement with the US Labor Department. $LABEL$2 +Compuware asks court to punish IBM Software maker Compuware has charged IBM with keeping back key evidence in a long-running legal battle over copyright and anticompetitive practices. $LABEL$3 +Investors Unfazed by Last-Minute Google Moves BOSTON (Reuters) - When investors heard that Google Inc. had cut the price range for shares in its closely watched initial public offering they said they took it in stride and did not make any massive last-minute adjustments. $LABEL$3 +Charley a Harbinger of Busy Hurricane Season? But Hurricane Charley intensified at an astonishing rate just a few hours before making landfall, and its eye wobbled off its forecast track and smashed ashore about 70 miles (112 kilometers) south of Tampa, killing at least 21. It became the most ...$LABEL$3 +Report: Apple G5 chips scarce Apple Computer may be facing greater difficulties than previously thought in getting hold of chips to power its high-end personal computers. $LABEL$3 +American Cyclist Hamilton Wins Time Trial yler Hamilton and Bobby Julich showed that there is some depth to American cycling, winning the gold and bronze medals today in the men #39;s individual time trial at the Olympics in Athens. $LABEL$1 +Kitajima wins breast stroke double Kosuke Kitajima won the men #39;s 200 metres breast stroke final at the Athens Olympics early this morning, but Australia #39;s Jim Piper was disqualified. $LABEL$1 +State Dept. Cautious of Najaf Reports WASHINGTON (AP) - The Bush administration reacted cautiously Wednesday to reports that the radical Shiite cleric Muqtada al-Sadr had accept a peace plan to end fighting in Najaf. $LABEL$0 +Pakistan publishes photos of six suspects wanted in terror ISLAMABAD, Pakistan (AP) Pakistan published photos Wednesday in newspapers across the country of six terror suspects including a senior al-Qaeda operative it says were behind attempts to assassinate the nation #39;s president and offered a large ...$LABEL$0 +Steroid Talks Progress Baseball players and owners have made progress toward toughening rules on steroid testing, but there is still plenty of work to be done.$LABEL$1 +Italy Lights the Path for the Olympic Torch ROME (Reuters) - Christmas on the island of Sicily, New Year's eve at the bay of Naples.$LABEL$1 +Five die in renewed Gaza fighting against Mahmoud Abbas, a moderate backed by Israel and Washington as a potential peacemaker, a lawmaker said. killing one soldier and wounding four.$LABEL$0 +Dual-Format Disc That Plays Both HD DVD and DVD Memory-Tech and Toshiba today announced that they have developed a dual-layer ROM (read-only) disc that can store content in both the HD DVD and DVD formats.$LABEL$3 +Energy from waves teenager wins science award A teenager from the San Diego, California area has won The Siemens Westinghouse Competition in Math, Science and Technology for his quot;Gyro-Gen, quot; a machine that produces electricity from ocean waves.$LABEL$3 +Program Lets People Design 3-D Objects (AP) AP - It's the Internet Revolution meets the Industrial Revolution: a new program that lets people design 3-D objects like car parts and door knobs in metal or plastic then order them online.$LABEL$3 +1.2 million flu shots will stay in Canada after all VANCOUVER - A Vancouver-based firm won #39;t sell 1.2 million doses of influenza vaccine to the United States after all, announcing Tuesday that it will sell the doses within Canada instead.$LABEL$2 +Windows XP SP2 Help Certainly you know by now that Windows XP Service Pack 2 (SP2) has been released. As anticipated, some systems have had problems after installation of the new service pack. But many people report that their installations have been successful and without ...$LABEL$3 +Slim Majority of Web Users Connect With Broadband For the first time, a slim majority of US Net users are connecting via broadband. In July, 51 percent of America #39;s home online population was using broadband connections, according to a report from Nielsen/NetRatings. Before July, the ...$LABEL$3 +Bilonog Wins Olympia Shot Put Gold Competing under a flawless blue sky in the tree-lined grove devoted to Zeus, the European gold medallist equaled American champion Adam Nelson #39;s opening mark of 2.16 to capture his first major title on a countback. $LABEL$1 +Kitajima wins breaststroke double Kosuke Kitajima won the men #39;s 200 metres breaststroke final at the Athens Olympics on Wednesday to collect his second gold medal in four days. $LABEL$1 +Nigerian senate to rule on Darfur troop deployment ABUJA, Aug 18 (AFP) -- The Nigerian senate said on Wednesday it would ask its defence committee to consider a request by President Olusegun Obasanjo for permission to deploy some 1,500 peacekeepers to Sudan #39;s war-torn Darfur region. $LABEL$0 +Google IPO Is Small Hurdle Vs Growing Competition (Reuters) Reuters - Google Inc., on the last leg of its\race to sell shares to the public, is facing more rivals, large\and small, trying to unseat it as the Web's most popular search\destination.$LABEL$3 +PAC-10 MEN #39;S Basketball: Timing of Bibby firing irks Olson Just last month USC basketball coach Henry Bibby said he was enjoying his job more than ever and getting ready for what he hoped would be a good season.$LABEL$1 +Pacers #39; Foster Activated From Injured List Indianapolis, IN -- Indiana Pacers center Jeff Foster was activated from the injured list Tuesday. He had missed the first 17 games of the season after undergoing hip surgery in October.$LABEL$1 +Physicists Teleport Photons Across Danube Austrian researchers have teleported photons, or particles of light, for the first time outside a laboratory using the same technological principles imagined by <I>Star Trek.</I>$LABEL$3 +British Cave Yields Elaborate Ice-Age Art A detailed survey of ancient cave carvings at a site first discovered last year in Nottinghamshire, England, reveals the etchings may be some of most elaborate Ice Age art ever found.$LABEL$3 +Venus: Inhabited World? by Harry Bortman In part 1 of this interview with Astrobiology Magazine editor Henry Bortman, planetary scientist David Grinspoon explained how Venus evolved from a wet planet similar to Earth to the scorching hot, dried-out furnace of today. In part 2, Grinspoon discusses the possibility of life on Venus...$LABEL$3 +Particle Physics in a New Universe By Davide Castelvecchi Stanford University -- A string of recent discoveries in astronomy has left scientists with an unsettling realization: The stuff we know and understand makes up less than 5 percent of the universe. The rest has to be yet-unknown forms of ""dark matter"" and ""dark energy."" At a time of momentous changes in our basic understanding of the universe, a new document outlines the essential role of particle physics in deciphering the laws of nature that govern dark matter, dark energy and more...$LABEL$3 +Compuware asks court to punish IBM Software maker says Big Blue kept hold of key evidence to delay a resolution to a long-running legal spat over copyrighted code.$LABEL$3 +A brighter Outlook? Software startup hopes there's big money in little improvements to Microsoft products.$LABEL$3 +Briefly: Macromedia offers Flash video tool roundup Plus: UTStarcom wins Indian IP gear contract...Microsoft tightens Windows-mainframes link...Red Hat names new services executive.$LABEL$3 +Macromedia offers Flash video tool Company hopes to boost use of its Flash format for delivering streaming video with new development kit.$LABEL$3 +Microsoft tightens Windows-mainframes link Company releases revamped version of server software for linking Windows servers to mainframes, other large computers.$LABEL$3 +Red Hat names new services executive Kate Johnson will oversee global training, support and consulting services from the company's headquarters.$LABEL$3 +Report: Apple G5 chips scarce Firm may be facing greater difficulties than previously thought in getting hold of chips to power its high-end PCs.$LABEL$3 +MCI to overhaul network for international calls Company plans to use IP-based gear in network upgrade starting mid-2005, as it seeks to revive its prospects.$LABEL$3 +Study: Broadband leaps past dial-up For the first time ever, more Americans are seeking faster connections to access the Internet.$LABEL$3 +UTStarcom wins Indian IP gear contract India's state-owned telecom provider signs \$8.2 million contract with the company.$LABEL$3 +Juniper engineers depart for start-up Two of the company's top engineers, who helped develop its flagship product, decide to start up their own operation.$LABEL$3 +Real gets flamed over iPod campaign Petition calling on Apple to open its music player to rival tunes becomes target of anti-RealNetworks brickbats.$LABEL$3 +Hynix to build chip plant in China South Korean memory-chip maker Hynix Semiconductor Inc. announced Wednesday that it reached an agreement to construct a wafer fabrication plant (fab) to manufacture chips in Wuxi, China.$LABEL$3 +Researchers find holes in XP SP2 Security researchers inspecting a new update to Microsoft Corp.'s Windows XP found two software flaws that could allow virus writers and malicious hackers to sidestep new security features in the operating system.$LABEL$3 +Google faces another trademark suit in Germany A German court is set to hear oral arguments in a trademark suit against Google Inc. next week, as the search giant faces yet another legal challenge to its AdWords keyword advertising program.<p>ADVERTISEMENT</p><p><img src=""http://ad.doubleclick.net/ad/idg.us.ifw.general/ibmpseries;sz=1x1;ord=200301151450?"" width=""1"" height=""1"" border=""0""/><a href=""http://ad.doubleclick.net/clk;9824455;9690404;u?http://ad.doubleclick.net/clk;9473681;9688522;d?http://www.ibm.com/servers/eserver/pseries/campaigns/boardroom/index.html?ca=pSeries met=boardroom me=E P_Creative=P_InfoW_RSS"">Introducing IBM eServer p5 systems.</a><br/>Powered by IBMs most advanced 64-bit microprocessor (POWER5(tm)), p5 systems can run UNIX and Linux simultaneously. Learn more about eServer p5 systems.</p>$LABEL$3 +Where to Dump Your Dead Technology Office Depot teams with HP to recycle your old electronics gear for free.$LABEL$3 +BlackBerries Take Aim at Terrorism Wireless devices are being used to perform background checks at Boston's airport.$LABEL$3 +Google, WebSideStory, Claria Show Negative IPO Trend Google, WebSideStory, Claria Show Negative IPO Trend\\The online advertising, search engine marketing, and web analytics markets may be booming, but for companies looking to go public, there has been a definite negative trend over the past month, with buyers not showing interest, or just waiting, during an otherwise down time ...$LABEL$3 +U.S. Coach Larry Brown Won't Make Changes (AP) AP - Same starting lineup, same subs, same tactics. The U.S. basketball team may be an unimpressive 1-1 in the Olympic tournament, but coach Larry Brown won't do any tinkering for Thursday's game against Australia.$LABEL$1 +Manning to Get First Start Vs. Panthers (AP) AP - What a way to test a rookie quarterback: Give him his first NFL start against the defending NFC champions and their vaunted defense.$LABEL$1 +Toronto Raptors Sign Center Loren Woods (AP) AP - The Toronto Raptors signed free agent center Loren Woods on Wednesday.$LABEL$1 +Indians Call Up Righty Fernando Cabrera (AP) AP - The Cleveland Indians called up right-hander Fernando Cabrera from Triple-A Buffalo on Wednesday.$LABEL$1 +Hamm of U.S. Wins Men's Gymnastics All-Around Gold ATHENS (Reuters) - Paul Hamm (U.S.) won the men's gymnastics individual all-around gold medal at the Olympics on Wednesday.$LABEL$1 +Americans and Dutch Strike Gold in Cycling ATHENS (Reuters) - The United States proved there is more to U.S. cycling than Lance Armstrong on Wednesday and Leontien Zijlaard-van Moorsel of the Netherlands became the most successful woman in Olympic cycling history.$LABEL$1 +U.S. Women Break Oldest Record for Relay Gold ATHENS (Reuters) - The United States broke swimming's oldest world record to win the women's 4x200 meter freestyle relay Olympic gold medal Wednesday.$LABEL$1 +Henry, Phelps on Record Track to Gold ATHENS (Reuters) - Australia's Jodie Henry armed herself with a world record while Michael Phelps targeted his fourth Olympic gold medal backed by a Games record in qualifying for Thursday's finals.$LABEL$1 +Hamm Wins Gold for U.S. Paul Hamm of the United States won the gold medal Wednesday in all-around gymnastics.$LABEL$1 +U-Va.'s Brooks Out Linebacker Ahmad Brooks missed his second practice after getting into an argument with Cavs Coach Al Groh during Monday's session.$LABEL$1 +Nelson: Shot Put Silver With one last attempt to win gold, Adam Nelson is called for his fifth consecutive foul, leaving him with a silver medal Wednesday.$LABEL$1 +Olympian women escape the age barrier (AFP) AFP - The older the violin, the sweeter the music. And the Athens Olympics is proving the lyrics right as Martina Navratilova, Merlene Ottey and company are demonstrating the endurance of women with middle-aged ladies defying perceptions about age and competition in nearly every sport.$LABEL$0 +Russia investors skeptical of Yukos mad scramble for cash (AFP) AFP - Yukos scrambled to scrape together cash for a crushing tax bill by selling off one of its gas companies in the face of deep investor skepticism that Russia's oil giant could survive its standoff with the state.$LABEL$0 +Israeli Helicopter Fires at Gaza Building (AP) AP - An Israeli helicopter fired two missiles in Gaza City after nightfall Wednesday, one at a building in the Zeitoun neighborhood, witnesses said, setting a fire.$LABEL$0 +U.N. Food Agency Steps Up Sudan Aid (AP) AP - The United Nations' food relief agency is gearing up for a ""critical stage"" in feeding refugees in western Sudan as more people flee ethnic violence there and the rainy season peaks, U.N. officials said Wednesday.$LABEL$0 +Group Asks to Protest in Central Park (AP) AP - An anti-war group planning a massive demonstration the day before the GOP convention asked a judge on Wednesday to overrule city officials and let protesters gather in Central Park.$LABEL$0 +New York Vs. the Protesters (washingtonpost.com) washingtonpost.com - NEW YORK -- Hundreds of thousands of antiwar protesters, abortion rights supporters, labor rights activists and anarchists are preparing to unfurl banners, march through the streets and rally in the parks, loosening a cacophonous roar of protest during the Republican National Convention.$LABEL$0 +Retiring GOP Rep.: Iraq War Unjustified (AP) AP - A top Republican congressman has broken from his party in the final days of his House career, saying he believes the U.S. military assault on Iraq was unjustified and the situation there has deteriorated into ""a dangerous, costly mess.$LABEL$0 +Lawyers Defend Wen Ho Lee Reporters (AP) AP - An Associated Press reporter and four other journalists shouldn't be punished for keeping secret the names of sources for stories about Wen Ho Lee, a former nuclear weapons scientist once suspected of spying, their lawyers told a federal judge Wednesday.$LABEL$0 +Iraq Cleric Agrees to End Uprising, Demands Truce NAJAF, Iraq (Reuters) - A radical Iraqi cleric leading a Shi'ite uprising agreed Wednesday to disarm his militia and leave one of the country's holiest Islamic shrines, but only after a truce with encircling U.S. Marines.$LABEL$0 +Israel's Sharon Confronts Party Rebels Before Vote TEL AVIV (Reuters) - Prime Minister Ariel Sharon confronted Likud party rebels with a pledge to put the good of Israel first Wednesday as he battled to avoid an embarrassing defeat over his Gaza pullout plan.$LABEL$0 +U.N. Tries to Calm Frontier After Burundi Massacre BUJUMBURA/UNITED NATIONS (Reuters) - U.N. peacekeepers are scrambling to avoid new bloodshed in the volatile Great Lakes region of Africa following a massacre of Congolese refugees in western Burundi, the United Nations said on Wednesday.$LABEL$0 +Cleric Who Died in Pakistan Custody 'Tortured' ISLAMABAD (Reuters) - An Afghan Islamic cleric who died in custody in Pakistan on Wednesday had signs of torture on his body, an intelligence official said.$LABEL$0 +Cleric dies in Pakistan custody An Islamic cleric arrested in Pakistan for suspected al-Qaeda links dies in custody, officials say.$LABEL$0 +Teleportation goes long distance Physicists have successfully teleported particles of light over a distance of 600m across the River Danube in Austria, the journal Nature reports.$LABEL$0 +8 Terror Suspects Appear in British Court LONDON - Eight suspects, including a man identified by the United States as a senior al-Qaida figure, appeared in a London court under heavy guard Wednesday as police investigated their alleged plot to commit murder and to cause mayhem with chemical, biological or radioactive materials. A prosecutor also said police were searching about 100 computers and thousands of files, suggesting a protracted investigation that could produce more charges against the suspects, who were seized in raids across England two weeks ago...$LABEL$0 +Demand Soars for Laughing Cow Cheese LITTLE CHUTE, Wis. - Cheese maker Bob Gilbert is struggling with his good fortune and his misfortune...$LABEL$0 +Venus, Roddick Upset in Olympic Tennis ATHENS, Greece - Andy Roddick hit one last errant shot into the net and hung his head, his medal hopes over. A short while later, Venus Williams was gone, too...$LABEL$0 +Kerry Decries Bush Plan to Recall Troops CINCINNATI - John Kerry, telling fellow combat veterans he's their ""true brother in arms,"" said Wednesday that President Bush's plan to withdraw U.S. troops from Europe and Asia would weaken U.S...$LABEL$0 +'Potential Development' in Peterson Case REDWOOD CITY, Calif. - The judge in Scott Peterson's murder trial dismissed the jurors for the day Wednesday, saying, ""There's been a potential development in this case."" Judge Alfred A...$LABEL$0 +Stocks Are Up Despite Rising Oil Prices NEW YORK - Buyers put a positive spin on equities Wednesday, shrugging off rising crude futures as Google Inc. prepared to sell its stock in an initial public offering, albeit it at a far lower price than previously forecast...$LABEL$0 +Kerry Decries Bush Plan to Recall Troops CINCINNATI - Democratic presidential candidate John Kerry on Wednesday criticized President Bush's proposal to recall up to 70,000 foreign troops as a hastily announced plan that raises more doubts about U.S. intentions than it answers...$LABEL$0 +Stocks Climb Despite Rise in Oil Prices NEW YORK - Buyers put a positive spin on the equity markets Wednesday, shrugging off rising crude futures as Google Inc. prepared to sell its stock in an initial public offering, albeit it at a far lower price than previously forecast...$LABEL$0 +'Potential Development' in Peterson Case REDWOOD CITY, Calif. - The judge in Scott Peterson's double murder trial dismissed the jurors for the day Wednesday, saying, ""There's been a potential development in this case."" Judge Alfred A...$LABEL$0 +Sadr Signals He Will Accept Peace Plan Shiite cleric Moqtada Sadr signaled that he would accept pleas to dissolve his militia and vacate the sacred Imam Ali shrine in Najaf, but asked for time for further negotiations.$LABEL$0 +China Detains Prominent Buddhist Leader Chinese authorities detained a prominent, U.S.-based Buddhist leader in connection with his plans to reopen an ancient temple complex in the Chinese province of Inner Mongolia last week and have forced dozens of his American followers to leave the region, local officials said Wednesday.$LABEL$0 +Stocks End Higher, Dow Back Above 10,000 NEW YORK (Reuters) - U.S. stocks ended higher on Wednesday, as investors shrugged off record crude oil prices and bought beaten-down shares, pushing blue chips to close above 10,000 for the first time in 3 weeks.$LABEL$2 +Unpatched PC quot;Survival Time quot; Just 16 Minutes The average unpatched Windows PC lasts less than 20 minutes on the Internet before it #39;s compromised, according to data from the Internet Storm Center. $LABEL$3 +Add-On Toolkit For Outlook Cuts Clutter A small Oregon-based company on Wednesday released a set of integrated add-on tools for Microsoft #39;s Outlook e-mail client. $LABEL$3 +IBM #39;ambush #39; accusation p2pnet.net News:- IBM mainframe software vendor Compuware is suing IBM for antitrust violations claiming IBM used its source code without permission. $LABEL$3 +Epson Announces Advanced Model of the World #39;s Lightest Micro-Flying Robot TOKYO, Japan -- Seiko Epson Corporation ( quot;Epson quot;) has announced that it has successfully developed a lighter and more advanced successor to the FR, the world #39;s smallest and lightest micro-flying robot. Turning once again to its micromechatronics ...$LABEL$3 +Ford scraps Oracle-based procurement system Auto giant Ford Motor confirmed Wednesday that it is abandoning its Oracle-powered online procurement system in favor of technologies it had used previously. $LABEL$3 +Malaysia sets up sanctuary in Terengganu to protect endangered turtles TERENGGANU : Malaysia has gazetted 60 hectares of land off the east coast state of Terengganu to help conserve the dwindling number of endangered sea turtles. $LABEL$3 +With Kenteris and Thanou out of Games, hometown suffers a big blow Give the International Olympic Committee credit. By virture of simply being in the room when the bullet slipped into the chamber, by holding the disciplinary hearing at which, on Wednesday, Greek sprinters Kostas Kenteris and Katerina Thanou completed ...$LABEL$1 +Venus, Roddick ousted from Olympics Athens, Greece, Aug. 18 (UPI) -- Americans Andy Roddick and Venus Williams were shockingly eliminated in the third round of the Olympic tennis tournament Wednesday. $LABEL$1 +Losing No. 1 only a matter of time for Tiger Today, there can be no argument. Attach an asterisk, because in this case the numbers lie. Vijay Singh trails by .1 in the Official World Golf Ranking system, but if you polled the players and the media, Vijay is The Man. Officially he ...$LABEL$1 +Britain #39;s Law takes equestrian silver ATHENS (Reuters) Britain #39;s Leslie Law has won silver in the equestrian three-day event individual behind Bettina Hoy of Germany. $LABEL$1 +Kitajima sweeps both breaststrokes, Hanson third ATHENS --After winning world titles in both breaststroke events last summer while setting world records in each, Japan #39;s Kosuke Kitajima sat helplessly from across the Pacific last month as American Brendan Hansen broke ...$LABEL$1 +Ht England 1 Ukraine 0 Beckham turned provided 10 minutes before the break after Gerrard had been felled as he surged forward, curling a free-kick to the far post where Neville rose to power a header straight at Shovkovsky. $LABEL$1 +Bomb Defused in Sardinia After Berlusoni and Blair Visited OME, Aug. 18 The police defused a bomb today in Porto Rotondo, Sardinia, the same town where Prime Minister Silvio Berlusconi had entertained British Prime Minister Tony Blair and his wife Cherie ...$LABEL$0 +Darfur #39;s War of Definitions Finally, the conflict in Darfur in western Sudan is a focal point in international diplomacy and media attention. This is the least to expect after months of bloody campaigns of murder, rape and dare I say, ethnic cleansing, starting as ...$LABEL$0 +Cleric Who Died in Pakistan Custody #39;Tortured #39; ISLAMABAD (Reuters) - An Afghan Islamic cleric who died in custody in Pakistan on Wednesday had signs of torture on his body, an intelligence official said. $LABEL$0 +Google Slashes IPO Price UPDATED: Search engine darling Google (Quote, Chart) has slashed the price of its long-awaited public offering by about 30 percent to between \$85 and \$95 per share and plans to sell fewer shares. $LABEL$2 +Janus Loses \$5 Billion The bad news just keeps pouring in for mutual fund manager Janus Capital Group (NYSE: JNS). Yesterday, the Denver-based firm reported that European banker ING Group (NYSE: ING) will pull \$5 billion from its mutual funds, or ...$LABEL$2 +Parmalat sues Grant Thornton, Deloitte for \$10 billion CHICAGO Italian dairy company Parmalat today filed a ten (B) billion dollar lawsuit against two auditors it accuses of overlooking fraud that nearly led to the company #39;s downfall. $LABEL$2 +Is Applied Materials Losing Momentum? Despite a strong third-quarter performance from Applied Materials (Nasdaq: AMAT), a weaker fourth-quarter outlook has the chip equipment maker #39;s shares treading water today. $LABEL$2 +McDonald #39;s to use cashless payment system TORONTO, Aug. 18 McDonald #39;s restaurants has announced an agreement to accept MasterCard PayPass, a new quot;contactless quot; payment option utilizing radio frequency technology at select McDonald #39;s restaurants in the United States. Participating McDonald #39;s ...$LABEL$2 +Update 1: Vivendi, Messier Are Fined \$1.35 Million Vivendi Universal and its former chief Jean-Marie Messier have each been fined 1 million euros (\$1.35 million) for misleading financial information issued by the company when Messier was in charge, Messier #39;s lawyer said Tuesday.$LABEL$2 +Tiffany sells stake in Aber Diamond, discount arrangement ends TORONTO (CP) - US jewelry retailer Tiffany amp; Co. has sold its nearly 14 per cent stake in Aber Diamond Corp., part owner of Canada #39;s second diamond mine, Diavik.$LABEL$2 +SEC Says Google IPO Document Effective WASHINGTON (Reuters) - The U.S. Securities and Exchange Commission said on Wednesday that it declared effective Google Inc.'s <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=GOOG.O target=/stocks/quickinfo/fullquote"">GOOG.O</A> registration statement for its initial public offering.$LABEL$2 +Australian City Agency Switches to Sun's StarOffice (Ziff Davis) Ziff Davis - In another blow to Microsoft, a government agency in New South Wales, Australia, signs a deal with Sun to migrate 1,500 users to the company's StarOffice productivity suite and Messaging products.$LABEL$3 +Ford scraps Oracle-based procurement system Automaker dumps Everest procurement system to revert to older technologies.$LABEL$3 +Briefly: Mozilla makes Japanese push roundup Plus: Macromedia offers Flash video tool...UTStarcom wins Indian IP gear contract...Microsoft tightens Windows-mainframes link.$LABEL$3 +Pros point to flaws in Windows security update German security company says it found minor problems in SP2; researchers predict more critical issues will emerge.$LABEL$3 +Sears launches consumer electronics line Department store selling projection TVs via Web; will offer them in stores in the fall, with other devices to follow.$LABEL$3 +Wireless sensor networks looking to Zigbee Alliance Imagine a golf course that can sense rainfall, and adjust the automatic sprinkler system to delay a scheduled watering session or focus on parts of the course that didn't get as much rain as others. Or a hotel that can detect when a room is vacant, and turn off the heating or cooling systems in that room to save energy.$LABEL$3 +Web Surfers Hit Higher Speeds The majority of Internet users in the U.S. have ditched dial-up, survey says.$LABEL$3 +Microsoft Outlook Tool Launched by You Software You Looking For Another Microsoft Outlook Tool\\Microsoft gobbled up Lookout the other week, an Outlook search tool, but You Software is introducing another option to finding one's way around Outlook - You Perform.\\With hundreds of millions of users around the world, Microsoft Outlook is the standard for business e-mail. One ...$LABEL$3 +Hamm Wins All-Around Gymnastics Title (AP) AP - After falling onto the edge of the judges' table on the landing of his vault, Paul Hamm performed two of the most spectacular routines of his career to win the men's all-around gymnastics title by the closest Olympic margin ever.$LABEL$1 +Judge in Bryant Case Loosens Gag Order (AP) AP - The judge in the Kobe Bryant sexual assault case has loosened a sweeping gag order after objections from prosecutors, news organizations and attorneys for the accuser.$LABEL$1 +Bulluck Picks Super Bowl Shot Over Cash (AP) AP - Keith Bulluck knows his answer to the question of how much is enough. Coming off his first Pro Bowl and All-Pro season, the Tennessee linebacker could have played out the final year of his contract then become a free agent in search of more money. Instead, he signed a six-year, #36;36 million contract in March and remained a Titan.$LABEL$1 +American Hamm Claims Men's Gymnastics All-Round Crown ATHENS (Reuters) - Paul Hamm became the first American man to claim the Olympic gymnastics men's all-round gold medal on Wednesday.$LABEL$1 +UPDATE 1-Citigroup fined over risky fund recommendations The brokerage watchdog NASD on Tuesday censured Citigroup Inc. (CN: Quote, Profile, Research) and fined the financial services company \$275,000 for violating rules regarding sales of risky investments.$LABEL$2 +UN food agency steps up Sudan aid as rainy season approaches (Canadian Press) Canadian Press - KHARTOUM, Sudan (AP) - The United Nations' food relief agency is gearing up for a ""critical stage"" in feeding refugees in western Sudan as more people flee ethnic violence there and the rainy season peaks, UN officials said Wednesday.$LABEL$0 +Iraq Cleric Agrees End Uprising, Fighting Continues NAJAF, Iraq (Reuters) - A radical Iraqi cleric leading a Shi'ite uprising agreed Wednesday to disarm his militia and leave one of the country's holiest Islamic shrines after warnings of an onslaught by government forces.$LABEL$0 +SA soldiers 'robbed immigrants' Five soldiers appear in court in South Africa accused of robbing Zimbabwean deportees.$LABEL$0 +Israel 'hits' Gaza City targets An Israeli helicopter fires two missiles at targets in Gaza City, Palestinian witnesses say.$LABEL$0 +Paul Hamm Wins All-Around Event After falling on the landing of his vault, Paul Hamm put on two of the most spectacular routines of his career to win Olympic gold, the first ever by a U.S. man.$LABEL$0 +Al-Sadr OKs Plan to End Fighting in Najaf NAJAF, Iraq - Radical Shiite cleric Muqtada al-Sadr accepted a peace plan Wednesday for Najaf that would disarm his militiamen and remove them from a holy shrine where they are hiding out, according to a spokesman. However, Al-Sadr wanted to negotiate how the deal would be implemented...$LABEL$0 +SEC Gives Final Nod to Google's IPO SAN JOSE, Calif. - The Securities and Exchange Commission granted final approval Wednesday to the paperwork required for Google Inc.'s initial public offering, paving the way for the Internet search giant to set a price for its shares and begin selling them after several stumbles and a last-minute downward revision on the size of the offering...$LABEL$0 +Hamm Wins All-Around Gymnastics Title ATHENS, Greece - After falling onto the edge of the judges' table on the landing of his vault, Paul Hamm performed two of the most spectacular routines of his career to win the men's all-around gymnastics title by the closest Olympic margin ever. Needing a 9.825 on high bar, his best event, to tie Kim Dae-eun of South Korea for gold, Hamm was dazzling...$LABEL$0 +Colgate to Cut About 4,400 Jobs Colgate-Palmolive Co. (CL) will cut about 4,400 jobs and close a third of its factories under a program aimed at fighting rising costs and focusing on higher-profit areas such as oral care, the company said on Tuesday.$LABEL$2 +Lamy Strong Candidate for WTO Job-USTR WASHINGTON (Reuters) - U.S. trade officials said on Tuesday that former European Union Trade Commissioner Pascal Lamy would be a ""strong candidate"" to lead the World Trade Organization, but stopped short of formally endorsing him.$LABEL$2 +Stocks Close Higher, Dow Above 10,000 NEW YORK (Reuters) - U.S. stocks ended higher on Wednesday, as investors shrugged off record crude oil prices and bought beaten-down shares, pushing blue chips to close above 10,000 for the first time in 2 weeks.$LABEL$2 +CORRECTED: Charley Shows Progress, Pitfalls in Forecasting (Reuters) Reuters - A few decades ago, the earliest warning\Floridians would have had of a hurricane would have been black\clouds on the horizon. Now people are complaining after\Hurricane Charley hit shore at a point just 60 miles off from\the track projected by meteorologists.$LABEL$3 +Oracle intros Business Intelligence 10g Oracle today introduced the latest version of its Business Intelligence product which combines information access, analysis, reporting, data integration and management tools into a standalone application.$LABEL$3 +Mozilla Sparks New Fire with Thunderbird E-Mail Client Thunderbird is touting its new features, like RSS news and blog reader integration into its e-mail client. Users can scan and sort through hundreds of headlines.$LABEL$3 +Sony Announces PS3 GPU December 07, 2004 - In an announcement made around the midnight hour earlier this morning, Sony Computer Entertainment and NVIDIA Corporation jointly confirmed that they have teamed up to create the graphics chip for Sony #39;s next videogame console.$LABEL$3 +United, American OK flight caps to ease airport gridlock CHICAGO : United Airlines and American Airlines have agreed to temporary flight caps at Chicago #39;s O #39;Hare International Airport to ease congestion at one of the world #39;s busiest hubs, federal officials said. $LABEL$2 +Stocks End Higher, Dow Back Above 10,000 NEW YORK (Reuters) - US stocks ended higher on Wednesday, as investors shrugged off record crude oil prices and bought beaten-down shares, pushing blue chips to close above 10,000 for the first time in 3 weeks. $LABEL$2 +Cause of shopping center fire in South Everett under investigation EVERETT Fire investigators are still trying to determine what caused a two-alarm that destroyed a portion of a South Everett shopping center this morning. $LABEL$2 +BigFix eases enterprise deployment of SP2 BigFix, an enterprise security vendor, announced yesterday that its BigFix Enterprise Suite quot;supports and simplifies quot; the deployment of Windows XP Service Pack 2 (SP2). $LABEL$3 +Web Surfers Hit Higher Speeds A majority of US home Internet users now have broadband, according to a survey by NetRatings. While the total number of home Internet users has reached a plateau in the US, those who do use the Internet are adopting broadband at a rapid pace, according to ...$LABEL$3 +Compuware Calls for IBM Oust Lawyers for software vendor Compuware (Quote, Chart) filed a motion with a US District Court in Michigan asking a federal judge to impose sanctions against IBM for producing source code two years too late. $LABEL$3 +White House Touts High-End Computing In R amp;D Budgets It #39;s instructing executive-branch heads to give priority to supercomputing and cyberinfrastructure research and development in their fiscal 2006 budgets. $LABEL$3 +Greek sprinters withdraw from Olympics ATHENS -- The final curtain fell Wednesday on a week-long drama that has riveted this nation when Greece #39;s two top sprinters, swept up in a suspected doping scandal, withdrew from the Summer Olympics and competitions that might have ...$LABEL$1 +Olympics : Japan #39;s Kitajima completes breaststroke double ATHENS : Kosuke Kitajima completed a sweep of Olympic breaststroke gold on Wednesday, capturing the 200m title in a Games record ahead of Hungarian teenager Daniel Gyurta. $LABEL$1 +Calls for Sadr militia to disarm NAJAF, Iraq (Reuters) - Iraq #39;s Defence Ministry has ordered Shi #39;ite militiamen in Najaf to immediately lay down their weapons and leave a holy shrine in the city. $LABEL$0 +More Georgian Soldiers Die in South Ossetia Clashes Georgian officials reported four Georgian soldiers were killed in a heavy fighting, which erupted in the South Ossetian conflict zone late on August 18. $LABEL$0 +Riot in Salvadoran jail leaves 20 dead, 30 injured MEXICO CITY, Aug. 18 (Xinhuanet) -- A bloody riot Wednesday in the La Esperanza Jail, in Mariona, in the outskirts of San Salvador, left a toll of at least 20 dead and another 30 injured. $LABEL$0 +Intuit Posts Wider Loss After Charge SAN FRANCISCO (Reuters) - Intuit Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=INTU.O target=/stocks/quickinfo/fullquote"">INTU.O</A>, maker of the No. 1 U.S. tax presentation software TurboTax, on Wednesday posted a wider quarterly loss from a year earlier after taking a goodwill impairment charge during its seasonally weaker fourth quarter.$LABEL$2 +Software Vendor Lindows Postpones IPO (AP) AP - Software vendor Lindows Inc. formally postponed its initial public offering Wednesday, citing adverse market conditions.$LABEL$3 +Spruced up 64-bit Windows beta ready Microsoft on Wednesday made available the latest builds of its 64-bit version of Windows XP Professional and Windows Server 2003 Enterprise, that each features a handful of new improvements including the Luna user interface, Windows Messenger, Windows Media Player, infrastructure support for Bluetooth, and the .Net Framework 1.1.$LABEL$3 +Dollar Up a Bit Against Europe Currencies NEW YORK (Reuters) - The dollar was a little stronger against the main European currencies but weaker against the yen on Wednesday, with the Japanese currency rallying across the board as dealers adjusted positions.$LABEL$2 +Google Faces Another Keyword Lawsuit Google Faces Another Keyword Lawsuit\\Another lawsuit has been filed against Google because of the trademarked keyterms that companies bid for in the AdWords keyword advertising program. Next week Google will head over to a German courtroom where it will continue to defend its technology against Metaspinner Media GmbH.\$LABEL$3 +Ogunleye Remains Idled in Contract Talks (AP) AP - Idled by a stalemate in contract negotiations, Pro Bowl defensive end Adewale Ogunleye can only wonder where he'll be come September.$LABEL$1 +Portugal Suffers Humiliating Athens Exit in Soccer ATHENS (Reuters) - Portugal were bundled out of the men's soccer tournament at the Athens Olympics on Wednesday after a humiliating 4-2 defeat by Costa Rica.$LABEL$1 +Iraq Cleric Agrees to End Uprising, Fighting Rages On NAJAF, Iraq (Reuters) - A radical Iraqi cleric leading a Shi'ite uprising agreed on Wednesday to disarm his militia and leave one of the country's holiest Islamic shrines after warnings of an onslaught by government forces.$LABEL$0 +Argentina to tackle tax 'evaders' The government of Buenos Aires, the richest province of Argentina, says it wants to seize the safety deposit boxes of 35,000 alleged tax debtors. $LABEL$2 +SEC Gives Final Nod to Google #39;s IPO SAN JOSE, Calif. Aug. 18, 2004 The Securities and Exchange Commission granted final approval Wednesday to the paperwork required for Google Inc. #39;s initial public offering, paving the way for the Internet search giant to set a price for its shares and ...$LABEL$2 +O #39;Hare Set to Lose 37 Daily Arrivals Federal officials announced an agreement Wednesday to ease congestion at O #39;Hare International Airport by temporarily cutting 37 daily peak-hour arrivals by United Airlines and American Airlines, its two largest carriers. $LABEL$2 +Moody #39;s raises Dell #39;s senior unsecured debt rating NEW YORK, Aug 18 - Moody #39;s Investors Service said on Wednesday it raised the senior unsecured debt rating of Dell Inc. (DELL.O: Quote, Profile, Research) with a stable outlook citing the firm #39;s strong balance sheet and solid operating and financial ...$LABEL$2 +Roddick, Williams lose in third round Maybe all that talk from Andy Roddick and Venus Williams about taking the Olympics as seriously as a Grand Slam was just that: talk. $LABEL$1 +Hamm stumbles, then soars to gold ATHENS, Greece -- Paul Hamm overcame a fall on the vault to become the first American to win an Olympics men #39;s all-round gymnastics gold medal. $LABEL$1 +Aussie equestrian hopes end in sixth Australia #39;s dreams of an historic fourth successive three-day eventing gold medal ended in disappointment but there was still joy for the team when Andrew Hoy #39;s wife won dual gold medals. $LABEL$1 +Arafat #39;s familiar words must lead to unfamiliar actions If there are any democratic quot;T #39;s quot; to be crossed and quot;I #39;s quot; to be dotted, Palestinian President Yasser Arafat did not leave one undone during his keynote speech to MPs at his West Bank headquarters in Ramallah. Arafat looked rejuvenated and emphatic as he ...$LABEL$0 +Salvadoran Prison Riot Kills at Least 20 Prisoners, EFE Reports August 18 (Bloomberg) -- A prison riot in the Central American nation of El Salvador killed at least 20 prisoners and wounded another 30, the Spanish news agency EFE reported, citing prosecutors. $LABEL$0 +PM denies misleading public PRIME Minister John Howard is insisting he has not deliberately misled the Australian public over the children overboard affair. $LABEL$0 +Southern Africa: Zim Election Group Welcomes SADC Guidelines The Zimbabwe Elections Support Network (ZESN) has welcomed the adoption of guidelines for holding democratic elections at the Southern African Development Community (SADC) summit in Mauritius this week. $LABEL$0 +Vivendi, Messier Each Fined EU1 Million by French Regulator Jean-Marie Messier, the former chief of Vivendi Universal SA who is under investigation for alleged fraud and stock manipulation, was fined 1 million euros (\$1.3 million) by French regulator Autoritee des Marches Financiers.$LABEL$2 +Lenovo may be in acquisition talks with IBM HONG KONG - China #39;s biggest computer maker said Tuesday it is in acquisition talks with a major international technology company, a disclosure which comes amid reports it might buy IBM Corp.$LABEL$2 +Google Slashes IPO, Gets Pricing Go-Ahead NEW YORK/SAN FRANCISCO (Reuters) - Google Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=GOOG.OQ target=/stocks/quickinfo/fullquote"">GOOG.OQ</A> on Wednesday got the green light to go ahead with a downsized version of its much-hyped initial public offering, meaning its shares could debut on Nasdaq as soon as Thursday.$LABEL$2 +Product Review: Business PC Roundup - Part 2 (NewsFactor) NewsFactor - Over the last several weeks, NewsFactor has looked at ten of the market's best-known and most sought-after business computers. Each has its strengths and weaknesses. The difficult part is finding the one that strikes the best balance between merits and flaws.$LABEL$3 +Analyst: CRM Mergers and Acquisitions Picking Up (NewsFactor) NewsFactor - Most industry observers agree that the CRM-software market is picking up speed this year and will continue to do so next year. And most also agree that venture capitalists have been waiting for several years to make their next moves regarding the startups they have backed through the thin years.$LABEL$3 +Vitamin E Thwarts Colds in the Elderly By Amanda Gardner, HealthDay Reporter HealthDayNews -- Nursing home residents who take daily doses of vitamin E appear to be less likely to develop certain respiratory infections, a new study finds. The protective effect was most pronounced with upper respiratory infections, such as the common cold...$LABEL$3 +Ford kills 'Everest' procurement software system Ford Motor Co. has decided to stop work on a major procurement software system built around Oracle's 11i E-Business Suite of apps and plans to move back toward its original custom-written, mainframe-based applications.$LABEL$3 +NetRatings survey shows broadband users now a majority in U.S. There were an estimated 63 million broadband users, or 51 of all home Internet users, last month compared with 61.3 million dial-up users, 49 of the total, according to a survey by NetRatings Inc.$LABEL$3 +Brief: FedEx Kinko's launches Internet-based print options FedEx Kinko's yesterday launched a Web-based tool geared toward mobile professionals and small businesses that allows Microsoft Windows users to connect to FedEx Kinko's printing centers.$LABEL$3 +Sun postpones September user show In a bid to save money, Sun Microsystems is postponing its SunNetwork 2004 San Francisco user conference and may merge the event with its JavaOne 2005 developer conference, set for next June.$LABEL$3 +Researchers find holes in XP SP2 Security researchers found two software flaws in the Windows XP Service Pack 2 that could allow virus writers and malicious hackers to sidestep new security features in the operating system.$LABEL$3 +HP pledges to correct order processing problems At HP World this week, company officials scrambled to reassure customers that it is working hard to fix its order processing problems by the end of this month.$LABEL$3 +Catching 'gotchas' in tech contracts IT managers and contract specialists often fail to include important criteria in final tech deals, such as performance promises made by vendors during the request for proposals process, said negotiation experts at an IBM Share conference.$LABEL$3 +Netscape 7.2 released Netscape Communications yesterday released Netscape 7.2, which is based on Version 1.7 of Mozilla, the most recent version of the Mozilla Internet application suite.$LABEL$3 +Brief: SAP users warned of false support calls SAP AG is warning customers not to provide confidential information on the phone to people claiming to be company support staff.$LABEL$3 +Review: Robovacs No Match for Normal Vacuum Cleaners By MARK JEWELL BOSTON (AP) -- A new generation of robotic vacuums is ready to do battle with dirt, dust and dog hair with more cleaning power and cunning than their ancestors could muster. Faced with the usual obstacles - furniture, stairs, low-hanging bed skirts and stray socks - they intelligently and acrobatically extricate themselves from most tight spots and largely avoid getting stuck or sucking in what they shouldn't...$LABEL$3 +Sharon's Likud Rejects Coalition Bid--First Returns (Reuters) Reuters - Israeli Prime Minister Ariel\Sharon's right-wing Likud party voted Wednesday to bar a\coalition with center-left Labor that he seeks to advance his\Gaza withdrawal plan, according to early returns.$LABEL$0 +UN Concerned by Lack of Darfur Progress on Ground (Reuters) Reuters - The United Nations said on\Wednesday it was concerned by Sudan's lack of progress in\bringing security to Darfur, where more than a million people\have fled their homes for fear of militia attack.$LABEL$0 +Sharon's Likud Rejects Coalition Bid--First Returns TEL AVIV, Israel (Reuters) - Israeli Prime Minister Ariel Sharon's right-wing Likud party voted Wednesday to bar a coalition with center-left Labor that he seeks to advance his Gaza withdrawal plan, according to early returns.$LABEL$0 +Medtronic Quarterly Net Up (Reuters) Reuters - Medtronic Inc. (MDT.N) on Wednesday\said its quarterly earnings rose on brisk demand for devices\that manage irregular heart beats and products used to treat\the spine.$LABEL$2 +Google Says IPO Auction Has Closed NEW YORK (Reuters) - Google Inc. said on Wednesday that the auction has closed for its initial public offering.$LABEL$2 +Bloom Will Appeal Latest NCAA Rebuff (AP) AP - Colorado wide receiver Jeremy Bloom decided Wednesday to keep fighting the NCAA for the right to accept commercial ski endorsements while playing college football.$LABEL$1 +U.S. Forces Kill 50 Sadr Militia in Baghdad Suburb (Reuters) Reuters - U.S. forces killed more than 50 Shi'ite\militiamen Wednesday in a significant advance into a Baghdad\suburb that is a powerbase for radical cleric Moqtada al-Sadr,\the military said.$LABEL$0 +Besieging holy sites: past lessons The standoff at one of Islam's holiest shrines parallels one at the Church of the Nativity in 2002.$LABEL$0 +British say US gave terror suspects a heads up Eight alleged terrorists were charged in Britain this week. One was caught with detailed plans of several US buildings.$LABEL$0 +IPO Quiet Period Needs #39;Good, Hard Look #39; -SEC Chief WASHINGTON (Reuters) - The rules on what executives may and may not say during the run-up to launching a company onto the public markets need a quot;good, hard look, quot; the top US securities regulator said on Wednesday. $LABEL$2 +Crude oil crosses the \$47 per barrel mark NEW YORK, August 18 (New Ratings) Crude oil prices reached new record high levels today, following the US Energy Department report regarding the expanded operations by the US refineries and increased gasoline demand for this year. $LABEL$2 +Fleet Bank to lay off workers Hundreds of branch employees at Fleet Bank, one of the largest banks in Philadelphia and now part of Bank of America, are being laid off Wednesday across the Northeast. $LABEL$2 +Intuit Posts Wider Loss After Charge SAN FRANCISCO (Reuters) - Intuit Inc. (INTU.O: Quote, Profile, Research) , maker of the No. 1 US tax presentation software TurboTax, on Wednesday posted a wider quarterly loss from a year earlier after taking a goodwill impairment charge during its ...$LABEL$2 +Google Gets the Green Light, Markets Perk Up The SEC hurdle had been closely watched after Google made some missteps after announcing its intention to go public, including possibly violating the quiet period regulations. At the market close, the Dow had climbed 110.32 ...$LABEL$2 +Parmalat sues former auditors for at least \$10 bn LONDON, August 18 (New Ratings) The insolvent Italian dairy food product company, Parmalat Finanziaria SpA (PAF.FSE), filed a lawsuit against its former auditors, Deloitte amp; Touche and Grant Thornton, today, seeking damages of at least \$10 billion. $LABEL$2 +Mexican Volkswagen Workers Strike Over Wage Increase Volkswagen workers in Mexico have gone on strike after rejecting a wage increase offered by company management. $LABEL$2 +Synovis shares tumble as profit, revenue fall CHICAGO, Aug 18 (Reuters) - Shares of Synovis Life Technologies Inc.(SYNO.O: Quote, Profile, Research) tumbled 13 percent on Wednesday after the company reported a drop in quarterly net income and withdrew its annual and fourth-quarter outlook, citing ...$LABEL$2 +Windows XP SP2 Firewall Last week Microsoft finally released the much-anticipated Service Pack 2 (SP2) for Windows XP. This update represents a fundamental change in many aspects of Windows XP security and could reasonably be called the next release of Windows XP as much as a ...$LABEL$3 +Ford kills #39;Everest #39; procurement software system AUGUST 18, 2004 (COMPUTERWORLD) - Despite four years in production and an investment of millions of dollars, Ford Motor Co. is pulling the plug on a major procurement software system built around Oracle Corp. #39;s 11i E-Business Suite of applications. $LABEL$3 +Scientists Fear Malaysian Sea Turtles Threatened Scientists warn that the Malaysian populations of several species of sea turtles are on the brink of collapse and could disappear without urgent action to eliminate poaching and other dangers. $LABEL$3 +Hamm Becomes First US Gymnast to Win All-Round Olympic Title Aug. 18 (Bloomberg) -- Paul Hamm out-scored South Korean Kim Dae Eun in the final exercise to become the first US gymnast to win the all-round men #39;s title at an Olympic Games. $LABEL$1 +Return to Olympia worth long wait OLYMPIA Amid the olive trees and just past the ancient ruins, on a hillside bathed in an unrelenting Mediterranean sun, 15,000 spectators from around the world converged on this little town to watch 12 men and 12 women compete in the shot put at the ...$LABEL$1 +Day 5 of Olympics Brings Gold for Some, Major Upsets for Others A total of 21 gold medals will be awarded on Wednesday at the Athens Olympics. Day five medals already awarded include archery, boating and shooting events, as well as judo, cycling, and weightlifting. $LABEL$1 +Radical Shiite Cleric #39;Accepts Peace Plan #39; If the agreement is fulfilled and al-Sadr has made contradictory statements in the past it would resolve a crisis that had angered many of Iraq #39;s majority Shiites and threatened to undermine the fledgling interim government of Prime Minister ...$LABEL$0 + #39;9-11 helper driven by anti-Israeli beliefs #39; A Moroccan accused of helping the Sept. 11 suicide hijackers was part of a group that raged against the United States quot;because it defends Israel quot; and himself approved of Hitler #39;s extermination of the Jews, witnesses testified Wednesday. $LABEL$0 +IBM: Do We Have a Deal? Speculation spreads that China's biggest computer maker will buy IBM's PC business. Also: Clinton attends launch of Chinese search engine powered by AI hellip;. A new DVD can play on old and new HD technology hellip;. and more.$LABEL$2 +Oil Falls to 3-Month Low on Mild Weather LONDON (Reuters) - Oil prices fell more than a dollar to a three-month low on Tuesday as mild winter weather sapped demand in the heavy energy consuming U.S. northeast.$LABEL$2 +Wal-Mart does the notebook price limbo The retailer trots out a portable PC for less than \$600. Is it getting ready for a laptop push for the holidays?$LABEL$3 +American Hamm Claims Men's Gymnastics All-Round Crown ATHENS (Reuters) - Paul Hamm etched his name into the record books as he became the first American man to win the Olympic gymnastics all-round crown Wednesday.$LABEL$1 +Egypt eyes possible return of ambassador to Israel CAIRO - Egypt raised the possibility Tuesday of returning an ambassador to Israel soon, according to the official Mena news agency, a move that would signal a revival of full diplomatic ties after a four-year break.$LABEL$0 +Woods' Top Ranking on Line at NEC Invite (AP) AP - Tiger Woods already lost out on the majors. Next up could be his No. 1 ranking.$LABEL$1 +Nvidia To Power Next-Gen Sony Console Nvidia Corp. and Sony Computer Entertainment Inc. (SCEI) said Tuesday that the two companies are working together to deveop a graphics subsystem for Sony #39;s next-generation video-game console.$LABEL$3 +Mozilla Thunderbird Reaches 1.0 An anonymous reader writes quot;Mozilla Thunderbird 1.0 is now available for download on Mozilla #39;s FTP server. quot; Here is the press release announcing the release.$LABEL$3 +NASA Seeks Methods to Repair Shuttles in Flight NASA is hoping techniques that would enable a crew to repair damages to a space shuttle in flight will be ready for the shuttle #39;s planned May 2005 return to space, officials with the agency said on Monday.$LABEL$3 +Trend Micro offers cellphone, PDA security CUPERTINO, Calif., Dec. 7 - Trend Micro has announced the availability of Trend Micro Mobile Security, providing antivirus and anti-spam protection for SMS messaging customers using data-centric mobile phones and PDAs.$LABEL$3 +Regulators clear Google flotation US regulators approve documents relating to Google's flotation, clearing the way for its market debut.$LABEL$2 +Mexican car workers stage walkout Workers at a Volkswagen factory in Mexico, which manufactures VW's New Beetle model, have gone on strike over pay.$LABEL$2 +Heavy rains force another helicopter rescue operation in Britain (Canadian Press) Canadian Press - LONDON (AP) - More than 50 people were rescued by a naval helicopter Wednesday after two landslides caused by heavy rain trapped their vehicles on a highway in Scotland, police said.$LABEL$0 +Sharon's Party Bars Bid for Coalition on Gaza Plan TEL AVIV (Reuters) - Israeli Prime Minister Ariel Sharon's Likud party voted on Wednesday to bar him from forming a coalition with the Labour opposition, an embarrassing blow that complicates his plan to withdraw from occupied Gaza.$LABEL$0 +Update 1: Sprint Signs \$3 Billion Wireless Pacts Sprint Corp. said Tuesday it reached multi-year agreements totaling \$3 billion with Lucent Technologies Inc., Motorola Inc. and Nortel Networks Corp.$LABEL$2 +Group: Hurricane may cost insurers \$7.4B NEW YORK -- Hurricane Charley will likely cost insurers at least \$7.4 billion, according to the Insurance Institute, an industry trade group that based its estimate on initial claims data from Florida residents and businesses. $LABEL$2 +Medtronic Quarterly Net Up CHICAGO (Reuters) - Medtronic Inc. (MDT.N: Quote, Profile, Research) on Wednesday said its quarterly earnings rose on brisk demand for devices that manage irregular heart beats and products used to treat the spine. $LABEL$2 +Viagra introduces its latest celebrity backer: the devil Gone are the days when coyness ruled the marketing of the drug that helps the condition that men find hard to talk about. In a Madison Avenue dream situation, Viagra is facing some stiff competition in a three-way battle for ...$LABEL$2 +LA parking company lands contract renewal with ABIA Los Angeles-based Ampco System Parking has received a multi-year contract renewal with Austin-Bergstrom International Airport. $LABEL$2 +Our most vulnerable citizens don #39;t belong in hurricane danger zones HILTON HEAD, SC Hurricane Charley demonstrated last weekend why some of the nation #39;s most vulnerable folk - the ill, the disabled, and the frail elderly - should think twice before taking up residence in the most dangerous parts of ...$LABEL$3 +US Cyclists Capture Three Medals ATHENS, Greece - Tyler Hamilton #39;s greatest ride capped the finest Olympic day for US cycling, which won three of the six medals awarded in Wednesday #39;s road time trials - surpassing its two total road medals won since the 1984 Games in Los ...$LABEL$1 +American Hamm Claims Men #39;s Gymnastics All-Round Crown ATHENS (Reuters) - Paul Hamm etched his name into the record books as he became the first American man to win the Olympic gymnastics all-round crown Wednesday. $LABEL$1 +Cooke Vows to Learn Athens Lesson Nicole Cooke could ride in four or more Olympics but the pain of her first will always be with her. After finishing just outside the medal placings in Sunday #39;s road race, the Welsh cyclist put herself through another half-hour of sun-baked agony in the ...$LABEL$1 +US Women Shatter Olympic 800-Meter Freestyle Relay Record The United States has shattered a 17-year-old world record in the women #39;s Olympic 800-meter freestyle relay. $LABEL$1 +Reid opens his Ireland account Wanted man Andy Reid did his market value no harm by grabbing his first Republic of Ireland goal against Bulgaria at Lansdowne Road tonight. $LABEL$1 +Sadr agrees to lay down arms Iraq #39;s rebel Shiite cleric Moqtada al-Sadr accepted a peace plan to lay down arms and join a Baghdad conference forming an interim national assembly. $LABEL$0 +Karzai Sworn in as Afghanistan's President KABUL (Reuters) - Hamid Karzai was sworn in as Afghanistan's first popularly elected president Tuesday, promising to bring peace to the war-torn nation and end the economy's dependence on narcotics.$LABEL$0 +Soldier, 4 Militants Die in Renewed Gaza Fighting GAZA (Reuters) - Four Palestinian militants and an Israeli soldier were killed Tuesday in the heaviest Gaza fighting since Yasser Arafat's death, raising the prospect that renewed violence could complicate a vote for his successor.$LABEL$0 +Ukraine in Turmoil as Agreement Crumbles KIEV, Ukraine (Reuters) - Ukraine's outgoing leader denied on Tuesday he had agreed on concessions with his opponents to end a crisis that has plunged the country into turmoil and driven a wedge between Russia and the West.$LABEL$0 +After Bell: Synopsys Falls, CACI Gains NEW YORK (Reuters) - Shares of Synopsys Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=SNPS.O target=/stocks/quickinfo/fullquote"">SNPS.O</A> tumbled on Wednesday after the semiconductor design software maker reported lower third-quarter net income and said fourth-quarter earnings and revenues would be below Wall Street estimates.$LABEL$2 +U.S. Treasury Debt Prices Drop NEW YORK (Reuters) - U.S. Treasury debt prices dropped on Wednesday as the market succumbed to profit-taking after racking up sizable gains over the past month.$LABEL$2 +Intuit Posts Wider Loss on Acquisitions (AP) AP - Intuit Inc., the maker of TurboTax tax-preparation software and QuickBooks accounting programs, posted a wider loss in its latest quarter on acquisition-related expenses.$LABEL$3 +US deaths in combat near 1,000, Iraqi PM meets Putin BAGHDAD (AFP) - The number of US soldiers killed in combat in Iraq neared 1,000 after a spike in violence, as Prime Minister Iyad Allawi prepared for talks in Moscow aimed at reviving business ties despite Russia #39;s opposition to the US-led war.$LABEL$0 +Samsung network aims to keep Olympics on track Cell phones and special network let officials, reporters access info on event results, medal counts, event cancellations and the like.$LABEL$3 +Wal-Mart offers sub-\$600 notebook The retailer trots out a bargain portable PC that packs Wi-Fi. Is it getting ready for a laptop push for the holidays?$LABEL$3 +Google gets IPO green light from SEC The U.S. Securities and Exchange Commission (SEC) on Wednesday gave its approval for Google to proceed with its initial public offering (IPO).$LABEL$3 +FBI Expects Violence at GOP Convention (AP) AP - The FBI anticipates violent protests at the upcoming Republican National Convention in New York but does not have enough evidence to move against any group or person, the bureau's top terrorism official said Wednesday.$LABEL$0 +Army Deserter to Move to Japan Former US army sergeant Charles Robert Jenkins, who deserted to North Korea (news - web sites) four decades ago, said he decided to turn himself in to the US military and risk jail for the sake of his North Korean-born daughters, whom he feared might be $LABEL$0 +Finnish teenagers come top again in school skills Finland has kept its place at the top of a survey measuring teenagers #39; educational skills, with schools in some Asian countries also among the best performers.$LABEL$0 +Temporary Flight Caps Are Just That quot;We #39;ve worked hard to balance the need to provide vibrant air service and grow the economy with the need to clear the skies over O #39;Hare, quot; said Mineta. quot;The process worked, yielding substantial reductions that will produce results for the ...$LABEL$2 +How Redmond Won Newham Microsoft chalked up a couple of government contract wins in the UK this week. But while Redmond touts total cost of ownership studies (TCO), an open source consultant says the numbers don #39;t add up. $LABEL$3 +Spruced up 64-bit Windows beta ready Microsoft on Wednesday made available the latest builds of its 64-bit version of Windows XP Professional and Windows Server 2003 Enterprise, that each features a handful of new improvements including the Luna user interface, Windows Messenger, Windows ...$LABEL$3 +Kuranyi gives Klinsmann debut win VIENNA, Austria -- Kevin Kuranyi scored a hat-trick as Germany began life under new coach Juergen Klinsmann with a 3-1 win in a friendly against Austria. $LABEL$1 +Hungary defeats Scotland GLASGOW, Scotland (AP) - Szabolcs Huszti scored two goals as Hungary defeated Scotland 3-0 on Wednesday in an international friendly. $LABEL$1 +Sadr agrees to end Najaf crisis NAJAF, Iraq (Reuters) - A radical Iraqi cleric leading a Shi #39;ite uprising has agreed to disarm his militia and leave one of the country #39;s holiest Islamic shrines after warnings of an onslaught by government forces. $LABEL$0 +The Olympics - weapon of mass distraction As Australians watch their country #39;s flag being raised yet again in Athens, it can be imagined that no one is more pleased, nor more relieved, than Prime Minister John Howard, writes The Dominion Post in an editorial. $LABEL$0 +Japan Greets U.S. Army Deserter Jenkins (AP) AP - A North Carolina man who deserted the U.S. Army for North Korea nearly 40 years ago was greeted by cheering crowds Tuesday in his wife's hometown on a remote island in northern Japan, where he said he plans to live his ""remaining days.$LABEL$0 +Scottish landslides trap up more than 50 people (AFP) AFP - More than 50 people were airlifted to safety after landslides caused by violent rain trapped cars on a road in Scotland, just days after flash floods devastated a tourist village in southwest England.$LABEL$0 +NewsView: Mosque Adds Problems for U.S. (AP) AP - The Bush administration is supporting the Iraqi government as it uses diplomacy and the threat of force to oust radical Shiite cleric Muqtada al-Sadr's militia from a holy shrine in Najaf. At the same time, it is trying to steer clear of becoming the target of an angry Muslim world.$LABEL$0 +After the Bell: Shares of Synopsys Tumble NEW YORK (Reuters) - Shares of Synopsys Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=SNPS.O target=/stocks/quickinfo/fullquote"">SNPS.O</A> tumbled on Wednesday after the semiconductor design software maker reported lower third-quarter net income and said fourth-quarter earnings and revenues would be below Wall Street estimates.$LABEL$2 +Earl Snyder Called Up to Help Red Sox (AP) AP - Earl Snyder grew up rooting for Red Sox outfielder Ellis Burks. Now he's sitting next to him.$LABEL$1 +U.S.: Al-Sadr Withdrawal Would Be Welcome (AP) AP - The Bush administration reacted suspiciously Wednesday to reports that the radical Shiite cleric Muqtada al-Sadr had accepted a peace plan to end fighting in Najaf.$LABEL$0 +'Potential Development' in Peterson Case REDWOOD CITY, Calif. - In a surprise move Wednesday, the judge in Scott Peterson's murder trial postponed the cross-examination of Peterson's former mistress and sent the jury home early because of a ""potential development."" Judge Alfred A...$LABEL$0 +Stocks Close Higher Ahead of Google IPO NEW YORK - Investors shrugged off rising crude futures Wednesday to capture attractively valued shares, sending the Nasdaq composite index up 2 percent ahead of Google Inc.'s much-anticipated initial public offering of stock. The Dow Jones industrial average rose more than 110 points...$LABEL$0 +Groups Try to Aid Elderly Charley Victims SARASOTA, Fla. - The devastation brought on by Hurricane Charley has been especially painful for an elderly population that is among the largest in the nation...$LABEL$0 +Radical Cleric Accepts Najaf Peace Plan NAJAF, Iraq - Radical Shiite cleric Muqtada al-Sadr accepted a peace plan Wednesday that would disarm his militia and remove them from their hideout in a revered shrine, raising hopes of resolving a crisis that has angered many of Iraq's majority Shiites and threatened to undermine the fledgling interim government. But al-Sadr has made contradictory statements in the past, and aides to the cleric said he still wanted to negotiate details of the deal to end two weeks of fighting between his forces and U.S.-led troops...$LABEL$0 +Hamm Wins All-Around Gymnastics Title ATHENS, Greece - With his medal hopes all but gone after he hit the judges' table on his vault landing, Paul Hamm performed two of the most spectacular routines of his career to win the men's all-around gymnastics title by the closest Olympics margin ever. ""I'm happy right now...$LABEL$0 +Wen Ho Lee Reporters Held in Contempt WASHINGTON - A federal judge held five reporters in contempt Wednesday for refusing to identify their sources for stories about Wen Ho Lee, a former nuclear weapons scientist once suspected of spying. U.S...$LABEL$0 +Egypt announces 'breakthrough' on Mideast peace (AFP) AFP - Key players in the search for Middle East peace have reached understanding on a plan that could lead to a comprehensive settlement.$LABEL$0 +MLB, players #39; union engage in steroid talks CBC SPORTS ONLINE - Major League Baseball players and owners are currently meeting to hammer out a deal that would toughen rules on steroid testing in baseball.$LABEL$1 +NVidia to power Sony #39;s Playstation 3 Sony and nVidia are to co-develop a graphics engine to power graphics cards and entertainment consoles. The chip will be used in nVidia #39;s GeForce cards which will power forthcoming consumer devices from Sony $LABEL$3 +Oracle Unveils Standalone Business Intelligence Product Oracle Corp. on Monday introduced a standalone business intelligence product that #39;s designed to address a large portion of an enterprise #39;s analytical requirements, including information access $LABEL$3 +Reading Feeds With Thunderbird The Mozilla Foundation today officially launched the Thunderbird email program - a companion to the Firefox Web browser. If you #39;re on a POP3 or IMAP email server, check out Thunderbird.$LABEL$3 +Weak demand behind Google price cut news analysis Google #39;s decision to cut back its public offering by as much as 30 percent represents a stinging rebuke for a deal once heralded as a surefire windfall not only for the company but the technology industry at large. $LABEL$2 +Oil Prices Set Another Record ARIS, Aug. 18 - Oil prices climbed above \$47 a barrel today, setting yet another record, after figures showed supplies in the United States were down for a third consecutive week while a report from OPEC highlighted the threat of high oil ...$LABEL$2 +US airlines agree to cut flights at Chicago #39;s O #39;Hare CHICAGO, Aug 18 (Reuters) - US airlines have agreed to limit flights into Chicago #39;s O #39;Hare International Airport at peak periods to stem record delays that have slowed aviation nationwide, federal officials said on Wednesday. $LABEL$2 +Half of US Web Users Now on Broadband -- Report NEW YORK (Reuters) - More than half of all US residential Internet users reached the Web via fast broadband connections in July, outpacing use of slower, dial-up connections for the first time, market researcher Nielsen//NetRatings said on ...$LABEL$3 +It #39;s hip, it #39;s funky, it #39;s a PC made just for teens AUSTIN (Texas) - It is not your typical, humdrum, slate-coloured computer. Not only is the PC known as the #39;hip-e #39; almost all white, but its screen and keyboard are framed in fuzzy pink fur. Or a leopard skin design. Or a graffiti-themed pattern. $LABEL$3 +Beckham: #39;England needed this boost #39; David Beckham admitted England needed to prove a point by beating Ukraine in Wednesday night #39;s friendly at St James #39; Park. $LABEL$1 +Scotland V Hungary Player Ratings David Marshall The Celtic goalkeeper continued his rapid rise to fame with his first international start. Blameless at the penalty and was given no chance with Hustzi #39;s stunning second. Unlucky to have Pressley #39;s attempted clearance cannon off him ...$LABEL$1 +Lefty done for season with torn left flexor tendon PHILADELPHIA -- Andy Pettitte #39;s frustrating season officially came to an end Wednesday when the Houston Astros announced that the left-hander will undergo surgery to repair the torn flexor tendon in his left elbow. $LABEL$1 +Bargain-hunting, Iraq deal push up US shares NEW YORK : US share prices surged on Wednesday as bargain hunting and news of a peace deal in the Iraqi city of Najaf overcame all-time high oil prices and weak demand for the Google share float. $LABEL$0 +Pope #39;s French visit leaves debt France #39;s Roman Catholic Church has reported a 1.3m-euro deficit (\$1.6m) from a visit by the Pope to the southern shrine of Lourdes. $LABEL$0 +Five new moons for planet Neptune Five new moons have been discovered orbiting the giant planet Neptune.$LABEL$3 +Vonage: Dial 311 for city info Subscribers of the company's Net phone service can get information on park locations, public transit, and so on.$LABEL$3 +England, Germany Win Cup Qualifying Preps (AP) AP - Looking to rebound after poor showings in Euro 2004, England and Germany won tuneup games Wednesday in preparation for qualifiers for the 2006 World Cup.$LABEL$1 +Dolphins Player Pleads Innocent to Assault (AP) AP - Miami Dolphins receiver David Boston pleaded innocent Tuesday to charges of assaulting a ticket agent at the Burlington International Airport in October.$LABEL$1 +Hairston Out for Season The Orioles learn Wednesday that outfielder Jerry Hairston will be lost for the season with a broken left ankle. Hairston was injured crashing into the outfield wall Tuesday night.$LABEL$1 +Delta seeks permission to buy back certain bonds NEW YORK, Aug 18 (Reuters) - Delta Air Lines (DAL.N: Quote, Profile, Research) said on Wednesday it was asking permission to buy back debt from about 10 percent of its bondholders, in a first step toward the struggling company #39;s efforts to restructure its ...$LABEL$2 +Briefly: Vonage users dial 311 for city info roundup Plus: Mozilla makes Japanese push...Macromedia offers Flash video tool...UTStarcom wins Indian IP gear contract.$LABEL$3 +IBM chalks up two health care wins The deals with a university medical center and a California health care provider come two weeks after a win with the Mayo Clinic.$LABEL$3 +Results of Presidential Campaign Polls (AP) AP - Results of recent polls on the presidential race. Listed above each set of results is the name of the 2000 winner in a given state, the organization that conducted the poll, the dates, the number interviewed, whether it was adults, registered voters (RV) or likely voters (LV) and the margin of error (MoE). Results may not total 100 percent because of rounding.$LABEL$0 +Crowd Inspires Greek Beach Volleyballers; US Duo Ousted ATHENS (Reuters) - A roaring crowd helped inspire Greece #39;s top women #39;s beach volleyball team to trounce China on Wednesday and reach the next round. $LABEL$1 +Golfer Ryan Baca Misses Cut at US Amateur MAMARONECK, NY - Baylor senior Ryan Baca (Richmond, Texas) finished tied for 128th with a 36-hole total of 155 at the 104th US Amateur golf championship at the 7,266-yard, par-70 Winged Foot Golf Club West Course Tuesday. $LABEL$1 +Sharon #39;s party rejects coalition bid TEL AVIV (Reuters) - Israeli Prime Minister Ariel Sharon #39;s Likud party has voted to bar him from forming a coalition with the Labour opposition, an embarrassing blow that complicates his plan to withdraw from occupied Gaza. $LABEL$0 +Arafat Admits Mistakes, Slow on Palestinian Reform RAMALLAH, West Bank (Reuters) - Palestinian President Yasser Arafat made a rare admission of mistakes on Wednesday and urged reforms to end corruption after an unprecedented wave of turmoil. $LABEL$0 +African Union pledges to send more troops to Darfur KIGALI,Rawanda, Aug 18, 2004 (RNA)-- The African Union has pledged to send more troops to Darfur, Sudan, to protect civilians in case militias resume attacks on them, official sources told RNA. quot;This is essential in order to give ourselves sufficient ...$LABEL$0 +Study: Global Warming Could Affect Calif. (AP) AP - Global warming could cause dramatically hotter summers and a depleted snow pack in California, leading to a sharp increase in heat-related deaths and jeopardizing the water supply, according to a study released Monday.$LABEL$3 +New Bird Species Found in Philippines (AP) AP - Filipino and British wildlife researchers say they've stumbled upon what appears to be a new species of flightless bird found only on the tiny forested island of Calayan in the northern Philippines.$LABEL$3 +Briefly: IBM chalks up two health care wins roundup Plus: Vonage users dial 311 for city info...Mozilla makes Japanese push...Macromedia offers Flash video tool.$LABEL$3 +Freddie Mac Says May Face SEC Action (Reuters) Reuters - Mortgage finance company Freddie\Mac (FRE.N) on Wednesday said it may face civil action from the\U.S. Securities and Exchange Commission for possible violations\of securities laws.$LABEL$2 +Freddie Mac Says May Face SEC Action LOS ANGELES (Reuters) - Mortgage finance company Freddie Mac <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=FRE.N target=/stocks/quickinfo/fullquote"">FRE.N</A> on Wednesday said it may face civil action from the U.S. Securities and Exchange Commission for possible violations of securities laws.$LABEL$2 +GOP Incumbent Wins Wyo. Primary for House (AP) AP - Incumbent Republican Rep. Barbara Cubin easily fended off four GOP challengers to earn a shot at a sixth term in November's general election.$LABEL$0 +SEC Gives the Thumbs Up to Google #39;s IPO Earlier Wednesday, Google cut the range of its IPO price to \$85-\$95 per share from \$108-\$135 per share and the number of shares that will be sold from 25.7 million to 19.6 million. The cuts mean Google could raise about \$1.8 billion in ...$LABEL$2 +AUSTRALIA PRESS: Murdoch Drums Up Support For US Move SYDNEY (Dow Jones)--News Corp. (NWS) Chairman Rupert Murdoch said there was quot;no choice quot; but to change the media giant #39;s domicile to the US as he attempts to win over crucial support from Australian investors for the move, the Australian Financial Review ...$LABEL$2 +Delta CEO presents long-awaited plan to board CHICAGO, Aug 18 (Reuters) - Delta Air Lines Chief Executive Gerald Grinstein presented his long-awaited plan for the airline #39;s future to board members on Wednesday, a strategy that could determine whether the struggling carrier ...$LABEL$2 +Parmalat Sues Grant Thornton and Deloitte Italian-based Parmalat is suing its former auditors -- Grant Thornton International and Deloitte Touche Tohmatsu -- for billions of dollars in damages. Parmalat blames its demise on the two companies #39; mismanagement of its finances. $LABEL$2 +Broadband Reaches Critical Mass Nielsen//NetRatings is reporting that broadband connections for the first time reached 51 percent of the American online population at home during the month of July, as compared to 38 percent last July. Sixty-three million Web ...$LABEL$3 +Compuware Blasts IBM #39;s Legal Tactics Two years ago, IBM was ordered to produce the source code for its products, which Compuware identified as containing its pirated intellectual property. The code was missing. But lo and behold -- last week, they called and said they had it, quot; ...$LABEL$3 +A brighter Outlook? The start-up company made its retail debut Wednesday with You Perform, a collection of more than a dozen add-ons for Outlook, the widely used e-mail and calendar application included in Microsoft Office. $LABEL$3 +Five new moons for planet Neptune Five new satellites - and one candidate moon - have been discovered orbiting the giant planet Neptune, bringing its tally of moons to 13. $LABEL$3 +Ford Drops Oracle-based Purchasing System Ford Motor Co. on Wednesday said it has scrapped a 5-year-old project to move suppliers over to an Internet-based purchasing system powered by Oracle Corp. software, deciding instead to revert back to its custom-built system. $LABEL$3 +Pakistani firms answer call for cell phones Tens of thousands of Pakistanis endured hours of stifling heat this week to accept an offer of free mobile phone connections, a sign of the pent-up demand in a country where cell phone usage has remained low. $LABEL$3 +UPI NewsTrack Sports ATHENS, Greece, Aug. 18 (UPI) -- Paul Hamm produced an amazing comeback Wednesday night to become the first American male to win the Olympic gymnastics all-around gold medal. $LABEL$1 +Historic return but how much has it all changed? The occasion was clearly too much for Kristin Heaton, the first athlete for 1,611 years to compete at the original Olympic Games venue of Olympia. The American opened the women #39;s shot put competition yesterday, but could not ...$LABEL$1 +England Beats Ukraine in World Cup Soccer Warm-Up (Update1) Aug. 18 (Bloomberg) -- Shaun Wright-Phillips scored in his international debut as England beat Ukraine 3-0 in a warm-up for soccer World Cup qualifying, while Italy lost 2-0 to Iceland. $LABEL$1 +Naked ambition finally earns reward for Williamson For eight years Alison Williamson has been all too aware that the only time she imposed herself on the national consciousness was when she posed nude for a glossy magazine. As of yesterday, she will be remembered as an Olympic bronze ...$LABEL$1 +Doubts over Sadr peace deal The radical Shia cleric Moqtada al-Sadr was reported last night to have accepted a peace deal that could end the violent two-week uprising in Najaf and see his militia leave the city #39;s Imam Ali Shrine. $LABEL$0 +Typhoon Megi claims six lives Heavy rains from Typhoon Megi pounded Shikoku island in western Japan, killing at least six people, the Mainichi Shimbus reported Wednesday. $LABEL$0 +Freddie Mac May Face SEC Civil Action LOS ANGELES (Reuters) - Freddie Mac <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=FRE.N target=/stocks/quickinfo/fullquote"">FRE.N</A>, the No. 2 U.S. mortgage finance company, on Wednesday said it may face civil action from the U.S. Securities and Exchange Commission for possible violations of securities laws.$LABEL$2 +IBM tightening Eclipse, Java, Linux links IBM on Thursday will announce the release of a free tools bundle for Eclipse to make it easier to deploy Java applications on Linux.$LABEL$3 +Callahan Gets 'Fresh Start' With 'Huskers (AP) AP - Ten days after getting run out of Oakland, Bill Callahan walked into Lincoln and took over one of the nation's most high-profile college football programs. Time will tell whether it's a soft landing for the man who two years ago led the Raiders to the Super Bowl.$LABEL$1 +Security aide says US will be stronger in Korea after troop withdrawal (AFP) AFP - US national security advisory Condoleezza Rice said that US military power on the Korean peninsula will be stronger even if 12,000 troops are withdrawn under a controversial troop withdrawal plan.$LABEL$0 +Oil soars above 47 on US supply jitters PARIS Oil prices climbed to another high on Wednesday after figures showed US crude supplies were down for a third straight week while a report from OPEC highlighted the threat of high oil prices for world economies. $LABEL$2 +Barclays set to purchase credit card company LONDON Barclays said Wednesday it would buy the US credit card company Juniper Financial for \$293 million as part of its international expansion plan. $LABEL$2 +Bank Of America Layoffs Effect Fleet Banks Employees Bank of America acquired Boston-based Fleet Financial Corporation last Spring -- promising at the time there would be no job cuts from the merger. $LABEL$2 +Fuel surcharges grow LONDON Air France and its unit KLM Royal Dutch Airlines, as well as British Midland Airways, announced new fare surcharges on Wednesday as a result of higher fuel costs. They follow similar moves by British Airways and Deutsche Lufthansa. $LABEL$2 +Inflation slows across euro region BRUSSELS Inflation in the 12 countries sharing the euro slowed for a second month in July as faltering consumer demand deterred companies from passing on rising energy costs. But economists said higher oil prices may fuel a reversal of that trend as the ...$LABEL$2 +Microsoft delays upgrade REDMOND, Washington Microsoft has delayed the automated distribution of a major security upgrade to its Windows XP Professional computer operating system, citing a desire to give companies more time to test it. $LABEL$3 +Half of US web users use Broadband internet connection A small majority of US Internet users are connected with broadband service for the first time. 51 percent of home Internet connections are broadband services in July, according to a Nielsen/NetRatings report. $LABEL$3 +Mars Hills, Crater Yield Evidence of Flowing Water LOS ANGELES (Reuters) - The hills of Mars yielded more tantalizing clues about how water shaped the Red Planet in tests by NASA #39;s robotic geologist, Spirit, while its twin, Opportunity, observed the deep crater it climbed into two months ...$LABEL$3 +Compuware asks court to sanction IBM An emergency motion was filed Friday the 13th of August in US District Court of Eastern Michigan, Compuware said that IBM failed to provide essential evidence, which includes several pieces of disputed software source code, until after the case #39;s ...$LABEL$3 +Microsoft Previews 64-Bit XP, Promises No Price Hikes It posted a free beta version, and said the new edition would be priced at the same level as the 32-bit edition. $LABEL$3 +Less Outlook clutter with new add-on Toolkit You Software, a small Oregon based company, released a set of add-on tools for Microsoft Outlook, an e-mail client, on Wednesday. $LABEL$3 +Brazil hit Haiti for six in Peace Match PORT-AU-PRINCE, Aug 18 (Reuters) - Ronaldinho scored a hat-trick as world champions Brazil cantered to a 6-0 win over Haiti in a friendly dubbed the Peace Match on Wednesday. $LABEL$1 +Berlusconi shrugs off fears of new terror threat after Sardinia bomb scare Silvio Berlusconi brushed off fears yesterday of a fresh terrorist threat in Italy, insisting he would finish his holiday in Sardinia despite a bomb scare in the seaside town where Tony Blair ended a flying visit yesterday. $LABEL$0 +Death toll of Salvadoran jail riot rises to 30 MEXICO CITY, Aug. 18 (Xinhuanet) -- A riot taking place Wednesday at La Esperanza Jail, in Mariona, in the outskirts of El Salvador,left a toll of 30 dead and 28 injured, with six grenades exploding. $LABEL$0 +Iraqi group threatens to kill missing journalist BAGHDAD - A militant group has released a video saying it kidnapped a missing journalist in Iraq and would kill him unless US forces left Najaf within 48 hours. $LABEL$0 +Medtronic Net Up on Higher ICD Sales CHICAGO (Reuters) - Medtronic Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=MDT.N target=/stocks/quickinfo/fullquote"">MDT.N</A> on Wednesday said its quarterly earnings rose on surprisingly brisk demand for devices that slow racing heartbeats, offsetting a weaker-than-expected performance in some of its other businesses.$LABEL$2 +Shielding Your Skin From the Summer Sun Americans have a passion for the great outdoors but often seem downright lackadaisical about protecting their skin from the sun's damaging rays. Myths about sun exposure -- and there are quite a few -- may encourage people's risky behaviors, experts say.$LABEL$3 +Health Highlights: Aug. 18, 2004 Here are some of the latest health and medical news developments, compiled by editors of HealthDay: ----- Greek Athletes Who Missed Drug Test Quit Games The two Greek athletes who missed a drug test on Aug. 12 have withdrawn from the Olympic Games...$LABEL$3 +Google Gets IPO Go-Ahead After rocky road to public offering, search engine proceeds--but what will it do with its windfall?$LABEL$3 +New Program Lets People Design 3-D Objects Programs for computer-aided design, or CAD, have been around for decades, but eMachineShop.com appears to be the first service that checks whether a design can be made, tells the customer how much it will cost. If the customer wants the item the design goes to a ""real world"" machine shop for manufacturing.$LABEL$3 +New Target Price Could Make Google a Bargain By MICHAEL J. MARTINEZ NEW YORK (AP) -- The e-mail that popped into my inbox early Wednesday morning was the latest in a string of surprises in Google's long-awaited IPO...$LABEL$3 +Pakistan's Ruling Party Claims Win in Vote (AP) AP - The ruling party claimed victory Wednesday in special elections designed to clear the path for Pakistan's finance minister to be elevated to prime minister. The opposition said the vote was rigged.$LABEL$0 +Pope's French visit leaves debt France's Catholic Church posts a huge deficit after a weekend visit by the Pope to the southern shrine of Lourdes.$LABEL$0 +Corzine Indicates He Will Not Seek Governorship of New Jersey Senator Jon S. Corzine said that Gov. James E. McGreevey had told him he was determined to hold office until Nov. 15, removing the possibility of a special election.$LABEL$0 +Stocks Near Flat; J J Pressures Dow NEW YORK (Reuters) - U.S. stocks were little changed on Tuesday, with oil prices dropping below \$42 a barrel helping to support markets, but Johnson Johnson <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=JNJ.N target=/stocks/quickinfo/fullquote"">JNJ.N</A> put pressure on the Dow following a report of a possible \$24 billion takeover of cardiovascular device maker Guidant Corp. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=GDT.N target=/stocks/quickinfo/fullquote"">GDT.N</A>.$LABEL$2 +Google Gets IPO Go-Ahead (PC World) PC World - After rocky road to public offering, search engine proceeds--but what will it do with its windfall?$LABEL$3 +Bedrock in Mars' Gusev Crater Hints at Watery Past Now that NASA's Mars Exploration Rover Spirit is finally examining bedrock in the ""Columbia Hills,"" it is finding evidence that water thoroughly altered some rocks in Mars' Gusev Crater.$LABEL$3 +Injuries Continue to Bedevil Cardinals (AP) AP - Arizona Cardinals defensive tackle Kenny King needs surgery on his right wrist and probably will miss the season, the latest hit to a team struggling with injuries.$LABEL$1 +Raptors Sign Center Loren Woods (AP) AP - The Toronto Raptors signed free agent center Loren Woods on Wednesday.$LABEL$1 +Heavy Rains Wash Out Mets-Rockies Game (AP) AP - Heavy rains washed out Wednesday night's game between the New York Mets and the Colorado Rockies before it ever started.$LABEL$1 +Venezuela Opposition Refuses Recall Audit (AP) AP - Maintaining that a failed referendum to oust Venezuela's president was rigged against them, opposition leaders Wednesday refused to participate in a partial audit of the results as proposed by former President Jimmy Carter.$LABEL$0 +Bush Says Importing Medicines 'Makes Sense' if Safe (Reuters) Reuters - President Bush, facing growing\anger among senior citizens over the high cost of prescription\drugs and a virtual revolt by some states, conceded on\Wednesday it ""makes sense"" for Americans to be able to import\cheaper medicines as long as they are safe.$LABEL$0 +Ghana election draws strong turnout Snaking lines of hundreds of voters built up at balloting places across Ghana on Tuesday, as the first sub-Saharan country to gain independence voted for president.$LABEL$0 + #39;The world is more dangerous #39; The war on terror has made the world a more dangerous place, Pakistan #39;s president has said. General Pervez Musharraf said the world was quot;absolutely quot; less safe, because the war was not addressing the causes of terrorism.$LABEL$0 +Finnish Students Rank #1 in the World Which country has the smartest students in the world? According to a study conducted by the Organization for Economic Co-Operation and Development, pupils in Finland tested higher than those in any other country.$LABEL$0 +Australia amp; New Zealand Aug. 18 (Bloomberg) -- Andrew Mohl (left), chief executive of AMP Ltd., talks with Bloomberg #39;s Kevin Foley in Sydney about first-half profit, investment fees and the strategy for its 10-percent stake in HHG Plc. AMP, Australia #39;s largest life insurer, ...$LABEL$2 +Nortel #39;s Accounting Under Investigation Nortel Networks is under investigation by the Royal Canadian Mounted Police for irregularities in past accounting practices. Announcement of the investigation -- two days before its release of first- and second-quarter financials -- caused ...$LABEL$2 +Freddie Mac faces SEC action LOS ANGELES (Reuters) - Freddie Mac, the No. 2 US mortgage finance company, said Wednesday it may face civil action from the Securities and Exchange Commission for possible violations of securities laws. $LABEL$2 +Bank of England Should Take a Breather at 4.75 Aug. 19 (Bloomberg) -- It #39;s time for the Bank of England to take a breather, chill out and learn to stop worrying about the ghost of inflation past. $LABEL$2 +Ford Drops Oracle-based Purchasing System Ford Motor Co. on Wednesday said it has scrapped a five-year-old project to move suppliers over to an Internet-based purchasing system powered by Oracle software, deciding instead to revert back to its custom-built ...$LABEL$3 +Seiko Epson unveils latest mini robot helicopter Japanese company Seiko Epson says it has developed a mini helicopter that is the lightest of its kind and can be used for lifesaving and surveillance. $LABEL$3 +Hamm bounces back after fall to talke gymnastic gold A fall on his vault landing sent Hamm stumbling into the judges #39; table and all the way down to 12th place in the all-around gymnastics final. $LABEL$1 +Team GB Hoping for More Olympic Success Team GB will be hoping for more of the same at the Olympics today after finally delivering on the big stage with a four-medal haul. $LABEL$1 +Paes-Bhupathi overcome injury scare and Federer Athens, Aug 19. (PTI):Leander Paes and Mahesh Bhupathi overcame an injury scare and world number one singles #39; player Roger Federer of Switzerland to advance to the quarterfinals of the men #39;s doubles tennis event at the Olympic Games here on Wednesday. $LABEL$1 +Al-Sadr agrees to peace plan BAGHDAD, Iraq - Radical Shiite Muslim cleric Muqtada al-Sadr, whose militia has been fighting American and Iraqi forces for almost two weeks in Najaf, agreed Wednesday to a peace plan proposed by an Iraqi national ...$LABEL$0 +Barghouti may be ready to quit PA race Jailed Fatah leader Marwan Barghouti may be close to withdrawing from the race for Palestinian Authority president. Hatem Abdel Kader, a member of Fatah #39;s $LABEL$0 +Bush speaks of 'Soviet dinar' in speech about Iraq (AFP) AFP - US President George W. Bush spoke of ""the Soviet dinar,"" even though dinars are the Iraqi currency.$LABEL$0 +Google Lowers Expectations for Its Value (AP) AP - Google Inc. dramatically lowered expectations for the Internet search giant's value Wednesday ahead of its much ballyhooed coming out party in the public markets. The offering is still one of the biggest and highly anticipated for an Internet company, surpassing the hot issues of the dot-com boom.$LABEL$3 +End of the line for HP's Alpha The last processor of the chip family is due Monday, signaling the end of a dynasty that never was.$LABEL$3 +Hamm Wins All-Around Gymnastics Title (AP) AP - With his medal hopes all but gone after he hit the judges' table on his vault landing, Paul Hamm performed two of the most spectacular routines of his career to win the men's all-around gymnastics title by the closest Olympics margin ever.$LABEL$1 +Iraq Cleric Agrees to End Uprising, Fighting Rages On (Reuters) Reuters - A radical Iraqi cleric leading a\Shi'ite uprising agreed on Wednesday to disarm his militia and\leave one of the country's holiest Islamic shrines after\warnings of an onslaught by government forces.$LABEL$0 +Wen Ho Lee Reporters Held in Contempt (AP) AP - A federal judge held five reporters in contempt Wednesday for refusing to identify their sources for stories about Wen Ho Lee, a former nuclear weapons scientist once suspected of spying.$LABEL$0 +Sharon's Party Rebels, Imperils Gaza Pullout Plan JERUSALEM (Reuters) - Israeli Prime Minister Ariel Sharon's Likud party has dealt a serious setback to his plan to evacuate occupied Gaza by voting to bar him from forging a broad coalition with the Labour opposition.$LABEL$0 +Mozilla launching second act with e-mail client Editor #39;s Summary: The Mozilla Foundation has followed up on the recent success of its Firefox browser with a new open source e-mail client.$LABEL$3 +IMlogic unveils IM, P2P threat-detection network DECEMBER 07, 2004 (COMPUTERWORLD) - IMlogic Inc. and several partners today unveiled a new instant messaging quot;threat center quot; clearinghouse aimed at fighting IM viruses, malicious software code and spam before they occur.$LABEL$3 +Delta turnaround plan to include job cuts Delta Air Lines #39; much-awaited turnaround plan will include more job cuts at the ailing carrier, along with pay and benefits changes. $LABEL$2 +Firewall Protection Without the Conflicts . I understand that Microsoft #39;s Service Pack 2 for Windows XP, a new update, includes improved firewall protection. I currently use Norton Personal Firewall; will any incompatibility result when both firewalls are installed, and is one ...$LABEL$3 +Worst-case scenario comes to pass for US tennis Second-ranked Andy Roddick overplayed this summer and hasn #39;t scored a big win since March and for the first time since she became a legitimate pro, four-time Grand Slam champion Venus Williams has become vulnerable to anyone inside of the top 40. $LABEL$1 +Americans Smash Last East German Swim World Record ATHENS (Reuters) - The last long-course world swimming record held by now discredited Communist East Germany was finally consigned to history by an American quartet at the Olympics on Wednesday. $LABEL$1 +Expos #39; Move Remains Undecided ommissioner Bud Selig #39;s three-year contract extension, the start of a television network and a World Cup tournament are likely to gain overwhelming approval from baseball #39;s owners this week, while a decision on the future home of ...$LABEL$1 +Montreal end Giants run Montreal Expos ended the San Francisco Giants #39; six-game winning streak with a 6-2 victory on Wednesday. $LABEL$1 +Arafat admits he has made many mistakes Yasser Arafat, the Palestinian leader, issued an unprecedented mea culpa yesterday, admitting that he had made mistakes and promising to rectify them. $LABEL$0 +Nepal closes for business as Maoist blockades cut off capital Threats from Maoist rebels in Nepal brought business in the Himalayan kingdom to a halt yesterday, as traffic blockades kept supplies from the capital, Kathmandu. There is only about 10 weeks #39; worth of food in the city, and many travellers ...$LABEL$0 +Typhoon lashes southern Japan; 8 dead TOKYO -- Heavy rain fueled by a typhoon lashed southern Japan, leaving eight people dead and causing landslides and blackouts, officials said Thursday. Two people were missing. $LABEL$0 +Regulators to Widen Mutual Fund Probe (Reuters) Reuters - Misconduct in the U.S. mutual fund\industry is not limited to fund share trading; it's not even\limited to funds, say market regulators.$LABEL$2 +Third-Quarter Productivity Slows to 1.8 The productivity of America #39;s workers grew at a 1.8 percent annual rate in the third quarter, the slowest pace in nearly two years, the government reported Tuesday.$LABEL$2 +Lindows postpones IPO indefinitely Lindows, the Linux-based software developer best known for its legal battles with Microsoft Corp., has indefinitely shelved its plans to become a publicly traded company due to ""current adverse market conditions,"" it announced Wednesday.$LABEL$3 +Credit Suisse to merge CSFB Credit Suisse Group, Switzerland #39;s second-biggest bank, plans to combine its Credit Suisse First Boston (CSFB) securities unit with its banking business in the next two years to boost earnings.$LABEL$2 +Sharon seeks support for planned coalition; Gaza violence kills <b>...</b> JERUSALEM (AFP) - Israeli Prime Minister Ariel Sharon tried to rally support for the building of a new coalition to implement his planned pullout from Gaza, where two Palestinian militants and an Israeli soldier were killed in a new upsurge of violence.$LABEL$0 +The Investment Column: BHP buoyed by China recovery Like the big oil companies, the world #39;s mining majors are experiencing an embarrassment of riches due to very high commodity prices. BHP Billiton is in the happiest position: it is both the world #39;s biggest miner and has a substantial oil production ...$LABEL$2 +Barclays buys US credit card firm Barclaycard, the UK #39;s largest credit card provider, moved closer to making its first steps in the US market yesterday as its parent group, Barclays, snapped up Juniper Financial Corporation, the North American consumer credit firm, for ...$LABEL$2 +Medtronic Net Up on Higher ICD Sales CHICAGO (Reuters) - Medtronic Inc. (MDT.N: Quote, Profile, Research) on Wednesday said its quarterly earnings rose on surprisingly brisk demand for devices that slow racing heartbeats, offsetting a weaker-than-expected performance in some ...$LABEL$2 +End of the line for HP #39;s Alpha Hewlett-Packard will release its final Alpha processor on Monday, the beginning of the end for a chip dynasty that never was. $LABEL$3 +Greek pair jump to avoid push The Greek sprinters Kostantinos Kenteris and Ekaterini Thanou facing sanctions after missing drugs tests quit the Games yesterday to avoid the humiliation of being thrown out by the IOC. $LABEL$1 +Soccer: Beckham and Owen lead England to World Cup warm-up win NEWCASTLE, ENGLAND - England deservedly beat Ukraine 3-0 today in their only soccer quot;friendly quot; before the start of their 2006 World Cup qualifying programme next month. $LABEL$1 +Ueno lifts Japan to most judo gold ever ATHENS (Kyodo) Masae Ueno captured the women #39;s 70-kg gold medal, but Hiroshi Izumi had to settle for silver in the men #39;s 90-kg in the judo competition at the Athens Olympics on Wednesday. $LABEL$1 +A Note to Lula: Haiti Is in Brazil The English writer George Orwell once expressed doubts about the wisdom of sports contests as a way of bringing nations together. He was writing during the Cold War when the sports arena became a substitute battlefield between the West and East. $LABEL$1 +Wilkinson to raise the bar Sir Clive Woodward yesterday joined the chorus of acclaim that greeted Jonny Wilkinson #39;s return to action on Tuesday night after eight months on the sidelines with a neck injury. $LABEL$1 +Sharon Rebuffed by Party, as Arafat Admits Making Mistakes AMALLAH, West Bank, Aug. 18 - The leaders of Israel and the Palestinians faced deep dissension in their constituencies on Wednesday, with Yasir Arafat making a rare admission of personal error to those seeking change, and Ariel Sharon ...$LABEL$0 +Bomb Is Defused Near a Villa Where Berlusconi Met With Blair OME, Aug. 18 - The police defused a bomb early Wednesday morning in Porto Rotondo, Sardinia, the town where hours earlier Prime Minister Silvio Berlusconi had entertained the British prime minister, Tony Blair, and his wife, Cherie. $LABEL$0 +El Salvador Prison Battle Kills 31 Inmates SAN SALVADOR (Reuters) - Rival groups of inmates battled with guns, grenades and machetes at a prison in El Salvador on Wednesday, killing at least 31 prisoners. $LABEL$0 +Eight dead as typhoon brings heavy rain to southern Japan Eight people are dead and two are missing in southern Japan because of heavy rain brought by a typhoon. $LABEL$0 +Vaughan banks on attack ENGLAND captain Michael Vaughan said today that he expects an evenly matched series with South Africa but suggests his bowlers hold the key.$LABEL$1 +Paris Remembers Jewish Detention Camp (AP) AP - A celebration marking Paris' 60th anniversary of its liberation from Nazi Germany is planned next week. But nothing official was planned for a more somber anniversary Wednesday #151; the liberation of a Jewish detention camp outside Paris that ended one of the most shameful episodes in modern French history.$LABEL$0 +Colombia reverses hostages stance Colombia offers to exchange jailed rebels for hostages held by Farc militants - a reversal of earlier policy.$LABEL$0 +Poll: Voters Eyeing National Security WASHINGTON - Concern about national security is dominating public attention in the final months of the presidential campaign because of continuing fears of terrorism and unhappiness about the war in Iraq, according to a poll released Wednesday. ""For the first time since the Vietnam era, national security issues are looming larger than economic issues in an election year,"" said Andrew Kohut, director of the Pew Research Center for the People the Press...$LABEL$0 +Johnson and Johnson Looks to Buy Guidant Johnson and Johnson is in negotiations to acquire Guidant, one of the largest American makers of devices to treat heart and circulatory illnesses.$LABEL$2 +EU Appeal to US to bring up Dollar European Central Bank President Jean- Claude Trichet joined European finance ministers in appealing to the US to stem the decline of the dollar, warning that the currencys slide risks derailing global growth.$LABEL$2 +Putting the PC in the PRC IBM may need to do some creative deal making in order to sell PC business to China #39;s Lenovo. By Robert Cyran, Breakingviews. LONDON (Breakingviews) - It #39;s no surprise IBM is in talks to sell its PC business $LABEL$2 +Freddie Mac May Face SEC Action (Reuters) Reuters - Freddie Mac (FRE.N), the No. 2 U.S.\mortgage finance company, on Wednesday said it may face civil\action from the U.S. Securities and Exchange Commission for\possible violations of securities laws.$LABEL$2 +Mars Rovers Find More Evidence of Water (AP) AP - The twin Mars rovers have found a wonderland of weird rocks and enticing dunes along with more evidence the Red Planet once had water, NASA scientists said Wednesday.$LABEL$3 +Nestle #39;s 1st-Half Net Profit Hits \$2.28B VEVEY, Switzerland Aug. 18, 2004 Nestle SA posted a modest 2 percent increase in profits for the first half of the year as it faced such challenges as higher prices for raw materials like milk and coffee as well as cooler temperatures,which dampened ...$LABEL$2 +Google Inc. says its initial public shares are priced at \$85 each SAN JOSE, Calif. (CP) - Google Inc. says its initial public shares are priced at \$85 each, at the low end of the Internet search giant #39;s downgraded estimates. $LABEL$2 +Pakistan Mobile Phone Firms Vie for Pent-Up Demand ISLAMABAD (Reuters) - Tens of thousands of Pakistanis endured hours of stifling heat this week to accept an offer of free mobile phone connections, a sign of the pent-up demand in a country where cell phone usage has remained low. $LABEL$3 +A quick getaway: Greek sprinters beat expulsion by walking out on the games The final curtain yesterday came down on the Greek tragedy which has overshadowed the first week of the Athens Olympics when the sprinters Kostas Kederis and Ekaterini Thanou withdrew from the games. $LABEL$1 +Pettitte out for the season PHILADELPHIA -- Andy Pettitte #39;s first year as a non-Yankee ended yesterday in appropriately depressing fashion: His team was here at Citizens Bank Park, and he was back home in Houston, preparing for season-ending surgery. $LABEL$1 +Canadian Allenby, NCAA champion Moore advance at US Amateur golf event MAMARONECK, NY (CP) - NCAA champion Ryan Moore and Canadian James Allenby were among 32 golfers who advanced with match-play victories Wednesday at the US Amateur. $LABEL$1 +Australia #39;s Downer Calls on North Korea to Attend Nuclear Talks Aug. 19 (Bloomberg) -- Australian Foreign Minister Alexander Downer said he used his visit to North Korea to call on the communist country to attend the next round of six-nation talks on dismantling its nuclear program. $LABEL$0 +Lourdes needs manna from heaven The Catholic shrine of Lourdes yesterday opened a special bank account and appealed for donations from the faithful after it emerged that last weekend #39;s visit by the Pope had left it with a 1.2m (812,000) deficit. $LABEL$0 +Google IPO Prices at #36;85/share - Source (Reuters) Reuters - Google Inc.'s GOOG.O initial\public offering of 19.6 million shares priced at #36;85 each, the\low end of their projected range, a source familiar with the\auction said on Wednesday, raising #36;1.67 billion and making it\the fourth-largest U.S. IPO this year.$LABEL$2 +Google IPO Prices at \$85/share - Source SAN FRANCISCO (Reuters) - Google Inc.'s GOOG.O initial public offering of 19.6 million shares priced at \$85 each, the low end of their projected range, a source familiar with the auction said on Wednesday, raising \$1.67 billion and making it the fourth-largest U.S. IPO this year.$LABEL$2 +Google's Insiders Strike It Rich With IPO (AP) AP - Lots of people are hoping to get rich off Google Inc.'s stock now that the online search engine's IPO is finally completed. Here's a look at some of the investors that have already locked in huge profits by selling a portion of their stakes:$LABEL$3 +Car-Tracking Device Trades Privacy for Dollars (Ziff Davis) Ziff Davis - Opinion: A device using GSM/GPS wireless that reports your car's wherabouts #151;which is in pilot testing for a British insurance company #151;is the latest example of a technology marvel that brings a serious loss of privacy.$LABEL$3 +Lindows Backs Out of IPO (Ziff Davis) Ziff Davis - Fresh out of its #36;20 million settlement with Microsoft, the company says it ""won't be forced into a cut-rate IPO by a fickle stock market."" Instead, it plans to wait until conditions improve.$LABEL$3 +More evidence of Martian water NASA #39;s Mars rovers have uncovered more tantalizing evidence of a watery past on the Red Planet, scientists said Wednesday. And the rovers, Spirit and Opportunity, are continuing to do their jobs months after they were expected to ...$LABEL$3 +Alison Williamson takes bronze to hit her Olympic target after 12 years Inspired by the magnificent surroundings of the Panathinaiko stadium and assisted by a gust of wind and a police siren, the British archer Alison Williamson ended her 12-year quest for an Olympic medal at the fourth attempt when she won bronze in the ...$LABEL$1 +ATHENS OLYMPICS 2004 / Ueno wins Japan #39;s 5th judo gold Masae Ueno will certainly have a tale to tell when she gets back to her Tokyo office. Ueno joined the parade of Japanese Olympic judo champions, winning the women #39;s 70-kilogram gold medal Wednesday. $LABEL$1 +Pitcher presumably suffered injury on two-run single PHILADELPHIA -- Considering the number of times Andy Pettitte and Roger Clemens were mentioned in the same breath this year, perhaps it #39;s only fitting they should both make headlines with their respective injuries on the same ...$LABEL$1 +Wilkinson #39;s form cheers Woodward The optimism felt by Jonny Wilkinson following his successful comeback for Newcastle in Galway this week was echoed yesterday by a buoyant Sir Clive Woodward, who can now look forward to welcoming his prize asset back into the England fold next month. $LABEL$1 +Football: Early Case Of Liver Damage LIVERPOOL unveiled new signing Antonio Nunez yesterday - but just a few hours later he was lying in agony on the treatment table. The Spaniard - who joined from Real Madrid as part of the deal that saw Michael Owen head in the opposite ...$LABEL$1 +Streaking Red Sox Flutter by Blue Jays 6-4 (AP) AP - Tim Wakefield pitched eight strong innings and the Boston Red Sox moved a season-high 15 games over .500 with a 6-4 win over the Toronto Blue Jays on Wednesday night.$LABEL$1 +Sadr agrees to end Najaf crisis: Iraqi delegates BAGHDAD, Aug. 18 (Xinhuanet) -- Iraqi delegates to a conference choosing a national assembly said on Wednesday that radical Shiite cleric Moqtada al-Sadr had agreed to government demands to end the crisis in the holy city of Najaf, 160 km south of ...$LABEL$0 +Radical group plants bomb near Blair holiday villa THE threat to leading politicians from terrorist attack was underlined yesterday when extremists were able to plant a bomb close to the Sardinian villa where Tony and Cherie Blair were staying as guests of Silvio Berlusconi, the Italian prime minister. $LABEL$0 +Sharon loses crucial party vote Ariel Sharon, the Israeli prime minister, suffered a massive blow to his project to withdraw from settlements in the Gaza Strip last night when his party refused to allow him to invite new partners into the government who might have backed his plans. $LABEL$0 +Summit declares Burundi Hutu FNL rebels #39;terrorists #39; DAR ES SALAAM - African leaders on Wednesday declared quot;a terrorist organisation quot; the rebels who claimed the slaughter of at least 160 Congolese Tutsi refugees in Burundi, but failed to impose sanctions on their group. $LABEL$0 +Profit rises at Chinese mobile giant China Mobile (Hong Kong), the world #39;s largest cellphone operator ranked by customers, said Wednesday that profit rose 7.8 percent in the first half of this year after the company enrolled more new subscribers by offering less-expensive services. Net ...$LABEL$2 +Freddie Mac May Face SEC Action WASHINGTON (Reuters) - Freddie Mac (FRE.N: Quote, Profile, Research) , the No. 2 US mortgage finance company, on Wednesday said it may face civil action from the US Securities and Exchange Commission for possible violations of securities laws. $LABEL$2 +Intuit 4Q Loss Widens on Charge MOUNTAIN VIEW, Calif. (AP)--Intuit Inc. #39;s loss widened for the fourth quarter ended July 31, hurt by slower seasonal sales of the company #39;s tax and finance software and an impairment charge from its decision to sell one of its businesses, the company said ...$LABEL$2 +Techs Lead Tokyo Stocks Up TOKYO (Reuters) - Tokyo's Nikkei average added 0.8 percent by midday on Thursday as tech issues got a lift from a rally on the Nasdaq, but gains were capped and trading choppy as high oil prices fueled concerns about the world economy.$LABEL$2 +US Airways' Grim Warning If US Airways files for bankruptcy a second time, its chairman says, there will be no outside investor, other airline or government aid to rescue it.$LABEL$2 +Alaska Researchers Try to Breed Rare Ducks (AP) AP - Researchers at the Alaska Sealife Center are getting an education in the sex lives of a rare sea duck species that is disappearing from its nesting grounds in Alaska.$LABEL$3 +IBM center gives partners a Linux playground A new set of offerings formed with the expansion of the IBM Virtualization Center has a distinct Linux flavor, including an online quot;how to quot; guide for porting from Windows, Unix or Linux to Linux on Power5.$LABEL$3 +Giants Rout Expos for Doubleheader Split (AP) AP - Barry Bonds homered for the third time in two days to help lead the San Francisco Giants to a 14-4 rout of the Montreal Expos in the second game of a doubleheader after losing the opener Wednesday.$LABEL$1 +U.S. Gymnast Goes From Oops to a Gold Medal With spectacular performances on his final two events, American Paul Hamm pulled out one of the biggest comebacks in Olympic gymnastic history.$LABEL$1 +Taylor Is Moving Closer A penchant for making big plays and the recent release of Ifeanyi Ohalete has ripped open the door for rookie Sean Taylor to claim a starting spot.$LABEL$1 +Cardinals Lose King Cardinals defensive tackle Kenny King will miss the season after undergoing surgery to repair tendons in his wrist on Wednesday.$LABEL$1 +Fong, First Asian-American Senator, Dies (AP) AP - Hiram L. Fong, a son of immigrants who overcame poverty to become a millionaire businessman and the first Asian-American elected to the U.S. Senate, died Wednesday. He was 97.$LABEL$0 +Nigeria plans mission to Darfur as Sudan pledges to restore peace (AFP) AFP - Nigeria's President Olusegun Obasanjo called for lawmakers to approve the deployment of up to 1,500 peacekeeping troops to Sudan's war-torn province of Darfur, as Khartoum pledged to restore order there.$LABEL$0 +'Better' head injury test devised Scientists develop an electronic device to test for serious head injuries.$LABEL$0 +Rebel in Najaf Sends Messages of Conciliation Moktada al-Sadr suggested he would vacate the shrine in Najaf, disband the Mahdi Army and transform it into a political party.$LABEL$0 +Kerry Criticizes President's Troop Plan Senator John Kerry said that the plan to move 70,000 troops out of Europe and Asia was ill-advised in view of the North Korean nuclear threat.$LABEL$0 +Winfrey, Jury Convict Man of Murder CHICAGO - A jury that included talk show host Oprah Winfrey convicted a man of murder Wednesday after a trial that turned into a media frenzy because of the billionaire in the jury box. Jurors deliberated for more than two hours before convicting 27-year-old Dion Coleman of first-degree murder in the February 2002 shooting death of 23-year-old Walter Holley...$LABEL$0 +O2 outlines 3G catch up strategy O2 has outlined its plans to catch up with 3G rivals Orange and Vodafone by rolling out what it claims will be Europe #39;s first super-fast 3G mobile data network.$LABEL$3 +Dell excludes UK from price cuts Dell is slashing prices on corporate IT solutions by up to 22, but only for US customers. The cuts come on the back of impressive trading figures and lower component costs for Dell, and cover enterprise servers, desktops and laptops.$LABEL$3 +Earliest Signs of Winemaking Found in China Neolithic people in China may have been the first in the world to make wine, according to scientists who have found the earliest evidence of winemaking from $LABEL$3 +Restated 2004 Nortel results set for release Nortel Network Corp. #39;s board of directors was scheduled to meet last night to approve financial data that will be released this morning, giving the public its first look at the company #39;s 2004 performance. $LABEL$2 +Qantas profit takes off Australia #39;s dominant airline, Qantas, has nearly doubled its annual profits after recovering from the previous year #39;s Iraq war and SARS induced downturn. $LABEL$2 +Dream Team most unpopular athletes in Olympics These Dream Team impostors are jeered in Athens bars by Americans, booed in the arena by Greeks and the rest of the world, despised back home by people fed up watching their selfish ways on TV. $LABEL$1 +Ueno, Zviadauri take judo golds Two-time defending champion Masae Ueno earned Japan #39;s fifth gold medal in 10 judo events on Wednesday, extending her three-year undefeated streak in major international competition with an Olympic victory. $LABEL$1 +Ichiro hit by pitch, leaves game KANSAS CITY -- Ichiro Suzuki, the hottest hitter in the Major Leagues since the All-Star break, was hit in the head by a pitch in the third inning Wednesday night and was removed from the Mariners game against the Royals. $LABEL$1 +Late Nigerian Dictator Looted Nearly \$500 Million, Swiss Say ERN, Switzerland, Aug. 18 - Almost all of the nearly \$500 million frozen in Swiss bank accounts connected with the late Nigerian dictator, Gen. Sani Abacha, was quot;obviously of criminal origin quot; and may be returned to the Nigerian ...$LABEL$0 +Anti spam bid canned The screensaver launched last week appeared to be a victim of its own success after it was believed over 100,000 people downloaded it within hours of Lycos Europe putting the specially designed screensaver online.$LABEL$3 +Oracle pushes on BI DECEMBER 07, 2004 (COMPUTERWORLD) - SAN FRANCISCO -- Oracle Corp. has unveiled Business Intelligence 10g, a stand-alone product that executives said will provide query, reporting and analysis, dashboards, data integration and BI application development.$LABEL$3 +Group Formed to Track, Thwart IM Threats A group of Internet security and instant messaging providers have teamed up to detect and thwart the growing threat of IM and peer-to-peer viruses and worms, they said this week.$LABEL$3 +Shuttle may fly without puncture repair kit NASA is working feverishly to return the space shuttle to flight in May 2005, but it may fly without the capability to fix cracks or holes of the type that doomed Columbia in 2003, officials said on Monday.$LABEL$3 +Cisco, Fujitsu Ally on Router Sales in Asia The Asian market accounted for 9.4 percent of Cisco #39;s sales in the quarter ended October 30, down from 10 percent last year. The spread of high-speed broadband Internet $LABEL$3 +Medtronic Net Up on Higher ICD Sales (Reuters) Reuters - Medtronic Inc. (MDT.N) on Wednesday\said its quarterly earnings rose on surprisingly brisk demand\for devices that slow racing heartbeats, offsetting a\weaker-than-expected performance in some of its other\businesses.$LABEL$2 +Royals Rally to Defeat Mariners 3-2 (AP) AP - John Buck hit a go-ahead two-run homer in the eighth inning to lead the Kansas City Royals to a 3-2 victory over the Seattle Mariners on Wednesday night.$LABEL$1 +Ravens Wait for Sanders While Deion Sanders's return appears more and more imminent, the major remaining question is when the former star will join the Baltimore Ravens.$LABEL$1 +Study: U.S. Needs to Fight Medicare Fraud (AP) AP - Fraud in the #36;300-billion-a-year Medicaid program is widespread and the federal government is not doing enough to combat it, congressional investigators said in a report released Wednesday.$LABEL$0 +Sharon's Party Rebels, Imperils Gaza Pullout Plan JERUSALEM (Reuters) - Israeli Prime Minister Ariel Sharon's rebellious Likud party has dealt a severe setback to his plan to withdraw from occupied Gaza by voting to bar him from forging a coalition with the Labour opposition.$LABEL$0 +Cost of Benefits Cited as Factor in Slump of Jobs A relentless rise in the cost of employee health insurance has become a significant factor in the employment slump.$LABEL$0 +Weak Demand Leads Google to Lower Its Sights Google slashed the number of shares and concluded its unorthdox online auction by accepting a price well below its original target.$LABEL$0 +Snyder Called Up to Help Red Sox (AP) AP - Earl Snyder grew up rooting for Red Sox outfielder Ellis Burks. Now he's sitting next to him.$LABEL$1 +U.S. Ties Jamaica 1-1 in Cup Qualifier (AP) AP - Brian Ching and Cobi Jones, a pair of substitutes, saved the United States against Jamaica on Wednesday night.$LABEL$1 +Activists Condemn FBI Tactics Before DNC (AP) AP - FBI interviews and surveillance of at least a dozen political activists in Kansas and Missouri prior to the Democratic National Convention amounted to intimidation, contends the American Civil Liberties Union.$LABEL$0 +CORRECTED: Google Sells 19.6 Million Shares at \$85 Each SAN FRANCISCO (Reuters) - Google Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=GOOG.OQ target=/stocks/quickinfo/fullquote"">GOOG.OQ</A>., the world's largest search engine, said on Wednesday it sold 19.6 million shares at \$85 apiece in its long-awaited initial public offering, raising \$1.67 billion for the company.$LABEL$2 +Durazo Leads Athletics by Orioles 5-4 (AP) AP - Erubiel Durazo hit three homers and drove in all five of Oakland's runs, and Mark Mulder became the majors' first 16-game winner by pitching the Athletics to a 5-4 victory over the Baltimore Orioles on Wednesday night.$LABEL$1 +China #39;s appetite boosts BHP BHP Billiton, the world #39;s biggest mining company, has doubled its profits in the second half of the year on the back of booming global commodity prices. $LABEL$2 +2 Big Carriers at O #39;Hare to Cut Flights HICAGO, Aug. 18 - The nation #39;s two largest airlines, American and United, announced on Wednesday that they would cut flights at O #39;Hare International Airport to ease congestion that has been delaying flights from coast to coast. $LABEL$2 +Production Grew, Prices Fell in July The nation #39;s factories cranked out more products in July, miners dug more minerals and builders broke ground on more homes, the government said yesterday in three reports that showed some rebound in economic activity last month. $LABEL$2 +Citigroup #39;s #39;7bn bond trade under investigation Citigroup, the world #39;s biggest bond broking firm, could face disciplinary action from the Financial Services Authority following an unprecedented 7bn trade in European government bonds this month. $LABEL$2 +Mars Rover Finds Mysterious Rocks and More Signs of Water ith one Mars rover climbing into the hills and the other descending deep into a crater, scientists yesterday reported the discovery of several mysterious rock structures along with yet more signs that Mars was once awash in water. $LABEL$3 +Microsoft previews 64-bit XP, promises no price hikes Microsoft on Wednesday released public previews of the 64-bit editions of Windows XP and Windows Server 2003 as it changed the official names of the high-end operating systems. $LABEL$3 +Ian Thorpe wins bronze in 100 metres freestyle TONY EASTLEY: Ian Thorpe now has the full set of Olympic medals, winning bronze after coming surprisingly close in trying to win the Games treble that is the 100, 200 and 400 metres freestyle events. In winning bronze in the 100 metres final, Thorpe ...$LABEL$1 +US Gymnast Goes From Oops to a Gold Medal THENS, Aug. 18 - After a disastrous landing on the vault that sent him stumbling off the mat and nearly into the judges #39; laps, Paul Hamm thought his night was over. $LABEL$1 +Hansen has an uphill struggle for breaststroke bronze ATHENS, Greece Brendan Hansen is the swimmer who caught a wave and then lost it. He owns two world records and zero gold medals. $LABEL$1 +Sadr caves in to avoid assault THE radical cleric Muqtada al Sadr yesterday demonstrated once again his aptitude for self-preservation when he appeared to blink first in the stand-off with Iraqi and US forces in Najaf. $LABEL$0 +Top security as eight men appear in court on terror charges In a bombproof building, surrounded by police carrying sub-machine guns, the eight men charged with plotting chemical or radioactive attacks in Britain and the United States made their first appearance in court yesterday since their arrest ...$LABEL$0 +UN urged to punish Burundian Hutu rebels AFRICAN leaders appealed to the United Nations Security Council yesterday to impose sanctions on the Burundian rebel group that claimed responsibility for the massacre of at least 160 refugees at a UN camp in Burundi. $LABEL$0 +Charles to help flood victims THE Prince of Wales toured the flood-hit village of Boscastle yesterday - and pledged to make a quot;substantial quot; donation to those facing a massive clean-up operation. $LABEL$0 +Oil Prices Set a New Record as Supply Falls Oil prices climbed above \$47 a barrel, setting yet another record, after figures showed that supplies in the United States were down for a third consecutive week.$LABEL$2 +Google Sets Price of #36;85 in #36;1.67 Bln IPO (Reuters) Reuters - Google Inc. on Wednesday\said it priced its long-awaited initial public offering at #36;85\per share, far below initial expectations, ending a tumultuous\process beset by poor market conditions and a series of\missteps.$LABEL$3 +Rowand Powers White Sox Past Tigers 9-2 (AP) AP - Aaron Rowand homered twice #151; including his first career grand slam #151; and Jose Contreras won his third straight decision for Chicago in the White Sox's 9-2 victory over the Detroit Tigers on Wednesday night.$LABEL$1 +Ching's Late Goal Rescues U.S. in Soccer World Cup Qualifier Although the visitors did not get a victory, the United States is still in a good position after what figured to be the most threatening game of the regional semifinal round.$LABEL$1 +Guantanamo Prisoner Goes Before Tribunal (AP) AP - A U.S. military panel heard the case Wednesday of a Guantanamo Bay prisoner accused of fighting for Afghanistan's ousted Taliban regime, as a U.S. judge ordered the government to release records of alleged prisoner abuse at the American base.$LABEL$0 +Astros' Clemens Leaves Game Against Phillies PHILADELPHIA (Sports Network) - Houston starting pitcher Roger Clemens left Wednesday's 9-8 win over Philadelphia with a strained right calf.$LABEL$1 +Bomb Found in Town After Blair Visit (AP) AP - Police defused a time-bomb in a town near Prime Minister Silvio Berlusconi's villa on the island of Sardinia on Wednesday shortly after British Prime Minister Tony Blair finished a visit there with the Italian leader.$LABEL$0 +Typhoon Megi hits South Korea More than 2,400 people are evacuated as Typhoon Megi lashes the southern shores of South Korea.$LABEL$0 +XM, Sirius Land Deals With Toyota Rivals XM Satellite Radio Holdings Inc. and Sirius Satellite Radio Inc. on Tuesday traded hits in the intensifying race for new subscribers, separately announcing distribution deals with Toyota Motor Corp.$LABEL$2 +Employers Planned More Layoffs in Nov. Planned job cuts at US companies climbed during November, a report said on Tuesday, a further sign of sluggishness in the labor market.$LABEL$2 +Productivity Growth Slows, Sales Dip US business productivity grew more slowly in the third-quarter than first thought, a government report showed on Tuesday, with other economic indicators also painting a mixed picture for growth.$LABEL$2 +Google share price falls short of predictions Internet search giant Google has priced its long-awaited initial public offering (IPO) at just under \$120 a share, far below initial expectations. $LABEL$2 +Murdoch #39;to relaunch News deal #39; if loses poll SYDNEY - Media mogul Rupert Murdoch said in a Thursday newspaper interview he would take a second stab at uprooting his News Corp Ltd empire from Australia to the United States if investors block the deal first time around. $LABEL$2 +Rush for free mobile connections Islamabad, Aug. 18 (Reuters): Tens of thousands of Pakistanis endured hours of stifling heat this week to accept an offer of free mobile phone connections, a sign of the pent-up demand in a country where cellphone usage has remained low. $LABEL$3 +Phelps #39; gold haul dream not so bad BEIJING, Aug.19 (Xinhuanet) -- Michael Phelps has taken his haul of gold medals at the Athens Olympics to three after winning the 200 meters butterfly and helping the United States beat Australia in the 4x200 freestyle relay, Shenzhen Daily reported ...$LABEL$1 +Sharon defeated in crunch party vote BEIJING, Aug.19 (Xinhuanet) -- Israeli Prime Minister Ariel Sharon has failed to garner the support of the Likud Party Convention for his resolution to negotiate with the Labor Party over a coalition government, according to a CNN report. $LABEL$0 +Roger Clemens' Leg Injury Isn't Serious (AP) AP - Roger Clemens strained his right calf in the Houston Astros' 9-8 victory over the Philadelphia Phillies on Wednesday night, but the injury isn't considered serious.$LABEL$1 +Astros' Clemens Strains Calf, Leaves Game Against Phillies PHILADELPHIA (Sports Network) - Houston starting pitcher Roger Clemens left Wednesday's 9-8 win over Philadelphia with a strained right calf.$LABEL$1 +El Salvador Jail Riot Kills at Least 31 (AP) AP - Rival inmates fought each other with knives and sticks Wednesday at a San Salvador prison, leaving at least 31 people dead and two dozen injured, officials said.$LABEL$0 +S.Korea's Ruling Party Head Resigns on Father's Past SEOUL (Reuters) - The chairman of South Korea's ruling Uri Party resigned on Thursday after saying his father had served as a military police officer during Japan's 1910-1945 colonial rule on the peninsula.$LABEL$0 +Santana Sparkles As Twins Stop Yankees 7-2 MINNEAPOLIS - The last time he faced the Yankees, Johan Santana and the Minnesota Twins were knocked out of the American League playoffs. This time, Santana knocked down Derek Jeter and silenced New York's powerful lineup...$LABEL$0 +Nortel announces Sprint extension worth US\$1B; Lucent claims US <b>...</b> TORONTO (CP) - Sprint Communications Co. has again split big wireless network equipment contracts between Nortel Networks Corp. and Lucent Technologies.$LABEL$2 +Lenovo, IBM may soon reveal PC unit deal DECEMBER 07, 2004 (REUTERS) - China #39;s largest PC maker, Lenovo Group Ltd., could announce as early as today that it is buying control of IBM #39;s PC-making business for up to \$2 billion, a source familiar with the situation said.$LABEL$2 +SEC gives Google approval for public offering The initial public offering once touted as the hottest Internet IPO in years may have lost some of its momentum. Google Inc. announced Wednesday it has slashed the size of its IPO nearly in half and lowered its estimated price range. $LABEL$2 +Mars Rover Finds Evidence of Plentiful Water quot;We have evidence that interaction with liquid water changed the composition of this rock, quot; said Steve Squyres of Cornell University, chief investigator for the science instruments on both rovers. quot;This is different from the rocks out on ...$LABEL$3 +Telstra relaunches network reliability site Telstra has re-launched a section of its website that allows customers to see current and past network reliability, for the country and their own regions. $LABEL$3 +Zvidauri Wins Gold for Georgia ATHENS (Reuters) - After playing second fiddle at the last two World Championships, Georgia #39;s Zurab Zviadauri finally shook off his choker tag. $LABEL$1 +Brazilian Soccer Brings Joy to Haiti PORT-AU-PRINCE, Haiti, Aug. 18 -- So far this year, Haiti has endured an armed insurrection that killed 300 people and toppled a president, and floods that wiped out entire villages, with no relief from the grinding misery that comes ...$LABEL$1 +Clemens #39; leg injury isn #39;t serious Roger Clemens strained his right calf in the Houston Astros #39; 9-8 victory over the Philadelphia Phillies on Wednesday night, but the injury isn #39;t considered serious. $LABEL$1 +Radical cleric now says he #39;ll leave holy shrine Moqtada al-Sadr, the radical Shiite cleric who has been involved in a two-week battle with US forces, has offered to leave a holy shrine in Najaf. $LABEL$0 +Eight terror suspects appear in British court Eight men charged with planning terrorist attacks in Britain and the US have entered no pleas in a British court guarded by some of the tightest security ever seen. $LABEL$0 +World Trade Center Insurance Payoff Increased by Jury A New York Jury ruled that the two planes that hit the World Trade Center on September 11, 2001 were two separate events instead of one which increased the insurers liability by at least \$140 million.$LABEL$2 +New media battle for Bafta awards The BBC leads the nominations for the Bafta Interactive Awards, including one for the Radio Times website.$LABEL$0 +Yukos 'hit with fresh tax demand' Russian authorities demand a further \$1.2bn in back-taxes from stricken oil firm Yukos, the Interfax news agency reports.$LABEL$0 +Athletics: Greek sprinters tested Greek sprinters Kostas Kenteris and Katerina Thanou are given random drugs tests.$LABEL$0 +Karzai warns of Afghan dangers Hamid Karzai warns of the dangers of extremism and drugs as he is sworn in as Afghanistan's elected leader.$LABEL$0 +Google Raises \$1.67 Bln in Cut-Price IPO NEW YORK/SAN FRANCISCO (Reuters) - Google Inc., the most popular Internet search engine, raised \$1.67 billion on Wednesday in its long-awaited IPO after slashing the price and size of an offer beset by missteps and poor market conditions.$LABEL$2 +Yen Keeps Gains, Capped by Murky Outlook TOKYO (Reuters) - The yen kept most gains against the dollar on Thursday after rallying to a four-week peak, but investors saw no reason to push it higher due to growing uncertainty about the outlook for the Japanese economy.$LABEL$2 +Defense Says Dotson Incompetent for Trial (AP) AP - Psychological testing shows that the former Baylor University basketball player accused of gunning down one of his teammates is not competent to stand trial, his attorneys said Wednesday.$LABEL$1 +Crew Edges Wizards Kyle Martino's goal two minutes into injury time gives Columbus a narrow 2-1 victory over Kansas City on Wednesday night.$LABEL$1 +Saulnier Looking Strong Cyril Saulnier's 6-3, 7-6 victory over Gilles Elseneer on Wednesday continues a recent trend of superb play for the 29-year-old Frenchman.$LABEL$1 +Stocks Flat, J J-Guidant Deal Drags Dow NEW YORK (Reuters) - U.S. stocks were little changed on Tuesday, with lower oil prices helping support markets, but Johnson Johnson <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=JNJ.N target=/stocks/quickinfo/fullquote"">JNJ.N</A> dragged on the Dow following a report of a possible \$24 billion takeover of cardiovascular device maker Guidant Corp. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=GDT.N target=/stocks/quickinfo/fullquote"">GDT.N</A>.$LABEL$2 +Broadband goes broader Early Internet entrepreneurs envisioned a day when consumers would devour short bites of entertainment on their computer screens delivered over the Internet by fat broadband pipes. When the companies failed, executives blamed it on ...$LABEL$3 +Compuware Seeks #39;Severe #39; Sanctions in Suit vs. IBM Compuware is seeking reimbursement for its quot;substantial quot; efforts related to IBM #39;s failure to produce the software code, which it wants excluded as evidence from the trial. For its part, IBM remains confident Compuware #39;s latest motion will ...$LABEL$3 +Olympic Games The first Olympic Games were dedicated to the Olympian gods and were staged on the ancient plains of Olympia, famous for its magnificent temples of the gods Zeus and Hera. Take the Rediff Business Quiz and find out what role the corporates play in the ...$LABEL$1 +Terror suspects go to court LONDON - Eight suspects, including a man the United States calls a senior al-Qaida figure, appeared in court under heavy guard yesterday as police investigated their alleged terrorism plots. $LABEL$0 +S.Korea #39;s Ruling Party Head Resigns on Father #39;s Past SEOUL (Reuters) - The chairman of South Korea #39;s ruling Uri Party resigned on Thursday after saying his father had served as a military police officer during Japan #39;s 1910-1945 colonial rule on the peninsula. $LABEL$0 +Holiday-Shopping Season Remains Sluggish NEW YORK (Reuters) - U.S. shoppers have kept a tight grip on their wallets this holiday season with indices on Tuesday showing sluggish sales in the second week of the season.$LABEL$2 +AL Wrap: Santana Solid on Mound as Twins Beat Yankees NEW YORK (Reuters) - Johan Santana pitched seven strong innings to win his fifth straight start and Shannon Stewart homered, had three hits and two RBI to lead the Minnesota Twins to a 7-2 home win over the New York Yankees.$LABEL$1 +Yankees Glimpse October, and It's Not Pretty On a night when Johan Santana was superb for the Twins, Mike Mussina was inconsistent in his first start since July 6.$LABEL$1 +Preview: day six Day six of the Olympics will see Great Britain's Nathan Robertson and Gail Emms go for gold in badminton.$LABEL$1 +Toppled Power Lines Are Posing a Herculean Task in Florida Five days after Hurricane Charley struck Florida, more than 400,000 customers still lack electricity.$LABEL$0 +Letters show Mandela as man of beneficence (Chicago Tribune) Chicago Tribune - In the 1980s, while in jail on Robben Island, Nelson Mandela wrote a letter to the wife of one of his prison guards. In it, he said he respected her husband, Christo Brand, as a man of integrity. But he was concerned that Brand, an Afrikaner, didn't understand the value of education.$LABEL$0 +Regulators to Widen Mutual Fund Probe WASHINGTON (Reuters) - Misconduct in the U.S. mutual fund industry is not limited to fund share trading; it's not even limited to funds, say market regulators.$LABEL$2 +Fiat's Trucks Unit Signs Deal With SAIC (AP) AP - Fiat SpA said Tuesday that its Iveco SpA trucks unit has agreed to develop a long-term partnership with Shanghai Automotive Industry Corp., one of the largest Chinese automakers, for building trucks and other industrial vehicles.$LABEL$0 +Italy joins Greece in EU dock over dodgy data (AFP) AFP - Following embarrassing revelations over Greece's budget data, the European Union expressed alarm at the reliability of Italy's own deficit figures and called for urgent clarification.$LABEL$2 +Proud Italy awaits La Scala opening with bated breath (AFP) AFP - Italy's cultural cognoscenti were waiting with bated breath for the reopening of the La Scala opera house, restored to its former glory after a sumptuous 61 million euro (81 million dollar) makeover.$LABEL$0 +HHS Buys 'Experimental' Glaxo Flu Vaccine (Reuters) Reuters - U.S. health officials on Tuesday\approved the importation of up to 4 million doses of influenza\vaccine made by GlaxoSmithKline , bringing the\U.S. total to 65 million vaccines for this flu season.$LABEL$2 +Gateway Says More PCs Available at Office Depot (Reuters) Reuters - Gateway Inc. (GTW.N) said on\Wednesday its personal computers would be widely available at\Office Depot. (ODP.N) in the latest move by the PC maker to\broaden distribution at retail stores since acquiring rival\eMachines this year.$LABEL$3 +Gateway Says More PCs Available at Office Depot SAN FRANCISCO (Reuters) - Gateway Inc. <A HREF=""http://www.reuters.co.uk/financeQuoteLookup.jhtml?ticker=GTW.N qtype=sym infotype=info qcat=news"">GTW.N</A> said on Wednesday its personal computers would be widely available at Office Depot. <A HREF=""http://www.reuters.co.uk/financeQuoteLookup.jhtml?ticker=ODP.N qtype=sym infotype=info qcat=news"">ODP.N</A> in the latest move by the PC maker to broaden distribution at retail stores since acquiring rival eMachines this year.$LABEL$3 +NL Wrap: Bonds Homers Again as Giants Rout Expos (Reuters) Reuters - Barry Bonds hit his third home\run in two days to help the San Francisco Giants earn a split\of their doubleheader with a 14-4 win over the Montreal Expos\on Wednesday.$LABEL$1 +NL Wrap: Bonds Homers Again as Giants Rout Expos SAN FRANCISCO (Reuters) - Barry Bonds hit his third home run in two days to help the San Francisco Giants earn a split of their doubleheader with a 14-4 win over the Montreal Expos on Wednesday.$LABEL$1 +Singapore ban after bird flu case Singapore blocks imports of poultry and eggs from Malaysia, after an outbreak of potentially deadly bird flu.$LABEL$0 +HHS Buys 'Experimental' Glaxo Flu Vaccine WASHINGTON (Reuters) - U.S. health officials on Tuesday approved the importation of up to 4 million doses of influenza vaccine made by GlaxoSmithKline <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=GSK.L target=/stocks/quickinfo/fullquote"">GSK.L</A> <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=GSK.N target=/stocks/quickinfo/fullquote"">GSK.N</A>, bringing the U.S. total to 65 million vaccines for this flu season.$LABEL$2 +Billie Jean King Retires as U.S. Fed Cup Coach NEW YORK (Reuters) - Billie Jean King cut her final tie with the U.S. Fed Cup team Tuesday when she retired as coach.$LABEL$1 +Hamas Militants Kill Israeli Soldier Hamas militants killed an Israeli soldier and wounded four with an explosion in a booby-trapped chicken coop Tuesday, in what the Islamic group said was a scheme $LABEL$0 +Delta Plans Job Cuts, Eyes Restructure CHICAGO (Reuters) - Delta Air Lines Inc., the number three U.S. carrier, plans more job cuts as it struggles to avoid bankruptcy, Chief Executive Gerald Grinstein said in a memo to employees on Wednesday.$LABEL$2 +Google Raises \$1.67 Bln in Cut-Price IPO NEW YORK/SAN FRANCISCO (Reuters) - Google Inc., the most popular Internet search engine, raised \$1.67 billion on Wednesday in its long-awaited IPO after slashing the price and size of an offer beset by missteps and ...$LABEL$2 +Air Canada #39;s creditors approve plan READY TO FLY: The airline plans to emerge from court shelter on Sept. 30 -- if the justices overseeing its restructuring gives the OK at a hearing set for Monday ...$LABEL$2 +Phelps won #39;t top Spitz, but he is putting on the hits ATHENS, Greece If Mark Spitz had never lived, Michael Phelps would have done well to create him as a fictional character. $LABEL$1 +Leisure amp; Arts One thing that the Olympics have always provided is that hardy perennial known as the quot;feel-good story. quot; The sort of story in which, against all odds--and with undeniable drama--the farm boy from Iowa who grew up with rickets in one leg ...$LABEL$1 +Roger Clemens injures leg during Astros #39; 9-8 win over Phillies PHILADELPHIA (AP) - Roger Clemens helped himself at the plate, hurt his leg running the bases and spent the rest of the night watching his teammates pull out an important win. $LABEL$1 +Maoist rebels cut off Kathmandu Maoist rebels yesterday cut off routes into the Nepalese capital Kathmandu in their first blockade of the city since they launched their insurgency to overthrow the constitutional monarchy eight years ago. $LABEL$0 +Schroder adopts Russian orphan Three-year-old Victoria, from St Petersburg, has been living at the Schroders #39; family home in Hanover in northern Germany for several weeks. $LABEL$0 +Keep talking, Downer urges N Korea Australia #39;s foreign minister pressed leaders in North Korea yesterday to remain involved in six-nation talks on its nuclear program, amid concerns that the Pyongyang administration might pull out of preparatory meetings for the next round of negotiations. $LABEL$0 +Prince Charles Helps Boscastle Count the Cost Residents of Boscastle are counting the cost today of the damage estimated at millions of pounds caused by a freak downpour. $LABEL$0 +China Says Taiwan President's U.S. Stop 'A Trick' BEIJING (Reuters) - China urged the United States on Thursday not to allow Taiwan President Chen Shui-bian to set foot on U.S. soil, describing his stopovers en route to Latin America as a trick to sabotage Sino-U.S. relations.$LABEL$0 +Day Six preview Day six of the Olympics will see Great Britain's Nathan Robertson and Gail Emms go for gold in badminton.$LABEL$0 +Records Contradict Kerry Critic's Charges -Report (Reuters) Reuters - Military records contradict a\critic's charge that U.S. Democratic presidential hopeful John\Kerry did not come under fire during the battle that resulted\in military honors for Kerry, The Washington Post reported on\Thursday.$LABEL$0 +The SEC Could Still Slap Google Google has received the green light for its initial stock offering -- but not without ruffling a few feathers at the Securities amp; Exchange Commission, which oversees share offerings. The SEC #39;s job is to make sure that companies disclose all the ...$LABEL$2 +Oil Prices Rise to High As Demand Continues The price of oil hit another high yesterday, closing above \$47 a barrel as traders reacted to continuing concerns about supply disruptions from terrorism and instability in oil-producing countries. $LABEL$2 +Nortel Discloses Canadian Criminal Probe Toronto (Aug. 19, 2004) -- Telecommunications equipment giant Nortel Networks Corp. announced this week that its past accounting practices, which are the subject of a criminal probe in the United States, are under scrutiny by Canadian authorities. $LABEL$2 +Giving Investors a Say Like cicadas, debates about corporate governance pop up periodically with a great deal of whir and buzz. In 1992, for example, the business community protested Securities and Exchange Commission Chairman Richard C. Breeden #39;s push for ...$LABEL$2 +Demand Helps CACI Profit Increase 56 CACI International Inc. said increased demand for its homeland security and intelligence services helped boost fourth-quarter profit by 56 percent over the same period a year earlier. $LABEL$2 +Computer Q amp;A: Tips on installing Windows XP SP2 It seems that Microsoft #39;s new upgrade to Windows is making some people nervous. That #39;s not surprising, as home and office computing environments are just not as friendly as they used to be due to viruses and spyware. Even the software we ...$LABEL$3 +Wireless Phones shipped to Pakistan TIRVINE (Calif. US): Hop-on Wireless Inc. said it has shipped an initial order of its tri-band (900/1800/1900 MHz) HOP1806 GSM handsets to a distributor in Karachi, Pakistan. $LABEL$3 +AL Wrap: Santana Solid on Mound as Twins Beat Yankees NEW YORK (Reuters) - Johan Santana pitched seven strong innings to win his fifth straight start and Shannon Stewart homered, had three hits and two RBI to lead the Minnesota Twins to a 7-2 home win over the New York Yankees. $LABEL$1 +NKorea quot;negative quot; over US offer on nuclear weapons: Australia HONG KONG : North Korea shows no sign of accepting US incentives to give up its nuclear weapons programmes, Australian Foreign Minister Alexander Downer said. $LABEL$0 +At least four Georgian soldiers killed in separatist region clashes (AFP) AFP - At least four Georgian soldiers were killed and five wounded in overnight clashes in Georgia's separatist, pro-Russian region of South Ossetia, Georgian officers near the frontline with Ossetian forces said early Thursday.$LABEL$0 +Paes and Bhupathi beam in on Olympic glory (AFP) AFP - Indian pair Leander Paes and Mahesh Bhupathi took another step nearer an elusive Olympic gold medal when they beat Zimbabwe's Wayne Black and Kevin Ullyett 6-4, 6-4 to reach the men's doubles semi-finals at the Olympic tennis tournament.$LABEL$0 +Nestle #39;s profit hits \$3.1bn NESTLE SA, the world #39;s biggest food and drink company, posted a modest 2 per cent increase in profits for the first half of the year as it faced such challenges as higher prices for raw materials like milk and coffee as well as cooler temperatures, which ...$LABEL$2 +California sues Mirant, alleges energy scheme California sued Mirant Corp., a bankrupt US power producer, accusing it of rigging electricity markets during the 2000-2001 energy crisis that led to rolling blackouts and a tenfold increase in consumer energy prices. $LABEL$2 +Spirit finds more evidence of water LOS ANGELES (AP) The twin Mars rovers have found a wonderland of weird rocks and enticing dunes along with more evidence the Red Planet once had water, NASA scientists said Wednesday. $LABEL$3 +Michael Phelps Seeks Fourth Swimming Gold Medal at Athens Games Aug. 19 (Bloomberg) -- Swimmer Michael Phelps seeks his fourth gold medal of the Athens Olympics in tonight #39;s 200-meter individual medley, while female gymnasts compete for the all- around title. $LABEL$1 +The fields of the gods OLYMPIA, Greece The competition was history. The time had come for everyone to leave, to follow the sun toward that narrow path lined with olive trees out of the stadium, a trek that would take athletes and spectators alike not to a ...$LABEL$1 +Record-breaking night ATHENS, Greece -- The world record was like graffiti on a masterpiece, a reminder of a sport #39;s dark past. $LABEL$1 +Sharon #39;s Gaza plan hinges on vote Israeli Prime Minister Ariel Sharon has lost a key vote which would have seen the dovish Labour Party join the government coalition and salvage his Gaza disengagement plan. $LABEL$0 +Eight terror suspects appear in UK court Eight suspects, including a man identified in the United States as a senior al-Qaeda figure, appeared in court under heavy guard, as police investigated an alleged plot to commit murder and to cause mayhem with chemicals, radioactive materials, toxic ...$LABEL$0 +China Says Taiwan President #39;s US Stop #39;A Trick #39; BEIJING (Reuters) - China urged the United States on Thursday not to allow Taiwan President Chen Shui-bian to set foot on US soil, describing his stopovers en route to Latin America as a trick to sabotage Sino-US relations. $LABEL$0 +Google Lowers Its Sights as Demand Proves Weak Google's final share price was \$85, far off the target range of \$108 to \$135 a share that the company projected last month.$LABEL$2 +Aziz Wins Pakistan Polls, Paving Way to Be PM (Reuters) Reuters - Pakistani Finance Minister Shaukat\Aziz easily won a seat in parliament, clearing the way for him\to take over as prime minister next week, officials said on\Thursday.$LABEL$0 +Aziz Wins Pakistan Polls, Paving Way to Be PM ISLAMABAD (Reuters) - Pakistani Finance Minister Shaukat Aziz easily won a seat in parliament, clearing the way for him to take over as prime minister next week, officials said on Thursday.$LABEL$0 +Despite itself, Google good for stocks SAN FRANCISCO (CBS.MW) -- Forget the fact that the new definition of the verb quot;to google quot; is: to blow an otherwise foolproof deal; or to miscalculate with extreme hubris. $LABEL$2 +Airlines agree to limit O #39;Hare arrivals SAN FRANCISCO (CBS.MW) -- Major North American airlines agreed to a voluntary limit of 88 arrivals per hour for flights serving Chicago #39;s O #39;Hare International Airport during peak traffic periods, the Transportation Department said ...$LABEL$2 +Freddie Mac Receives Notice That It May Face Action by SEC Freddie Mac, the government-chartered mortgage company that restated earnings by \$5 billion, said yesterday that it might be the subject of a civil lawsuit by the Securities and Exchange Commission. $LABEL$2 +Halliburton closes higher on Army #39;s decision to pay DALLAS (CBS.MW) -- Halliburton #39;s shares closed higher Wednesday after the Army Materiel Command reversed its decision to withhold 15 percent of its future payments to the company under a contract to supply and support US troops in Iraq. $LABEL$2 +Delta shares jump on pilot equity talk SAN FRANCISCO (CBS.MW) -- Delta Air Lines shares rose sharply Wednesday ahead of a Thursday meeting at which the carrier is expected to offer its pilots a stake in the struggling company. $LABEL$2 +More Management Changes at Credit Suisse Credit Suisse First Boston, the securities unit of the Credit Suisse Group of Zurich, replaced Adebayo O. Ogunlesi as head of investment banking with its president, Brian D. Finn, eight weeks after Brady W. Dougan was named chief executive. $LABEL$2 +Profit at Talbots Up 4.8 for 2nd Quarter Talbots, the clothing retailer, said yesterday that second-quarter profit rose 4.8 percent as sales increased and the company benefited from the resolution of an income tax issue. $LABEL$2 +Withdrawal for Greek sprinters ATHENS -- Two of Greece #39;s most famous athletes and their coach made their first public appearance here yesterday only to withdraw from the Olympic Games rather than face a panel charged with looking into a ...$LABEL$1 +Silver lining melts foul mood OLYMPIA, Greece -- US shot-putter Adam Nelson stood outside the throwing circle, his hands on the back of his head, his hopes just dashed by a foul on a throw that would have won the gold medal. $LABEL$1 +High and mighty ATHENS -- He was dead and buried 6 feet under the landing mat, and he knew it. quot;That #39;s it, I #39;m done, quot; Paul Hamm told himself last night, after he #39;d tumbled from first to 12th with a slip of a foot on the ...$LABEL$1 +Ching saves best for last KINGSTON, Jamaica -- Without one World Cup qualifier under his belt and only a pair of appearances for the US National Team to speak of, there stood Brian Ching at midfield waiting to enter the match with his team down 1-0 to Jamaica. $LABEL$1 +US marines in tense Najaf standoff NAJAF, Iraq (Reuters) - US marines and a radical Iraqi cleric are locked in a tense standoff after the firebrand leader refused to leave a holy shrine in Najaf despite earlier agreeing to disarm his militia and withdraw. $LABEL$0 +Burundi inching closer to ending long civil war BUJUMBURA, Burundi Tiny Burundi has seen more than a decade of war, but events in the past few months suggest that it is closer than ever to wrapping up one of Africa #39;s most persistent civil conflicts. $LABEL$0 +Little progress in N Korea talks: Downer North Korea was reluctant to accept a United States plan to give up its nuclear program but would probably attend the next round of talks on the impasse, Foreign Minister Alexander Downer said after a brief visit to Pyongyang. $LABEL$0 +Western leaders waiting for African solutions to African wars JOHANNESBURG, South Africa, Aug 19, 2004 (AP) -- As the month-end deadline nears for Sudan to disarm the Janjaweed militias in Darfur, the United Nations and Western powers debate how far to go to stop the killing ...$LABEL$0 +Sharon's Party Votes to Exclude Labor (AP) AP - Prime Minister Ariel Sharon's own party handed him a stinging rebuke, banning him from adding the moderate Labor Party to his government to bolster a Gaza pullout plan #151; a move that endangered the proposed withdrawal.$LABEL$0 +Tokyo Stocks Rise 1 Percent, Techs Lead TOKYO (Reuters) - Tokyo's Nikkei average appeared headed for its third straight day of gains on Thursday and was up one percent by late afternoon as tech issues such as Shin-Etsu Chemical were lifted by a rally in New York.$LABEL$2 +Google's share price set at 85 dollars (AFP) AFP - Google's share price has been set at 85 dollars in its initial public offering, a company spokeswoman said.$LABEL$3 +Google Sells Shares in IPO for \$85 After Cutting Price of Stock Aug. 19 (Bloomberg) -- Google Inc., the most-used Internet search engine, sold shares at \$85 each in its initial public offering, the bottom of the range the company had suggested the stock would fetch in the biggest auction-style IPO. $LABEL$2 +BHP Billiton to award shareholders Announcing record profit and revenue for the past year yesterday, global resources group BHP Billiton says it has decided to award a \$2bn bonanza to its shareholders. $LABEL$2 +Army wants Halliburton data on possible effect of withholding WASHINGTON - The US Army wants to know how a threatened plan to withhold \$60 million a month in a billing dispute might affect Halliburton Co. #39;s ability to support US troops in Iraq. $LABEL$2 +3 Directors at Cox to Study Bid by Parent to Take Unit Private ox Communications, the nation #39;s third-largest cable television operator, has formed a committee to consider the \$7.9 billion bid by its parent, Cox Enterprises, to take the company private. $LABEL$2 +Insurer lowers hurricane estimate Hurricane Charley, the worst storm to hit the US in over a decade, will cost insurers \$7.4bn (4bn;5.9bn euros). $LABEL$2 +Blackstone takes Prime Hospitality NEW YORK (CBS.MW) -- The Blackstone Group agreed to buy Prime Hospitality Corp., which owns Wellesley Inn and AmeriSuites hotels, for \$790 million, including the assumption of debt. $LABEL$2 +Apple zombies attack RealNetworks REALNETWORKS #39; attempt to get Steve Jobs to open up its proprietary eyePods is getting attacked by Apple #39;s fanatical supporters. $LABEL$3 +Rover discovers clues of water on Mars surface After months of crossing a vast Martian crater floor and zigzagging up low-slung hills, NASA #39;s Spirit rover has spotted its first hint that water once coursed across the now-desert-like region, scientists said Wednesday. $LABEL$3 +Cassini finds two more Saturn moons NASA #39;s Cassini spacecraft has discovered two new Saturn moons, the smallest yet found among its dozens of natural satellites. $LABEL$3 +Hamm-dinger Gymnast comes back from 12th place to win The movie pitches, Letterman -- no, Leno -- the unending media requests, the book deals, surely the line is forming on the right for Paul Hamm. $LABEL$1 +Shot putters return to ancient site of first Games OLYMPIA, GREECE - It was a day when the actors took a back seat to the scenery, when the question of who won and who took part was not as significant as where they competed. $LABEL$1 +Brazil beats Haiti as nations play for peace PORT-AU-PRINCE, HAITI - Brazil routed a weak Haitian team 6-0 Wednesday in an exhibition game aimed at promoting peace in the Caribbean country. $LABEL$1 +The educated say they #39;re at risk in Sudan OURE CASSONI, CHAD - She pulled tattered socks over her bony legs and stared at the ground, trying to hide the dirty, torn clothing she is so embarrassed to wear. $LABEL$0 +Typhoon Hits Korea, Japan; Kills 9, Grounds Flights (Update1) Aug. 19 (Bloomberg) -- Typhoon Megi churned through the Tsushima Straight dividing Japan and South Korea, leaving nine people dead and thousands homeless as it damaged crops, dumped heavy rains and grounded flights. $LABEL$0 +31 inmates die, dozens wounded at overcrowded Salvadoran facility SAN SALVADOR, EL SALVADOR - Rival inmates fought each other with knives and sticks Wednesday at a San Salvador jail, leaving at least 31 inmates dead and two dozen injured, officials said. $LABEL$0 +Iran warns Israel on pre-emptive strikes Iran warned America and Israel last night that it was ready to launch pre-emptive strikes to stop them attacking its nuclear facilities. $LABEL$0 +Tokyo Stocks Rise as Techs Rally TOKYO (Reuters) - Tokyo's Nikkei average climbed for a third straight day on Thursday, rising over one percent as a rally in New York boosted tech issues such as Toshiba Corp and Shin-Etsu Chemical$LABEL$2 +Dirty Campaign Tricks Now Serious Crimes (AP) AP - Election-year tactics like making anonymous phone calls or inventing make-believe groups to criticize the opponent now come with a higher price: the possibility of time in jail.$LABEL$0 +Oil Above \$47 After New Record SINGAPORE (Reuters) - Oil prices struck another record high on Thursday and remained supported above \$47 by a fall in U.S. crude stockpiles and threats by insurgents in Iraq against oil facilities.$LABEL$2 +Greek pair await IAAF fate Kostas Kenteris and Katerina Thanou's missed drugs tests will be investigated by the IAAF.$LABEL$1 +U.N. Remembers Colleagues Lost in Attack (AP) AP - United Nations employees called the attack on U.N. headquarters in Baghdad a year ago ""our Sept. 11."" The death toll of 22 may have been far lower than from the strikes in New York and Washington, but the truck bombing marked a similar fundamental shift between the way things were done then, and the way they're done now.$LABEL$0 +Al-Sadr's Unclear Motives Muddle Efforts (AP) AP - What's clear about radical Iraqi cleric Muqtada al-Sadr is that he wants power, U.S. officials say. What's less certain is what he wants to do with that power or how far he'll go to get it.$LABEL$0 +Elmer Bernstein, Film Composer, Dead at 82 LOS ANGELES - Elmer Bernstein, the versatile, Oscar-winning composer who scored such movie classics as ""The Ten Commandments,""""The Magnificent Seven,""""To Kill a Mockingbird,""""The Great Escape"" and ""True Grit,"" died Wednesday. He was 82...$LABEL$0 +United, American agree to #39;de-peak #39; O #39;Hare Bowing to pressure from the US Department of Transportation, airlines that serve Chicago have agreed to cut the number of flights they send to O #39;Hare International Airport. The two most affected airlines are the only two that fly nonstop between O #39;Hare ...$LABEL$2 +Singh could overtake Woods as No. 1 AKRON, Ohio Vijay Singh can make official this week what most already believe: That he, not Tiger Woods, is the world #39;s No. 1 player. $LABEL$1 +Oil Above #36;47 After New Record (Reuters) Reuters - Oil prices struck another record high\on Thursday and remained supported above #36;47 by a fall in U.S.\crude stockpiles and threats by insurgents in Iraq against oil\facilities.$LABEL$2 +Braves Edge Padres 6-5 (AP) AP - Andruw Jones hit a two-run homer off Trevor Hoffman in the ninth inning and the Atlanta Braves threw out the potential tying run at the plate for the final out Wednesday night, preserving a 6-5 come-from-behind win over the San Diego Padres.$LABEL$1 +Shaukat Aziz wins byelection, clears way to become Pakistan's prime minister (Canadian Press) Canadian Press - FATEH JANG, Pakistan (AP) - Pakistan's finance minister took an important step toward becoming the new prime minister by easily winning two byelections that give him a seat in parliament, a prerequisite for the post, state-run television reported Thursday. Opposition groups insisted the vote was rigged.$LABEL$0 +Techs Lead Stocks Rally as Oil Sets High SINGAPORE (Reuters) - Asian shares rallied on Thursday, with Taiwan jumping more than 3 percent, as technology issues chased a rise in their U.S. peers and investors showed resilience to record oil prices.$LABEL$2 +SUSAN TOMPOR: Now we #39;ll see if Google clicks Now Google-gawkers will start to discover if the much-hyped initial public offering was the great, equal-opportunity money maker for all mankind or one incredibly dopey deal. $LABEL$2 +Last Alpha chip to arrive on Monday HP IS TO release the final Alpha processor on Monday bringing to an end the chip that had a cult following for the last 14 years. $LABEL$3 +Remy International will sell its Williams Technologies unit Anderson (Star report) -- Remy International Inc. said Wednesday it has agreed to sell its US transmission remanufacturing operation, Williams Technologies Inc., to Caterpillar Inc. $LABEL$3 +Giant waves hurling boulders inland from British coasts: scientists Massive waves created by violent storms off Britain and Ireland are ripping off chunks of cliff and hurling them inland over distances scientists did not think possible. $LABEL$3 +Sony PSP Pushed Back to June 2005? August 18, 2004 - CNN #39;s latest Game Over column suggests that Sony may delay the US release of the PSP to June 2005: Activision CEO Bobby Kotick told investors yesterday that his company does not expect the PSP to launch in North America until the second ...$LABEL$3 +Two Greek sprinters withdraw ATHENS, GREECE -- Perhaps attempting to save their country further embarrassment and fearful of an impending ruling from the International Olympic Committee, two Greek sprinters abruptly withdrew from the Olympic Games on Wednesday. $LABEL$1 +Boot Room: At The Office KINGSTON, Jamaica -- An entire nation was a minute plus injury-time away from a massive party here Wednesday night. But when Brian Ching struck for his first international goal, Jamaica #39;s yellow-clad fanatics had to settle for the same old, same old ...$LABEL$1 +Fighting continues in Najaf At least five loud explosions have been heard near holy sites in the Iraqi city of Najaf. Sniper fire could also he heard coming from the area. $LABEL$0 +Anniversary of UN bombing puts spotlight on security problem for the United Nations UNITED NATIONS (AP) A year after the bombing of UN headquarters in Baghdad killed 22 people, the United Nations remains a target for attacks in Iraq and UN staff angrily allege that major security ...$LABEL$0 +Oil Above \$47 After New Record SINGAPORE (Reuters) - Oil prices struck another record high on Thursday and remained supported above \$47 by a fall in US crude stockpiles and threats by insurgents in Iraq against oil facilities. $LABEL$2 +US Airways chairman says airline could face liquidation The chairman of US Airways, David G. Bronner, said Wednesday that its employees must agree to a third round of wage and benefit cuts worth \$800 million in the next 30 days or the airline could be liquidated. $LABEL$2 +Qantas posts record profit SYDNEY (Reuters) - Australia #39;s biggest airline Qantas has doubled its full-year profit on cost cuts and a pick-up in traffic, but the prospect of higher fuel costs has sent its shares down six percent. $LABEL$2 +Major bank #39;s layoffs felt in Hudson Valley Bank of America began cutting jobs Wednesday but officials would not confirm how many or where. But a spokeswoman said cuts were occurring, and would eventually reach 12,500, the same number given in spring when the merger became final. $LABEL$2 +Giant waves causing British boulder phenomena LONDON: Massive waves created by violent storms off Britain and Ireland are ripping off chunks of cliff and hurling them inland over distances scientists did not think possible. $LABEL$3 +Now Schoeman grabs silver SILVER FOR SA: Pieter van den Hoogenband of the Netherlands, centre, the gold medallist, with South Africa #39;s Roland Schoeman, silver, left, and Australia #39;s Ian Thorpe, who took the bronze, during the medal ceremony for the 100-metre freestyle at the ...$LABEL$1 +Moments of unforgettable Olympics Paul Hamm of the USA celebrates with his coach after scoring a 9.837 in the horizontal bar to claim victory in the men #39;s artistic gymnastics individual competition on August 18, 2004, during the Athens 2004 Summer Olympic Games at the Olympic Sports ...$LABEL$1 +Saulnier Continues Strong 2004 Showing Seventh-seeded Cyril Saulnier advanced to his sixth ATP quarterfinal this season with a 6-3, 7-6 (7-2) victory yesterday over Gilles Elseneer in the Legg Mason Tennis Classic at the William HG FitzGerald Tennis Center. $LABEL$1 +Mickelson not giving up on award he wants Having captured the PGA Championship for his fifth victory of the season, Vijay Singh believes he has wrapped up player of the year awards barring an exceptional finish. $LABEL$1 +THE HOUR: When Time Isn #39;t on Israel #39;s Side Some 20 years ago, Ehud Olmert now deputy prime minister of Israel, recently mayor of Jerusalem, back then a rising star in Israel #39;s right-wing firmament was among the principal speakers at a United Jewish Appeal event in ...$LABEL$0 +Georgia Says Six Soldiers Killed in Rebel Region TBILISI (Reuters) - Overnight clashes killed six Georgian servicemen in the rebel South Ossetia region, which Tbilisi is trying to bring back under government control, Deputy Security Minister Gigi Ugulava said on Thursday. $LABEL$0 +Megapixels Gone Mad? Sony's new Cyber-shot P150 raises the bar for high-resolution cameras at affordable prices.$LABEL$3 +Two Polish Soldiers Dead, Five Injured in Iraq -PAP (Reuters) Reuters - Two Polish soldiers were killed and five\injured in a road accident in Hilla after their patrol was\fired on near their Babylon base in southern Iraq, Polish news\agency PAP said on Thursday, citing a military spokesman.$LABEL$0 +'Breathing gene' cot death link Researchers have identified more genetic mutations that appear to be linked with cot death.$LABEL$0 +Gujurat riot retrial due to begin A fresh trial of Hindus accused of burning to death Muslims during the 2002 Gujarat riots is due to begin in Bombay.$LABEL$0 +SEC Orders Mutual Funds to Cease Incentive Pay The Securities and Exchange Commission yesterday ordered mutual funds to stop paying higher commissions to brokers who promote the companies #39; funds. The agency also required portfolio managers to reveal investments in funds they ...$LABEL$2 +Air Canada Stock Plummets on Review MONTREAL (Reuters) - Shares of Air Canada (AC.TO: Quote, Profile, Research) fell by more than half on Wednesday, after the Toronto Stock Exchange said it was reviewing the company #39;s stock to determine if it meets listing requirements. $LABEL$2 +Parmalat sues ex-auditors MILAN (Reuters) - Parmalat is suing its former auditors Deloitte amp; Touche and Grant Thornton, claiming damages of quot;at least \$10 billion quot; and broadening a legal battle to claw back funds from financial partners which it says ...$LABEL$2 +Japanese Stocks Rise for a 3rd Day; Asahi Glass, Daiei Advance Aug. 19 (Bloomberg) -- Japanese stocks rose for a third day, as Asahi Glass Co. and Nippon Mining Holdings Inc. raised their earnings forecasts, sparking optimism domestic economic growth will support profits. $LABEL$2 +Mbeki deal holds out new hope for Ivory Coast South African President Thabo Mbeki concluded four-day talks with all parties in the Ivory Coast conflict on Monday, announcing that agreement on a four-point plan had been reached.$LABEL$0 +Musharraf: Speed up Iraq exit plan LONDON, England -- The US-led coalition must speed up its quot;exit strategy quot; from Iraq by accelerating the training of local security forces, Pakistani President Pervez Musharraf has said.$LABEL$0 +Baseball Today (AP) AP - Atlanta at Los Angeles (10:10 p.m. EDT). The National League division leaders meet in the opener of a four-game series.$LABEL$1 +Report Expected to Blame 24 in Iraq Abuse WASHINGTON - Two dozen people will be blamed by an Army investigation into the abuse of inmates at Iraq's Abu Ghraib prison, says a senior defense official. The official, who spoke Wednesday on condition of anonymity, provided no details of the report...$LABEL$0 +Marlins Defeat Dodgers 6-4 LOS ANGELES - Pinch-hitter Lenny Harris delivered a three-run double off Eric Gagne with two outs in the ninth inning, rallying the Florida Marlins past the Los Angeles Dodgers 6-4 Wednesday night. It was only Gagne's second blown save in 100 chances dating to Aug...$LABEL$0 +Irish eyes WE stand on the brink of a historic agreement on Northern Ireland. (Depending on how fast events move today, by teatime we could be celebrating an established fact.$LABEL$0 +File-sharing not a threat to musicians and artists Internet file sharing has been one of the hottest-burning controversies for years. A new survey of musicians and artists promises to throw gas on the fire.$LABEL$3 +Indian shares to notch long-term gains as global investors line up (AFP) AFP - Indian shares, Asia's second top performers last year, are poised for long-term gains as foreign investors buy into the market, seeing the country as an economic ""growth story,"" according to analysts.$LABEL$0 +Google IPO fails to find results it sought A humbled Google Inc. makes its market debut on the Nasdaq exchange this morning after raising \$1.67 billion in an initial public offering that fetched about half of what the Web search company had previously estimated.$LABEL$2 +Small investors scared off by exercise in stock democracy This was supposed to be the people's IPO, an exercise in shareholder democracy that would serve as a model for other companies seeking to go public without the suffocating embrace of Wall Street.$LABEL$2 +Right- and left-click politics The 2004 presidential race ended last week in a stunning defeat for Massachusetts Senator John F. Kerry, as incumbent President George W. Bush cruised to an easy victory.$LABEL$2 +Big Dig jobs are nearing end of road More than a decade after thousands of construction workers began flocking to the Big Dig, Boston's \$14.6 billion roadway project is winding down -- and so are the jobs.$LABEL$2 +Johnson amp; Johnson missing out on stent sales Johnson amp; Johnson can't supply cardiac stents fast enough to capitalize on three recent recalls by archrival Boston Scientific Corp. , say cardiologists who use both companies' medical devices.$LABEL$2 +Janus settles; tab is \$226m DENVER -- Janus Capital Group Inc. said yesterday it has finalized a \$226.2 million settlement with state and federal regulators over allegations of improper market-timing trades.$LABEL$2 +SEC tells funds to end perks The Securities and Exchange Commission ordered mutual funds to stop paying higher commissions to brokers who promote the companies' funds and required portfolio managers to reveal investments in funds they supervise.$LABEL$2 +Delta says it will cut more jobs ATLANTA -- Struggling Delta Air Lines Inc. plans additional job cuts as part of its effort to avoid bankruptcy, chief executive Gerald Grinstein said yesterday in a memo to employees.$LABEL$2 +Logan may benefit from fewer O'Hare flights WASHINGTON -- Flight reductions by 16 major airlines serving O'Hare International Airport -- the result of two weeks of talks with the Transportation Department to alleviate traffic at the overburdened Chicago airport -- are expected to improve on-time performance nationwide, including at Logan International Airport in Boston, where schedules have suffered because of O'Hare delays, according to aviation officials and ...$LABEL$2 +Pact to organize workers expires at Verizon Wireless Verizon Wireless, the largest US mobile-phone operator, said a four-year agreement that would have made it easier for workers to join unions has expired.$LABEL$2 +Prepare for stormy weather with a 'disaster file' As we watched television coverage of Hurricane Charley last weekend, my wife and I reminisced about a time nearly two decades ago when we lived in Florida and got the word to evacuate.$LABEL$2 +Lindows delays planned offering SAN DIEGO -- Software vendor Lindows Inc. formally postponed its initial public offering yesterday, citing adverse market conditions.$LABEL$2 +Making most of momentum To Lynn Sand, the decision by 3Com Corp. to move its worldwide headquarters to Marlborough a year ago was a sure sign that Massachusetts can lure businesses with the best of them.$LABEL$2 +IPod Music Player Winning Over Japan Fans (AP) AP - When Sony Corp. President Kunitake Ando showed off the new Walkman meant to counter the assault by Apple's iPod portable music player, he held the prized gadget at the gala event upside down.$LABEL$3 +High and mighty He was dead and buried 6 feet under the landing mat, and he knew it. quot;That's it, I'm done, quot; Paul Hamm told himself last night, after he'd tumbled from first to 12th with a slip of a foot on the vault.$LABEL$1 +Gagne blows his 2d save Pinch-hitter Lenny Harris delivered a three-run double off Eric Gagne with two outs in the ninth, rallying the Florida Marlins past the Dodgers, 6-4, last night in Los Angeles.$LABEL$1 +Millar gladly takes the fifth With each passing day, with each frozen rope he's been lacing, Kevin Millar has been sending a clear message to American League managers: Go ahead and walk David Ortiz. You'll be sorry.$LABEL$1 +Sweeping sensation The jarring image of a brooding David Ortiz angrily snapping his maple bat over his knee?$LABEL$1 +Purpose pitch It's a pitch she's been waiting 32 years to make. So when Maria Pepe, a skinny, stony-hearted, 44-year-old New Jersey hospital administrator winds up on the mound tomorrow to throw out the first pitch at the Little League World Series in Williamsport, Pa., the healing will be complete for an 11-year-old girl done wrong by Little League ...$LABEL$1 +Bowa's status with Phillies is shaky Larry Bowa's time as Philadelphia Phillies' manager could be running out. General manager Ed Wade declined to give Bowa an endorsement before last night's game against the Houston Astros, saying only, quot;He's the manager. quot; Told that comment can be interpreted many ways, Wade replied: quot;Interpret it any way you want. quot; The fiery Bowa has come under scrutiny because the injury-plagued ...$LABEL$1 +Bellhorn poised to make his return The Red Sox may get some urgent relief from their injury crisis as early as tomorrow with the return of Mark Bellhorn . The second baseman, whose left thumb was fractured Aug. 1 by a 94-mile-an-hour fastball from Minnesota closer Joe Nathan , recovered faster than expected and reported to Triple A Pawtucket last night for a rehabilitation assignment.$LABEL$1 +Belichick won't issue any passing grades Tom Brady delivered the signature play of the Patriots' first exhibition game. He dropped back, scrambled to his left, and with Eagles defender N.D. Kalu tugging at his jersey, whipped a spinning first down pass to David Patten .$LABEL$1 +Sanders excites Ravens The Baltimore Ravens are excited about the prospect of having Deion Sanders come out of retirement and be a part of their defensive backfield. The question now is: Will he take them up on their offer?$LABEL$1 +Court rules for BC in flap over exit fee Boston College cleared a major legal hurdle in its bid to join the Atlantic Coast Conference yesterday when a Massachusetts Superior Court judge issued summary judgment in favor of the school's attempt to depart the Big East next July under the old provisions of the conference's constitution.$LABEL$1 +Perk a flight of fancy In a world where enticements and incentives are abundant, it was stunning to hear players at the PGA Championship talk about the latest perk that took them by surprise. How about six free first-class, round-trip tickets to Ireland?$LABEL$1 +Philo puts finishing touch on elusive crown Swirling winds and 252 yards of a confounding downhill shot created quite a backup at Brae Burn Country Club's par-3 17th hole yesterday, player after player having to pursue shots that were blown off line. But when he got to the tee, Ron Philo Jr. wasn't about to complain about the delay.$LABEL$1 +Hard recovery from losses The Massachusetts golf community took a hit last week, losing two distinguished personalities. Ted Carangelo and Ted Kenerson were men of great spirit, devoted to their families, to their businesses, to their golf clubs, and most definitely to the integrity of the game.$LABEL$1 +Vana remains in hunt Frank Vana Jr. is the lone remaining Massachusetts entry in the US Amateur Championship after three days of play at a demanding Winged Foot Golf Club in Mamaroneck, N.Y.$LABEL$1 +Pro tours: The stops and the talk WORLD GOLF CHAMPIONSHIPS Event: NEC Invitational Site: Firestone Country Club, South Course (7,230 yards, par 70), Akron, Ohio. Schedule: Today-Sunday. Purse: \$7 million. Winner's share: \$1.2 million. Television: ESPN (today-tomorrow, 3-7 p.m.) and Channel 4 (Saturday, 2-6 p.m.; Sunday, 2:30-6:30 p.m.). Last year: Darren Clarke won his second WGC title, beating Jonathan Kaye by four strokes. Last week: Vijay Singh ...$LABEL$1 +At least six Georgian soldiers killed in separatist region clashes (AFP) AFP - At least six Georgian soldiers were killed and seven wounded in overnight clashes in Georgia's separatist, pro-Russian region of South Ossetia, an official with the Georgian interior ministry told AFP.$LABEL$0 +Concerns detailed on climate change COPENHAGEN -- Rising sea levels, disappearing glaciers in the Alps, and more deadly heat waves are coming for Europeans because of global warming, Europe's environmental agency warned yesterday. The European Environment Agency said much more needs to be done -- and fast. Climate change quot;will considerably affect our societies and environments for decades and centuries to come, quot; its 107-page report ...$LABEL$0 +8 British terror suspects brought to court LONDON -- Eight men charged with conspiracy to murder in a trans-Atlantic terror plot made their first court appearance yesterday in a case that has added to the fierce debate over Britain's terrorism laws and heightened fears in the country's Islamic community of an anti-Muslim backlash.$LABEL$0 +Militants in video threaten to kill journalist BAGHDAD -- A militant group said it has kidnapped a missing Western journalist with Boston-area ties and would kill him if US forces did not leave the holy Shi'ite city of Najaf within 48 hours, Al-Jazeera reported yesterday.$LABEL$0 +Report won't put blame on top brass WASHINGTON -- A long-awaited report on the Abu Ghraib prison scandal will implicate about two dozen military intelligence soldiers and civilian contractors in the intimidation and sexual humiliation of Iraq war prisoners, but will not suggest wrongdoing by military brass outside the prison, senior defense officials said yesterday.$LABEL$0 +Interim assembly selected in Iraq BAGHDAD -- Taking a halting step toward a democratic government, Iraqi political and religious leaders selected an interim national assembly yesterday that includes representatives from many of the parties that control the current government.$LABEL$0 +Terror suspects' photos shown ISLAMABAD, Pakistan -- Photos were published yesterday in newspapers across Pakistan of six terror suspects, including a senior Al Qaeda operative, the government says were behind attempts to assassinate the nation's president.$LABEL$0 +New Jersey Nets Team Report - December 7 (Sports Network) - The New Jersey Nets try for their third consecutive win this evening when they head to Cleveland to face LeBron James and the Cavaliers at Gund Arena.$LABEL$1 +Harris' Double Leads Marlins Past Dodgers (AP) AP - Lenny Harris has come up with clutch hits throughout his record-breaking career as a pinch hitter. His three-run double off Eric Gagne was a bit more special than most. Harris pushed his major league record for pinch hits to 190 Wednesday night, lining a bases-clearing double into right-center with two outs in the ninth to rally the Florida Marlins past the Los Angeles Dodgers 6-4.$LABEL$1 +Van Den Hoogenband and Popov Out of 50m Freestyle ATHENS (Reuters) - Olympic 100 meters freestyle champion Pieter van den Hoogenband and world champion Alexander Popov were both eliminated in the heats of the men's 50 meters freestyle in a major shock in the Olympic swimming pool on Thursday.$LABEL$1 +Food prices rise on second day of blockade of Nepal's capital (AFP) AFP - A blockade of the Nepalese capital called by Maoist rebels entered a second day, causing a rise in food prices and prompting the government to declare the city had enough supplies for a month.$LABEL$0 +Magnificent Seven composer dies Movie composer Elmer Bernstein, creator of The Magnificent Seven and The Great Escape, dies aged 82.$LABEL$0 +Rite-Aid slapped after warning CHICAGO (CBS.MW) -- Shares of Rite Aid were hurting pretty good early Tuesday, falling about 5 percent after the drugstore chain warned that weak sales trends could bring its fiscal 2005 numbers in well below previous hopes.$LABEL$2 +Google prices its shares at \$85 WASHINGTON Google closed the unusual auction for its shares yesterday and prepared for its stock to begin trading at \$85 per share, after weaker-than-expected demand from investors forced it to drastically slash the price and size of ...$LABEL$2 +CIBC sale of Juniper completes US retail retreat Canadian Imperial Bank of Commerce sold its last retail banking operation in the United States yesterday, ending a brief, but tumultuous, foray south of the border. $LABEL$2 +Ford dumps Oracle CAR FIRM Ford has given up trying to integrate Oracle #39;s Everest system into its networks as a bad job. $LABEL$3 +Henry the turtle heads for the sea - and fame Malaysia - A turtle named Henry headed for the South China Sea one recent moonless night. He was one hour old and not much bigger than a bug, but his flat-flippered dash down the beach showed a determination to live bred into him by ...$LABEL$3 +Hamm #39;s comeback America #39;s Olympic moment Because rarely is a rally so improbable, even the man who pulled it off didn #39;t believe he could. On the same day he crash-landed on the vault and dropped to 12th place, Hamm nailed his final two routines Wednesday evening to claim ...$LABEL$1 +Olympics Notebook: Kenteris, Thanou withdraw after ducking drug tests ATHENS, Greece -- A dark cloud over the Games lifted yesterday as Greece #39;s top two sprinters pulled out rather than face expulsion over a missed drug test. $LABEL$1 +Harris #39; pinch double off Gagne leads Marlins past Dodgers Lenny Harris has come up with clutch hits throughout his record-breaking career as a pinch hitter. His three-run double off Eric Gagne was a bit more special than most. $LABEL$1 +NL notebook: Pettitte out for season; Clemens hurt The same day the Houston Astros announced that pitcher Andy Pettitte would have surgery on his troublesome left elbow next week, Roger Clemens left last night #39;s game against the Philadelphia Phillies with a strained right calf. $LABEL$1 +Google will float at \$85 a share Google's IPO share price is set at \$85, the bottom of its projected range, as the internet search engine goes public.$LABEL$3 +Doom 3 unleashes hell Doom 3 combines hectic gameplay with genuine shocks to deliver a deliciously uncomfortable gaming experience.$LABEL$3 +Lindows Postpones IPO Its legal battles over, the software vendor will focus on sales until the market ripens.$LABEL$3 +Pakistan minister poised to become PM after by-election wins (AFP) AFP - The way was clear for Pakistan's Finance Minister Shaukat Aziz to become prime minister after unofficial results showed he had secured a seat in parliament's lower house by winning two by-elections.$LABEL$0 +Israeli PM defies party rebellion Israel's Ariel Sharon says he will push ahead with plans for Gaza disengagement, despite a rebuke from his Likud party.$LABEL$0 +Google Overcomes Regulatory, Marketing Gaffes to Do IPO Its Way Aug. 19 (Bloomberg) -- The founders of Google Inc. did it their way, and then they paid the price. Sergey Brin, 30, and Larry Page, 31, completed an initial public offering of the largest Internet search firm yesterday using an unorthodox Dutch auction ...$LABEL$2 +Logan may benefit from fewer O #39;Hare flights WASHINGTON -- Flight reductions by 16 major airlines serving O #39;Hare International Airport -- the result of two weeks of talks with the Transportation Department to alleviate traffic at the ...$LABEL$2 +More Mars secrets uncovered The hills of Mars have yielded fresh clues about how water shaped the Red Planet. Scientists at NASA #39;s Jet Propulsion Laboratory in Pasadena, revealed that the robotic explorers Spirit and Opportunity each made discoveries which indicate that water has ...$LABEL$3 +Sprint stars create new Greek tragedy ATHENS, Greece -- It was just after 8 am Wednesday, and across the street from the downtown Hilton, hundreds of media waited for the ultimate Greek tragedy to reach its sad conclusion. $LABEL$1 +American fouls out OLYMPIA, Greece - When this whole Olympic thing started, the winner of its single event, a 210-yard sprint, would have his name used to identify the Games rather than the year. For instance, 776 BC was the Coroibos Games because ...$LABEL$1 +England 3, Ukraine 0 David Beckham and Michael Owen went about making their peace with England #39;s deflated supporters last night with a goal apiece to help launch England to victory against Ukraine. $LABEL$1 +Singh has put PGA to rest AKRON -- As the \$7 million NEC Invitational begins today on Firestone County Club #39;s South Course, there is bad news for the 75 players in the field who aren #39;t Vijay Singh. $LABEL$1 +Buses defy rebel blockade of Nepal #39;s capital KATMANDU, Nepal (AP) - A heavily guarded convoy of six buses snaked its way out of Nepal #39;s capital Thursday, the first vehicles to defy Maoist rebels who blockaded Katmandu this week with threats alone and without setting up a single roadblock. $LABEL$0 +Australian Foreign Minister Upbeat on North Korea Nuclear Talks Australia #39;s foreign minister says North Korea shows few signs of compromise but insists a negotiated settlement can still resolve the dispute over Pyongyang #39;s nuclear weapons. $LABEL$0 +Typhoon Megi kills 12 TOKYO/SEOUL (Reuters) - Heavy rain from typhoon Megi has lashed South Korea and Japan, prompting the evacuation of some 3,000 people and leaving at least 12 dead. Some 165 Japanese children were trapped at a nature centre. $LABEL$0 +Baghdad bombs still haunt UN GENEVAUN Secretary-General Kofi Annan yesterday met survivors and families of the 22 workers killed in a suicide bombing that shattered United Nations offices in Baghdad last year an attack many employees refer to as quot;our Sept. 11. quot; ...$LABEL$0 +Virtual gaming worlds overtake Namibia Inhabitants of virtual worlds are giving the games they play real economic power, a study has found.$LABEL$3 +Kerry Blames Rising Health Costs for Job Losses (Reuters) Reuters - Democrat John Kerry, citing a newly\commissioned study, said on Thursday that rising health care\expenses have cost American jobs and President Bush has done\nothing to solve the problem.$LABEL$0 +Bankrupt Commerce One Patents Fetch \$15.5M Bankrupt Internet software maker Commerce One Inc. auctioned off dozens of prized online patents for \$15.5 million in a sale that could provoke a legal scuffle over whether the new owner is entitled to collect royalties from a long list of technology heavyweights.$LABEL$3 +Amazon.com Experiences Sporadic Outage Some customers had trouble reaching Amazon.com's Web site on Monday in what analysts described as probable technical difficulties for the world's largest online retailer during the crucial holiday selling season.$LABEL$3 +EU backs Lamy for trade position The European Commission is backing its former trade commissioner Pascal Lamy to become the next head of the World Trade Organisation.$LABEL$2 +Tokyo Stocks Close Up for Third Day (Reuters) Reuters - Japanese shares rose for a third straight\day on Thursday, advancing over one percent as a rally on Wall\Street encouraged buying of technology issues such as Toshiba\Corp. and Shin-Etsu Chemical$LABEL$2 +Tokyo Stocks Close Up for Third Day TOKYO (Reuters) - Japanese shares rose for a third straight day on Thursday, advancing over one percent as a rally on Wall Street encouraged buying of technology issues such as Toshiba Corp. and Shin-Etsu Chemical$LABEL$2 +Lindows Postpones IPO (PC World) PC World - Its legal battles over, the software vendor will focus on sales until the market ripens.$LABEL$3 +Israel's Top Court Upholds Dropping of Sharon Case (Reuters) Reuters - Israel's High Court said on Thursday\it was upholding a decision by the country's attorney-general\to drop a bribery case against Prime Minister Ariel Sharon.$LABEL$0 +Israel's Top Court Upholds Dropping of Sharon Case JERUSALEM (Reuters) - Israel's High Court said on Thursday it was upholding a decision by the country's attorney-general to drop a bribery case against Prime Minister Ariel Sharon.$LABEL$0 +New Fingerprint Scans Expand to Borders Foreigners entering the United States zipped through the lines at the main port here and several other locations in Arizona and California as a new digital screening program went into effect.$LABEL$3 +Clashes Erupt in Najaf Despite Peace Plan NAJAF, Iraq - Sporadic gunfire and explosions boomed through Najaf on Thursday despite a peace deal in which radical cleric Muqtada al-Sadr agreed to disarm his militiamen and pull them out of a revered Shiite shrine they've been taking refuge in. As clashes in Najaf continued, Arab television station Al-Jazeera aired a video Thursday showing a militant group that called itself the Martyrs Brigade vowing to kill a missing Western journalist if U.S...$LABEL$0 +Debit Cards Give Plastic Edge Over Paper 2003 was the first time plastic and other electronic payment methods beat out checks, according to a survey released yesterday by the Federal Reserve.$LABEL$3 +More Web Shopping Is What's in Store The retail sector overall may be reporting a sluggish start to the season, but holiday shoppers are scooping up tech goods at a brisk pace -- and they're scouring the Web for bargains more than ever. <FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2"" color=""#666666""><B>-washingtonpost.com</B></FONT>$LABEL$3 +NY Atty General Spitzer to Run for Gov. NEW YORK (Reuters) - New York Attorney General Eliot Spitzer will announce on Tuesday he will run for governor of the state in 2006, a spokeswoman said.$LABEL$2 +Treasury Prices Falter Before Auctions NEW YORK (Reuters) - U.S. Treasuries faltered on Tuesday after a blistering two-session rally ran out of steam, though analysts still saw room to the upside given the large short-base in the market.$LABEL$2 +Dollar Awaits Data, Yen Down from Peak LONDON (Reuters) - The yen held close to the previous session's four-week high against the dollar on Thursday while the dollar held steady on the euro as investors awaited U.S. labor and manufacturing data due later. The Japanese currency rose to a high of 109.28 per dollar late on Wednesday, as cross currents in the market, mainly from a steep sterling fall, forced yen sellers to buy the Japanese currency back, pushing it higher against the dollar.$LABEL$2 +Maoist rebel blockade begins to pinch Nepal capital (Reuters) Reuters - Maoist rebels kept vehicles off roads leading to Nepal's capital for a second day on Thursday and residents said fuel was being rationed and food prices had begun to rise.$LABEL$0 +China Bans Video Game for Breach of Sovereignty BEIJING (Reuters) - China, sensitive about issues of national sovereignty, has banned a computer sports game that classifies Taiwan, Hong Kong, Macau and Tibet as countries and has threatened to fine Web sites that supply the game and net cafes that let patrons download it.$LABEL$3 +After Wait, Google Set for Market Debut NEW YORK (Reuters) - Shares of Google Inc. will make their Nasdaq stock market debut on Thursday after the year #39;s most anticipated initial public offering priced far below initial estimates, raising \$1.67 billion. $LABEL$2 +Qantas posts record annual profit SYDNEY, Australia (AP) - Qantas profits soared to a record 648.8 million Australian dollars (US\$463.8 million, euro 376 million) in the past fiscal year, thanks to rising passenger numbers despite fears of Iraq war-related terrorism and the aftermath of ...$LABEL$2 +Pentagon backs off threat to withhold Halliburton fees WASHINGTON - The Army has abruptly reversed itself and decided to pay all of Halliburton Co. #39;s fees to house and feed US troops in Iraq and Kuwait after the company threatened to legally challenge the effort to penalize it. $LABEL$2 +A Long Goodbye at Equifax Give them credit, they #39;re starting the CEO search with plenty of lead time. Early in the day on Aug. 18, Thomas F. Chapman, chairman and CEO of Equifax, stated his intention to retire sometime in late 2005, according to a company statement. While such an ...$LABEL$2 +Real slashes Music Prices RealNetworks has slashed the price for downloading music taking the online music market competition a step further. $LABEL$3 +Texas Firm Targets Teens With Package Of Digital Features Teenagers tend to like instant messaging, TV watching, net surfing, music listening, and shopping, so an Austin, Texas, company has decided to package digital features coveted by teenagers in a PC targeted specifically at teenaged ...$LABEL$3 +Hamm gold by a sliver ATHENS - Paul Hamm feared he had blown a shot for a medal when he stumbled at the end of his performance in the vault, his fourth event in the six-event men #39;s individual all-around final. But the freckle-faced gymnast from Wisconsin ...$LABEL$1 +Hamilton Wins Olympic Time Trial Tyler Hamilton (United States) is the Olympic time trial champion. The man from Marblehead, who crashed out of the 2004 Tour de France, rode away his disappointment by drawing away from defending champion Vyatcheslav Ekimov (Russia) in ...$LABEL$1 +Singh closes in on Tiger AKRON, Ohio - Having closed the gap to a mere one-tenth of a point, Vijay Singh needs only to finish ahead of Tiger Woods at the NEC Invitational, starting today, to end Woods #39; record run as the No. 1-ranked player in the world. $LABEL$1 +Hewitt drives home his return point WASHINGTON - It #39;s night, under the lights at the Legg Mason Tennis Classic, and No. 2 seed Lleyton Hewitt is still wearing his white cap backward, the bill of it running down the back of his sweating neck. $LABEL$1 +Wright-Phillips left wanting more Shaun Wright-Phillips has set his sights on being picked for England #39;s World Cup qualifiers after scoring on a scintillating debut for his country. $LABEL$1 +US wings it in Caribbean For the bulk of the 89 minutes that the US National Team went without a goal against an inspired Jamaican side, chances were created -- some of the golden opportunity nature -- but none were converted. And it nearly put the Americans behind the proverbial ...$LABEL$1 +Poles killed after Iraq ambush WARSAW, Poland (AP) -- Two Polish troops have been killed and five injured when their vehicles crashed as they were trying to escape an ambush in the central Iraqi city of Hillah, a military spokesman said. $LABEL$0 +Terror suspect killed during interrogation in Pakistan ISLAMABAD, Aug. 19 (Xinhuanet) -- A Pakistani religious leader, allegedly linked with the al-Qaeda terrorist network, has died here in police custody, local media reported Thursday. $LABEL$0 +Italy in Hot Seat on Possible Misreporting (AP) AP - The European Union head office said Tuesday it had concerns over Italian budget deficit figures, only a week after Greece was challenged over alleged sloppy bookkeeping and possible underreporting of deficit figures.$LABEL$0 +Virgin plans China mobile service Virgin boss Sir Richard Branson says the firm is in talks with a Chinese company over starting a mobile phone service in mainland China.$LABEL$3 +Is IBM PC sell off preparation for a Power chip attack? <strong>Opinion</strong> A chip on the shoulder?$LABEL$3 +Leadtek WinFast PX6600TD GeForce 6600 card <strong>Review</strong> Mid-range features, performance for under 100?$LABEL$3 +Massive game advertising startup to aid desperate brands <strong>Analysis</strong> Product placement in computer and console games$LABEL$3 +Dollar Awaits Data, Yen Down from Peak LONDON (Reuters) - The yen held close to the previous session's four-week high against the dollar on Thursday while the dollar held steady on the euro as investors awaited U.S. labor and manufacturing data due later. $LABEL$2 +Giddens earns US silver in kayaking Rebecca Giddens made a final charge that nearly landed her a gold medal, but in the end the American settled for silver in yesterday's kayaking single slalom.$LABEL$1 +Estrada gets in some light work Jason Estrada had the perfect opponent last night. An inexperienced one. The Pan Am Games gold medalist had not fought in two months because of a thumb injury and a case of plantar fasciitis that curtailed both his training and his aerobic workouts, and that layoff had his coaches concerned. Unable to run until recently, the Providence, R.I., ...$LABEL$1 +Withdrawal for Greek sprinters Two of Greece's most famous athletes and their coach made their first public appearance here yesterday only to withdraw from the Olympic Games rather than face a panel charged with looking into a possible doping violation.$LABEL$1 +Rhode targets a final gold for US Kim Rhode earned the United States a gold medal in double trap shooting yesterday, staking a unique claim as the first and last winner of the Olympic event.$LABEL$1 +Transactions BASEBALL Arizona (NL): Placed C Koyie Hill on the 15-day DL; purchased contract of C Chris Snyder from El Paso (Texas League). Baltimore (AL): Placed OF Larry Bigbie and 2B-OF Jerry Hairston on the 15-day DL; recalled OF Darnell McDonald from Ottawa (IL); purchased contract of OF Val Majewski from Bowie (EL). Houston (NL): Placed P Andy Pettitte on the ...$LABEL$1 +Silver lining melts foul mood US shot-putter Adam Nelson stood outside the throwing circle, his hands on the back of his head, his hopes just dashed by a foul on a throw that would have won the gold medal.$LABEL$1 +Pair of US squads advance to finals By just two ticks of the clock yesterday morning, the US rowing team squeezed two entries into this weekend's Olympic finals on an otherwise empty day.$LABEL$1 +Dominicans shock US women In an early morning match before a handful of fans, the US women's volleyball team, ranked first in the world, lost to the Dominican Republic, 26-24, 22-25, 27-25, 23-25, 19-17. The US had not lost to the Dominicans, ranked 13th, since 1999 and did not try to dress up one of the biggest upsets of the Games, a loss arguably ...$LABEL$1 +Israeli Court Upholds Decision on Sharon (AP) AP - Israel's Supreme Court on Thursday upheld the attorney general's decision to clear Prime Minister Ariel Sharon in a corruption case, Israel Radio reported.$LABEL$0 +US denies Ukraine interference US Secretary of State Colin Powell rejects Russian claims that the West wants more influence in Ukraine.$LABEL$0 +Octopus Doesn't Give Up on Motherhood (AP) AP - It was a May-December romance that really had legs: Young Aurora, a female giant octopus and her aging cephalopod suitor J-1 were thrown together for a blind date seven months ago by aquarists who hoped the two would mate.$LABEL$3 +Karzai Sworn in as Afghanistan President KABUL (Reuters) - Hamid Karzai was sworn in as Afghanistan's first popularly elected president Tuesday, promising to bring peace to the war-torn nation and end the economy's dependence on narcotics.$LABEL$0 +Megawati's party seals deal with Golkar to dominate Indonesia's parliament (AFP) AFP - President Megawati Sukarnoputri forged a pact with Indonesia's largest political group Golkar to form a bloc that will dominate parliament but is seen as unlikely to ensure her reelection.$LABEL$0 +Lenovo May Be in Acquisition Talks With IBM (AP) AP - China's biggest computer maker said Tuesday it is in acquisition talks with a major international technology company, a disclosure which comes amid reports it might buy IBM Corp.'s personal computer business.$LABEL$3 +Merger may axe Fleet jobs BOSTON -- Although published reports yesterday claimed that Bank of America Corp. plans to layoff hundreds of employees at Fleet Banks throughout Massachusetts, Fall River area branches had not received official word by closing time Wednesday, according ...$LABEL$2 +JJB Shares Drop: Profit May Be 20 Less Than Forecast (Update2) Aug. 19 (Bloomberg) -- Shares of JJB Sports Plc, Britain #39;s largest sporting-goods retailer, had their biggest decline in at least two years after the company said profit this fiscal year may be about 20 percent less than forecast amid declining sales. $LABEL$2 +Workplace beware THE LABOR Department #39;s trumpeting of its new regulations governing overtime, which go into effect next week, sounds a little tinny. $LABEL$2 +Saturn in Red This Cassini spacecraft wide angle camera view shows a half-lit Saturn, with two dark storms rolling through its southern hemisphere. The image was taken in visible red light on July 19, 2004, at a distance of 6.2 million kilometers (3.9 million miles) ...$LABEL$3 +Microsoft rolls out fresh Windows XP 64 beta WHILE MICROSOFT and AMD are suggesting it will be well into next year before the final version of WinXP 64 is released, yesterday it started offering a fresh preview edition of its up-and-coming software which now supports both Intel and AMD 64-bit ...$LABEL$3 +Athletes positive coach is to blame ATHENS - They weren #39;t our own tarnished heroes this time, they were bad actors in an overwritten Greek tragedy. But outside the Athens Hilton yesterday morning off the downtown boulevard called Vasillias Sofia, the scene was all too familiar. So were the ...$LABEL$1 +Nelson #39;s day left in ruins He was leading a procession of Olympic shot-putters, thick-bodied, thick-necked men who were about to enter a dirt-floored den of antiquity, and be immersed in history that was as palpable as the crumbling columns and fading marble slabs. $LABEL$1 +Pedal to the medals Vouliagmeni, Greece - The second-fastest move Tyler Hamilton made Wednesday was hopping off the gold-medal platform and running - hobbling, really - to his wife, Haven. $LABEL$1 +Tennis: Australia #39;s Hewitt reaches quarter-finals at Washington tennis WASHINGTON : Lleyton Hewitt further polished his form on hardcourt with the US Open drawing near, earning a 6-3, 6-2 second-round win against Colombian Alejandro Falla at the 500,000-dollar Washington Open. $LABEL$1 +Sharon presses on with Gaza plan JERUSALEM (Reuters) - Israeli Prime Minister Ariel Sharon has vowed to press ahead with his Gaza pullout plan despite a humiliating rebuff from his own party of his bid to forge a coalition with the pro-withdrawal Labour Party. $LABEL$0 +Maoist Rebel Blockade Begins to Pinch Nepal Capital KATHMANDU (Reuters) - Maoist rebels kept vehicles off roads leading to Nepal #39;s capital for a second day on Thursday and residents said fuel was being rationed and food prices had begun to rise. $LABEL$0 +One dead, four missing as Typhoon Megi hits S.Korea SEOUL, Aug. 19 (Xinhuanet) -- One died and four others went missing as Typhoon Megi hit South Korea #39;s southern provinces with strong winds and heavy rains, reported South Korean Yonhap News Agency on Thursday. $LABEL$0 +First Look: MusicMatch Jukebox's Impressive Version 10 (PC World) PC World - Free software helps organize large music collections.$LABEL$3 +In Brief: Sleepycat releases Berkeley DB XML 2.0 (InfoWorld) InfoWorld - Sleepycat Software this week announced the general availability of Berkeley DB XML 2.0, a major upgrade to its open source database for telecommunication infrastructure and enterprise data centers. This release adds support for XQuery 1.0, an emerging standard for XML data access, as well as improvements in performance and usability. Other enhancements include support for XPath 2.0, which allows the selection of a portion of an XML document, and support for the PHP API, which enables developers using the PHP scripting languages to work with XML documents.$LABEL$3 +Garrison Gets New Contract; King Retires (AP) AP - Zina Garrison was given a one-year contract to stay on as U.S. Fed Cup captain, while Billie Jean King retired Tuesday as a coach for the team.$LABEL$1 +Netanyahu backs Sharon #39;s plan for coalition with Labor Israeli Finance Minister Benjamin Netanyahu gave his support Tuesday to Prime Minister Ariel Sharon on his plan to invite the Labor Party into a unity government, Ha #39;aretz reported, citing an aide of Sharon.$LABEL$0 +Weightlifters Test Positive for Drugs Before Games ATHENS (Reuters) - Five weightlifters tested positive for drugs before the Athens Olympics and were banned from the Games.$LABEL$1 +Internet patents sold at S.F. auction (SiliconValley.com) SiliconValley.com - A group called JGR Acquisition made the winning, #36;15.5 million bid Monday for a batch of obscure but potentially important patents covering technologies for Internet business transactions.$LABEL$3 +Tributes paid to Belgium #39;s #39;magic #39; football coach The Belgian press paid tribute to Raymond Goethals on Tuesday, describing him as the magician and looking back on his teams many victories.$LABEL$1 +Williams #39;Hungary #39; for success British heavyweight hope Danny Williams believes the key to beating WBC champion Vitali Klitschko and becoming the heavyweight champion of the world in Las Vegas on December 11 is his hunger and desire to succeed.$LABEL$1 +'E-Junk' Recycling Still in Its Infancy (AP) AP - When Office Depot, Inc. stores ran an electronics recycling drive last summer that accepted everything from cell phones to televisions, some stores were overwhelmed by the amount of e-trash they received.$LABEL$3 +IBM triples transistor performance with germanium IBM has successfully demonstrated a new technique for improving transistor performance that will help the company build smaller, more powerful chips in the next decade, company researchers said yesterday.$LABEL$3 +Outsourcing growth predicted at 5.9 a year IT job exports are forecast to increase by a compound annual growth rate of 5.9 between 2002 and the end of 2004, said Frost amp; Sullivan.$LABEL$3 +AMD to switch on better Opteron power management Computers with AMD #39;s Opteron processor will soon be able to take advantage of the same power management technology the company has already built into its laptop and desktop microchips.$LABEL$3 +Update 1: Toshiba, Memory-Tech Develop New DVD Two Japanese companies said Tuesday they have developed a DVD that can play on both existing machines and the upcoming high-definition players, raising hopes for a smooth transition as more people dump old TV sets for better screens.$LABEL$3 +Putin Opines on Iraq Election Date (AP) AP - President Vladimir Putin said Tuesday he could not imagine how Iraqi elections scheduled for Jan. 30 could be held under current conditions.$LABEL$0 +U.S. Crude Sets New Record: \$47.52/Barrel LONDON (Reuters) - U.S. crude prices rose to another new record on Thursday, rising 25 cents to \$47.52 a barrel on evidence that high prices are not hurting world oil demand growth.$LABEL$2 +UK mortgage lending breaks record Home loan borrowing continued to surge in July, the Council of Mortgage Lenders says.$LABEL$2 +Google IPO priced at \$85 a share NEW YORK (CNN/Money) -- Internet search engine Google has announced it will go public at \$85 a share, paving the way for the widely awaited but troubled stock offering to finally stumble to market on Thursday. $LABEL$2 +After the IPO, Google may need to invest in itself SAN FRANCISCO Google #39;s star-crossed stock offering is making high-tech history. But will its cash windfall help make it a permanent part of Silicon Valley lore despite mounting competition and a tepid market? ...$LABEL$2 +Microsoft tries to clear confusion over SP2 A week after releasing Windows XP Service Pack 2 to enterprises, Microsoft is trying to quell confusion over an apparent security flaw and applications that won #39;t work without adjustments. $LABEL$3 +Microsoft Unveils 64-Bit Windows Beta Microsoft has made available the latest builds of its 64-bit version of Windows XP Professional and Windows Server 2003 Enterprise, which each features a handful of new improvements including the Luna user interface, Windows Messenger, Windows Media ...$LABEL$3 +Return to Ancient Greece enthralls athletes OLYMPIA, GREECE -- Brad Snyder #39;s shot put travelled just more than 19 metres, but the arc of its flight spanned more than 1,600 years. $LABEL$1 +Roddick, Venus make exits ATHENS -- Andy Roddick hit one final errant shot into the net and hung his head, his medal hopes over. A short while later, Venus Williams was gone, too. $LABEL$1 +Els takes aim at his putting LONDON -- Ernie Els has set his sights on an improved putting display this week at the World Golf Championships #39; NEC Invitational in Akron, Ohio, after the disappointment of tying for fourth place at the PGA Championship last Sunday. $LABEL$1 +Doped Olympics weightlifters named ATHENS (Reuters) - The International Weightlifting Federation (IWF) has named the five who failed drugs tests before the Athens Olympics. $LABEL$1 +Salvadoran prison clashes leave at least 31 dead San Salvador -- At least 31 prisoners died and 23 were wounded yesterday during clashes between gang members and other inmates in El Salvador #39;s largest prison, officials said. $LABEL$0 +Customer boost for 3 despite loss Third-generation mobile phone network 3 reports a rise in its UK customer base to 1.2 million - but its Hong Kong parent firm is hit by heavy 3G losses.$LABEL$2 +Spending Cuts May Close Italy's Uffizi -Minister (Reuters) Reuters - Italy's culture minister has threatened to\shut down Florence's Uffizi museum, home of masterpieces by\Michelangelo and Botticelli, if the government doesn't scale\back planned spending cuts.$LABEL$0 +Searching for peace in Nigeria Rival community leaders meet in central Nigeria, the scene of bitter clashes earlier this year.$LABEL$0 +Sony Unveils New Flat TVs, Aims to Boost Share TOKYO (Reuters) - Electronics conglomerate Sony Corp. unveiled eight new flat-screen televisions on Thursday in a product push it hopes will help it secure a leading 35 percent of the domestic market in the key month of December.$LABEL$3 +India Says Rebel Chief Killed in Kashmir Gunbattle SRINAGAR, India (Reuters) - Indian soldiers killed the head of a guerrilla group fighting for Kashmir's merger with Pakistan in a gunbattle on Thursday, hours before President Abdul Kalam began a rare visit to the region, an official said.$LABEL$0 +Hong Kong chokes under thick smog \Hong Kong's government warns people with heart and respiratory problems to stay in as smog chokes the territory.$LABEL$0 +U.S. Crude Sets New Record: #36;47.52/Barrel (Reuters) Reuters - U.S. crude prices rose to another new\record on Thursday, rising 25 cents to #36;47.52 a barrel on\evidence that high prices are not hurting world oil demand\growth.$LABEL$2 +British retail sales decline for first time in over a year (AFP) AFP - British retail sales fell in July for the first time in over a year, official figures showed, providing further evidence that higher borrowing costs are dampening consumer activity.$LABEL$2 +Wall St. Seen Lower on Oil; Google Eyed PARIS (Reuters) - Sky-high oil prices are likely to pressure Wall Street once again on Thursday, while earnings news from tech giants Ciena <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=CIEN.N target=/stocks/quickinfo/fullquote"">CIEN.N</A> and Nortel <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=NT.TO target=/stocks/quickinfo/fullquote"">NT.TO</A> and Google's <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=GOOG.O target=/stocks/quickinfo/fullquote"">GOOG.O</A> awaited Nasdaq debut will also steer sentiment.$LABEL$2 +It #39;s A Go For Google After months of missteps and fumbling with initial public offering via an unusual Web-based auction that bucked Wall Street conventions, the troubled pregnancy of Google, the search engine company, will finally be complete. $LABEL$2 +O #39;Hare to reduce flight arrivals Instead of cramming as many as 132 arrivals into an hour, airlines at O #39;Hare Airport agreed Wednesday to limit themselves to just 88 an hour this fall, potentially slashing record delays but raising the prospect of higher prices. $LABEL$2 +At least someone #39;s winning in this war News Item: quot;The US Army has threatened to partially withhold payments to Halliburton due to allegations of overcharges for food, shelter and services. quot; ...$LABEL$2 +Wall St. Seen Lower on Oil; Google Eyed (Reuters) Reuters - Sky-high oil prices are likely to\pressure Wall Street once again on Thursday, while earnings\news from tech giants Ciena (CIEN.N) and Nortel (NT.TO) and\Google's (GOOG.O) awaited Nasdaq debut will also steer\sentiment.$LABEL$2 +US Airways Chairman: Liquidation Possible (Reuters) Reuters - US Airways Group Inc.'s (UAIR.O)\chairman said employees must agree to #36;800 million in new wage\and benefit cuts within 30 days or the airline might be\liquidated, the New York Times said on Thursday, citing an\interview with Chairman David Bronner.$LABEL$2 +Outpost Firewall Pro Supports Microsoft Windows XP SP2 The upcoming Outpost Firewall Pro 2.5 operates seamlessly with XP SP2 to improve security and privacy. $LABEL$3 +More clues hint Mars watery past BEIJING, Aug. 19 (Xinhuanet) -- NASA #39;s Mars rovers have uncovered more clues about how water shaped the Red Planet, scientists said Wednesday. $LABEL$3 +Broadband reach to get broader Broadband will be as widely available as analogue TV by the middle of next year, according to BT. BT has struggled to extend the reach of broadband to certain areas of the country because until now 512Kbps ADSL connections would not work ...$LABEL$3 +PS2 price cut announcement, Xbox also cut Leipzig Game Convention in Germany, the stage for price-slash revelations. Sony has announced that it #39;s slashing the cost of PS2 in the UK and Europe to 104.99 GBP. $LABEL$3 +Caterpillar to Buy Williams Technologies Construction equipment manufacturer Caterpillar Inc. said Wednesday that its Caterpillar Remanufacturing Services unit will acquire Williams Technologies Inc., a remanufacturer of transmissions and engines, from Remy International Inc. for an undisclosed ...$LABEL$3 +Incomparable finish wins gold for gymnast Hamm ATHENS - With a disastrous landing on the vault that sent him stumbling off the mat and nearly into the judges #39; laps, Paul Hamm thought it was over. $LABEL$1 +Greek sprinters face wait to learn fate Greek sprint duo Kostas Kenteris and Katerina Thanou will have to wait until after the Olympic Games to find out their fate following their missed drugs tests, according to athletics chief Arne Ljungqvist. $LABEL$1 +Doping Casts Shadow Over Olympics -- Again ATHENS (Reuters) - Doping cast its sleazy shadow over the Olympics again when it was announced on Thursday that five weightlifters had tested positive for performance-enhancing drugs. $LABEL$1 +Germany Looking at Citigroup Bond Trading BERLIN (Reuters) - Germany's financial watchdog said on Thursday it was looking into recent trading by U.S. financial services group Citigroup <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=C.N target=/stocks/quickinfo/fullquote"">C.N</A> in European government bond and derivative markets, but had not started a formal probe.$LABEL$2 +Sony Unveils New Flat TVs, Aims to Boost Share (Reuters) Reuters - Electronics conglomerate Sony Corp.\unveiled eight new flat-screen televisions on Thursday in a\product push it hopes will help it secure a leading 35 percent\of the domestic market in the key month of December.$LABEL$3 +Nintendo patents key console online gaming features Newly granted IP extends 1999 Net-connected video game patent$LABEL$3 +TV project aims to kick-start 3G High-quality, affordable TV on mobiles could be just what 3G operators are looking for, say researchers.$LABEL$3 +Malaysia Confirms Deadly Bird Flu Found (AP) AP - Malaysia went on a nationwide alert against bird flu Thursday after officials confirmed that a deadly strain of the disease, blamed for the deaths of 27 people in Asia, had been found in a tiny northern village.$LABEL$0 +Iraq's Sadr Facing 'Final Hours' -Government NAJAF, Iraq (Reuters) - Iraq's government warned Shi'ite cleric Moqtada al-Sadr on Thursday he would face a military strike within hours unless he ended his uprising, disarmed his militia and quit a shrine in the city of Najaf.$LABEL$0 +Harris' Double Leads Marlins Past Dodgers Lenny Harris has come up with clutch hits throughout his record-breaking career as a pinch hitter. His three-run double off Eric Gagne was a bit more special than most...$LABEL$0 +US Supreme Court hears dispute over interstate wine sales; Maine <b>...</b> The Supreme Court is considering whether states may bar people from buying wine directly from out-of-state suppliers, a big-money question that could lead to sweeping changes $LABEL$2 +Sprint Speeds Up Wireless Network Sprint (Quote, Chart) has awarded wireless equipment contracts totaling \$3 billion to Lucent (Quote, Chart), Motorola (Quote, Chart) and Nortel (Quote, Chart) to better compete in a sector reshaped by acquisitions and spectrum swaps.$LABEL$2 +After Wait, Google Set for Market Debut NEW YORK (Reuters) - Shares of Google Inc. will make their Nasdaq stock market debut on Thursday, with some market participants expecting a steady start or slight rise after the company #39;s initial public offering priced far below original estimates. $LABEL$2 +Oil Hits Record on China, India Demand LONDON (Reuters) - Oil prices struck a fresh record high above \$47 a barrel on Thursday as fresh evidence of demand growth in China and India underlined how rising appetite for oil is straining the world #39;s supply system. $LABEL$2 +Insurance Rates May Not Rise From Charley WEST PALM BEACH -- Hurricane Charley packed more punch than any storm not named Andrew, the Insurance Information Institute said Wednesday. $LABEL$2 +US Airways Chairman: Liquidation Possible NEW YORK (Reuters) - US Airways Group Inc. #39;s (UAIR.O: Quote, Profile, Research) chairman said employees must agree to \$800 million in new wage and benefit cuts within 30 days or the airline might be liquidated, the New York Times said on Thursday, citing ...$LABEL$2 +Hutchison Says Net More Than Doubles on Asset Sales (Update4) Aug. 19 (Bloomberg) -- Hutchison Whampoa Ltd., Hong Kong billionaire Li Ka-shing #39;s biggest company, said first-half profit more than doubled on gains from asset sales. The company added users at unprofitable high-speed wireless networks in Europe at a ...$LABEL$2 +Google and founders will profit from IPO despite controversies As reports FinanceGates.com, the largest Web search engine Google Inc. is going to reach \$1.67 billion in its initial public offering on Thursday selling 19.6 million shares at \$85 each. Still, analysts consider shares to be overpriced. $LABEL$2 +Mortgage applications rise US mortgage applications climbed 12 percent last week as the lowest mortgage rates in four months prompted consumers to buy homes and refinance loans. $LABEL$2 +New McD offerings come in waves McDonald #39;s took further steps to jazz things up for its customers Wednesday, unveiling a new cashless payment service and expanding the test of deli-style sandwiches at US restaurants. $LABEL$2 +Update 1: Philippine Shares End Higher The 30-company Philippine Stock Exchange Index ended up 16.90 points, or 1.1 percent, at 1,573.27, after giving up 2.4 percent in the past two sessions, including Wednesday #39;s 0.7 percent loss. $LABEL$2 +Germany looking at Citigroup bond trading,no probe BERLIN, Aug 19 (Reuters) - Germany #39;s financial watchdog said on Thursday it was looking into recent trading by US financial services group Citigroup (CN: Quote, Profile, Research) in European government bond and derivative markets, but had not started a ...$LABEL$2 +Retail sales fall more than expected LONDON (Reuters) - Retail sales fell more than expected in July and for the first time in over a year as poor weather pushed down clothing sales sharply. $LABEL$2 +Bluetooth flying bot creates buzz The micro flyer is the next version of the robot by the Japanese technology firm that wowed crowds with last year. $LABEL$3 +Broadband increases its reach, says BT With broadband access an increasingly critical requirement in running a business, BT said as many as 78,000 more West Midland homes and businesses will be brought within reach of its broadband service next month. $LABEL$3 +Malaysia sets up sanctuary for sea turtles Kuala Lumpur, Malaysia, Aug. 19 (UPI) -- Malaysia has set aside 60 hectares of land off the east coast state of Terengganu to help conserve its dwindling number of endangered sea turtles. $LABEL$3 +Cornice countersues Seagate Cornice has countersued hard drive rival Seagate, the maker of micro hard drives said yesterday. In a complaint filed with the US District Court for Delaware, the Cornice asked the court not only to determine that certain Seagate patents are invalid but ...$LABEL$3 +Linking remote SME workers to their office networks KUALA LUMPUR: Juniper Networks Inc has introduced solutions that it claimed would provide small and medium enterprises (SMEs) with a secure, cost-effective and easy-to-deploy method for remote employees to access corporate networks. $LABEL$3 +Summer of spam surges For spammers, it #39;s been a summer of love. Two newly issued reports tracking the circulation of unsolicited e-mails say pornographic spam dominated this summer, nearly all of it originating from Internet addresses in North America. $LABEL$3 +Greeks named in Balco e-mail The Greek sprinters who withdrew from the Olympic Games yesterday were named in an e-mail exchange between Balco Laboratories owner Victor Conte Jr. and a Greek track and field coach, two sources familiar with the case said. $LABEL$1 +Brits to Challenge Hoy Gold Great Britain #39;s three-day eventing team have joined forces with France and the USA to challenge the gold medal claims of Germany and Bettina Hoy. $LABEL$1 +Athletes To Watch Brendan Hansen, United States, swimming The former UT swimmer goes for the gold in the 200-meter breaststroke. The world-record holder at 100 and 200 meters, Hansen won the silver in the 100 breast on the second day of competition. He says a ...$LABEL$1 +Levin advances in US Amateur Damphousse signs with Avs Levin, the low amateur at the US Open who tied for 13th, registered a 3- and-1 win over Mike Lane of Citrus Heights (Sacramento County). $LABEL$1 +Bush and Kerry must engage in Gaza withdrawal The next few weeks may reveal whether or not Prime Minister Sharon will succeed in cobbling together a government that will implement his Gaza withdrawal plan. It is disconcerting to see how difficult he is finding it to ...$LABEL$0 +Shaukat Aziz to be sworn next week ISLAMABAD: Pakistan #39;s Finance Minister Shaukat Aziz, a former banker credited with its economic reforms, will take over as prime minister next week following his thumping National Assembly by-election victories on Wednesday. $LABEL$0 +Indonesia #39;s Megawati unveils grand coalition JAKARTA, Aug 19 (Reuters) - Indonesian President Megawati Sukarnoputri, fighting to win a fresh term, formally unveiled on Thursday a coalition of parties seeking to ensure she stays in power for the next five years. $LABEL$0 +Expert warns of further landslips An expert has warned that landslides such as those seen this week in Perthshire and north Cornwall are set to become more common. $LABEL$0 +Stocks Seen Little Changed, Oil Weighs NEW YORK (Reuters) - Crude prices near record highs will again mute any advance in U.S. stocks at the market's open on Thursday, but investors will get a diversion as Google Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=GOOG.O target=/stocks/quickinfo/fullquote"">GOOG.O</A> begins trading after its initial public offering.$LABEL$2 +Oil Hits Record on China, India Demand LONDON (Reuters) - Oil prices struck a fresh record high above \$47.50 a barrel on Thursday as fresh evidence of demand growth in China and India underlined how rising appetite for oil is straining the world's supply system.$LABEL$2 +Winn-Dixie Posts Loss But Sees Progress NEW YORK (Reuters) - Grocer Winn-Dixie Stores Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=WIN.N target=/stocks/quickinfo/fullquote"">WIN.N</A> on Thursday reported a quarterly loss as restructuring costs weighed on results, but said its efforts to reverse a market share slide are gaining momentum.$LABEL$2 +Limited 2nd-Quarter Earnings Climb NEW YORK (Reuters) - Clothing retailer Limited Brands Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=LTD.N target=/stocks/quickinfo/fullquote"">LTD.N</A> on Thursday posted a sharply higher quarterly profit, lifted by a rise in sales at stores open at least a year.$LABEL$2 +Drug 'could boost malaria fight' Scientists develop a synthetic version of a herb-based drug to treat malaria.$LABEL$3 +Climate legacy of 'hockey stick' A chart of temperature variation over 1,000 years dubbed the ""hockey stick"" has entered into the folklore of climate scientists, but how accurate is it?$LABEL$3 +Better times for techies? Unemployment drops, optimism rises for computer professionals. Is it because the unhappy ones leave the field?$LABEL$3 +Hall, Lezak Qualify in Olympic 50 Free (AP) AP - American Gary Hall Jr., the defending Olympic champion, and teammate Jason Lezak qualified for the 50-meter freestyle semifinals Thursday, but two of their biggest rivals failed to advance.$LABEL$1 +Possible Eighth Medal Chance for Phelps ATHENS (Reuters) - Michael Phelps's chances of winning a record eight medals at the Athens Olympics were given a big boost on Thursday when U.S. team officials said he might swim the heats of the 4x100 medley relay.$LABEL$1 +Dutch Snatch Hockey Win, Pakistan Stun Korea ATHENS (Reuters) - Olympic champions the Netherlands snatched another last-minute victory on Thursday in the men's hockey tournament in Athens and Pakistan stunned Sydney silver medallists South Korea 3-0 with fast-paced, attacking hockey.$LABEL$1 +Rebuffed by Party, Sharon Presses on with Gaza Plan JERUSALEM (Reuters) - Israeli Prime Minister Ariel Sharon vowed on Thursday to press ahead with his Gaza pullout plan despite his own party's humiliating rebuff of his bid to forge a coalition with the pro-withdrawal Labour Party.$LABEL$0 +Israel's Top Court Upholds Dropping of Sharon Case JERUSALEM (Reuters) - Israeli Prime Minister Ariel Sharon on Thursday won a final reprieve from criminal prosecution in a bribery scandal that had threatened to topple him and derail his plan to withdraw from the Gaza Strip.$LABEL$0 +Torrential British Rain Set to Cause More Chaos LONDON (Reuters) - After torrential rain caused flash flooding in southern England and a landslide in Scotland this week, meteorologists on Thursday forecast more heavy downpours and urged people to heed bad weather warnings.$LABEL$0 +China protesters threaten suicide \Six Chinese protesters have threatened to jump from the top of a six-storey building in central Beijing.$LABEL$0 +Stocks Set to Open Slightly Lower at Open NEW YORK - U.S. stocks are seen slightly lower at the open Thursday as investors take some cash off the table after Wednesday's sharp rally...$LABEL$0 +Jury in Peterson Trial Gets Long Weekend REDWOOD CITY, Calif. - Jurors in the Scott Peterson murder trial got an early start on their weekend when the judge delayed cross-examination of the prosecution's star witness, then sent them home because of what he described as a ""potential development."" Judge Alfred A...$LABEL$0 +Iraq Says Offensive Vs. Cleric to Start NAJAF, Iraq - An Iraqi Cabinet minister said Thursday that Iraqi forces could begin an offensive against Muqtada al-Sadr within hours, despite the firebrand cleric's acceptance of a peace proposal. To prevent an imminent attack on his forces, who are holed up in the revered Imam Ali Shrine in Najaf, al-Sadr must immediately disarm his Mahdi Army militia and hand over its weapons to the authorities, Minister of State Qassim Dawoud said...$LABEL$0 +Google's IPO Price Set at \$85 Before Debut SAN JOSE, California - On the cusp of its voyage into public trading, Google's initial stock price was set at \$85 and its market value calculated at \$23 billion - less than originally expected, but still impressive for a 6-year-old dot-com dreamed up in a garage. The final initial public offering price, set through an unorthodox auction that alienated many on Wall Street, means the stock will likely debut Thursday under the symbol ""GOOG"" on the Nasdaq Stock Market...$LABEL$0 +A broken record: Oil up again New market set as demand in China, India intensifies supply worries, Iraq lends price support. NEW YORK (CNN/Money) - Oil prices blazed past \$47.50 a barrel and set fresh highs early Thursday as demand growth in China and India exacerbated supply shortage ...$LABEL$2 +HK conglomerate Hutchison #39;s first half net profit up 106 percent HONG KONG : Hutchison Whampoa, the ports-to-telecoms conglomerate owned by Hong Kong tycoon Li Ka-shing, reported its first half net profit rose 106 percent to HK\$12.5b (US\$1.6b). $LABEL$2 +NetApp posts profits, continues hiring spree Network Appliance posted positive results for its first quarter of 2005 on Wednesday, reporting a 38 percent increase in revenue compared to the same quarter last year, and said it intends to continue hiring 200 new people a quarter. $LABEL$3 +Possible Eighth Medal Chance for Phelps ATHENS (Reuters) - Michael Phelps #39;s chances of winning a record eight medals at the Athens Olympics were given a big boost on Thursday when US team officials said he might swim the heats of the 4x100 medley relay. $LABEL$1 +India weightlifter tests positive An Indian weightlifter has tested positive for drugs before the start of the Athens Games, the International Olympic Committee has announced. $LABEL$1 +French to appeal after losing gold ATHENS, Greece (AP) -- The French Olympic team is to appeal to the Court of Arbitration for Sport to try to win back its three-day event Olympic gold medal in Athens. $LABEL$1 +Supporters now have to wait to see Nunez HE #39;S the man seem-ingly no-one in Liverpool knows anything about - and who #39;ll now have to wait a little longer before attempting to endear himself to a curious Anfield crowd. $LABEL$1 +Ching gains repemption, his goal in 89th minute earning 1-1 qualifying draw in Jamaica. KINGSTON, Jamaica (Wednesday, August 18, 2004) -- Brian Ching was not one to waste a second chance. The reserve striker, who earlier missed an opportunity to tie the game with a point-blank header, made no mistake when he drove home a close-in shot in the ...$LABEL$1 +Iraqi Minister Sets New Deadline For Al-Sadr 19 August 2004 -- An Iraqi government official has said a military offensive against Shi #39;ite militiamen loyal to Shi #39;a cleric Muqtada al-Sadr in the holy city of Al-Najaf will begin in quot;hours quot; unless they disarm. $LABEL$0 +Georgia Says 6 Soldiers Killed in Latest Clashes in South Ossetia Georgian military officials say at least six Georgian soldiers have been killed and at least seven others wounded in overnight clashes in Georgia #39;s breakaway region of South Ossetia. $LABEL$0 +UK #39;s Blair Alters Holiday After Sardinian Bombs, Corriere Says Aug. 19 (Bloomberg) -- UK Prime Minister Tony Blair has changed his holiday plans following Wednesday #39;s discovery of two explosive devices near Italian Prime Minister Silvio Berlusconi #39;s Sardinian villa, where he had been staying, Il Corriere della Sera ...$LABEL$0 +UN Marks Anniversary of Bombing of Baghdad Mission The United Nations is marking the first anniversary of the bombing of UN headquarters in Baghdad that killed 22 people, including the world body #39;s top envoy to Iraq Sergio Vieira de Mello. $LABEL$0 +Oil Hits New Record as Demand Soars LONDON (Reuters) - Oil prices struck a fresh record high above \$47.50 a barrel on Thursday as fresh evidence of demand growth in China and India underlined how rising appetite for oil is straining the world's supply system.$LABEL$2 +Blast Hits Heavily Fortified Baghdad Area (AP) AP - An explosion Thursday hit the heavily fortified Green Zone, home to Iraqi government offices and the U.S. Embassy in central Baghdad, sending up a plume of gray smoke.$LABEL$0 +Toshiba, Memory-Tech Develop New DVD (AP) AP - Two Japanese companies said Tuesday they have developed a DVD that can play on both existing machines and the upcoming high-definition players, raising hopes for a smooth transition as more people dump old TV sets for better screens.$LABEL$3 +Before-the-Bell: Synopsys Shares Drop (Reuters) Reuters - Shares of Synopsys Inc. (SNPS.O), a\semiconductor design software maker, tumbled before the bell on\Thursday, a day after the company reported lower quarterly net\income and said results in the current quarter would be below\Wall Street estimates.$LABEL$2 +Asia feels the pain of oil prices Governments around the region are warning that rising oil prices have started to hurt their economies.$LABEL$2 +Net firms set sights on spammers British net firms are starting to get tough with firms that drum up trade using junk e-mails.$LABEL$3 +Princess Anne in Cyprus to encourage Olympic competitors (AFP) AFP - Princess Anne was in Cyprus to pay a royal morale-boosting visit to Britain's Olympic athletes training on the Mediterranean island before heading off to the Athens Games.$LABEL$0 +Virgin plans China mobile expansion Virgin Group today announced plans to expand its mobile phone services to China in a \$300m (154m) joint venture with a Chinese company.$LABEL$2 +DaVita to buy dialysis clinics for \$3.05 billion The Swedish company Gambro AB will sell a division to an El Segundo company for \$3.05 billion in cash. Gambro Healthcare US, the division being sold, operates clinics for patients undergoing kidney dialysis and has 565 clinics and 43,200 patients.$LABEL$2 +Job Cuts Rise Further in Nov. - Report Planned job cuts at US firms climbed during November, a report said on Tuesday, in a further sign of sluggishness in the labor market.$LABEL$2 +More Web Shopping Is What #39;s in Store The retail sector overall may be reporting a sluggish start to the season, but holiday shoppers are scooping up iPods, DVDs, digital cameras and other tech goods at a brisk pace -- and they $LABEL$2 +Nortel Reports Preliminary Results (Reuters) Reuters - Nortel Networks Corp. (NT.TO) delivered\long-awaited preliminary results for the first half of 2004 on\Thursday that showed estimated first and second quarter\earnings between nil and 1 cent per share, and North America's\biggest telecom equipment supplier said it would cut about\3,500 jobs.$LABEL$2 +Limited Quarterly Earnings Climb NEW YORK (Reuters) - Clothing retailer Limited Brands Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=LTD.N target=/stocks/quickinfo/fullquote"">LTD.N</A> on Thursday posted sharply higher quarterly earnings on gains from the sale of its stake in Galyans Trading Co. and strong customer response to sales events early in the quarter.$LABEL$2 +Ciena Posts Loss, Forecasts Flat Sales NEW YORK (Reuters) - Telecommunications equipment maker Ciena Corp. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=CIEN.O target=/stocks/quickinfo/fullquote"">CIEN.O</A> on Thursday reported a wider loss for the fiscal third quarter due to slack demand and forecast sales in the current quarter would be little changed from the third quarter.$LABEL$2 +Dollar Struggles to Stay Off Lows LONDON (Reuters) - The dollar traded near this week's four-week lows against the euro and yen on Thursday ahead of U.S. jobless claims and a key business survey that dealers expect to provide further clues about the interest rate outlook.$LABEL$2 +Groups Chide U.S. on Mercury Regulations (AP) AP - Environmentalists and two Maryland Democratic congressmen chastised the Bush administration Wednesday for proposed regulations they said will not do enough to reduce mercury contamination of Maryland rivers, lakes and the Chesapeake Bay.$LABEL$3 +Group: New England Not Reducing Mercury (AP) AP - If environmental policy were scored like grade-school spelling tests, New England's mercury reduction efforts wouldn't get any gold stars.$LABEL$3 +WTC destruction was two occurrences: jury World Trade Center leaseholder Silverstein Properties Inc. could collect \$4.68 billion in insurance payments after the jury in the second phase of the WTC property insurance litigation decided that the Sept.$LABEL$2 +Update 25: Google #39;s IPO Price Set at \$85 Before Debut On the cusp of its voyage into public trading, Google #39;s initial stock price was set at \$85 and its market value calculated at \$23 billion - less than originally expected, but still impressive for a 6-year-old dot-com dreamed up in a garage. $LABEL$2 +Claire #39;s 2Q Earnings Are Up 48 Percent Jewelry and accessories retailer Claire #39;s Stores Inc. reported Thursday that second-quarter earnings rose 48 percent to beat Wall Street expectations, and guided above estimates for the fourth-quarter and fiscal year periods. $LABEL$2 +Google cuts price range, ends auction SAN JOSE, California - Initial shares of Google Inc. were priced late last night at \$85 US each -- the low end of estimates that the company had revised downward hours earlier. $LABEL$2 +Swisscom confirms Telekom Austria talks have ended ZURICH, Aug 19 (Reuters) - Top Swiss telecoms group Swisscom (SCMN.VX: Quote, Profile, Research) confirmed takeover talks with neighbouring Telekom Austria (TELA.VI: Quote, Profile, Research) had ended without result, the group said on Thursday, crushing ...$LABEL$2 +US broadband reaches critical mass Over half of online US households are using broadband to access the internet, according to new research. $LABEL$3 +Six of Top Eight Music Players In Japan Are iPods The AP is reporting that the iPod has become so popular in Japan, despite the introduction of the Sony Walkman NW-HD1, that six of the top 8 selling music players in the country are iPod models. The AP ...$LABEL$3 +Microsoft unveils Works 8 The dictionary module has been integrated into the word processor and is also a stand-alone application in the Works Task Launcher. A thesaurus has been included, as well as the option to set parental controls. $LABEL$3 +Forget the medal count, Phelps has far exceeded expectations Two-time US Olympian Tom Dolan, who took back-to-back gold medals in the 400 IM at Atlanta and Sydney, will analyze races for SI.com throughout the Games. $LABEL$1 +Greek stars fan scandal #39;s flames by withdrawing ATHENS - On a day on which both Greece and the Olympics celebrated themselves by returning the Games to their ancient home in Olympia, two popular Greek athletes withdrew from the track and field competition amid a scandal befitting that ...$LABEL$1 +Americans fall on tennis court A US tennis team expected to collect a gold rush or at least challenge for one, instead got derailed just after coming out of the gate. $LABEL$1 +Figo has a break from international soccer match LISBON, Aug. 18 (Xinhuanet) -- Portugal captain Luis Figo said here on Wednesday he was taking a break from international soccer, although he would not confirm if the decision was final. $LABEL$1 +Retailer's Share Up on Wal-Mart Interest (AP) AP - Shares of Japan's troubled supermarket chain Daiei Inc. soared 27 percent Thursday following reports that U.S. giant Wal-Mart Stores Inc. planned to submit a proposal for turning the company around.$LABEL$2 +Amazon to Buy China's Biggest Internet Retailer (Reuters) Reuters - Internet giant Amazon.com Inc. is to\buy China's biggest online retailer, Joyo.com, sources familiar\with the deal said on Thursday.$LABEL$3 +Soap Chemical Said Found in Md. Streams (AP) AP - An anti-bacterial agent commonly found in soaps and detergents has been found in water from streams and wastewater treatment plants in the Baltimore area, a Johns Hopkins researcher said Wednesday.$LABEL$3 +N.M. Museum to Launch Names Into Space (AP) AP - The New Mexico Museum of Space History will be shipping names to the stars with the first X-Prize launch into space.$LABEL$3 +Update: Google gets IPO green light from SEC The U.S. Securities and Exchange Commission (SEC) on Wednesday gave its approval for Google Inc. to proceed with its initial public offering (IPO).$LABEL$3 +Gateway unveils Grantsdale PCI Express PCs in retail Gateway Inc. will introduce its first desktops based on Intel Corp.'s new 915G chip set through several retail outlets, the company plans to announce Thursday.$LABEL$3 +Intel Chips In for New Gateway PCs Desktops will be available at several retailers, including CompUSA.$LABEL$3 +Lawsuit Filed Over Search Gambling Ads Yahoo, Google and other major web sites have been hit with a lawsuit saying they carry online gambling ads in violation of California law. This comes after two of the major search companies earlier this year made moves that were supposed to remove online gambling ads entirely.$LABEL$3 +Nortel to Cut 3,500 Jobs to Boost Profit OTTAWA (Reuters) - Nortel Networks Corp. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=NT.TO target=/stocks/quickinfo/fullquote"">NT.TO</A> <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=NT.TO target=/stocks/quickinfo/fullquote"">NT.TO</A> posted long-awaited preliminary results for the first half of 2004 on Thursday, estimating first and second quarter earnings between nil and 1 cent per share.$LABEL$2 +Oil Sets Record as New Violence Flares in Iraq LONDON (Reuters) - Oil prices struck a fresh record on Thursday, spurred higher by renewed violence in Iraq and fresh evidence that strong demand growth in China and India has not been slowed yet by higher energy costs.$LABEL$2 +Global Markets: Stocks Up Despite Oil LONDON (Reuters) - European stocks shrugged off new peaks in crude oil prices and moved slightly higher on Thursday with technology firms leading the advance, while bonds and the dollar were steady.$LABEL$2 +Ky. Park, Univ. Open Cave Learning Center (AP) AP - Mammoth Cave National Park and Western Kentucky University have opened a facility that is designed to give students a hands-on learning environment in the longest known cave system in the world.$LABEL$3 +Retail sales fall in July Retail sales fell 0.4 in July - the first monthly decline in over a year - but the underlying trend remains strong, official figures showed today. $LABEL$2 +Google #39;s IPO Price Set at \$85 Before Debut SAN JOSE, California (AP)--On the cusp of its voyage into public trading, Google #39;s initial stock price was set at \$85 and its market value calculated at \$23 billion--less than originally expected, but still impressive for a 6-year-old dot-com ...$LABEL$2 +Microsoft downplays XP SP2 flaw claims Microsoft has won the first round against security researchers digging for flaws in its Windows XP Service Pack 2 (SP2), dismissing claims by German consultants to have identified vulnerabilities. $LABEL$3 +Technical breakthrough boosts Broadband Britain Broadband should be available through 99.4 per cent of phone lines by next summer thanks to a technical breakthrough by BT. $LABEL$3 +Israeli High Court upholds decision over Sharon graft case JERUSALEM, Aug. 19 (Xinhuanet) -- Israeli High Court of Justice upheld Thursday Attorney General Menachem Mazuz #39;s decision not to indict Prime Minister Ariel Sharon in the Greek island corruption case, Haaretz website reported. $LABEL$0 +Two Polish Soldiers Killed In Iraq Avoiding Ambush WARSAW, Aug 19 (AFP) - Two Polish soldiers serving in Iraq were killed and five injured on Thursday in a car crash as they sought to escape an ambush, a military spokesman in Warsaw said. $LABEL$0 +Navistar Results Rise on Truck Demand CHICAGO (Reuters) - Commercial truck maker Navistar International Corp. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=NAV.N target=/stocks/quickinfo/fullquote"">NAV.N</A> said on Thursday quarterly earnings rose as it boosted sales and controlled costs.$LABEL$2 +Basketball: Americans Behind Again at Halftime ATHENS (Reuters) - The U.S. men's basketball team were once again in danger of defeat at the Olympic tournament on Thursday, trailing Australia 51-47 at the end of the first half.$LABEL$1 +Doping Casts Shadow Over Olympics -- Again ATHENS (Reuters) - Five weightlifters were banned from the Olympics after failing drugs tests, officials said on Thursday, as doping scandals continued to dominate the first week of the Games.$LABEL$1 +UK Police Arrest One Man Under Anti-Terror Laws (Reuters) Reuters - Police arrested a man in central England\on Thursday under anti-terrorism laws.$LABEL$0 +Ex-Chess Champ Fischer's Marriage Plans Hit Snag TOKYO (Reuters) - A Japanese chess great who plans to marry former world champion Bobby Fischer and help him avoid deportation home to the United States declared herself on Thursday to be a pawn seeking to become a queen.$LABEL$0 +Gay Couples Plan to Appeal Mass. Ruling BOSTON - A state judge upheld a 1913 law that prohibits out-of-state gay couples from marrying in Massachusetts, where same-sex marriage between residents has been legal since May. The eight couples who filed the lawsuit - from Connecticut, Rhode Island, New Hampshire, Vermont, Maine and New York - sought a preliminary injunction blocking enforcement of the statute, claiming it is inherently discriminatory...$LABEL$0 +Jobless Claims Dip, No Storm Effect (Reuters) Reuters - The number of Americans filing first\claims for jobless pay fell 3,000 last week, the Labor\Department said on Thursday in a report showing no impact from\Hurricane Charley which struck Florida last Friday.$LABEL$2 +Jobless Claims Dip, No Storm Effect WASHINGTON (Reuters) - The number of Americans filing first claims for jobless pay fell 3,000 last week, the Labor Department said on Thursday in a report showing no impact from Hurricane Charley which struck Florida last Friday.$LABEL$2 +Oil Sets Record Amid New Violence in Iraq LONDON (Reuters) - Oil prices struck a fresh record on Thursday, spurred higher by renewed violence in Iraq and fresh evidence that strong demand growth in China and India has not been slowed yet by higher energy costs.$LABEL$2 +Before-the-Bell: Synopsys, DeVry Fall NEW YORK (Reuters) - Shares of DeVry Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=DV.N target=/stocks/quickinfo/fullquote"">DV.N</A>, a provider of business and technical education, fell before the bell on Thursday, a day after it reported fourth-quarter earnings that came in just shy of analysts' expectations.$LABEL$2 +Swisscom, Austrian telecom talks cut off: OeIAG (AFP) AFP - Negotiations between the Austrian privatisation agency OeIAG and the Swiss telecommunications group Swisscom for a stake in Telekom Austria ended without a deal, OeIAG said in a statement.$LABEL$0 +Oil Sets Record as New Violence Flares in Iraq LONDON (Reuters) - Oil prices struck a fresh record on Thursday, spurred higher by renewed violence in Iraq and fresh evidence that strong demand growth in China and India has not been slowed yet by higher energy costs. $LABEL$2 +Nortel to Cut 3,500 Jobs to Boost Profit OTTAWA (Reuters) - Nortel Networks Corp. (NT.TO: Quote, Profile, Research) posted long-awaited preliminary results for the first half of 2004 on Thursday, estimating first and second quarter earnings between nil and 1 cent per share. $LABEL$2 +Stocks to Watch on Thursday, August 19 Clothing retailer Limited Brands, whose chains include the Limited, Express, Victoria #39;s Secret and Bath amp; Body Works, posted a sharply higher quarterly profit on Thursday. The company saw a rise in sales at stores open at least a year. Its shares closed ...$LABEL$2 +Net nearly doubles, helped by stronger results at Hutchison HONG KONG Cheung Kong (Holdings), the holding company of the billionaire Li Ka-shing, said Thursday that first-half profit almost doubled, spurred by higher earnings from its Hutchison Whampoa unit and a surge in property sales. $LABEL$2 +Parmalat to sue auditors PARMALAT, the bankrupt Italian food company, is suing outside auditors Grant Thornton and Deloitte amp; Touche, seeking 5.5 billion in damages. $LABEL$2 +Broadband Breaks 50 Of Mass, Marks A Critical Pass More than half (51) of the American online population accessed the Internet via broadband connections in July--up from only 38 percent in July 2003, according to estimates released Tuesday by Nielsen//NetRatings. $LABEL$3 +Micro Focus lifts and shifts Cobol to Linux Micro Focus has extended its #39;Lift and Shift #39; legacy Cobol migration service, adding the option of migrating CICS-based mainframe Cobol applications to HP and IBM Unix and Linux servers. $LABEL$3 +Doping Casts Shadow Over Olympics -- Again ATHENS (Reuters) - Five weightlifters were banned from the Olympics after failing drugs tests, officials said on Thursday, as doping scandals continued to dominate the first week of the Games. $LABEL$1 +England soon lose opener Strauss LONDON, England (Reuters) -- England lost opener Andrew Strauss as they reached 53 for one at lunch on the first day of the fourth and final test against West Indies at The Oval. $LABEL$1 +Another slow start, another fast finish for US women South Korea took an early lead, so did the Czech Republic. Hey, even New Zealand had the US women #39;s basketball team down for a while. $LABEL$1 +Pakistan serves the US heads, not tales KARACHI - Tiring of the carrot and stick approach, and with US presidential elections only a few months away, the US has taken an aggressive role in Pakistan in the hunt for quot;big-name quot; al-Qaeda figures. $LABEL$0 +Jobless Claims Drop for 3rd Straight Week The number of Americans filing new claims for unemployment benefits edged down last week for a third consecutive time, signaling that the labor market may be improving after hitting a speed bump in June and July.$LABEL$2 +Survey Notes Rise in U.S. Broadband Users (AP) AP - The number of Americans who get on the Internet via high-speed lines has now equaled the number using dial-up connections.$LABEL$3 +Lindows postpones public offering CEO Michael Robertson says the Linux company ""won't be forced into a cut-rate IPO.$LABEL$3 +Violent Standoff in Najaf Continues Negotiations over the embattled city of Najaf took a new and complicated turn Thursday when an official of Iraq's interim government issued fresh demands to be met by rebellious Shiite cleric Moqtada Sadr, accompanied by warnings of an imminent military offensive at the shrine where Sadr's militia is holed up.$LABEL$0 +Retailer's Shares Up on Wal-Mart Interest (AP) AP - Shares of Japan's troubled supermarket chain Daiei Inc. soared 27 percent Thursday following reports that U.S. giant Wal-Mart Stores Inc. planned to submit a proposal for turning the company around.$LABEL$2 +No Frills, but Everything Else Is on Craigslist (washingtonpost.com) washingtonpost.com - Ernie Miller, a 38-year-old software developer in Silver Spring, offers a telling clue as to how www.craigslist.org became the Internet's go-to place to solve life's vexing problems.$LABEL$3 +N.Y. to Sell Wireless Cos. Lamppost Space (AP) AP - Further proof New York's real estate market is inflated: The city plans to sell space on top of lampposts to wireless phone companies for #36;21.6 million a year.$LABEL$3 +Google Rises in Market Debut (Reuters) Reuters - Shares of Google Inc. (GOOG.O) rose 15\percent to #36;98 in the first minutes of their Nasdaq stock\market debut on Thursday after the year's most anticipated\initial public offering priced far below initial estimates.$LABEL$2 +August Mid-Atlantic Factory Output Slows (Reuters) Reuters - Output at U.S. Mid-Atlantic factories\slowed in August as new orders dropped sharply, suggesting\recent weakness in the economy is likely to persist into coming\months.$LABEL$2 +30-Year Mortgage Rates Lowest Since April (Reuters) Reuters - Interest rates on U.S. 30-year\mortgages stayed under 6 percent for a third straight week,\mortgage finance company Freddie Mac said on Thursday,\remaining at their lowest averages since early April.$LABEL$2 +Leading Indicators, Jobless Claims Dip (AP) AP - A closely watched measure of future economic activity fell in July for the second consecutive month, reinforcing evidence that the nation's financial recovery is slackening.$LABEL$2 +SEC: Staffer Heading to Private-Sector Job (AP) AP - The Securities and Exchange Commission announced Thursday that a top staffer overseeing the #36;7.6 trillion mutual-fund industry will step down for a private-sector position.$LABEL$2 +Google Rises in Market Debut NEW YORK (Reuters) - Shares of Google Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=GOOG.O target=/stocks/quickinfo/fullquote"">GOOG.O</A> rose 15 percent to \$98 in the first minutes of their Nasdaq stock market debut on Thursday after the year's most anticipated initial public offering priced far below initial estimates.$LABEL$2 +August Mid-Atlantic Factory Output Slows NEW YORK (Reuters) - Output at U.S. Mid-Atlantic factories slowed in August as new orders dropped sharply, suggesting recent weakness in the economy is likely to persist into coming months.$LABEL$2 +Stocks Sink, Dragged by High Oil Prices NEW YORK (Reuters) - U.S. stocks fell on Thursday as investor worries about high energy costs hurting corporate profits kept indexes lower after oil prices broke through \$48 a barrel.$LABEL$2 +Court Deals Blow to Movie Studios LOS ANGELES (Reuters) - A federal appeals court on Thursday delivered a stinging blow to the anti-piracy efforts of major movie studios and music companies by ruling several Internet file-sharing software companies are not liable for copyright infringement.$LABEL$2 +Nortel to Cut 3,500 Jobs to Boost Profits OTTAWA (Reuters) - Nortel Networks Corp. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=NT.TO target=/stocks/quickinfo/fullquote"">NT.TO</A> <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=NT.TO target=/stocks/quickinfo/fullquote"">NT.TO</A> earned stock market applause on Thursday as it slashed more jobs, released on-target profit estimates, and took steps to clean up its accounting mess.$LABEL$2 +Navistar Profit Rises, But Shares Fall CHICAGO (Reuters) - Commercial truck maker Navistar International Corp. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=NAV.N target=/stocks/quickinfo/fullquote"">NAV.N</A> reported higher quarterly earnings on Thursday, but its shares fell more than 5 percent as the market focused on lower-than-expected profit from its core manufacturing operations.$LABEL$2 +UAL: Pension Plan Terminations Likely CHICAGO (Reuters) - United Airlines, which has said it plans to miss nearly \$500 million in pension contributions this fall, said in bankruptcy court papers it likely will be necessary to cancel and replace all of its pension plans.$LABEL$2 +Medtronic Drops, Results Fail to Inspire CHICAGO (Reuters) - Shares of Medtronic Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=MDT.N target=/stocks/quickinfo/fullquote"">MDT.N</A> fell on Thursday as the company's fiscal first-quarter results, released after the market closed on Wednesday, failed to inspire investors.$LABEL$2 +Petsmart Earnings Rise, But Shares Slump NEW YORK (Reuters) - Petsmart Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=PETM.O target=/stocks/quickinfo/fullquote"">PETM.O</A>, the top U.S. pet supplies chain, on Thursday said quarterly earnings rose on improved pet services sales, but its stock sank as much as 12 percent as results lagged analysts' expectations.$LABEL$2 +Google Shares Begin Trading on Nasdaq Shortly before noon today, Google Inc. stock began trading under the ticker symbol GOOG on the Nasdaq stock market. <FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2"" color=""#666666""><B>-The Washington Post</B></FONT>$LABEL$2 +Oil Prices Set New High, Again Crude futures climbed above \$48 a barrel Thursday as market fears of sabotage against the Iraqi oil infrastructure outweighed assurances from Baghdad that exports would increase in coming days.$LABEL$2 +Europe joins Citigroup bond probe France and Germany's market watchdogs say they are looking into Citigroup bond trades already under scrutiny in the UK.$LABEL$2 +Ireland raises growth forecasts Ireland is poised to grow faster with a smaller deficit thanks to the global economic recovery, the government says.$LABEL$2 +Amazon moves into China US internet giant Amazon.com is buying China's largest web retailer Joyo.com, in a deal worth \$75m (41m).$LABEL$2 +French output steps up the pace Europe's bigger economies register yet more productivity growth, while the UK starts to fall behind.$LABEL$2 +Apple warns about bad batteries Apple is recalling 28,000 faulty batteries for its 15-inch Powerbook G4 laptops.$LABEL$2 +Aer Lingus unveils cost cut plans Irish airline Aer Lingus offers workers at least 40,000 euros each to take voluntary redundancy under cost cutting plans.$LABEL$2 +Bangladesh wins \$2bn India deal Indian conglomerate Tata is to invest \$2bn in a power plant in Bangladesh, the country's single largest foreign investment ever.$LABEL$2 +Oil Prices Hit \$48 a Barrel as Iraq Violence Flares Oil prices struck a fresh record today on violence in Iraq and evidence that strong demand growth in China and India has not slowed due to higher energy costs.$LABEL$2 +Leading Indicators and Jobless Claims Dip A closely watched measure of future economic activity fell in July for the second consecutive month, reinforcing evidence that the nation's financial recovery is slackening.$LABEL$2 +Being Frugal With Google Google begins trading. Finally. Bill Mann's pretty tired of the navel-gazing.$LABEL$2 +A Plastic, Fantastic Gem Claire's Stores continue to crank up sales and get more profitable along the way.$LABEL$2 +The Value of Star Power Coca-Cola lets basketball star LeBron James create a new version of Powerade.$LABEL$2 +Kroger's Profit Up, But Price Cuts Weigh NEW YORK (Reuters) - Kroger Co., the top U.S. grocer, on Tuesday posted a 29 percent rise in quarterly profit due to cost controls, but price cuts to lure shoppers caused earnings to miss Wall Street estimates and shares fell.$LABEL$2 +New Device: Flying Robot Seiko Epson hopes the tiny robot will help in security, disaster and rescue and space exploration. Also: Apple recalls batteries from its 15-inch PowerBook G4 laptops hellip;. Sony unveils eight new flat-screen TVs hellip;. and more.$LABEL$2 +Apple to Recall 28,000 Laptop Batteries (Reuters) Reuters - Apple Computer Inc. (AAPL.O) has\agreed to recall about 28,000 batteries used in its 15-inch\PowerBook G4 laptop computers, the U.S. Consumer Product Safety\Commission said on Thursday.$LABEL$3 +Drugstore Offers New Wave of Disposable Cameras (Reuters) Reuters - Pharmacy chain CVS Corp. on Thursday\said it would offer the world's first disposable digital camera\with a bright color viewing screen that allows consumers to\instantly preview pictures.$LABEL$3 +AT amp;T dials up VoIP service with cable deals (USATODAY.com) USATODAY.com - AT amp;T (T) is teaming with America's big cable TV operators to offer phone service over their broadband Internet lines, marking the telecom giant's first big move since it announced plans to abandon its traditional consumer long-distance business.$LABEL$3 +Court Deals Blow to Movie Studios (Reuters) Reuters - A federal appeals court on Thursday\delivered a stinging blow to the anti-piracy efforts of major\movie studios and music companies by ruling several Internet\file-sharing software companies are not liable for copyright\infringement.$LABEL$3 +Online Games Could Be Next Big Thing, But Not Yet (Reuters) Reuters - Video games makers searching\for the next big thing to pull in players at Europe's biggest\computer games fair hope to tempt more gamers to pit their wits\against one other online as Web technology improves.$LABEL$3 +India's leading IT company TCS to list stock next week after share offer (AFP) AFP - Top Indian software exporter Tata Consultancy Services will list its share on the Bombay Stock Exchange next week following its successful maiden share offer, an official said.$LABEL$3 +Apple recalls PowerBook batteries (MacCentral) MacCentral - Apple Computer Inc. on Thursday issued a recall for PowerBook batteries sold from January 2004 through August 2004 for use with 15-inch PowerBook G4 (Aluminum) notebook computers. The batteries, made by LG Chem, Ltd. of South Korea, could overheat, posing a fire hazard -- Apple said they have received four such reports, although no injuries have been reported.$LABEL$3 +Chimps From Dutch Lab Face Housing Crisis (AP) AP - Dozens of chimpanzees from a Dutch laboratory face a housing crisis after plans for their early retirement on the Spanish coast collapsed because of residents' fears they would carry infectious diseases.$LABEL$3 +Scientists to Study Effects of Ship Waste (AP) AP - A team of scientists is traveling a 600-mile stretch of the Inside Passage this month to study the effects of cruise ship waste and other contaminants in Southeast Alaska waters.$LABEL$3 +Australian Wheat Farmers Brace for Huge Locust Plague (Reuters) Reuters - Australia's wheat farmers, fresh from\battling the country's worst drought in a century, are now\threatened by a plague of locusts which have already begun to\hatch from a sprawling ""nursery"" in the country's outback.$LABEL$3 +Subway Sandwiches: quot;Warum sind die Amis so fett? quot; That would be ""Why are the Yanks so fat?"" to you and I. This was the slogan used in Germany for a recent Subway/Super Size Me joint advertising campaign. Accompanying the advert was a rounded looking image (full size) of the Statue of Liberty carrying burgers and fries. Did Subway go too far in this campaign, or were they unfairly vilified for their jest?$LABEL$3 +Alienware evolves from gamers to corporates Revamped website signals desire for broader customer base$LABEL$3 +Stocks Slightly Ahead, Lower Oil Helps NEW YORK (Reuters) - U.S. stocks were slightly higher on Tuesday, with lower oil prices helping support markets, but Johnson Johnson <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=JNJ.N target=/stocks/quickinfo/fullquote"">JNJ.N</A> dragged on the Dow following a report of a possible \$24 billion takeover of cardiovascular device maker Guidant Corp. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=GDT.N target=/stocks/quickinfo/fullquote"">GDT.N</A>.$LABEL$2 +Grades sent by videophone Alexandra Cook is told her A-level results while on holiday in Australia - by her mum 12,000 miles away.$LABEL$3 +Napster launches download chart Online music service Napster teams up with Virgin Radio to launch a music download chart.$LABEL$3 +Apple to Recall 28,000 Laptop Batteries WASHINGTON (Reuters) - Apple Computer Inc. <A HREF=""http://www.reuters.co.uk/financeQuoteLookup.jhtml?ticker=AAPL.O qtype=sym infotype=info qcat=news"">AAPL.O</A> has agreed to recall about 28,000 batteries used in its 15-inch PowerBook G4 laptop computers, the U.S. Consumer Product Safety Commission said on Thursday.$LABEL$3 +EA Video Game 'Madden' Tops 1.3 Million First Week LOS ANGELES (Reuters) - ""Madden NFL 2005,"" the latest version of Electronic Arts Inc.'s <A HREF=""http://www.reuters.co.uk/financeQuoteLookup.jhtml?ticker=ERTS.O qtype=sym infotype=info qcat=news"">ERTS.O</A> pro football video game franchise, sold more than 1.3 million copies in its first week of release, the company said on Thursday, citing internal figures.$LABEL$3 +Google's IPO: Grate Expectations Google plans to raise as much as \$1.67 billion in its public stock offering today, but even that impressive estimate doesn't hide the fact that the hype surrounding the search engine's IPO is only half as hot as yesterday. <FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2""\ color=""#666666""><B>-washingtonpost.com</B></FONT>$LABEL$3 +No Frills, but Everything Else Is on Craigslist A freewheeling Internet marketplace, <a href=""http://www.craigslist.org"">www.craigslist.org</a> fulfills its users' varied needs. <FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2"" color=""#666666""><B>-Leslie Walker</B></FONT>$LABEL$3 +Amazon to Buy Chinese Retailer Joyo.com Internet retailer Amazon.com Inc. said on Thursday that it will buy Joyo.com Ltd., which\runs some of China's biggest retail Web sites, for about \$75 million to gain entry into China's fast-growing market.$LABEL$3 +US Army Deserter, Family Arrive In Wife #39;s Japanese Hometown SADO. Japan -- A North Carolina man who deserted the US Army for North Korea nearly 40 years ago says today is the first day of the last chapter of his life.$LABEL$0 +Center Nurtures Newborn Security Cos. The Chesapeake Innovation Center is an Annapolis incubator focused solely on developing homeland security technologies.$LABEL$3 +Demand Helps CACI Profit Increase 56 CACI International Inc. said increased demand for its homeland security and intelligence services helped boost fourth-quarter profit by 56 percent over the same period a year earlier.$LABEL$3 +IPod Music Player Winning Over Japan Fans When Sony Corp. President Kunitake Ando showed off the new Walkman meant to counter the assault by Apple's iPod portable music player, he held the prized gadget at the gala event upside down.$LABEL$3 +Vogue Adds Online Shopping Feature While Vogue's September issue is still offering its famously dramatic images of 6-foot beauties clad in high fashion, the publication is adding an extra element that is a bit more utilitarian - online shopping.$LABEL$3 +Review: Robovacs No Match for Vacuum A new generation of robotic vacuums is ready to do battle with dirt, dust and dog hair with more cleaning power and cunning than their ancestors could muster. Faced with the usual obstacles - furniture, stairs, low-hanging bed skirts and stray socks - they intelligently and acrobatically extricate themselves from most tight spots and largely avoid getting stuck or sucking in what they shouldn't.$LABEL$3 +Nortel to Cut 3,500 Jobs to Boost Profit <p></p><p> OTTAWA (Reuters) - Nortel Networks Corp. <NT.TO> <NT.TO>posted long-awaited preliminary results for the first half of2004 on Thursday, estimating first and second quarter earningsbetween nil and 1 cent per share.</p>$LABEL$3 +Seiko Epson Develops Micro Flying Robot Seiko Epson Corp. is developing a flying robot that looks like a miniature helicopter and is about the size of a giant bug. The company hopes it'll prove handy for security, disaster rescue and space exploration.$LABEL$3 +Wash. Man Forms E-Mail Rejection Service NEW YORK - Attention, ladies: If that guy hitting on you just won't quit until you surrender your e-mail address, feel free to call upon Paper Napkin.$LABEL$3 +EA Video Game 'Madden' Tops 1.3 Million First Week <p></p><p> LOS ANGELES (Reuters) - ""Madden NFL 2005,"" the latestversion of Electronic Arts Inc.'s <ERTS.O> pro football videogame franchise, sold more than 1.3 million copies in its firstweek of release, the company said on Thursday, citing internalfigures.</p>$LABEL$3 +Antarctic craters reveal strike Scientists map enormous impact craters hidden under the Antarctic ice sheet using satellite technology.$LABEL$3 +Mars hill find hints at wet past Nasa's robotic rover Spirit has found evidence that water washed and altered rocks in the hills it has been exploring on Mars.$LABEL$3 +Animal shortage 'slows science' A shortage of laboratory apes and monkeys could be holding back research into new drug treatments and genetics, it is claimed.$LABEL$3 +Tech's impact on sport success Sports science has allowed athletes to prepare for this Olympiad using technology beyond their predecessors' wildest dreams.$LABEL$3 +Locusts ravage northern Nigeria The locusts swarming across West Africa reach northern Nigeria, devastating fields of crops.$LABEL$3 +Walking in the Void of Space NASA -- Venturing into the vacuum of space, with its extreme temperatures and the challenges of weightlessness in what amounts to a personal spacecraft, can never become routine. Yet humans have made more than 250 spacewalks, 142 of them by NASA astronauts...$LABEL$3 +New Mexico Museum to Launch Names Into Space ALAMOGORDO, N.M. (AP) -- The New Mexico Museum of Space History will be shipping names to the stars with the first X-Prize launch into space...$LABEL$3 +Cooking on a Comet...? European Space Agency -- One of the ingenious instruments on board Rosetta is designed to smell the comet for different substances, analysing samples that have been cooked in a set of miniature ovens. ESAs Rosetta will be the first space mission ever to land on a comet...$LABEL$3 +Sex and Drugs Go Together for Teens By LAURA MECKLER WASHINGTON (AP) -- It's not just a cliche: Sex and drugs often do go together, says a survey of U.S. teenagers...$LABEL$3 +Scientists to Study Effects of Cruise Ship Waste JUNEAU, Alaska (AP) -- A team of scientists is traveling a 600-mile stretch of the Inside Passage this month to study the effects of cruise ship waste and other contaminants in Southeast Alaska waters. The \$450,000 project is part of a nationwide look at the environmental health of coastal waters...$LABEL$3 +Separate Genes Responsible for Drinking, Alcoholism By Randy Dotinga, HealthDay Reporter HealthDayNews -- Some people can drink a lot of alcohol without becoming addicted, and specific genes may help explain why, researchers say. In a new study of Australian twins, scientists found that separate genes appear to be responsible, to some degree, for dependence on alcohol -- addiction -- and how much people drink...$LABEL$3 +An Aspirin a Day -- Good Medicine For Many Most people have heard that taking a small dose of aspirin a day is good for the heart. Doctors routinely recommend it for patients who've had a heart attack or stroke, and studies show its blood-thinning affects can help prevent a repeat of such potentially deadly cardiovascular events.$LABEL$3 +Protein Found to Regulate Sleep, Anxiety Brain peptide may be target for new drugs to treat insomnia, ADHD HealthDayNews -- A brain protein that regulates sleep and anxiety may offer a target for the development of new drugs to treat conditions such as sleep and anxiety disorders and attention-deficit hyperactivity disorder. In research with rodents, University of California, Irvine scientists found that neuropeptide S (NPS) increases alertness, suppresses sleep and controls stress response...$LABEL$3 +Tomato Juice May Cut Clotting in Diabetics By Amanda Gardner, HealthDay Reporter HealthDayNews -- For people with type 2 diabetes, tomato juice may help stave off the heart troubles that often complicate the disease. Researchers have found that drinking tomato juice for three weeks had a blood-thinning effect in people with the disease...$LABEL$3 +IBM asks for Linux ban on SCO No, the SCO Group is the copyright violator, according to Big Blue's latest filing.$LABEL$3 +Cisco flaw opens networks to attacks A router software bug could lead to denial-of-service attacks--but only techies could launch one, an analyst says.$LABEL$3 +Businesses: Routers, shmouters After seeing revenue growth for five quarters in a row, waning interest in the enterprise market results in a drop.$LABEL$3 +VoIP firm tussles with states over phone numbers Dispute between regulators and SBC IP Communications highlights an endangered species: the 10-digit number.$LABEL$3 +Ring tones, phone games to rake it in Revenue from wireless data services could reach \$189 billion in 2009, according to a new report.$LABEL$3 +Nortel to lay off 3,500 The scandal-beset company will also lay off about 10 percent of its work force.$LABEL$3 +Apple recalls overheating batteries The Mac maker says it will replace about 28,000 batteries in one model of PowerBook G4 and tells people to stop using the notebook.$LABEL$3 +Update: Nortel to lay off 10 percent of staff Nortel Networks Corp. will cut 10 percent of its workforce, or around 3,500 jobs, to reduce costs.$LABEL$3 +UK government to extend 3-year contract with Microsoft LONDON -- In a deal that appears to buck the growing trend among governments to adopt open-source alternatives, the U.K.'s Office of Government Commerce (OGC) is negotiating a renewal of a three-year agreement with Microsoft Corp.$LABEL$3 +Next-Gen DVD Camps Prep for Price War HD-DVD backers say their format is cheaper and easier to produce than rival Blu-ray.$LABEL$3 +Google IPO Shares Surge in Market Debut Shares of Google Inc. (GOOG) surged nearly 22 percent in their market debut Thursday, the culmination of a unique and bumpy initial stock offering for the 6-year-old dot-com dreamed up in a college dorm room.$LABEL$3 +XBox and EA Sports to Stage Interactive World Cup LEIPZIG, Germany (AP) - Microsoft Corp. (MSFT)'s XBox video game system will team up with software maker Electronic Arts Inc...$LABEL$3 +Amazon.com to Acquire Joyo.com SEATTLE (AP) -- Amazon.com Inc. (AMZN) said Thursday it has agreed to buy Joyo.com Ltd., China's largest online retailer of books, music and videos, for \$72 million...$LABEL$3 +N.Y. to Sell Wireless Companies Lamppost Space By ELLEN SIMON NEW YORK (AP) -- Further proof New York's real estate market is inflated: The city plans to sell space on top of lampposts to wireless phone companies for \$21.6 million a year. The equipment would be attached to 18,000 of the city's 200,000 lampposts...$LABEL$3 +In Hurricanes Aftermath, Google is a Priority In Hurricanes Aftermath, Google is a Priority\\It wasnt so much the inability to take a hot shower. It wasnt the inconvenience of having to run to 7-11 for coffee in the morning. It wasnt the fact that we couldnt wash clothes, couldnt watch TV or couldnt get cool (other than ...$LABEL$3 +Yahoo Builds the Yahoo Search Blog Yahoo Builds the Yahoo Search Blog\\When I logged on this morning and checked my daily referral stats I noticed a multiple number of referring links from a domain that was not familiar - YSearchBlog.com. Not only one referral or a handful, but multiple multiple referrals.. my first thought - WOW, ...$LABEL$3 +Should Google blame Foot in Mouth disease, or Evil Bankers? <strong>Analysis</strong> Lost in Space$LABEL$3 +News: South Pole 'cyberterrorist' hack wasn't the first Internal reports show that Romanian cyber extortionists weren't the first to penetrate the South Pole Research Station, but cast doubt on the U.S. claim that life support systems were compromised in the attack.\$LABEL$3 +News: Number crunching boffins unearth crypto flaws Cryptographic researchers have discovered weaknesses in the encryption algorithms that underpin the security and integrity of electronic signatures.\$LABEL$3 +News: DIY phishing kits hit the Net Do-it-yourself phishing kits are being made available for download free of charge from the Internet, according to anti-virus firm Sophos.\$LABEL$3 +Boxer Bowe to Launch Comeback in Sept. (AP) AP - Former heavyweight champion Riddick Bowe is coming out of retirement after a 17-month prison stint, with a scheduled return to the ring Sept. 25.$LABEL$1 +Cavaliers Sign Varejao to Three-Year Deal (AP) AP - The Cavaliers signed Brazilian rookie forward Anderson Varejao to a three-year contract Thursday.$LABEL$1 +American Amanda Beard Snatches the Gold ATHENS (Reuters) - Amanda Beard, twice an Olympic silver medallist back in 1996, finally won individual Olympic gold when she snatched victory from Australia's Leisel Jones in the 200 meter breaststroke Thursday.$LABEL$1 +The Art of Controlled Aggression ATHENS (Reuters) - The word judo means ""Way of Gentleness"" in Japanese.$LABEL$1 +Conquering Man -- and Beast -- Is Crawford's Goal ATHENS (Reuters) - Conquering man's fastest runners at the Olympics is not the only sprint show that may await American Shawn Crawford; his agent is talking about another go at the animal kingdom.$LABEL$1 +Hamilton's career highlights Won 1999 Tour of Denmark Finished 10th in individual time trial in 2000 Olympics at Sydney$LABEL$1 +Wheels are spinning in Marblehead It didn't take long for word of Tyler Hamilton's Olympic gold medal to spread throughout his hometown of Marblehead.$LABEL$1 +Hungary Race Debrief: Fernando solidly best of the rest A closer look at the data from Sundays race shows Fernando full deserved his third place at the Hungaroring after a flawless drive.$LABEL$1 +Fernando Alonso: A job well done The Spaniard didnt quite repeat last years achievement, but his Hungarian podium left him satisfied all the same.$LABEL$1 +Budapest, Race: Renault on the podium Fernando Alonso finished third in the Hungarian Grand Prix, behind two unbeatable Ferraris.$LABEL$1 +Hungarian Grand Prix, Race Fernando finishes third in Hungary, and scores the team's sixth podium of the year.$LABEL$1 +Peirsol's Medal Restored American Aaron Peirsol reclaims the gold medal Thursday night in the 200-meter backstroke after his disqualification was reversed.$LABEL$1 +Owners Extend Selig Owners vote to extend Bud Selig's term as baseball commissioner for three years through 2009 in a unanimous vote Thursday.$LABEL$1 +Expansion Alters Format With the expansion of the ACC, the men's basketball schedule will not incorporate the double round robin format in which each school plays every other twice.$LABEL$1 +Hungary Ends America's Winning Run Defending Olympic champion Hungary hands the United States its first loss in water polo preliminaries Thursday, beating the Americans 7-5.$LABEL$1 +Najaf, Scarred by Urban Warfare, Prepares for More (Reuters) Reuters - If U.S. and Iraqi troops launch a\major assault on radical cleric Moqtada al-Sadr's militants,\they will have to pass through sniper-infested streets to root\them out of a mosque they can't afford to harm.$LABEL$0 +Annan Vows to Protect U.N. Staff from Attacks (Reuters) Reuters - U.N. Secretary-General Kofi Annan called\at an emotional tribute on Thursday for the prosecution of\those behind the ""cold-blooded murder"" of 22 people at the\United Nations office in Baghdad one year ago.$LABEL$0 +Stonehenge Tunnel Faces Tough Road Ahead (Reuters) Reuters - Whoever built Stonehenge,\the 5,000-year-old circle of megaliths that towers over green\fields in southern England and lures a million visitors a year,\couldn't have planned for the automobile.$LABEL$0 +Iraq's South Oil Co. Headquarters Torched (AP) AP - Shiite militants loyal to radical cleric Muqtada al-Sadr broke into the headquarters of Iraq's South Oil Co. on Thursday and set the company's warehouses and offices on fire, witnesses said.$LABEL$0 +Egypt Air and Gulf Air sign strategic alliance (AFP) AFP - Egypt Air and Gulf Air signed a strategic alliance to boost their cooperation, especially in the Middle East.$LABEL$0 +Two NCSSM students win national team science competition Two students at the Durham NC School of Science and Mathematics will split \$100,000 in scholarship money for their cancer research.$LABEL$3 +Sen. Zell Miller to Be GOP Keynote Speaker (AP) AP - Get ready for some more ""Zell zingers"" from the political convention in New York. But this time, a Bush will be the beneficiary, not the target.$LABEL$0 +FEC Says Corzine Can Give Unlimited Funds (AP) AP - Wealthy members of Congress can give unlimited amounts of their own money to groups for get-out-the-vote drives even though they are barred from raising big checks for their campaigns or others, election officials said Thursday.$LABEL$0 +The youth vote: Hard to tell how it will turn out (USATODAY.com) USATODAY.com - The youth vote, perhaps the most elusive quarry in U.S. politics, is being Rocked, Smacked Down, Rapped and otherwise goosed by everyone from blinged-out rappers to Harvard professors to the League of Women Voters.$LABEL$0 +Error Puts Kennedy on Airline No-Fly List (AP) AP - The Senate Judiciary Committee heard this morning from one of its own about some of the problems with airline ""no fly"" watch lists. Sen. Edward Kennedy, D-Mass., says he had a close encounter with the lists when trying to take the U.S. Airways shuttle out of Washington to Boston. The ticket agent wouldn't let him on the plane. His name was on the list in error.$LABEL$0 +UK Police Arrest One Man Under Anti-Terror Laws LONDON (Reuters) - Police arrested a man in central England on Thursday under anti-terrorism laws.$LABEL$0 +Pakistan Arrests Two Al Qaeda Suspects PESHAWAR, Pakistan (Reuters) - Pakistani police arrested an Algerian and one other foreigner suspected of links with al Qaeda on Thursday in the northern city of Peshawar after a shoot-out, intelligence officials said.$LABEL$0 +Darfur Rebels Hold Out in Remote Camps CORCHA CAMP, Sudan (Reuters) - Abdul Karim Abdalla pounds the earth with a metal cane in a rebel camp in western Darfur, passionately imploring his fellow fighters to defend the land of their fathers from Arab invaders.$LABEL$0 +Iraq's Sistani Leaves London Hospital After Operation LONDON (Reuters) - Ayatollah Ali al-Sistani, Iraq's most influential Shi'ite cleric, was discharged from a London hospital on Thursday after heart surgery, but will stay in Britain for the time-being, his spokesman said.$LABEL$0 +Iraq mortar fire hits US mission A mortar round hits the roof of the US embassy in Baghdad, slightly injuring two emplyees, a spokesman says.$LABEL$0 +Dollar Slips to New Low Vs Euro NEW YORK (Reuters) - The dollar fell to a new record low against the euro on Tuesday as investors, tiring of tough talk on exchange rates by European officials, dismissed new warnings from euro zone officials.$LABEL$2 +Kerry Calls Ad Group a 'Front for the Bush Campaign' John Kerry made the comments after weeks of standing by as a group of Vietnam veterans criticized his wartime record.$LABEL$0 +Gov't Gives Najaf Militants 'Final Call' NAJAF, Iraq - Prime Minister Ayad Allawi issued a ""final call"" Thursday to Shiite insurgents to disarm and withdraw from a revered shrine after his government threatened a massive onslaught by Iraqi forces. As the peace deal for Najaf unraveled, militants bombarded a police station with mortar rounds, killing seven police and injuring 31 others...$LABEL$0 +Leading Indicators, Jobless Claims Dip NEW YORK - A closely watched measure of future economic activity fell in July for the second consecutive month, reinforcing evidence that the nation's financial recovery is slackening. The Conference Board said Thursday its Composite Index of Leading Economic Indicators dropped by 0.3 percent in July to 116.0, following a revised decline of 0.1 percent in June...$LABEL$0 +Kerry: Bush Lets Groups Do 'Dirty Work' BOSTON - Sen. John Kerry accused President Bush on Thursday of relying on front groups to challenge his record of valor in Vietnam, asserting, ""He wants them to do his dirty work."" Defending his record, the Democratic presidential candidate said, ""Thirty years ago, official Navy reports documented my service in Vietnam and awarded me the Silver Star, the Bronze Star and three Purple Hearts."" ""Thirty years ago, this was the plain truth...$LABEL$0 +Phelps Dominates 200 IM for Fourth Gold ATHENS, Greece - American Michael Phelps won his fourth gold medal of the Olympics in the 200-meter individual medley Thursday night, leading the entire race. Phelps finished in an Olympic-record time of 1 minute, 57.14 seconds, lowering his own mark of 1:58.52 set in the semifinals one night earlier...$LABEL$0 +United Likely to Terminate Pension Plans CHICAGO - Cash-strapped United Airlines said in a bankruptcy court filing Thursday that it ""likely"" will be necessary to terminate and replace its employee pension plans. The carrier cited the size of further cost cuts and the need to find bankruptcy-exit financing as reasons for such a drastic move...$LABEL$0 +Jackson Lawyers Call Accuser's Stepfather SANTA MARIA, Calif. - Michael Jackson's defense lawyers aim to find out whether authorities violated his attorney-client privilege when they broke into the office of a private investigator hired by the pop star...$LABEL$0 +Dream Team Pulls Away to Beat Australia ATHENS, Greece - LeBron James eyed Shawn Marion's pass coming toward him and made a split-second decision to redirect the ball. One nifty touch pass later, Dwyane Wade converted it into a layup...$LABEL$0 +Error Puts Kennedy on Airline No-Fly List WASHINGTON - The Senate Judiciary Committee heard this morning from one of its own about some of the problems with airline ""no fly"" watch lists. Sen...$LABEL$0 +Google Shares Surge Nearly 18 Percent NEW YORK - Shares of Google Inc. surged nearly 18 percent in their market debut Thursday, in the culmination of a unique and bumpy initial stock offering for the 6-year-old dot-com dreamed up in a college dorm room...$LABEL$0 +Kerry: Bush Lets Groups Do 'Dirty Work' BOSTON - Sen. John Kerry accused President Bush on Thursday of relying on front groups to challenge his record of valor in Vietnam, asserting, ""He wants them to do his dirty work."" Fighting back, Kerry said if Bush wants to ""have a debate about our service in Vietnam, here is my answer: 'Bring it on.'"" Bush served stateside in the Texas Air National Guard during the war...$LABEL$0 +Price-Gouging New Worry in Charley's Wake ORLANDO, Fla. - The oak tree in Ilyse Kusnetz's back yard caused one headache when it crashed into her house during Hurricane Charley...$LABEL$0 +Court Deals Blow to Anti-Piracy Efforts (Reuters) Reuters - A federal appeals court on Thursday\delivered a stinging blow to the anti-piracy efforts of major\movie studios and music companies, ruling that several major\online file-sharing software companies are not liable for\copyright infringement.$LABEL$2 +Google Rises in Market Debut NEW YORK/SEATTLE (Reuters) - Shares of Google Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=GOOG.O target=/stocks/quickinfo/fullquote"">GOOG.O</A> made their long-awaited stock market debut on Thursday, rising more than 20 percent to over \$100 after an initial public offering marked by missteps and lackluster market conditions.$LABEL$2 +Court Deals Blow to Anti-Piracy Efforts LOS ANGELES (Reuters) - A federal appeals court on Thursday delivered a stinging blow to the anti-piracy efforts of major movie studios and music companies, ruling that several major online file-sharing software companies are not liable for copyright infringement.$LABEL$2 +Stocks Sag as Oil Marches Higher NEW YORK (Reuters) - U.S. stocks tumbled on Thursday as oil prices marched above \$48 a barrel, but Google Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=GOOG.O target=/stocks/quickinfo/fullquote"">GOOG.O</A> provided some excitement after shares of the Internet search company surged on their debut.$LABEL$2 +Barnes Noble a Hit in 2Q The bookseller beats core earnings estimates and raises its full-year guidance.$LABEL$2 +Web Sites Agree to Be Accessible to Blind (AP) AP - In one of the first enforcement actions of the Americans with Disabilities Act on the Internet, two major travel services have agreed to make sites more accessible to the blind and visually impaired.$LABEL$3 +European Winters Could Disappear by 2080 - Report (Reuters) Reuters - Europe is warming up\more quickly than the rest of the world, and cold winters could\disappear almost entirely by 2080 as a result of global\warming, researchers predicted Wednesday.$LABEL$3 +Charter Schools and Testing Collide The education policy of the Bush administration is founded on two pillars: standardized testing and charter schools. However, as reported in this New York Times article (see also the audio archive at NPR or nonsubscription coverage at the Boston Globe) , the US Department of Education's own testing data show that nationwide, charter schools are, in aggregate, lagging their public counterparts.$LABEL$3 +Court Ruling Favors Music-Sharing Networks Music file-sharing companies are not legally responsible for the swapping of copyright content through their file-sharing software, a federal appeals court ruled Thursday in a blow to movie studios and record labels. <FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2"" color=""#666666""><B>-Associated Press</B></FONT>$LABEL$3 +Can Angling Save World's Largest Salmon? Conservationists say the survival of Mongolia's fabled taimen salmon may depend on an unusual ecotourism venture involving Western anglers.$LABEL$3 +Nanotechnology Material May Supercharge Internet Scientists have manipulated carbon atoms to create a material that could be used to create light-based, versus electronic, switches. The material could lead to a supercharged Internet based entirely on light, scientists say.$LABEL$3 +Charley a Harbinger of Busy Hurricane Season? The killer storm that slammed into Florida on August 13 made two things clear: Hurricanes can still surprise forecasters, and the rest of the 2004 hurricane season probably is going to be quite active.$LABEL$3 +The start of something big? CNET News.com's Michael Kanellos says start-ups and their innovative ideas are the lifeblood of Silicon Valley.$LABEL$3 +How eight pixels cost Microsoft millions Insensitivity to cultural issues has led to some of the software giant's products being banned in some countries.$LABEL$3 +Briefly: EA to take World Cup soccer to Xbox roundup Plus: IBM chalks up two health care wins...Vonage users dial 311 for city info...Mozilla makes Japanese push...Macromedia offers Flash video tool.$LABEL$3 +Microsoft sends security update to home PCs The first Windows XP owners have started to get the SP2 patch--but it'll be a while till Microsoft can get round to everyone.$LABEL$3 +AT T strikes VoIP deals with cable Company points potential Net phone customers to cable giants for broadband--all part of Ma Bell's aggressive VoIP plans.$LABEL$3 +Tech industry split in its political donations The IT industry has two horses in the U.S. presidential race this year.$LABEL$3 +NetSuite relaunches, Oracle delays small business suite Two months after ending a licensing deal with Oracle Corp., midmarket business applications vendor NetSuite Inc. is using its entry-level software relaunch to woo customers of Intuit Inc.'s QuickBooks.$LABEL$3 +Infocus: Valuing Secure Access to Personal Information This article seeks to answer the question: is your personal data safe? Or do you give it away during almost every transaction you make with government or commercial entities?$LABEL$3 +Columnists: Infected In Twenty Minutes What normally happens within twenty minutes? That's how long your average unprotected PC running Windows XP, fresh out of the box, will last once it's connected to the Internet.$LABEL$3 +Selig Receives Three-Year Extension (Reuters) Reuters - Owners on Thursday\unanimously voted to extend the term of baseball commissioner\Bud Selig for three years through 2009.$LABEL$1 +U.S. Soccer Team Playing With Confidence (AP) AP - They play with a confident air these days, even a swagger, more befitting the Brazilians and Germans. And, for the U.S. men's soccer team, that's good #151; very good.$LABEL$1 +3 Schools Set to Join Sun Belt Conference (AP) AP - This is the last season the Sun Belt Conference will be scattered across the country.$LABEL$1 +Amanda Beard Finally Comes of Age in Athens ATHENS (Reuters) - Amanda Beard credited her new-found maturity for ending an eight-year wait for a second Olympic gold medal in Athens Thursday.$LABEL$1 +Selig Receives Three-Year Extension PHILADELPHIA (Sports Network) - Owners on Thursday unanimously voted to extend the term of baseball commissioner Bud Selig for three years through 2009.$LABEL$1 +Former Champ Bowe Eyes a Return to the Ring SHAWNEE, Oklahoma (Sports Network) - Former heavyweight champion Riddick Bowe is eyeing a return to the ring after hanging up the gloves in 1996.$LABEL$1 +U.S. Aircraft Pound Shi'ite Rebels in Najaf (Reuters) Reuters - U.S. aircraft, apparently AC-130\gunships, pounded positions held by Shi'ite militiamen in the\Iraqi holy city of Najaf Thursday and large orange multiple\flashes lit the night sky.$LABEL$0 +Iraq Oil Exports Unchanged After Basra Attack (Reuters) Reuters - Iraq's oil exports are still flowing at\one million barrels per day through southern terminals despite\an attack on the South Oil Company headquarters on Thursday, an\oil official at the company said.$LABEL$0 +Canada Says G7 Not Doing Enough to Help Africa (Reuters) Reuters - Leaders from the Group of Seven rich\industrialized nations need to do more to aid poor African\countries, Canadian Finance Minister Ralph Goodale said on\Thursday.$LABEL$0 +Rice Counsels Patience During Iraq War (AP) AP - Defending President Bush's foreign policies, national security adviser Condoleezza Rice counseled Americans to be ""less critical of every twist and turn"" in Iraq.$LABEL$0 +Kerry Says Bush Uses Surrogates to Do 'Dirty Work' (Reuters) Reuters - John Kerry accused President Bush of\using surrogates to ""do his dirty work,"" as the Democratic\presidential challenger hit back on Thursday at a Republican\assault on his Vietnam War record.$LABEL$0 +Border Patrol Training Moves Near Mexico (AP) AP - Incoming Border Patrol agents will train closer to the U.S.-Mexican border when the federal government relocates their academy to Artesia, N.M., Customs and Border Protection announced Thursday.$LABEL$0 +S.Korea's Ruling Party Head Resigns on Father's Past SEOUL (Reuters) - The chairman of South Korea's ruling Uri Party resigned Thursday, an unexpected first casualty of President Roh Moo-hyun's call for an inquiry into who benefited from working with Korea's Japanese colonial rulers.$LABEL$0 +Jackson Accuser Kin Wanted Compensation SANTA MARIA, Calif. - The stepfather of the boy who accused Michael Jackson of molestation testified Thursday that he asked for payment from Jackson for the family's participation in a video interview intended to restore Jackson's reputation...$LABEL$0 +Stocks End Down as Oil Tops #36;48 a Barrel (Reuters) Reuters - U.S. stocks ended lower on Thursday as\oil prices climbed above #36;48 a barrel, prompting investor worry\about the effect of high fuel costs on corporate profits and\consumer demand.$LABEL$2 +U.S. Execs Plan More Hiring - Survey (Reuters) Reuters - Most senior executives at large U.S.\companies plan to increase hiring and investments over the next\12 months amid growing optimism about the economy, according to\a survey by PricewaterhouseCoopers released on Thursday.$LABEL$2 +US Court Rejects Movie, Music Makers' Piracy Claims LOS ANGELES (Reuters) - A federal appeals court on Thursday delivered a stinging blow to the anti-piracy efforts of major movie studios and music companies, ruling that several online file-sharing software companies are not liable for copyright infringement.$LABEL$2 +Parmalat Adds CSFB to Banks Being Sued MILAN (Reuters) - Parmalat on Thursday fired off the latest lawsuit in its bid to recover billions of euros from banks that did deals with the now insolvent dairy group, suing CSFB for about 250 million euros.$LABEL$2 +Parmalat sues US bank CSFB Italian food giant Parmalat is pushing ahead with plans to sue its former auditors by taking CSFB to task over a bond deal back in 2002.$LABEL$2 +Gateway Launches PCs for Retailers (NewsFactor) NewsFactor - Gateway has introduced the first products in a new line of desktop PCs\for sale at major retailers throughout North America, following through\on plans to broaden the company's reach beyond direct-sales channels.$LABEL$3 +Cingular Seeks Amendments in AT T Wireless Merger (NewsFactor) NewsFactor - Cingular Wireless has begun soliciting AT T Wireless (NYSE: AWE) bondholders to consent to certain amendments in connection with Cingular's acquisition of AT T.$LABEL$3 +Microsoft Releases New 64-Bit Windows Preview (NewsFactor) NewsFactor - Microsoft (Nasdaq: MSFT) is offering the latest iteration of its 64-bit computing\platform, announcing the release of beta software for PCs and servers.\The release marks the next step in the software giant's efforts to\address the needs of high-end customers.$LABEL$3 +Compuware Blasts IBM's Legal Tactics (NewsFactor) NewsFactor - Compuware accused IBM (NYSE: IBM) of improperly introducing 11th hour evidence in \order to delay a ruling in a legal battle between the two firms. \Compuware is suing IBM for allegedly stealing source code and using it \in its own software products.$LABEL$3 +RealNetworks Riles Apple Diehards (NewsFactor) NewsFactor - Apple (Nasdaq: AAPL) was outraged when RealNetworks (Nasdaq: RNWK) first announced its intentions to go after its iTunes and iPod market share. It should not have been: Its customers, apparently, are more than willing to go to bat for Apple.$LABEL$3 +California Condor Chick Dies Near Nest (AP) AP - A California condor chick that was part of an ambitious breeding program was found dead near its nest, the week after another was discovered with a broken wing and 35 bottle caps in its gullet.$LABEL$3 +IBM shows off new grid apps IBM on Friday is scheduled to make available early versions of three grid-based technologies intended to help corporate and third-party developers better manage grid-based resources as a way to solve large and compute-intensive problems.$LABEL$3 +US Web Shoppers #39; Holiday Spending Up Online consumers in the United States spent \$8.8 billion, excluding travel purchases, in November, a 19 percent jump over the \$7.4 billion spent online a year earlier, a report released on Monday said.$LABEL$2 +Bank of Canada leaves interest rates unchanged The Bank of Canada announced today it is keeping its trend-setting overnight rate at 2.5 per cent, amid fears that the falling US dollar could hurt Canada #39;s economic growth.$LABEL$2 +Navratilova Loses; Fish, Dent Advance (AP) AP - Martina Navratilova's long, illustrious career will end without an Olympic medal. The 47-year-old Navratilova and Lisa Raymond lost 6-4, 4-6, 6-4 on Thursday night to fifth-seeded Shinobu Asagoe and Ai Sugiyama of Japan in the quarterfinals, one step shy of the medal round.$LABEL$1 +Flu-shot maker says surplus will stay in Canada The US health secretary is expected to announce an order for five million more doses of flu vaccine, but it appears they won #39;t come from Canada.$LABEL$2 +Steelers G Simmons Out for Season (AP) AP - Pittsburgh right guard Kendall Simmons will miss the season with a torn anterior cruciate ligament in his right knee.$LABEL$1 +Adrenaline Junkie Phelps Losing Sleep at Night ATHENS (Reuters) - Adrenaline junkie Michael Phelps won his fourth gold medal of the Athens Olympics Thursday and then complained he was having trouble sleeping.$LABEL$1 +American Aaron Peirsol's Gold Restored on Appeal ATHENS (Reuters) - Aaron Peirsol was awarded gold in the men's 200 meters backstroke at the Athens Olympics on Thursday after winning an appeal against his disqualification then surviving a protest from the British and Austrian teams.$LABEL$1 +Gap Profit Off, Sees More Store Closings (Reuters) Reuters - Gap Inc. (GPS.N), the largest U.S.\specialty apparel retailer, on Thursday reported a slight\decline in quarterly profit, meeting lowered forecasts, after\summer clearance sales drew surprisingly small crowds.$LABEL$2 +Google Up in Market Debut After Bumpy IPO NEW YORK/SEATTLE (Reuters) - Google Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=GOOG.O target=/stocks/quickinfo/fullquote"">GOOG.O</A> shares made their long-awaited stock market debut on Thursday, rising sharply to \$100 after an initial public offering marked by missteps and lackluster market conditions.$LABEL$2 +Gap Profit Off, Sees More Store Closings CHICAGO (Reuters) - Gap Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=GPS.N target=/stocks/quickinfo/fullquote"">GPS.N</A>, the largest U.S. specialty apparel retailer, on Thursday reported a slight decline in quarterly profit, meeting lowered forecasts, after summer clearance sales drew surprisingly small crowds.$LABEL$2 +Stocks Dip as Oil Soars; Google Shines NEW YORK (Reuters) - U.S. stocks slid on Thursday, ending four days of gains as oil prices continued their march higher, but Google Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=GOOG.O target=/stocks/quickinfo/fullquote"">GOOG.O</A> created a buzz as shares of the Internet search company surged on their debut.$LABEL$2 + #39;Googlers #39; scoop up piles of cash NEW YORK (CBS.MW) -- While Google founders Larry Page and Sergey Brin each made tens of millions of dollars selling some of their holdings in the Internet search giant, they were hardly alone. $LABEL$2 +Muni Manager Sees More Florida Bonds Ahead NEW YORK (Reuters) - As Florida attempts to recover from an estimated \$15 billion in damages left by Hurricane Charley, tax-exempt debt issuance from the state is likely to increase so Florida can replenish its Hurricane Catastrophe ...$LABEL$2 +United Airlines Likely to Terminate Pension Plans nited Airlines said today that it was likely to terminate and replace its four employee pension plans with less-generous benefits, a drastic move that the airline said was necessary to attract the financing that would allow it to ...$LABEL$2 +Qantas posts record year profit SYDNEY: Qantas Airways Ltd, Australia #39;s biggest airline, said yesterday its full-year profit doubled on cost cuts and a pick-up in passengers, but the prospect of higher fuel costs sent its shares sliding. $LABEL$2 +Israel AG Says Shift Barrier to Avoid Sanctions (Reuters) Reuters - Israel's attorney general urged the\government Thursday to swiftly reroute its barrier in the\occupied West Bank to minimize the risk of international\sanctions after the World Court deemed the project illegal.$LABEL$0 +U.S. Air, Ground Forces Pound Iraqi Militia Posts (Reuters) Reuters - U.S. aircraft and tanks pounded\Shi'ite militia positions around a holy shrine and ancient\cemetery in Najaf early on Friday, witnesses said.$LABEL$0 +DaVita ready to expand dialysis services with \$3 billion deal US dialysis company DaVita Inc., a major employer in Pierce County, is poised to buy a Swedish health care companys dialysis operations in a \$3 billion deal, the Wall Street Journal reported Monday.$LABEL$2 +Efforts underway to hold Korean crisis talks: US (AFP) AFP - Diplomatic efforts are underway to hold a preparatory meeting for the six-party talks aimed at ending the nuclear crisis in the Korean peninsula, the US State Department said.$LABEL$0 +Bank of Canada missing #36;10,000; employee fired, charged with theft (Canadian Press) Canadian Press - OTTAWA (CP) - The Bank of Canada has fired an employee after #36;10,000 in cash went missing from its Toronto bank-note facility -a rare breach in an institution that prides itself on tight security.$LABEL$0 +Bush Begins Weeklong Stay at Texas Ranch (AP) AP - President Bush and first lady Laura Bush are involved in a little he-said, she-said business here at the presidential ranch.$LABEL$0 +Israel AG Says Shift Barrier to Avoid Sanctions JERUSALEM (Reuters) - Israel's attorney general urged the government Thursday to swiftly reroute its barrier in the occupied West Bank to minimize the risk of international sanctions after the World Court deemed the project illegal.$LABEL$0 +U.S. Air, Ground Forces Pound Iraqi Militia Posts NAJAF, Iraq (Reuters) - U.S. aircraft and tanks pounded Shi'ite militia positions around a holy shrine and ancient cemetery in Najaf early on Friday, witnesses said.$LABEL$0 +Iraq Oil Flows Unchanged After Basra HQ Attacked BAGHDAD (Reuters) - Shi'ite militiamen struck at the center of Iraq's oil industry Thursday, setting the South Oil Company headquarters in the southern port of Basra on fire and further undermining the central government authority, police and officials said.$LABEL$0 +A journey into the epicenter of the Sadr standoff We alerted the Iraqi government, the US military, and the Mahdi Army; we were planning to go to the shrine.$LABEL$0 +US troop shift: A tale of two cities Bush's plan this week to restructure US forces in Europe is stirring up a mix of worry, nostalgia, and hope.$LABEL$0 +Famous scofflaws hit Japan US chess legend Bobby Fischer is the latest in a string of problem migrants for Japan.$LABEL$0 +United Airlines Likely to Terminate Pension Plans The cash-strapped airline said in a bankruptcy court filing today that it ""likely"" will be necessary to terminate and replace its employee pension plans.$LABEL$2 +Court Rules Some File-Sharing Companies Are Not Liable Grokster and StreamCast are not liable for the swapping of copyright content through their file-sharing software, a federal appeals court ruled today.$LABEL$2 +Sunny Days for Video Games Video games were hot in July, and video game stocks should follow the trend.$LABEL$2 +Are Pests Plaguing PETsMART? Sales were lower than expected, and the quality of earnings is in question.$LABEL$2 +Manic Market? Be Like Buffett The graphs look like a nasty saw blade. The headlines are no help. What would Buffett do?$LABEL$2 +Gov't Gives Najaf Militants 'Final Call' NAJAF, Iraq - Prime Minister Ayad Allawi issued a ""final call"" Thursday to Shiite insurgents to disarm and withdraw from a revered shrine after his government threatened a massive onslaught by Iraqi forces. As a peace deal for Najaf unraveled, militants bombarded a police station with mortar rounds, killing seven police and injuring 31 others...$LABEL$0 +Church Says Girls' Communion Not Valid BRIELLE, N.J. - An 8-year-old girl who suffers from a rare digestive disorder and cannot eat wheat has had her first Holy Communion declared invalid because the wafer contained no wheat, violating Roman Catholic doctrine...$LABEL$0 +US Court Rejects Movie, Music Makers' Piracy Claims (Reuters) Reuters - A federal appeals court on Thursday\delivered a stinging blow to the anti-piracy efforts of major\movie studios and music companies, ruling that several online\file-sharing software companies are not liable for copyright\infringement.$LABEL$3 +Mars Hills, Crater Yield Evidence of Flowing Water (Reuters) Reuters - The hills of Mars yielded more\tantalizing clues about how water shaped the Red Planet in\tests by NASA's robotic geologist, Spirit, while its twin,\Opportunity, observed the deep crater it climbed into two\months ago, scientists said on Wednesday.$LABEL$3 +Google rises in market debut after bumpy IPO NEW YORK/SEATTLE, Aug 19 (Reuters) - Google Inc. (GOOG.O: Quote, Profile, Research) shares made their long-awaited stock market debut on Thursday, rising sharply to \$100 after an initial public offering marked by ...$LABEL$2 +Insurance Claims Moving Quickly in Fla. PUNTA GORDA, Fla. Aug. 19, 2004 It took years for many insurance claims to be paid following Hurricane Andrew in 1992. This time, technology is helping speed along the claims process for residents hardest hit by Hurricane Charley. $LABEL$2 +New York crude smashes past 48 dollars for first time NEW YORK : New York crude oil smashed past 48 dollars a barrel for the first time, menacing the 50-dollar mark, as heavy fighting gripped the Iraqi city of Najaf. $LABEL$2 +US Airways Off Course, Again Remember the 1980s movie Wall Street, starring Michael Douglas and Charlie Sheen? For those who don #39;t know, here #39;s a recap: To impress financier Gordon Gecko, played by Douglas, Sheen #39;s Bud Fox provides inside information ...$LABEL$2 +More grunt left in BHP: chief BHP Billiton chief executive Chip Goodyear yesterday insisted this week #39;s record profit quot;isn #39;t as good as it gets quot;, as the market wrestled with how to value the stock amid speculation that its share price was near cycle peaks. $LABEL$2 +Amazon Snaps Up China #39;s Largest Web Retailer Amazon.com says it has reached an agreement to buy Joyo.com, the largest Internet retailer of books, music and videos in China, in a deal worth \$75 million. The rapid growth of broadband access in the region makes Asia a particularly ...$LABEL$2 +Credit Suisse First Boston on Parmalat #39;s lawsuit list LONDON, August 19 (New Ratings) Parmalat Finanziaria SpA (PAF.FSE) announced today that the company has filed a lawsuit against Credit Suisse First Boston (CSFB), seeking approximately 250 million in claims plus interest from the financial service ...$LABEL$2 +Wall Street Slices SPAM Food purveyor Hormel Foods (NYSE: HRL) -- owner of the SPAM canned meat bonanza -- had good news this morning, or so you would think. Sales were up 15, unit volume was up 6, and earnings, excluding a positive impact from the ...$LABEL$2 +US Economy: Leading Indicators, Manufacturing Index Slow Aug. 19 (Bloomberg) -- The index of leading US economic indicators fell in July and Philadelphia-area manufacturing expanded at a slower pace this month, signs that record energy prices are keeping growth from accelerating. $LABEL$2 +Stock scheme sweeping nation NEW YORK (CNN/Money) - Investors beware: If a wily female, apparently believing she #39;s calling someone else, leaves a message with you advising of a hot stock tip, walk away. According to the Securities and Exchange Commission, it #39;s a scam. $LABEL$2 +Fleet workers get pink slips STAFF WRITER; Staff writers Alan J. Wax and Regina Marie Glick contributed to this story. As Bank of America pushes ahead with its takeover of Fleet Bank, about 1,000 jobs were cut companywide yesterday throughout the Northeast, ...$LABEL$2 +Update 1: Mylan Labs: FTC Clears Icahn Stock Buy Shares of Mylan Laboratories Inc., the largest US maker of generic drugs, surged Thursday after the company said investor Carl Icahn was given the green light by regulators to buy up to \$500 million of the company #39;s stock. $LABEL$2 +Microsoft sends security update to home PCs Microsoft has started to send out its latest major security patch to home PCs--but some people won #39;t get it for a while. $LABEL$3 +Apple Recalls Batch of PowerBook Batteries Apple, in cooperation with the US Consumer Product Safety Commission, said it would voluntarily recall about 28,000 rechargeable batteries used in its 15-inch PowerBook G4 notebooks. $LABEL$3 +Martian hill shows signs of ancient water LOS ANGELES - NASA #39;s Spirit rover has found more evidence of past water on the hills of Mars, while its twin, Opportunity, has observed a field of dunes inside a crater. $LABEL$3 +Broadband Rules the Internet Broadband across America Broadband has finally superseded dialup connections to the Internet, according to the latest measurements by Nielsen NetRatings. Nielsen reports broadband is used by 63 million users, or 51 percent of the ...$LABEL$3 +Hackers revive iTunes music sharing A group of anonymous programmers has released new software that allows music to be swapped via Apple Computer #39;s popular iTunes jukebox. $LABEL$3 +IBM #39;s New Motion on Linux Aims to #39;Call SCO #39;s Bluff #39; IBM is trying to use SCO as a punching bag this week as Big Blue fires off another motion for partial summary judgment in its legal slugfest over Linux and Unix copyright issues. $LABEL$3 +Loral files reorganization plan with court CHICAGO, Aug 19 (Reuters) - Loral Space amp; Communications Ltd. (LRLSQ.OB: Quote, Profile, Research) , a bankrupt satellite operator, on Thursday said it filed its reorganization plan and it expects to emerge from bankruptcy before year #39;s end. $LABEL$3 +UK radio to chart music downloads LONDON (Reuters) - Virgin Radio and online music service Napster, combining one of the oldest music mediums with the newest, have teamed up to create the first UK radio programme counting down the week #39;s most downloaded songs. $LABEL$3 +Cisco flaw opens networks to attacks Cisco has warned in a security advisory that some networks with its routers could be vulnerable to denial-of-service attacks. $LABEL$3 +Windows installer gains .Net authoring Wise Solutions has released Wise for Windows Installer 6.0, featuring .Net support and enhanced tools for creating installations for data-driven Web applications. $LABEL$3 +Seiko Epson puts on show world #39;s lightest flying robot Seiko Epson Corp. announced Wednesday it had developed the world #39;s lightest flying microrobot, with a weight of just 8.6 grams without its battery, or 12.3 grams with the battery installed. $LABEL$3 +AT amp;T strikes VoIP deals with cable In an attempt to spark growth in its Net phone service, AT amp;T has turned to cable companies to pitch the technology to more consumers. $LABEL$3 +Drugstore Offers New Wave of Disposable Cameras NEW YORK (Reuters) - Pharmacy chain CVS Corp. (CVS.N: Quote, Profile, Research) on Thursday said it would offer the world #39;s first disposable digital camera with a bright color viewing screen that allows consumers to instantly preview pictures. $LABEL$3 +DARPA awards robot aircraft deal Officials at the Defense Advanced Research Projects Agency (DARPA) awarded a \$1 billion contract to an industry team led by Northrop Grumman Corp. to build three robotic reconnaissance aircraft and a computer operating system to help fly them for the Air ...$LABEL$3 +Digital Angel Renews Distribution Deal Digital Angel Corp., which makes implantable microchips used to track animals, said Thursday that it renewed a contract with a unit of Schering-Plough Corp. for exclusive distribution of its US pet-identification products. $LABEL$3 +USPTO Close to Rejecting Plug-in Patent The US Patent and Trademark Office (USPTO) moved a step closer to overturning a Web browser plug-in patent at the heart of a multi-million dollar dispute between Microsoft (Quote, Chart) and Eolas Technologies. $LABEL$3 +Linux Scales New Test Platform Testing has always been a critical part of IT and certainly has become a fundamental component of Linux adoption. One of the most critical core pieces of Linux testing got a significant upgrade this week, courtesy of the Open Source Development Lab ...$LABEL$3 +Sony Unveils New Flat TVs, Aims to Boost Share TOKYO (Reuters) - Electronics conglomerate Sony Corp. unveiled eight new flat-screen televisions on Thursday in a product push it hopes will help it secure a leading 35 percent of the domestic market in the key month of December. $LABEL$3 +Hamm Has Little Time to Savor All-Around Victory THENS, Aug. 19 It was nearly 3 am and Paul Hamm was alone on his porch at the Olympic village, sky dark, grounds quiet, gold medal hanging around his neck. $LABEL$1 +Reversal Gives Peirsol Gold; Phelps Wins 200 IM THENS, Aug. 29 Swimming #39;s technique critic came in for some criticism of his own tonight in the shark tank disguised as the Olympic pool. But all #39;s well that ends well on the medal stand and, despite being disqualified shortly ...$LABEL$1 +Gymnastics Gold Evens the US with China ATHENS (Reuters) - American swimmer Michael Phelps grabbed a fourth gold at the Athens Olympics Thursday with a clear victory in the 200 meters medley and gold for 16-year-old gymnast Carly Patterson leveled the US with China at 14 ...$LABEL$1 +Olympics-Mayo knocked out, women prosper ATHENS, Aug 19 (Reuters) - Gold medal favourite Carlos Moya joined the exodus of big name tennis players from the Olympics on Thursday, crumbling in the men #39;s quarter-finals against Chile #39;s Nicolas Massu. $LABEL$1 +SHOT PUT Bizarre turn of fortune A shot put competition unique in Olympic history -- ancient or modern -- turned into one of the strangest competitions in the Games history Wednesday evening as the sun was setting on the ancient stadium. $LABEL$1 +Greek Gov #39;t: Games Will Top \$8.5 Billion ATHENS, Greece - Costs for the Athens Olympics are climbing again, expected to top \$8.5 billion because of the massive security and overruns in the last-minute scramble to get venues ready. $LABEL$1 +Soccer: Portugal title hopes end VOLOS, Greece At least the Manchester United manager, Alex Ferguson, will be pleased that he has Cristiano Ronaldo back early from the Olympics. If only Ronaldo were happy to see him. $LABEL$1 +Team USA #39;s big-bopper is tearing it up at the Games Team USA third baseman Crystl Bustos has been called the Barry Bonds and Sammy Sosa of softball, but a more apt comparison would be to Freddy and Jason. $LABEL$1 +Cleric Tells Militia to Turn Over Shrine NAJAF, Iraq (AP) - An aide to radical Shiite cleric Muqtada al-Sadr said the militant leader instructed his followers late Thursday to turn over the keys of the revered Shiite shrine they were hiding in to top religious ...$LABEL$0 +UN Staff Marks Baghdad Bomb Anniversary with Security Demand United Nations employees marked the anniversary of the Baghdad bombing with a demand for better security. The fear of further attacks hangs heavy as the world body anticipates a greater role in Iraq, and other world hot spots. $LABEL$0 +S.Korea #39;s Ruling Party Head Resigns on Father #39;s Past SEOUL (Reuters) - The chairman of South Korea #39;s ruling Uri Party resigned Thursday, an unexpected first casualty of President Roh Moo-hyun #39;s call for an inquiry into who benefited from working with Korea #39;s Japanese colonial rulers. $LABEL$0 +Shaukat Aziz Wins By-Election, now Prime Minister-Designate LAHORE, Pakistan: August 19, 2004 (PNS) - Current Federal Finance Minister, Mr. Shaukat Aziz won by-election on his way to officially becoming Prime Minister of Pakistan. As a member of ruling Muslim League and finance minister he is credited with ...$LABEL$0 +How can Tutsi and Hutu divisions be resolved? The massacre of over 160 Congolese Banyamulenge Tutsis in Gatumba refugee camp in Burundi has once again brought to the fore the ethnic problem in Africa #39;s Great Lakes Region. $LABEL$0 +Poor nations pledge to reform UN DURBAN, South Africa (Reuters) - Developing countries have pledged to band together to force the West to help tackle their problems, ranging from poverty to reform of the United Nations. $LABEL$0 +Bird flu outbreak in Malaysia Kuala Lumpur, Malaysia, Aug. 19 (UPI) -- Malaysian agriculture officials confirmed Thursday bird flu has been detected in two chickens in the northern state of Kelantan. $LABEL$0 +Hungary #39;s Socialists Dump PM, Forint Falls BUDAPEST, Hungary (Reuters) - Hungary #39;s ruling Socialists dumped Prime Minister Peter Medgyessy Thursday, in an attempt to strengthen their hold on a government which has slipped despite a stronger economy and entry into ...$LABEL$0 +Rite Aid Nov. Sales Fall, Bleak Forecast Rite Aid Corp. (RAD.N: Quote, Profile, Research) , the third-largest US drugstore chain, on Tuesday warned that if current sales trends continue its fiscal 2005 results would fall below expectations it gave in September.$LABEL$2 +Microsoft Issues 2nd SQL Server 2005 Public Beta On Friday, Microsoft issued its second Community Technology Preview (CTP) release of SQL Server 2005, while providing public testers with a new beta release as well, SQL Server 2005 Express Manager, a new, free database management tool.$LABEL$3 +Amazon.com to Acquire Joyo.com for \$72M Amazon.com Inc. said Thursday it has agreed to buy Joyo.com Ltd., China's largest online retailer of books, music and videos, for \$72 million.$LABEL$3 +Nortel Networks to Eliminate 3,500 Jobs Nortel Networks said on Thursday it will slash its work force by 3,500, or 10 percent, as it struggles to recover from an accounting scandal that toppled three top executives and led to a criminal investigation and lawsuits.$LABEL$3 +CACI Shares Climb on Positive Earnings Shares of CACI International Inc. surged nearly 14 percent Thursday after the company, which provided private interrogators at Abu Ghraib prison and elsewhere in Iraq, reported a 56 percent jump in earnings.$LABEL$3 +REVIEW: Olympics Online Coverage Though NBC is blanketing seven networks with 1,210 hours of Olympics coverage, there's this pesky, bill-paying task called work that keeps me from fully enjoying the televised competition.$LABEL$3 +Wall St seen starting higher as oil price drops Wall Street futures crept higher in pre-market trading on Tuesday as the price of oil continued its slide and investors assessed the merits of possible acquisition of cardiac-stent maker Guidant by Johnson amp; Johnson.$LABEL$2 +XBox, EA to Stage Interactive World Cup Microsoft Corp.'s XBox video game system will team up with software maker Electronic Arts Inc. to stage an online Interactive World Cup tournament later this year, the companies announced Thursday.$LABEL$3 +Nordstrom Profit Up But Shares Fall NEW YORK (Reuters) - Upscale department store chain Nordstrom Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=JWN.N target=/stocks/quickinfo/fullquote"">JWN.N</A> said on Thursday quarterly earnings rose 62 percent as it controlled inventory and reduced expenses, but the results fell short of Wall Street's expectations.$LABEL$2 +KDE updates Linux desktop The KDE Project has released version 3.3 of its Linux desktop interface software.$LABEL$3 +Content software targets small publishers Snapbridge Software brings content management to the little guys.$LABEL$3 +Briefly: KDE updates Linux desktop roundup Plus: EA to take World Cup soccer to Xbox...IBM chalks up two health care wins...Vonage users dial 311 for city info.$LABEL$3 +Google rises in market debut The U.S. Securities and Exchange Commission yesterday approved Google Inc.'s IPO plans, and the company's stock jumped 20 on its first day of trading on the Nasdaq stock exchange.$LABEL$3 +Wi-Fi emerges as emergency communications alternative in Fla. Wi-Fi hot spots emerged as a new emergency communications alternative in Florida in the aftermath of Hurricane Charley, with traffic at some outlets up 50.$LABEL$3 +HP to deliver vulnerability scanning service by year's end Hewlett-Packard Co. plans to deliver by the end of the year a new vulnerability service designed to help companies proactively detect and fix flaws that could be used in a malicious attacks.$LABEL$3 +U.S. intelligence overhaul eyed amid concerns for antiterror fight Congressional hearings raised more questions than answers about impending organizational changes in the intelligence community and their impact on efforts to improve the nation's antiterror fight.$LABEL$3 +Apple Remote Desktop 2 'well worth the money' Computerworld columnist Yuval Kossovksy takes Apple Remote Desktop 2 out for a spin and finds that its new management features make it an upgrade well worth considering.$LABEL$3 +OSDL introduces improved Linux kernel development tool Open Source Development Lab has upgraded a key Linux kernel development tool, the Scalable Test Platform, with new features to improve simulations of enterprise data centers on the Linux kernel.$LABEL$3 +Nortel to lay off 10 of staff Nortel plans to cut about 3,500 jobs, most of them affecting middle managers, in a move to save \$450 million to \$500 million per year.$LABEL$3 +U.K. government to extend three-year contract with Microsoft The U.K.'s Office of Government Commerce is negotiating a renewal of a three-year agreement with Microsoft Corp. that will focus on services and support.$LABEL$3 +Apple recalls 15-in. PowerBook batteries Apple Computer Inc. has issued a recall for about 28,000 PowerBook batteries sold between January and August for use with its 15-in. PowerBook G4 computers$LABEL$3 +Job cutting worst in 2-1/2 years NEW YORK (CNN/Money) - Employers announced 104,530 job cuts last month, capping the worst three months for cutbacks since early 2002, outplacement firm Challenger, Gray amp; Christmas Inc.$LABEL$2 +EDS settles contract dispute with U.K.'s NHS The U.K. National Health Service and Electronic Data Systems reached a settlement after the NHS terminated a contract for the company to supply a secure e-mail and directory system.$LABEL$3 +Peer-to-Peer Companies Win in Court Grokster, Morpheus not liable for user's actions, appeals court says.$LABEL$3 +File-Sharing Networks Found Not Guilty By DAVID KRAVETS SAN FRANCISCO (AP) -- Grokster Ltd. and StreamCast Networks Inc...$LABEL$3 +Travel Web Sites Agree to Be Accessible to Blind By MICHAEL GORMLEY ALBANY, N.Y. (AP) -- In one of the first enforcement actions of the Americans with Disabilities Act on the Internet, two major travel services have agreed to make sites more accessible to the blind and visually impaired...$LABEL$3 +Oil Prices Hit New High The price of this key commodity has risen by about a third just since the beginning of July. In London, oil closed at \$43.80 a barrel, while in New York oil closed at \$48.70, up three percent. $LABEL$2 +Delta plan includes job and wage cuts The much-awaited #39;Transformation Plan #39; for Delta Air Lines Inc., one of Tampa International Airport #39;s largest carrier, will include further job cuts, wage and benefit reductions and a new strategy that will help Delta revitalize its entire business. $LABEL$2 +Pace of Mid-Atlantic Factories Moderates NEW YORK (Reuters) - Factories in the US Mid-Atlantic region slowed a little in August but remained at solid levels, although new orders fell sharply in a warning sign for future growth, a report showed on Thursday. $LABEL$2 +Parmalat adds CSFB to list of banks being sued MILAN, Aug 19 (Reuters) - Parmalat on Thursday fired off the latest lawsuit in its bid to recover billions of euros from banks that did deals with the now insolvent dairy group, saying it had sued CSFB for ...$LABEL$2 +UPDATE: NZ #39;s Sky Network TV, INL Enter Merger Talks WELLINGTON (Dow Jones)--New Zealand #39;s monopoly pay television operator Sky Network Television Ltd. (SKY.NZ) said Thursday it is in merger talks with its majority shareholder Independent Newspapers Ltd. (INL.NZ). $LABEL$2 +Apple recalls 15-in. PowerBook batteries AUGUST 19, 2004 (COMPUTERWORLD) - Apple Computer Inc. has issued a recall for about 28,000 PowerBook batteries sold between January and August for use with its 15-in. PowerBook G4 computers. The batteries, which were made by LG Chem Ltd. of South Korea, ...$LABEL$3 +Wheel Woes For Mars Rover (AP) PASADENA, Calif. (AP) The Mars rover Spirit has developed a problem with one of its six wheels, but NASA officials said Tuesday they believe the robot geologist can continue working. $LABEL$3 +Brazil Tribe Has Great Excuse for Poor Math Skills WASHINGTON (Reuters) - Some people have a great excuse for being bad at math -- their language lacks the words for most numbers, US-based researchers reported on Thursday. $LABEL$3 +Pieter van den Hoogenband #39;s name may be too long, but he #39;s compelling Pieter van den Hoogenband of the Netherlands missed qualifying for the semis in the 50 freestyle this morning, and the world #39;s headline writers heaved a sigh of relief. When the Flying Dutchman was beaten by Australia #39;s Ian Thorpe in the 200 freestyle on ...$LABEL$1 +Dope and Kenteris hold focus A weightlifting drugs scandal and yet another twist to the saga of disgraced Greek sprinter Kostadinos Kenteris dominated the Olympics on Thursday as China extended their lead at the top of the medal table. $LABEL$1 +Flyers #39; Kapanen gets contract extension Philadelphia, PA (Sports Network) - The Philadelphia Flyers Thursday agreed to a two-year contract extension with veteran forward Sami Kapanen. Financial terms were not disclosed. $LABEL$1 +USA beats Australia For three quarters the US Men #39;s Olympic Team (2-1) chased Australia (1-2) and still heading into the final 10 minutes the Americans trailed 67-65. Stepping up its defense, the US reeled off 10 consecutive points to take control of the game and went on to ...$LABEL$1 +Americans falter, while Ward faces an uphill climb Andre Ward was in the hallway waiting to fight when he got his first glimpse of the fighter standing between him and an Olympic medal. $LABEL$1 +Kobe Defense Opposes Releasing Statements (AP) AP - Defense attorneys argued that Kobe Bryant's statements to investigators after the NBA star was accused of rape last summer should be kept secret because it is not yet certain they will be used in his trial.$LABEL$1 +ACC Picks Jacksonville to Host Title Games (AP) AP - The Atlantic Coast Conference chose Jacksonville on Thursday to host its first two championship games.$LABEL$1 +Eight Wild Cards Added to U.S. Open (AP) AP - Alex Bogomolov Jr., ranked 110th, was among eight young American men given U.S. Open wild cards Thursday.$LABEL$1 +Moyo Knocked Out, Women Prosper ATHENS (Reuters) - Gold medal favorite Carlos Moya joined the exodus of big name tennis players from the Olympics on Thursday, crumbling in the men's quarterfinals against Chile's Nicolas Massu.$LABEL$1 +Two Firms Cleared of Swapping Violations (AP) AP - The makers of two leading file-sharing programs are not legally liable for the songs, movies and other copyright works swapped online by their users, a federal appeals court ruled Thursday in a stinging blow to the entertainment industry.$LABEL$3 +Salesforce.com maintains profitability and growth Salesforce.com Inc. on Thursday released its first quarterly results since going public, posting income of \$1.2 million on revenue of \$40.6 million for the three months ended July 31.$LABEL$3 +Basketball: U.S. Wins, Spain Reaches Playoffs ATHENS (Reuters) - The United States finally showed signs of coming together as a team but still needed a late surge to beat Australia 89-79 in the men's Olympic basketball tournament Thursday.$LABEL$1 +AP: Kids Left in Africa Begged for Change (AP) AP - Allegedly abandoned by their American mother in Africa as she took up military contract work in Iraq, seven children from Texas begged small change to buy food and shuttled from a neglectful stranger's care to a concrete-block orphanage, Nigerians said Thursday.$LABEL$0 +Nichols Declines to Appeal Convictions PONCA CITY, Okla. - Oklahoma City bombing conspirator Terry Nichols will not appeal his state murder convictions for his role in the 1995 bombing of the Oklahoma City federal building, his attorney said Thursday...$LABEL$0 +Insurance Claims Moving Quickly in Fla. PUNTA GORDA, Fla. - It took years for many insurance claims to be paid following Hurricane Andrew in 1992...$LABEL$0 +Mbeki: Ivory Coast Parties Agree to Push for Peace South African President Thabo Mbeki said Monday he had reached agreement with all sides in Ivory Coast #39;s conflict on measures which should speed up implementation of a French-brokered peace accord.$LABEL$0 +Report: Mladic Gets \$520-A-Month Serb Army Pension BELGRADE (Reuters) - Top war crimes suspect Ratko Mladic is getting about \$520 a month in pension payments from the Serbia and Montenegro military, the Belgrade daily Blic reported Wednesday.$LABEL$0 +Dance, Music to Liven German Building (AP) AP - Where communist East German legislators once ruled, modern dance and club music are taking over.$LABEL$0 +Georgia Forces Announce Big Gain Over Separatists TBILISI, Georgia (Reuters) - Georgian forces seized strategic heights from separatist fighters in rebel South Ossetia Thursday and President Mikhail Saakashvili promised more such victories to fulfill a pledge to reunite his fractious country.$LABEL$0 +Google #39;s New Stock Rises to \$100 Mark Description: In the first day of trading in shares of the Internet search engine company Google, the stock rises to above \$100. After much anticipation over the public offering, Google set its initial price at \$85 for Thursday #39;s debut. NPR #39;s Laura Sydell ...$LABEL$2 +HCC Insurance Expects \$10M Charley Losses HCC Insurance Holdings Inc. on Thursday said it expects its third-quarter losses related to Hurricane Charley after reinsurance recoveries will be less than \$10 million, or 10 cents per share. $LABEL$2 +Jetstar boosts Qantas turnover BUDGET airline Jetstar has helped propel Qantas to a record post-tax profit of \$648.4 million. Qantas chief executive Geoff Dixon paid tribute to the subsidiary domestic carrier during a formal profit announcement yesterday. $LABEL$2 +Mylan shares spike on interest by Icahn PHILADELPHIA, Aug 19 (Reuters) - Shares of Mylan Laboratories Inc. (MYL.N: Quote, Profile, Research) surged more than 10 percent on Thursday after billionaire investor Carl Icahn got federal regulatory approval to buy up 11.9 percent of ...$LABEL$2 +Peer-to-Peer Companies Win in Court A US federal appeals court ruled in favor of peer-to-peer software makers this week, stating that the companies behind the Grokster and Morpheus services are not liable for copyright infringement due to the actions of their users. $LABEL$3 +Apple Recalls Batteries In G4 Laptops Apple Computer Inc. on Thursday recalled the batteries used in 15-inch PowerBook G4 computers, due to an internal short that can cause the batteries to overheat and pose a fire hazard to consumers. $LABEL$3 +American Aaron Peirsol #39;s Gold Restored on Appeal ATHENS (Reuters) - Aaron Peirsol was awarded gold in the men #39;s 200 meters backstroke at the Athens Olympics on Thursday after winning an appeal against his disqualification then surviving a protest from the British and Austrian teams. $LABEL$1 +Simmons #39; season in jeopardy Latrobe, PA (Sports Network) - Pittsburgh Steelers starting guard Kendall Simmons is expected to miss the entire 2004 season after apparently suffering a torn anterior cruciate ligament in his right knee. $LABEL$1 +Big Indian Dream comes crashing down Two positive drug tests and Leander Paes and Mahesh Bhupathi playing as if they were on tranquilisers. India had a nightmare day at the Olympics today. $LABEL$1 +England #39;s middle order saves the day England #39;s middle order came up trumps today after early wickets fell in the 4th and final npower test at the Oval. $LABEL$1 +The Changing Face Of Al-Qaeda In a series of apparently well-coordinated raids, British and Pakistani security forces arrested a number of terrorism suspects in early August. Some of the men arrested in the United Kingdom were charged with quot;conspiring...to cause fear, panic, and ...$LABEL$0 +Famous scofflaws hit Japan TOKYO For a country that shut out foreigners for hundreds of years, Japan has proved strangely attractive for problem migrants of late. $LABEL$0 +What Low-Carb Dieters May Be Missing (AP) AP - Low-carb dieters may be missing key nutrients when they eliminate or restrict certain food groups, according to health experts:$LABEL$3 +Microsoft Recommends Throttling Back SUS For SP2 Microsoft on Wednesday posted advice for enterprises relying on Software Update Services (SUS) to prevent network slowdowns and server bottlenecks as they update thousands of PCs to Windows XP Service Pack 2 ...$LABEL$3 +Apple Recalls PowerBook Batteries Apple Computer this week launched a voluntary worldwide 15-inch PowerBook G4 battery exchange program to deal with 28,000 potentially faulty units. $LABEL$3 +Browsing for secure alternative browsers AUGUST 18, 2004 (COMPUTERWORLD) - Web browsers are our windows to the Internet. They enable us to navigate about the Internet with ease and they help secure us and protect our privacy when we conduct online transactions. $LABEL$3 +BlackBerrys sync with Mac OS X Software developer Information Appliance Associates announced Thursday the release of an application synchronizing Research In Motion #39;s BlackBerry devices with Apple #39;s Mac OS X. $LABEL$3 +Men #39;s volleyball: US falls to Russia Athens, Greece (Sports Network) - The United States men #39;s volleyball team fell below .500 Thursday night with a four-set loss to Russia in Pool B action. $LABEL$1 +Selig #39;s continued reign is bad for baseball In a move that defies logic, a vision for the future and good taste, baseball owners voted unanimously to extend the contract of commissioner Bud Selig through 2009. As a baseball fan, this makes me want to lower the blinds, wear black and listen to my ...$LABEL$1 +Nepal asks Maoists for talks With the Maoist blockade of Kathmandu completing its second day, the Nepal government on Thursday asked the rebels to resume peace talks. $LABEL$0 +New Rules for 'Soft Money' Groups in 2006 (AP) AP - Non-party groups spending millions of dollars in unlimited donations on ads and get-out-the-vote drives in this year's presidential race will face some new ground rules starting with the 2006 election.$LABEL$0 +Google Shares Hit \$100.34 in Market Debut SAN JOSE, Calif. - In a debut vaguely reminiscent of the dot-com boom, shares of Internet search giant Google Inc...$LABEL$0 +Jackson Accuser's Kin Asked for Payment SANTA MARIA, Calif. - The stepfather of the boy who accused Michael Jackson of molestation testified Thursday that he asked for payment for the family's participation in a video interview intended to restore Jackson's reputation...$LABEL$0 +Church Says Girl's Communion Not Valid BRIELLE, N.J. - An 8-year-old girl who suffers from a rare digestive disorder and cannot eat wheat has had her first Holy Communion declared invalid because the wafer contained no wheat, violating Roman Catholic doctrine...$LABEL$0 +Follow-Through (Forbes.com) Forbes.com - Last year's FORBES E-Gang (see p. 144 for this year's group) featured five luminaries in the field of wireless communication. Two of our picks have left their jobs, while three are steaming ahead.$LABEL$3 +Party Crasher (Forbes.com) Forbes.com - Not long ago most corporate computer managers viewed open-source programs like MySQL as toys fit only for hobbyists. But then Linux, an open-source operating system, became a smash hit in corporate sites. Now the folks who embraced Linux are snapping up other bargain programs such as Apache, which serves up Web pages, the MySQL database and scripting languages like PHP, Perl and Python, which are used to create Web pages. So many companies use the combination of Linux, Apache, MySQL and PHP (or Perl or Python) that they're described with the acronym LAMP.$LABEL$3 +Obsolete (Forbes.com) Forbes.com - AVOCENT (27, AVCT) is by far the market leader in KVM (keyboard, video, monitor) devices, which allow technicians to run multiple servers using a single computer terminal. Avocent has outsize gross margins (58) on this stuff. In the first half sales rose 23 to #36;174 million, though it lost #36;5 million due to an acquisitions-related charge. The stock's multiple: 73.$LABEL$3 +The Song Remains the Same (Forbes.com) Forbes.com - In an August memo typed from his hospital bed, Steve Jobs--Apple's chief executive, patriarch and media impresario--let his employees know he would be out for a month to recover from surgery to remove a rare form of pancreatic cancer. Patients with this type of cancer, called an islet cell neuroendocrine tumor, have a 90 survival rate, especially if treated early. Apple says Jobs is due back in September.$LABEL$3 +Cherry-Picking Growth (Forbes.com) Forbes.com - Rural hospitals, car insurers and furniture stores aren't exactly the first businesses that come to mind when talking about growth stocks, but fund manager Richard Aster Jr. picks through such sleepy industries to find growing companies that others have ignored.$LABEL$2 +House Call (Forbes.com) Forbes.com - It says something when the world's largest home-improvement retailer, with #36;65 billion in sales, is willing to risk its reputation on an #36;800 fee. Home Depot customers do 25 million transactions each week, and most are happy enough to come back. But the relationship has always ended at the store's threshold. It left to plumbers, electricians and handymen the mud tracks in the living room, the punctured pipes in the basement and the inevitable budget overruns.$LABEL$2 +Relief funds almost spent, says Soliman Stunned residents in General Nakar, Quezon, picked their way through a wasteland of mud and rubble to leave storm-ravaged areas Tuesday as the government said it has run out of money to pay for relief services.$LABEL$0 +Pilots to Pluck Space Capsule From Air (AP) AP - The Genesis space capsule carrying solar wind particles will be plucked from nearly a mile above the Utah desert by stunt helicopter pilots who've replicated the retrieval, without fumbles, in nearly a dozen practice runs.$LABEL$3 +New Genetic Link Found to Crib Deaths (Reuters) Reuters - A collection of genes involved in\early development may help explain why black babies are more at\risk of sudden infant death syndrome than other U.S. groups,\researchers said on Thursday.$LABEL$3 +Patterson Wins All-Around Gold Carly Patterson became the first American woman to win the gymnastics all-around competition since Mary Lou Retton in 1984.$LABEL$1 +Update 2: Two Firms Cleared of Swapping Violations The makers of two leading file-sharing programs are not legally liable for the songs, movies and other copyright works swapped online by their users, a federal appeals court ruled Thursday in a stinging blow to the entertainment industry. $LABEL$2 +Moscow Court Rejects Yukos Appeal A Moscow court has rejected a request to drop part of the criminal case against the jailed former chief of Yukos oil company, Mikhail Khodorkovsky. $LABEL$2 +United Airlines Says It May Terminate Pension Plans (Update3) Aug. 19 (Bloomberg) -- UAL Corp. #39;s United Airlines, trying to attract financing to exit bankruptcy, said it probably will terminate and replace all its pension plans. $LABEL$2 +Search industry welcomes Google IPO, sees growth SEATTLE, Aug 19 (Reuters) - Google Inc. (GOOG.O: Quote, Profile, Research) competitors large and small welcomed the Web #39;s most popular search engine into their ranks as a publicly traded company on Thursday, saying the search industry ...$LABEL$2 +Hibernia to Sell Mortgage Portfolio Hibernia Corp., the holding company for Hibernia National Bank, said Thursday that it signed a letter of intent to sell its \$10 billion, third-party residential mortgage servicing portfolio to a unit of Citigroup Inc. $LABEL$2 +One China, May Exporters (Forbes.com) Forbes.com - China beckons stock investors with the lure of brisk economic growth. Yet a school of prominent China watchers, led by Morgan Stanley strategist Andy Xie, warns that the domestic overheating could lead to a ""hard landing"" in sectors ranging from steel to real estate. The Chinese government, worried about that very thing, is trying to rein in the torrid expansion.$LABEL$2 +Court Rejects Movie, Music Makers' Piracy Claims LOS ANGELES (Reuters) - A federal appeals court on Thursday delivered a stinging blow to the anti-piracy efforts of major movie studios and music companies, ruling that several online file-sharing software companies are not liable for copyright infringement.$LABEL$2 +So you want to be a cybercrook... Web villains post do-it-yourself phishing kits to help any amateur become an online con artist.\$LABEL$3 +Google has strong first day of public trading After a bumpy ride toward becoming a publicly traded company, Google Inc. finally saw its stock start trading on the Nasdaq exchange at around noon Eastern Daylight Time Thursday and with a strong opening at \$100.01, up from its \$85 initial offering price. The stock, which trades under the GOOG ticker symbol, closed at \$100.34, up 18 percent.$LABEL$3 +Embarcadero, Ixiasoft focus on data management Embarcadero is shipping Embarcadero Performance Center 1.9, a version of its multiplatform database monitoring product that adds a Web client and management functions for Linux and Unix databases.$LABEL$3 +Tibetans accuse China of meddling in film festival (AFP) AFP - Tibetan activists in India claimed that five films on Tibet have been dropped from the upcoming Asian Film Festival in Bombay under pressure from the Chinese embassy in India.$LABEL$0 +Vanguard Group Closes Int'l Explorer Fund NEW YORK (Reuters) - The Vanguard Group, the second-biggest U.S. mutual fund firm, said on Thursday it has closed the \$1.4 billion Vanguard International Explorer Fund to thwart speculative short-term investors and protect long-term shareholders.$LABEL$2 +Movie, Music Makers' Piracy Claims Denied LOS ANGELES (Reuters) - A federal appeals court on Thursday delivered a stinging blow to the anti-piracy efforts of major movie studios and music companies, ruling that several online file-sharing software companies are not liable for copyright infringement.$LABEL$2 +Mets Beat Rockies 10-3 to Open Twinbill (AP) AP - Mike Cameron homered and drove in four runs, and Kris Benson pitched six solid innings to lead the New York Mets past the Colorado Rockies 10-3 Thursday in the first game of a doubleheader.$LABEL$1 +Our kids losing ground in math, science OTTAWA -- Canadian students have slipped in the rankings of an international test in reading, math and science, dropping out of the top five in math and science.$LABEL$0 +Google goes public, shares surge nearly 20 percent on first day In the most highly anticipated Wall Street debut since the heady days of the dot-com boom, shares of Google surged nearly 20 percent on their first day of public trading Thursday as the quirky Internet company completed its much-hyped initial stock ...$LABEL$2 +Update 1: US Airways Union Says Labor Deal Is Near Union leaders representing US Airways pilots said Thursday that a new labor agreement could be struck soon, telling their rank and file a new deal is quot;our last opportunity to control the fate of our airline and our careers. quot; ...$LABEL$2 +Delta Air #39;s Revival Plan Preaches Austerity Delta Air Lines (DAL:NYSE - commentary - research) will cut employees and benefits but give a bigger-than-expected role to Song, its low-cost unit, in a widely anticipated but still unannounced overhaul, TheStreet.com has learned. $LABEL$2 +Boston Scientific Stent Gets Extension Medical-device maker Boston Scientific Corp. said Thursday that the Food and Drug Administration approved an extended shelf life of nine months for its Taxus Express2 drug-eluting coronary stent system in the United States, up from six months. $LABEL$2 +Helicopter Stunt Pilots to Snag Stardust for NASA PASADENA, Calif. (Reuters) - NASA has recruited two Hollywood helicopter stunt pilots for an especially tricky maneuver -- snagging a capsule full of stardust as it parachutes back to Earth next month, mission managers said on Thursday. $LABEL$3 +So you want to be a cyber-crook... Some Web sites are now offering surfers the chance to download free quot;phishing kits quot; containing all the graphics, Web code and text required to construct the kind of bogus Web sites used in Internet phishing scams. $LABEL$3 +IE Drag-and-Drop Flaw Warning A security bug in Microsoft Internet Explorer #39;s drag-and-drop feature could put millions of Web surfers at risk of malicious hacker attacks, researchers warned on Thursday. $LABEL$3 +This lying, sneaky spirit of the Games THE struggle for the soul of the Olympics is still not won, not in a thousand years and more. On Wednesday, token events took place on the sacred site where the original Games took place in Ancient Olympia hundreds of years before Christ. $LABEL$1 +Too tall, too old, too artistic, Khorkina makes grand Olympic exit ATHENS, Greece (AP) -- The diva does not warm up before her performance. Not much, anyway. That is something that other gymnasts do, and Svetlana Khorkina will never be confused with one of those. $LABEL$1 +Loos? Not in Becks #39; vocab HOW fares Sven-Goran Eriksson? After all his nocturnal romping, were England just as rampant against the Ukraine? Why, certainly. $LABEL$1 +US men #39;s soccer team carries itself with a swagger They play with a confident air these days, even a swagger, more befitting the Brazilians and Germans. $LABEL$1 +15-inch PowerBook G4 Battery Exchange Apple is voluntarily recalling certain lithium ion rechargeable batteries that were sold worldwide from January 2004 through August 2004 for use with 15-inch PowerBook G4 (Aluminum) notebook computers. The affected batteries could overheat, posing a fire hazard. Aug 19$LABEL$3 +Google Up in Market Debut After Bumpy IPO NEW YORK/SEATTLE (Reuters) - Google Inc. shares made their long-awaited stock market debut on Thursday, rising sharply to \$100 after an initial public offering marked by missteps and lackluster market conditions.$LABEL$2 +Google makes market debut IN A debut vaguely reminiscent of the dot.com boom, shares of internet search giant Google surged in their first day of public trading. $LABEL$2 +Court Rejects Movie, Music Makers #39; Piracy Claims LOS ANGELES (Reuters) - A federal appeals court on Thursday delivered a stinging blow to the anti-piracy efforts of major movie studios and music companies, ruling that several online file-sharing software companies are not liable for ...$LABEL$2 +Drug store offers new wave of disposable cameras NEW YORK--Pharmacy chain CVS Corp. on Thursday said it would offer the world #39;s first disposable digital camera with a bright color viewing screen that allows consumers to instantly preview pictures. $LABEL$3 +Hall upset over snub ATHENS Gary Hall Jr. resurfaced for the first time since being left off the medal race in the 4x100-meter sprint relay last weekend, and as expected, he had an opinion. $LABEL$1 +Men #39;s Singles : Chile and USA secure medals ATHENS, 20 August - The semifinal line-up in the men #39;s singles has been settled with both contests featuring a Chile v USA match-up, so each nation is assured of at least one Singles medal. $LABEL$1 +Anno breaks Olympic jinx with judo gold ATHENS Four-time judo world champion Noriko Anno broke her Olympic jinx by winning gold in the women #39;s 78-kilogram event Thursday at the Athens Games but defending Olympic champion Kosei Inoue was dealt shock defeats to miss out on a medal in the ...$LABEL$1 +American Patterson overcomes Russian for all-around Olympic title The 20-year wait is over. America has its new Mary Lou, and her name is Carly Patterson. The 16-year-old dynamo beat Russian superstar Svetlana Khorkina to give the United States another Olympic all-around champion Thursday night, closing with a dazzling ...$LABEL$1 +A new generation of US sprinters take their marks As track and field begins at the Games, it is up to athletes like Lauryn Williams to set right a sport seared by scandal. $LABEL$1 +Sharon #39;s leadership in crisis as Likud rejects settler plan Ariel Sharon #39;s political obituary was being written yesterday as opponents in Labour and his own Likud party turned their backs on the embattled Prime Minister, putting his plan for a staged withdrawal of settlers from the West ...$LABEL$0 +UK welcomes corncrake's comeback The rare corncrake is starting to return to England, but several other birds are still in serious trouble.$LABEL$3 +Dust 'is hidden climate problem' The amount of dust blowing around the world may have serious environmental effects, geographers say.$LABEL$3 +New worm uses IM to lure victims A new version of the worm that spread from infected Microsoft Corp. Internet Information Services (IIS) Web servers in June has been identified and is using instant messages (IMs) and infected Web sites in Russia, Uruguay and the U.S. to spread itself, according to one security company.$LABEL$3 +AMD sneaks strained silicon into chips The design twist will let the company increase the performance of its processors.$LABEL$3 +Your regularly scheduled software patch Oracle follows Microsoft and decides to roll patches out on a monthly timetable, but does that make customers more secure?$LABEL$3 +REVIEW: Olympics Web Coverage Disappoints (AP) AP - Though NBC is blanketing seven networks with 1,210 hours of Olympics coverage, there's this pesky, bill-paying task called work that keeps me from fully enjoying the televised competition.$LABEL$3 +Mission Studying Lionfish Off N.C. Coast (AP) AP - When divers first reported lionfish off the North Carolina coast four years ago, biologist Paula Whitfield thought it must be a mistake or an aberration. The poisonous, carnivorous Indo-Pacific lionfish is native to tropical waters half a world away #151; not the seas off the Outer Banks.$LABEL$3 +Parmalat adds Credit Suisse Extraordinary commissioner Enrico Bondi has filed a claim against CSFB in a Parma court in connection with a forward sale agreement between the bank and Parmalat dating from January 2002. $LABEL$2 +Google has strong first day of public trading After a bumpy ride toward becoming a publicly traded company, Google Inc. finally saw its stock start trading on the Nasdaq exchange at around noon Eastern Daylight Time Thursday and with a strong opening at \$100.01, ...$LABEL$2 +Microsoft Gets Good Grades on SP2 Microsoft has begun sending Windows XP Service Pack 2 to home users via of its automatic update system. Despite a few flaws that already have been found in the massive patch, the update will strengthen system security for most Windows XP ...$LABEL$3 +Do-It-Yourself Phishing Kits Lead To More Scams Do-it-yourself phishing kits are freely available on the Internet, a security firm said Thursday, and they will lead to more scams sent to online consumers. $LABEL$3 +Phelps adds 200-medley to his tally of gold ATHENS Michael Phelps certainly will not beat Mark Spitz #39;s record seven Olympic swimming gold medals in Munich in 1972, but the American youngster is still racking up the gold in Athens. $LABEL$1 +James Lawton: Khorkina the fallen tsarina loses to American princess Svetlana Khorkina was born in a poor industrial town on the Ukraine border, but not in her mind. There, she inhabited the Winter Palace in St Petersburg, surrounded by fawning courtiers and Faberg eggs. It showed here last night as the walls of her ...$LABEL$1 +In badminton, two deserving champions ATHENS As they lunged and lobbed with astonishing skill on Thursday, it was difficult to know whose personal journey had made them the worthier Olympic women #39;s badminton champion. $LABEL$1 +Beckham - played well on Tyneside (Getty Images) Sven-Goran Eriksson hailed David Beckham #39;s strength of character in recovering from his Euro 2004 woes as he said: quot;Criticism only makes him stronger. quot; ...$LABEL$1 +Devils re-sign Brylin Brylin, entering his 11th NHL season, agreed to a multiyear deal. He appeared in all 82 regular-season games last year, and had 14 goals and 19 assists. $LABEL$1 +Lara must lead by example or face losing the captaincy The West Indian players and their supporters must be sick to death of reading comments that are highly critical of the way they have played in this series. $LABEL$1 +Balancing the risks in holy Najaf Ayad Allawi #39;s ultimatum yesterday to the rebel Shia cleric Moqtada al Sadr - who is holed up with his fighters in the holy city of Najaf - was notable for one thing: the lack of a deadline. $LABEL$0 +Opp will be taken along on all issues: Shaukat ISLAMABAD: Newly elected member of the National Assembly and prime minister-designate, Shaukat Aziz, said on Thursday that Mr Aziz said the government would make sure the opposition stayed abreast of it on all important national issues. $LABEL$0 +DPRK negative #39;over US offer on nuclear weapons HONG KONG: North Korea shows no sign of accepting US incentives to give up its nuclear weapons programmes, Australian Foreign Minister Alexander Downer said in remarks released on Thursday. $LABEL$0 +Reversal Gives Peirsol Gold; Phelps Wins 200 IM Despite being disqualified shortly after his final, Aaron Peirsol was eventually reinstated as the winner of the 200-meter backstroke event.$LABEL$1 +Mets Open Doubleheader With Victory Mike Cameron homered and drove in four runs, and Kris Benson pitched six solid innings to lead the Mets past Colorado.$LABEL$1 +US stocks: Market dips as oil rises and Google shines NEW YORK - US stocks slid on Thursday, ending four days of gains as oil prices continued their march higher, but Google Inc. created a buzz as shares of the internet search company surged on their debut. $LABEL$2 +Enter your e-mail: System administrators who have been installing Windows XP Service Pack 2 on their own PCs and on test systems are reporting the results of their practice runs to the SANS Institute Web site--and the failure rate seems to be pretty high. $LABEL$3 +Your regularly scheduled software patch The database maker confirmed on Thursday that it plans to start releasing patches on a specific day each month. The move mimics Microsoft #39;s decision last October to release patches for its software on the second Tuesday of each month. $LABEL$3 +AMD sneaks strained silicon into chips Advanced Micro Devices has begun to incorporate a form of strained silicon into its chips, a design twist that will let the company increase the performance of its processors. $LABEL$3 +Precision and Pressure in a Classic Stadium THENS, Aug. 19 The two finalists in the men #39;s archery strode out this afternoon and took their positions side-by-by side between the twin columns topped with the two-faced busts of Hermes that mark the start and finish lines in the ...$LABEL$1 +Sportsview: Khorkina makes grand exit ATHENS, Greece (AP) The diva does not warm up before her performance. Not much, anyway. That is something that other gymnasts do, and Svetlana Khorkina will never be confused with one of those. $LABEL$1 +Dodgers acquire Dessens for bullpen Los Angeles, CA (Sports Network) - The Los Angeles Dodgers acquired right- handed pitcher Elmer Dessens and cash considerations from the Arizona Diamondbacks in exchange for minor league outfielder Jereme Milons on Thursday. $LABEL$1 +Moore, seven others advance at Amateur MAMARONECK, NY -- NCAA Division I champion Ryan Moore advanced to the quarterfinals Thursday at the US Amateur at Winged Foot Golf Club. $LABEL$1 +UN peace chief warns of more violence after Burundi massacre UNITED NATIONS : The UN #39;s peacekeeping chief warned of a surge in violence after the massacre of Congolese refugees in Burundi and called on all parties to step back from the brink of war. $LABEL$0 +AL: Paul, Guerrero, Erstad Guide Angels to Win (Reuters) Reuters - Josh Paul, Vladimir Guerrero and Darin\Erstad hit multi-run homers to lead the Anaheim Angels to a\10-7 victory over the Tampa Bay Devil Rays in St. Petersburg\Thursday.$LABEL$1 +U.S. Uses Lethal Aircraft to Try to Break Sadr (Reuters) Reuters - The U.S. military pounded positions\held by radical clerical Moqtada al-Sadr's lightly armed\militiamen early Friday, unleashing one of its most terrifying\aircraft in a bid to break their will to fight.$LABEL$0 +NL Wrap: Maddux, Sosa Help Cubs Beat Brewers NEW YORK (Reuters) - Greg Maddux overcame a shaky start to post his 301st career win while Sammy Sosa hit his 566th career home run as the Chicago Cubs beat the Milwaukee Brewers 9-6 in Milwaukee Thursday.$LABEL$1 +Canadian flagbearer Gill bids hasty exit from Olympic judoka event (Canadian Press) Canadian Press - ATHENS (CP) - Montreal's Nicolas Gill will now play the role of spectator at the Summer Games.$LABEL$0 +Israel's Peres Urges Election, Pressures Sharon JERUSALEM (Reuters) - Israel's opposition Labor Party leader pushed an already embattled prime minister to the wall by advocating early elections a day after Ariel Sharon's Likud party barred him from coalition negotiations.$LABEL$0 +Analysis: Doctors a Part of Iraq Abuse LONDON - Doctors working for the U.S. military in Iraq collaborated with interrogators in the abuse of detainees at Baghdad's Abu Ghraib prison, profoundly breaching medical ethics and human rights, a bioethicist charges in The Lancet medical journal...$LABEL$0 +Yahoo fixes two flaws in mail system Online portal says bugs could have let attackers alter appearance of pages and access a victim's data.\$LABEL$3 +Tokyo's Nikkei Average Falls TOKYO (Reuters) - Tokyo's Nikkei average fell 0.46 percent early morning on Friday with technology shares such as Fujitsu Ltd. leading the way, following a retreat in their U.S. peers and on worries over record-breaking oil prices.$LABEL$2 +Same-Day Doctor Visits Gain Steam in U.S. Life changed for Steve Lunt and his wife when they called Dr. Gordon Moore, who is among a growing number of doctors nationwide who have adopted same-day service. The idea, which experts say is gaining steam, is that scheduling patients immediately for even routine physicals will keep them healthier and happier.$LABEL$3 +Groups Weigh in on Revisions to Food Pyramid By IRA DREYFUSS WASHINGTON (AP) -- Keep the food pyramid but make it more understandable, food industry and consumer group officials told a panel of Agriculture Department officials on Thursday. The department is revising its nutrition graphic to reflect new eating guidelines that are due out early next year by a dietary guidance advisory committee...$LABEL$3 +Health Highlights: Aug. 19, 2004 Here are some of the latest health and medical news developments, compiled by editors of HealthDay: ----- Doctor Who Was Focus of Anthrax Probe Loses Job A doctor who has recently become the focus of federal agents investigating the unsolved 2001 anthrax attacks in the United States has lost his job at the University of Pittsburgh Medical Center. Dr...$LABEL$3 +Scientist says numeracy theories don #39;t add up Language moulds our thoughts so much that we cannot conceptualise ideas for which we do not have words, according to an American researcher. $LABEL$3 +Sony brings new technology to TV line Sony said Thursday that it would begin selling eight new television models outfitted with semiconductors designed to produce sharper images, including two with a lighting system that the company says is the world #39;s first. $LABEL$3 +Napster UK teams with Virgin Radio British radio station Virgin Radio (which is not part of Virgin Group anymore) has teamed up with Napster UK to launch an online music chart called (very creative..) The Napster Online Music Chart. $LABEL$3 +Hewitt advances Lleyton Hewitt of Australia moved into the quarterfinals of the Legg Mason Tennis Classic with a 6-3, 6-2 victory over Alejandro Falla of Colombia in Washington. $LABEL$1 +Patterson overcomes low vault score to win all-around gold ATHENS, Greece In gymnastics style and personality, it was like watching an American high school cheerleader bringing down the Russian prima ballerina, a dynamo dusting off a diva. At night #39;s end, US teenager Carly Patterson simply ...$LABEL$1 +3 countries will appeal in eventing ATHENS France, Britain and the United States issued a joint challenge Thursday to Germany #39;s gold medal in equestrian team three-day eventing. $LABEL$1 +NL Wrap: Maddux, Sosa Help Cubs Beat Brewers NEW YORK (Reuters) - Greg Maddux overcame a shaky start to post his 301st career win while Sammy Sosa hit his 566th career home run as the Chicago Cubs beat the Milwaukee Brewers 9-6 in Milwaukee Thursday. $LABEL$1 +Football: US-Jamaica CONCACAF Semifinal Qualifier Ends in Draw Second-half substitute Brian Ching scored the first goal of his international career in the 89th minute to give the United States national soccer team a 1-1 come-from-behind draw against Jamaica in Kingston. $LABEL$1 +Shutdown of the Uffizi is threatened over cuts ROME Italy #39;s culture minister has threatened to shut down the Uffizi museum if the government does not scale back planned spending cuts. $LABEL$0 +Google Shares Hit #36;100.34 in Market Debut (AP) AP - In a debut vaguely reminiscent of the dot-com boom, shares of Internet search giant Google Inc. surged in their first day of public trading Thursday as investors who avoided the company's auction-based offering readily jumped into the familiar territory of the stock market.$LABEL$3 +Olympics Internet Coverage Disappoints The Internet is good for getting results and learning the mechanics of obscure sports but it fails to capture the full glory and personalities that make the Olympics so special.$LABEL$3 +Apple's iPod a Huge Hit in Japan The iPod is proving a colossal hit on the Japanese electronics and entertainment giant's home ground. The tiny white machine is catching on as a fashion statement and turning into a cultural icon here, much the same way it won a fanatical following in the United States.$LABEL$3 +Auction Debate to Outlive Google Debut (Reuters) Reuters - Google Inc. (GOOG.O) debuted as a\public company on Thursday, but that did not stop the debate\over whether its auction-based IPO was a success or will\influence future IPOs.$LABEL$2 +Al-Sadr Tells Militia to Turn Over Shrine (AP) AP - Radical cleric Muqtada al-Sadr ordered his fighters Thursday to hand control of a revered Najaf shrine to top Shiite religious authorities, hours after U.S. forces bombed militant positions and Iraq's prime minister made a ""final call"" for the cleric's militia to surrender.$LABEL$0 +AP: Kids Left in Africa Begged for Change (AP) AP - Allegedly abandoned by their American mother in Africa, seven children from Texas begged small change to buy food and shuttled from a neglectful stranger's care to a concrete-block orphanage, Nigerians said Thursday.$LABEL$0 +AP: Kids Left in Africa Begged for Change IBADAN, Nigeria - Allegedly abandoned by their American mother in Africa, seven children from Texas begged small change to buy food and shuttled from a neglectful stranger's care to a concrete-block orphanage, Nigerians said Thursday. Eventually, the children proved their American citizenship to a passing missionary from Texas by singing ""The Star-Spangled Banner."" He notified U.S...$LABEL$0 +Baseball Gives Selig Contract Through 2009 PHILADELPHIA - Baseball commissioner Bud Selig received a contract extension through 2009 Thursday as owners praised his 12-year reign, but dissension surfaced among teams in the decision to launch a World Cup tournament. Selig, who has presided over revolutionary changes in the most traditional of major U.S...$LABEL$0 +India fight back to beat Germany in Champions Trophy (AFP) AFP - India came from behind to defeat new-look Germany 3-1 and remain in contention for a podium finish in the men's Champions Trophy field hockey tournament here.$LABEL$0 +Baseball Gives Selig Contract Through 2009 (AP) AP - Baseball commissioner Bud Selig received a contract extension through 2009 Thursday as owners praised his 12-year reign, but dissension surfaced among teams in the decision to launch a World Cup tournament.$LABEL$1 +UConn Aide Put on Leave After Sex Bust (AP) AP - Connecticut placed assistant men's basketball coach Clyde Vaughan on paid administrative leave Thursday after his arrest in a prostitution sting.$LABEL$1 +COWBOYS 43, SEAHAWKS 39 Jones had 198 yards rushing and three touchdowns, helping Dallas erase a 10-point deficit with less than three minutes to play as the visiting Cowboys stunned the Seattle Seahawks, 43-39, last night.$LABEL$1 +Google shares top 100 on debut NEW YORK Despite voluble skepticism among investors, Google #39;s stock jumped about 18 percent to \$100.01 a share when it debuted Thursday on the Nasdaq stock market. $LABEL$2 +Update 11: Crude Oil Prices Climb Above \$48 a Barrel Crude futures climbed above \$48 a barrel Thursday as market fears of sabotage against the Iraqi oil infrastructure outweighed assurances from Baghdad that exports would increase in coming days. $LABEL$2 +StreamCast, Grokster escape suit AP - A US court says the makers of two leading file-sharing programs are not legally liable for the songs, movies and other copyright works swapped online by their users, in a stinging blow to the entertainment industry. $LABEL$2 +Wal-Mart looking at Japan #39;s Daiei TOKYO Wal-Mart Stores is considering taking a stake in the heavily indebted Japanese retailer Daiei, a move that could greatly expand the presence of the world #39;s largest retailer in the world #39;s second-largest retail market. $LABEL$2 +Hibbett 2Q Earnings Drop 6 Percent Hibbett Sporting Goods Inc. on Thursday said its second-quarter results dropped 6 percent year-over-year on weaker licensed apparel and fitness-equipment sales, missing industry estimates. $LABEL$2 +Delta faces tricky task in restructuring debt NEW YORK, Aug 19 (Reuters) - Delta Air Lines (DAL.N: Quote, Profile, Research) is taking steps toward restructuring at least some of its roughly \$20 billion of total debt in a bid to avoid bankruptcy, but it will face an uphill battle, ...$LABEL$2 +Market little changed at open THE sharemarket was virtually flat at the open today as losses in the financial sector and News Corp nullified gains in resources and gold stocks. $LABEL$2 +Michael Hill sparkles Jeweller Michael Hill International has seen its annual profit rise 30 due to increased sales, the company says. $LABEL$2 +Mars Exploration Rovers Update During the last four weeks, the Mars Exploration Rovers have braved the Martian winter to continue their geologic field work, sending home more evidence of past liquid water on the Red Planet and images of bizarre geologic formations the likes ...$LABEL$3 +RealNetworks Riles Apple Diehards RealNetworks #39; campaign to grab digital-music market share away from Apple #39;s iTunes service -- most recently, with cut-rate, 49-cent song downloads -- is raising the ire of Apple loyalists. A petition placed online by Real was swamped with ...$LABEL$3 +Casual approach, shot selection land Anthony seat on Team USA bench The question of what #39;s up between coach Larry Brown and nailed-to-the-bench young forward Carmelo Anthony is not, to be sure, the most important one facing the United States men #39;s basketball team. The team #39;s poor shooting -- after going 3-for-17 in ...$LABEL$1 +Granville crushes Czech LAURA GRANVILLE of the United States crushed fifth-seeded Denisa Chladkova of the Czech Republic 6-1 6-1 to reach the quarter-finals of the WTA event here today. $LABEL$1 +Peres Calls for Israeli Elections After Likud Rejects Talks Aug. 20 (Bloomberg) -- Shimon Peres, chairman of the opposition Labor Party, said Israel should have early elections after the ruling Likud Party voted against coalition talks. $LABEL$0 +San Diego Zoo's Panda Celebrates Birthday (AP) AP - On his first birthday Thursday, giant panda cub Mei Sheng delighted visitors by playing for the first time in snow delivered to him at the San Diego Zoo. He also sat on his ice cake, wrestled with his mom, got his coat incredibly dirty, and didn't read any of the more than 700 birthday wishes sent him via e-mail from as far away as Ireland and Argentina.$LABEL$3 +Microsoft Patches the Patch (PC World) PC World - Windows XP Service Pack 2 gets a 'hotfix' for VPNs, part of the\ never-ending process of software development.$LABEL$3 +Groups Eager to Meet With Bush, Kerry (AP) AP - Organizations representing the nation's 3 million scientists, engineers and doctors have invited the two major presidential candidates to have a word with them #151; online.$LABEL$3 +Auction Debate to Outlive Google Debut NEW YORK (Reuters) - Google Inc. (GOOG.O: Quote, Profile, Research) debuted as a public company on Thursday, but that did not stop the debate over whether its auction-based IPO was a success or will influence future IPOs. $LABEL$2 +Judges rule file-sharing software legal update A federal appeals court has upheld a controversial court decision that said file-sharing software programs such as Grokster or Morpheus are legal. $LABEL$2 +US Air CEO denies liquidation talk CHICAGO (Reuters) - The chief executive of US Airways said Thursday that a Chapter 11 bankruptcy filing is still a possibility for the ailing carrier but that talk of an impending liquidation was unfounded. $LABEL$2 +Investors See Only Negatives Some say indexes dropped Thursday because investors are idling until some good news comes around. Maybe so, but the trading volume of the Nasdaq-100 tracking stock, which we use to get a better feel for how individual tech shares are selling, ...$LABEL$2 +US Economy Recovery slows, leading indicators drop NEW YORK (AP) - Offering more evidence that the US economic recovery is losing steam, a closely watched gauge of future business activity has fallen for the second consecutive month. $LABEL$2 +Microsoft Patches the Patch Windows XP Service Pack 2 gets a #39;hotfix #39; for VPNs, part of the never-ending process of software development. $LABEL$3 +Apple recalls notebook batteries Apple Computer Inc. issued a recall of about 28,000 batteries that were being used in its 15 quot; PowerBook notebook computers. The batteries in question were produced between the January and August time frame. The batters were manufacturered by a Korean firm ...$LABEL$3 +DALE McFEATTERS: Just another work sol on Mars (SH) - While we go about our days, rather amazingly 34 million or so miles away our pair of Mars Rovers are still going about their days, although theirs are 45 minutes longer and are called quot;sols. quot; ...$LABEL$3 +Ford Shelves Oracle-Based Procurement System After nearly five years of development work, Ford Motor Co. will dismantle an Oracle-based procurement application and shift back to earlier technology, a company spokesman confirmed Thursday. $LABEL$3 +Eolas Says Browser Patent Fight Isn #39;t Over Yet Despite reports saying that Microsoft and the W3C have Eolas Technologies on the ropes in their patent battle over basic browser technology, Eolas sounded an upbeat note Thursday. $LABEL$3 +Clearly Carly in women #39;s all-around As Carly Patterson waited for her final routine Thursday night, her coach looked into her eyes and saw a fire that burned brighter than the Olympic flame. $LABEL$1 +Even in win, nasty vibes ATHENS -- As you saw yesterday, they #39;re fighting back now. Not with the world, but with themselves. When you #39;ve been humiliated at your own game, ridiculed and laughed at back home and can #39;t intimidate Australia anymore, someone #39;s bound to mope. $LABEL$1 +Second Wave for US Makes the Difference INGSTON, Jamaica, Aug. 19 - Sixty minutes into Wednesday #39;s World Cup qualifying match against Jamaica, with the United States trailing by 1-0, Brian Ching stood on the sideline, waiting to enter, more excited than nervous. $LABEL$1 +UConn assistant coach placed on administrative leave Connecticut placed assistant men #39;s basketball coach Clyde Vaughan on paid administrative leave Thursday after his arrest in a prostitution sting. $LABEL$1 +Najaf stand-off has beginnings in earlier US failures in Fallujah The battle of Najaf, in which Iraq #39;s fledgling government is being held to ransom by the occupation of Shia Islam #39;s holiest site, can be traced to American political and military failures in recent months. $LABEL$0 +Blair confined to quarters after bomb discovery Italian newspapers claimed yesterday that the Blair family had been confined to their luxury Tuscan quarters following the discovery of a time bomb in a Sardinian resort close to the villa where Silvio Berlusconi regaled Tony and Cherie Blair with ...$LABEL$0 +Global warming on the rise The European Environment Agency reported global climate change, including frequent floods, droughts and heat waves, are severe and will continue to worsen. $LABEL$0 +Natural Gas Seems Headed the Way of Oil: More Demand, Less Supply, Higher Cost At a time when the nation is chafing at its dependence on foreign oil, it is becoming clear that the United States may be headed for the same situation with natural gas.$LABEL$2 +Kmart: Rich in Cash and Real Estate but Not in Sales Kmart looks like a true retail oddity: simultaneously losing ground with the American shopper and generating cash like a slot machine.$LABEL$2 +Google jumps 18 pc on debut NEW YORK (CNN/Money) -- Google stock jumped 18 percent in its long-awaited but rocky debut Thursday. $LABEL$2 +Crude oil soar above \$48 a barrel in NY NEW YORK, Aug. 19 (Xinhuanet) -- Crude oil futures jumped to new record high Thursday as market concerned that Iraqi exports might drop further because of clashes in southern Iraq between US troopsand fighters loyal to Shiite Muslim cleric Moqtada ...$LABEL$2 +Vanguard closes international fund SAN FRANCISCO (CBS.MW) -- Responding to a torrent of new money into its top-performing Vanguard International Explorer fund, the Vanguard Group closed the foreign stock portfolio Thursday to new investors. $LABEL$2 +Hamm Faces Future and Savors Moment THENS, Aug. 19 - It was nearly 3 am, and Paul Hamm was alone on his porch at the Olympic Village, sky dark, grounds quiet, gold medal hanging around his neck just hours after he had won it. $LABEL$1 +With Duncan Providing a Beat, the US Finds Its Rhythm THENS, Aug. 19 - Tim Duncan nearly tore the backboard from its moorings when he dunked the basketball on Thursday, hanging on the rim for emphasis, stretching out his frame for all of Helliniko Indoor Arena to see. $LABEL$1 +Notes: Ichiro CAT scan proves OK KANSAS CITY -- A precautionary CAT scan taken on Ichiro Suzuki on Thursday afternoon was quot;completely normal quot; and the right fielder could continue his pursuit of another 50-hit month Friday night in Detroit. $LABEL$1 +Journalists journey into the center of the storm NAJAF, Iraq What we were about to do was more than risky. It was foolish. Thursday, several journalists began organizing a delegation to enter the Imam Ali shrine in ...$LABEL$0 +ICJ ruling on Israeli fences may lead to sanctions: Attorney General JERUSALEM, Aug. 19 (Xinhuanet) -- Israeli Attorney General Menachem Mazuz said Thursday that the Hague ruling by the International Court of Justice (ICJ) on Israeli security fences could lead to sanctions against the country, local newspaper Ha #39;aretz ...$LABEL$0 +Japanese Stocks Edge Lower TOKYO (Reuters) - Japanese stocks edged lower by mid-morning on Friday as a retreat on Wall Street and worries about record-high oil prices prompted profit-taking in some technology and bank shares following the market's recent gains.$LABEL$2 +Rewards Have Risks on the Tehran Stock Exchange The Tehran Stock Exchange has performed magnificently, but the market's list of risks is outsized.$LABEL$2 +7 More Managers Fired Over Nortel Accounting The company announced the firings on Thursday along with a restructuring plan that included layoffs of about 3,500 employees.$LABEL$2 +Tokyo Stocks Treading Water TOKYO (Reuters) - Tokyo stocks spent Friday morning treading water as worries over record-breaking oil prices and their possible impact to the global economy overshadowed renewed hopes that Japan's economy is still on track for sustained growth.$LABEL$2 +Apple Powerbook G4 Batteries Recalled Thousands of rechargeable batteries for use in Apple #39;s Powerbook G4 laptop are being recalled. The batteries can overheat, posing a fire hazard. However, no injuries have been reported. $LABEL$3 +Another medal, two records ATHENS -- Attention, ladies and gentlemen. For his next act, Michael Phelps will break an Olympic record, hurry to the warm-down pool for a swim, run to the locker room, pull on a warm-up suit, walk out to the pool deck and take part in ...$LABEL$1 +Day 6 Roundup: China back on winning track After two days of gloom, China was back on the winning rails on Thursday with Liu Chunhong winning a weightlifting title on her record-shattering binge and its shuttlers contributing two golds in the cliff-hanging finals. $LABEL$1 +ATHENS 2004/Inoue crashes out ATHENS-In one of the biggest shocks in Olympic judo history, defending champion Kosei Inoue was defeated by Dutchman Elco van der Geest in the men #39;s 100-kilogram category Thursday. $LABEL$1 +20 Years Later, #39;the Next Mary Lou #39; Takes Her Place After months of carrying around the pressure to win an Olympic all-around gymnastics title, after being dubbed the next Mary Lou Retton so long ago, Patterson finished her floor exercise Thursday and nearly floated off the floor, leaping ...$LABEL$1 +Athens Olympics Games: Expensive and Over-Hyped Olympics? JEDDAH, 20 August 2004 First, let me make it clear that I have always enjoyed watching the Olympic Games on television ever since I was a child. The problem nowadays is that the Olympics have been turned into gigantic business proposition both for the ...$LABEL$1 +Owen given warm welcome at first Real Madrid session MADRID, Aug 19 (Reuters) - England striker Michael Owen was given a warm welcome by his new Real Madrid team mates and waiting fans on Thursday when he took part in his first training session since joining the club last week. $LABEL$1 +Latham on the mend Federal Labor leader Mark Latham is up and walking around this morning and his office says there is every indication he will leave hospital in the next 48 hours. $LABEL$0 +'Oil Shock' Has Some Economists Worried With growth slowing in China, Europe and Japan, some worry that rapidly escalating prices will trigger a self-reinforcing spiral of falling demand.$LABEL$2 +Sen. Kennedy Flagged By Secret No-Fly List Sen. Edward M. ""Ted"" Kennedy said Thursday that he was stopped and questioned at airports on the East Coast five times last March.$LABEL$2 +United Says Pensions' Termination Likely Cash-strapped UAL Corp., parent of United Airlines, continues efforts to further cut costs and emerge from bankruptcy.$LABEL$2 +After Months of Hoopla, Google Debut Fits the Norm In the stock #39;s first day of trading, investors bought, sold and flipped shares at a furious pace, with the price ending just above \$100 - 18 percent above where it started. $LABEL$2 +Update 1: Qantas Says Oil Prices Will Boost Charges Australian flag carrier Qantas on Friday raised fuel surcharges on domestic and international tickets, blaming the skyrocketing price of crude oil prices. $LABEL$2 +US press hit by new circulation figures scandal The company behind the Dallas Morning News agreed on Monday to hand back \$23m (12.5m) to advertisers after admitting circulation figures for the daily and Sunday editions had been inflated. $LABEL$2 +US rates on 30-year mortgages down to a 4-month low WASHINGTON, Aug. 19 (Xinhuanet) -- The average interest rate of 30-year mortgages in the United States declined to the lowest level in four months this week, US mortgage giant Freddie Mac reported on Thursday. $LABEL$2 +One, two, ... er, too many Researchers claim to have solved the mystery of the people who simply do not count. It could be because they are lost for words. $LABEL$3 +Americans Carly Patterson, Michael Phelps Win Gold (Update10) Aug. 19 (Bloomberg) -- Carly Patterson became the first American to win an Olympic gold medal in the women #39;s all-around gymnastics competition since Mary Lou Retton in 1984, while US swimmer Michael Phelps won a fourth gold medal in Athens. $LABEL$1 +Khorkina #39;s Final Act Centers on Bitterness THE other competitors eagerly chatted with their coaches using high-pitched voices in need of WD-40; Svetlana Khorkina hardly spoke at all as she overemoted like a silent film star while glaring and sulking as usual, even topping herself ...$LABEL$1 +Spectre of closure haunts the Uffizi One of the world #39;s greatest art museums, the Uffizi gallery in Florence, may be forced to close by huge government spending cuts, the Italian heritage minister said yesterday. $LABEL$0 +NYMEX Crude Strikes Record \$48.90 SINGAPORE (Reuters) - NYMEX crude oil futures struck another record at \$48.90 a barrel on Friday before the prompt-month expiry, as surging violence in Iraq sparked fresh concerns over supply disruptions.$LABEL$2 +Loss Widens at Wet Seal et Seal Inc., a retailer of clothing for young women, said yesterday that its second-quarter loss widened after the company recorded a \$75.5 million expense to write down the value of certain assets. $LABEL$2 +Earnings Climb 62 at Hormel Foods he Hormel Foods Corporation posted a 62 percent increase in quarterly profit yesterday, though higher grain costs kept profit below analysts #39; expectations. $LABEL$2 +Agfa-Gevaert, Photo Pioneer, to Sell Film and Lab Business RUSSELS, Aug. 19 - Agfa-Gevaert, one of the oldest names in the photography business, said on Thursday that it was selling its consumer film and photo labs business to the team running it to focus on its more profitable medical imaging and ...$LABEL$2 +World #39;s lightest flying micro-robot unveiled BEIJING, Aug.20(Xinhuanet) -- The world #39;s lightest flying micro-robot has been developed by Japan #39;s Seiko Epson Corporation. $LABEL$3 +FINA rejects protest over Peirsol #39;s reinstatement ATHENS, Aug. 19 (Xinhuanet) -- FINA, the swimming #39;s world governing body, has rejected protest from national federations of Britain and Austria over American Aaron Peirsol #39;s reinstatement after he was disqualified in the 200m backstroke final at the ...$LABEL$1 +Indian doubles pair crash out India #39;s hopes of an Olympic tennis gold medal evaporated last night when Leander Paes and Mahesh Bhupathi lost 6-2, 6-3 to Germany #39;s Nicolas Kiefer and Rainer Schuettler in the doubles semi-finals. $LABEL$1 +American Patterson takes women #39;s all-around gymnastics gold ATHENS, Aug. 19 (Xinhuanet) -- American Carly Patterson, runner-up in the 2003 Worlds, took the women #39;s individual all-around gymnastics gold medal with 38.387 points at the Athens Olympics here Friday evening. $LABEL$1 +Missed target Unfavorable exchange rates and fear of terrorism are keeping many would-be spectators at home. ATHENS-An uninformed spectator stumbling into the Athens Olympic Sports Complex on Wednesday night could have been forgiven for ...$LABEL$1 +The Atlanta Journal-Constitution Athens, Greece -- LeBron James snuck behind Australia #39;s zone defense in the fourth quarter and quickly made eye contact with Stephon Marbury, who lobbed the ball high above the rim. James catapulted into the air and jammed it home with both hands. $LABEL$1 +Liverpool set for flurry of transfers Rafael Benitez could continue the flurry of activity at Anfield before the transfer window closes at the end of the month. $LABEL$1 +Minister #39;s poll triumph puts him in line to be Pakistan #39;s next PM Three weeks after surviving an assassination attempt, Pakistan #39;s finance minister, Shaukat Aziz, confirmed his place as the country #39;s next prime minister, after coasting to victory in a byelection. $LABEL$0 +US Airways Asks Pilots for Pay Cut WASHINGTON (Reuters) - US Airways <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=UAIR.O target=/stocks/quickinfo/fullquote"">UAIR.O</A>, struggling to avoid a second bankruptcy, has asked pilots for a 16.5 percent pay cut, USA Today reported in its Friday editions.$LABEL$2 +Global LCD Oversupply to Peak in Q3 SEOUL (Reuters) - A global oversupply of large-sized liquid crystal displays (LCDs) is forecast to peak in the third quarter of this year, but it will balance out by the fourth quarter, a U.S.-based research firm said on Friday.$LABEL$2 +United Warns It May Jettison Pension Plans to Stay Afloat United Airlines said the termination of its four employee pension plans was needed to attract the financing that would allow it to emerge from bankruptcy protection.$LABEL$2 +File-Sharing Sites Found Not Liable for Infringement A court ruled that the distributors of software used by millions of people to exchange music files over the Internet cannot be held liable for aiding copyright infringement.$LABEL$2 +Google shares surge in first day after IPO price cut NEW YORK, Aug. 19 (Xinhuanet) -- Shares of Google Inc. closed sharply higher Thursday on their first day of trading on the Nasdaq Stock Market after the company cut its IPO (initial public offering) price Wednesday. $LABEL$2 +Nortel cutting 3,500 jobs, fires 7 executives Nortel Networks is eliminating 3,500 jobs and has fired seven more top executives as it struggles to deal with an accounting scandal that has prompted a criminal investigation. $LABEL$2 +Words may limit ideas According to the Telegraph, the Pirah quot;have little social structure, no art, and they barter instead of using currency. Their language is limited to just 10 consonants and vowels. quot; The only words they have for numbers are quot;one, quot; quot;two quot; and quot;many. quot; ...$LABEL$3 +Do-it-yourself phishing kits found on the internet, reveals Sophos Sophos experts have discovered that do-it-yourself phishing kits are being made available for download free of charge from the internet. $LABEL$3 +Phelps wins fourth gold at Athens Olympics ATHENS, Aug. 19 (Xinhuanet) -- Michael Phelps won his fourth gold medal at the Olympic Games in the men #39;s 200m individual medley here on Thursday. $LABEL$1 +Tourists award gold to Athens ATHENS (Reuters) - The Olympic hosts are winning rave reviews after the first week of the Athens Games, with foreign visitors expressing delight with the friendly, clean and well-organised Greek capital. $LABEL$1 +NFL ROUNDUP Flutie Eases Back in After Knee Surgery an Diego Chargers quarterback Doug Flutie participated yesterday in his first full practice since having arthroscopic surgery on his left knee Aug. 5. $LABEL$1 +Determined Davenport continues winning streak NEW YORK, Aug 19 (Reuters) - Top seed Lindsay Davenport recovered from a set down to battle past American compatriot Lilia Osterloh 4-6 6-4 6-1 in the second round of the Cincinnati Open on Thursday. $LABEL$1 +Blast rocks Nepal police post KATHMANDU (Reuters) - Maoist guerrillas have set off a bomb at an empty police post near Kathmandu, police say, and the Nepali capital remains cut off by land for the third day due to a rebel blockade call. $LABEL$0 +Global LCD Oversupply to Peak SEOUL (Reuters) - A global oversupply of large-sized liquid crystal displays (LCDs) is forecast to peak in the third quarter of this year, but it will balance out by the fourth quarter, a U.S.-based research firm said on Friday.$LABEL$2 +Dollar Hits Fresh 4-Week Low Versus Yen TOKYO (Reuters) - The dollar hit a fresh four-week low against the yen on Friday on stronger-than-expected Japanese data and as Tokyo stock prices showed resilience in the face of weaker U.S. peers.$LABEL$2 +OPEC Chief: Concerned with Oil Price Rise JAKARTA (Reuters) - OPEC President Purnomo Yusgiantoro said on Friday he was concerned with the continuing rise in global oil prices, but the cartel had not yet seen a cost-driven increase in inflation.$LABEL$2 +EA Video Game 'Madden' Tops 1.3 Million First Week (Reuters) Reuters - ""Madden NFL 2005,"" the latest\version of Electronic Arts Inc.'s (ERTS.O) pro football video\game franchise, sold more than 1.3 million copies in its first\week of release, the company said on Thursday, citing internal\figures.$LABEL$3 +Japan #39;s Topix Index Gains; Retailers Led by Daiei Inc. Advance Aug. 20 (Bloomberg) -- Japanese retail stocks rose as Daiei Inc. surged on optimism a possible investment by Wal-Mart Stores Inc. may help it avoid going to a government bailout agency. $LABEL$2 +Stunt pilots to aid NASA in catching a piece of the sun Moonlighting Hollywood stunt pilots and NASA scientists are teaming up to snatch a returning space capsule in midair over central Utah next month. $LABEL$3 +India #39;s Pratima, four others suspended for doping : Five weightlifters, including India #39;s Pratima Kumari, were Thursday suspended by the International Weightlifting Federation (IWF) for failing drug tests conducted at the Olympic Games Thursday, reports Xinhua. $LABEL$1 +Reds with a Spanish spine Rafael Benitez would not have imagined a more troubled introduction to his debut Premiership season following Michael Owen #39;s shock transfer. NANTHA KUMAR examines the tough transition period at Liverpool.LIVERPOOL Football Club were not the only party ...$LABEL$1 +Going extra innings Ten years ago, Bud Selig was commissioner of a sport shut down in a bitter labor dispute and headed for the darkest period in its long, illustrious history. $LABEL$1 +White House pays tribute to UN envoy killed in Iraq WASHINGTON, Aug. 19 (Xinhuanet) -- The White House on Thursday paid tribute to United Nations envoy Sergio Vieira de Mello who was killed in the bombing of the UN headquarters in Baghdad one year ago. $LABEL$0 +OPEC Chief: Concerned with Oil Price Rise (Reuters) Reuters - OPEC President Purnomo Yusgiantoro said\on Friday he was concerned with the continuing rise in global\oil prices, but the cartel had not yet seen a cost-driven\increase in inflation.$LABEL$2 +Oil Marches Toward #36;50, Weighs on Stocks (Reuters) Reuters - Oil prices marched toward #36;50 a\barrel on Friday, weighing on Asian stock markets as investors\fretted over the impact of high energy costs on corporate\profits, consumer spending and economic growth in general.$LABEL$2 +Stocks Dip as Oil Soars; Google Shines (Reuters) Reuters - U.S. stocks slid on Thursday, ending\four days of gains as oil prices continued their march higher,\but Google Inc. (GOOG.O) created a buzz as shares of the\Internet search company surged on their debut.$LABEL$2 +Gap Profit Off, Sees More Store Closings (Reuters) Reuters - Gap Inc. (GPS.N), the largest U.S.\specialty apparel retailer, on Thursday reported a 7 percent\decline in quarterly profit, meeting lowered forecasts, after\summer clearance sales drew surprisingly small crowds.$LABEL$2 +Google shares soar 18 percent on first day In the stock #39;s first day trading, investors bought, sold and flipped shares at a furious pace, with the price ending just above \$100 -- 18 percent higher than where it started. $LABEL$2 +Nortel Will Cut Workforce by 10 Percent TORONTO, Aug. 19 -- Nortel Networks Corp. said Thursday it will slash its workforce by 3,500, or 10 percent, as it struggles to recover from an accounting scandal that toppled three top executives and led to a criminal investigation and lawsuits. $LABEL$2 +Qantas Boosts Flight Surcharges as Fuel Prices Soar (Update2) Aug. 20 (Bloomberg) -- Qantas Airways Ltd., Australia #39;s biggest airline, increased a surcharge on all tickets as the cost of jet fuel soared to a record. Qantas shares rebounded from a three-month low. $LABEL$2 +Appeals Court Ruling Favors File-Sharing SAN FRANCISCO, Aug. 19 -- The makers of two leading file-sharing programs are not legally liable for copyrighted works swapped online by their users, a federal appeals court ruled Thursday in a blow to the entertainment industry. $LABEL$2 +Nordstrom #39;s profits up 62; stock falls Nordstrom Inc. #39;s second-quarter profit surged 62 percent on sales of fashions such as tweed jackets and ponchos, but the company missed analyst expectations, sending its shares down in after-hours trading yesterday. $LABEL$2 +Brokerage Gets Fine, 1-Month Ban on Opening New Accounts NEW YORK, Aug. 19 -- National Securities Corp., a Seattle brokerage firm, has agreed to a one-month ban on opening mutual fund accounts and must pay \$600,000 in fines and restitution to settle allegations that its employees helped ...$LABEL$2 +Ohio sues Best Buy, alleges deceptive sales practices Best Buy Co., the biggest electronics retailer in the nation, was sued yesterday by Ohio #39;s attorney general, who accused the company of deceptive sales practices such as repackaging used merchandise and selling it as new. $LABEL$2 +NASA prepares to catch a falling star sample NASA #39;s three-year effort to bring some genuine star dust back to Earth is set for a dramatic finale Sept. 8 when Hollywood helicopter pilots will attempt a midair retrieval of a descending space capsule. $LABEL$3 +Americans playing it cool in the pool ATHENS Michael Phelps might receive his last gold medal of the Athens Olympics in a way no one would envision. $LABEL$1 +Anno Captures Japan #39;s 6th Judo Gold; Inoue Fails to Win Medal Aug. 20 (Bloomberg) -- Noriko Anno, four-time world champion, won Japan #39;s sixth judo gold medal Thursday, defeating China #39;s Liu Xia in the women #39;s 78-kilogram class. $LABEL$1 +Patterson makes it an all-around sweep for US Two decades later, it #39;s time to make room for Carly Patterson as America #39;s next reigning champion of Olympic women #39;s gymnastics. $LABEL$1 +Manning Does His Part to Start a Controversy HARLOTTE, Aug. 19 - Eli Manning was handed his first chance to prove he could be a starting quarterback in the NFL Thursday night against the Carolina Panthers. If Manning #39;s performance was any indication, the Kurt Warner era with the ...$LABEL$1 +Dismal weather takes control of NEC AKRON, Ohio -- Golf was supposed to be the headliner Thursday at Firestone Country Club in Akron. What turned out to be the featured performer, instead, was a nasty line of weather that made golf secondary to a lot of other things. $LABEL$1 +Thursday #39;s Golf Capsules Stewart Cink made five birdies on his first 10 holes and led by one shot over Rod Pampling before the rain-delayed first round of the NEC Invitational was suspended by darkness Thursday. $LABEL$1 +Sports: Yankees 13 Twins 10 MINNEAPOLIS The New York Yankees coughed up a 9-to-3 lead before rallying in the ninth inning to beat Minnesota 13-to-10. $LABEL$1 +Standoff Continues with Militant Cleric in Najaf Fighting continues in Najaf even though Iraq #39;s Prime Minister Iyad Allawi has made a final call to Shi #39;ite militants to lay down their weapons and leave the holy Imam Ali shrine in Najaf. Militants threaten to kill a Turkish hostage and missing American ...$LABEL$0 +Russia Accuses Georgia of Violating Cease-Fire Government forces battled separatists for strategic areas near South Ossetia #39;s main city as Georgia sought the upper hand in some of the worst fighting in the breakaway region since a war more than a decade ago. $LABEL$0 +Hungary Crisis Deepens as Prime Minister Quits Moving to end a political crisis with its government coalition partner, Hungary #39;s Socialist Party has announced that Prime Minister Medgyessy is no longer head of the government and that it plans to nominate his replacement next week. $LABEL$0 +Google Up in Market Debut After Bumpy IPO (Reuters) Reuters - Google Inc. shares jumped 18\percent in their long-awaited stock market debut on Thursday,\after a scaled-down #36;1.67 billion IPO marked by missteps and\lackluster market conditions.$LABEL$2 +Google Up in Market Debut After Bumpy IPO NEW YORK/SEATTLE (Reuters) - Google Inc. shares jumped 18 percent in their long-awaited stock market debut on Thursday, after a scaled-down \$1.67 billion IPO marked by missteps and lackluster market conditions.$LABEL$2 +Google #39;s Auction Loosens Wall Street #39;s Grip on High-Priced IPOs Aug. 20 (Bloomberg) -- Google Inc. #39;s share sale has put Wall Street on notice: The old way of doing business may be ending. $LABEL$2 +The Aftermath Of Charley: The Most Expensive States To Insure Your Home There are always trade-offs to every place people choose to live. If you live in New York, it #39;s too expensive. If you live in Montana, it #39;s too remote. If you live in Florida, you #39;re going to be slammed with hurricanes all the time. $LABEL$2 +Paul Hamm #39;s example PAUL HAMM #39;S fall and rise are what make the Olympics so much more than a sports event. The US gymnast who spun despair into gold on Wednesday gives hope to the whole human endeavor by defusing the word quot;loser. quot; ...$LABEL$1 +All-American girl ATHENS -- That was then and this is now. That was there and this is here. So which is a bigger moment? Mary Lou Retton #39;s quot;No-Fault Vault quot; that produced America #39;s first Olympic all-around gold medal in women #39;s ...$LABEL$1 +Security Officials Relieved, Vigilant ATHENS, Aug. 19 -- Worried about the potential for a terrorist catastrophe, Greece is spending about \$1.5 billion on security for the Olympic Games. The biggest threats so far? Foreign journalists and a Canadian guy dressed in a tutu. $LABEL$1 +Google Up in Market Debut After Bumpy IPO NEW YORK/SEATTLE (Reuters) - Google Inc. shares jumped 18 percent in their long-awaited stock market debut on Thursday, after a scaled-down \$1.67 billion IPO marked by missteps and lackluster market conditions. $LABEL$2 +US Airways asks pilots for 16.5 cut in pay Struggling US Airways (UAIR) has asked its pilots to accept a 16.5 pay cut while giving them the chance to recoup some of the money by flying more. $LABEL$2 +Daiei shares soar as Wal-Mart confirms interest in ailing retailer TOKYO : Shares in ailing Japanese retailer Daiei Inc. jumped 16 percent after US giant Wal-Mart Stores Inc. confirmed it was interested in aiding the firm #39;s revival. $LABEL$2 +FDA to Inspect Boston Scientific Stent Plant -WSJ NEW YORK (Reuters) - The US Food and Drug Administration expects to inspect Boston Scientific Corp. #39;s Galway, Ireland factory in the quot;near future quot; as part of its probe into the company #39;s coronary stent recall, the Wall Street Journal said on Friday. $LABEL$2 +BofA lays off 1,000 at Fleet Boston, MA, Aug. 19 (UPI) -- Bank of America has issued pink slips to 1,000 Fleet Boston employees across the Northeast and Rep. Barney Frank, D-Mass., said he would investigate. $LABEL$2 +Tokyo Stocks Flat in Late Trade TOKYO (Reuters) - Tokyo stocks were flat in afternoon trade on Friday as worries about record high oil prices took the edge off investors' appetite for recently battered high tech issues such as Sharp Corp$LABEL$2 +Chevron to appeal pipeline ruling ChevronTexaco, America's second-biggest oil company, is to appeal a court ruling ordering it to pay damages from a pipeline leak, reports say.$LABEL$2 +Hong Kong police look into prank e-mail service (AFP) AFP - Hong Kong police said they were investigating an Internet service that posts bogus e-mails to unwitting recipients claiming to be from the police and other official organisations.$LABEL$3 +Militants Bomb Two Churches in Mosul (AP) AP - Militants bombed two churches Tuesday in Mosul, wounding three people in a coordinated attack apparently aimed at stirring trouble between religious groups in this ethnically diverse northern city.$LABEL$0 +Insiders Get Rich Through Google IPO The biggest individual winners are the top three executives, Larry Page, Sergey Brin and Eric Schmidt as each make \$41 million.<br><FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2"" color=""#666666""><B>-The Washington Post</B></FONT>$LABEL$3 +Researchers Turn to Adult Stem Cells Biotech firms face skepticism as they try to show that their research can work as medicine and as a business. <FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2"" color=""#666666""><B>-The Washington Post</B></FONT>$LABEL$3 +China Declares War on Electronic Porn Even for authoritarian rulers, the decree that plugged-in Chinese must be back on the sexual straight and narrow by Oct. 1 will not become reality easily.$LABEL$3 +Mars Exploration Rovers Driving Into the Sunset The Mars rovers fuel their instruments by following the sun and as their energy budget gets tighter during the winter, their terrestrial drivers get more skilled at driving towards the light.$LABEL$3 +Microsoft Patches the Patch Windows XP Service Pack 2 gets a 'hotfix' for VPNs, part the never-ending process of software development.$LABEL$3 +Apple Remote Desktop 2 Reviewing Apple Remote Desktop 2 in Computerworld, Yuval Kossovsky writes, #147;I liked what I found. #148; He concludes, #147;I am happy to say that ARD 2 is an excellent upgrade and well worth the money. #148; Aug 19$LABEL$3 +Braves Edge Dodgers 6-5 (AP) AP - Johnny Estrada homered, drove in three runs and started Atlanta's go-ahead rally in the ninth inning, and the Braves beat Eric Gagne and the Los Angeles Dodgers 6-5 Thursday night.$LABEL$1 +Yankees Blow Lead but Beat Twins 13-10 (AP) AP - Gary Sheffield homered twice and keyed a four-run rally in the ninth inning Thursday night, sending the New York Yankees to a seesaw, 13-10 win over the Minnesota Twins.$LABEL$1 +Manning Decent in Debut but Giants Lose (AP) AP - Although the spotlight was on Eli Manning, Jake Delhomme shone the brightest.$LABEL$1 +Agassi Moves Into Legg Mason Quarters (AP) AP - Andre Agassi breezed into the quarterfinals of the Legg Mason Tennis Classic with a 6-4, 6-2 victory over Kristian Pless on Thursday night.$LABEL$1 +Trend plans mobile antivirus in 05 Trend Micro Inc is planning to release antivirus software aimed at the mobile carrier and handset maker markets next June, an executive said as the firm launched a free antivirus-antispam package aimed at the end user.$LABEL$3 +Yankees' Closing Acts Resolve All Plot Twists It was a surreal and stomach-turning night for the Yankees against the Minnesota Twins on Thursday, and when it ended, it was also a successful night.$LABEL$1 +Bugel's Fine Line Redskins assistant head coach Joe Bugel returns to turn his new group of ""Dirt Bags"" into a mirror image of his ""Hogs"" of the 1980s.$LABEL$1 +Fields Treasures Job After missing all of the Carolina Panthers' 2004 Super Bowl season with Hodgkin's disease, linebacker Mark Fields appreciates every second he spends on the field.$LABEL$1 +Davis Starts Anew Virginia Tech defensive end Jim Davis is ready for a big senior season after missing all of last year with a torn pectoral muscle.$LABEL$1 +Owens, Lewis Face Off After an offseason of verbal jousting when wide receiver Terrell Owens shunned the Ravens for the Eagles, Ravens linebacker Ray Lewis and Owens take it to the field on Friday.$LABEL$1 +Hewitt Doesn't Miss Athens Australian Lleyton Hewitt is disappointed at the timing of the Olympics as it related to the tennis schedule and is happy he skipped the Games.$LABEL$1 +Improved Pitching Has the Keys Finishing on an Upswing As the season winds down for the Frederick Keys, Manager Tom Lawless is starting to enjoy the progress his pitching staff has made this season.$LABEL$1 +Bowe Re-Enters Ring Fresh from being released from federal prison last May, former heavyweight champion Riddick Bowe has set up his first comeback bout for Sept. 25$LABEL$1 +April trial date set for Australian accused of murdering British tourist (AFP) AFP - An Australian mechanic will stand trial next April over the outback murder three years ago of British tourist Peter Falconio, court officials said.$LABEL$0 +Kean Leaving Drew U., No N.J. Run Planned (AP) AP - The chairman of the Sept. 11 commission, former New Jersey Gov. Thomas H. Kean, will retire as president of Drew University in the spring, the school announced Thursday. Kean will have spent 15 years at the liberal arts school in Madison.$LABEL$0 +Kerry Legal Team Member Is Issued Citation (AP) AP - A member of Democratic presidential candidate John Kerry's national legal team received a citation on accusations he solicited a prostitute, but the aide said it was the result of a misunderstanding.$LABEL$0 +Five Killed in U.S. Bombing of Iraq's Falluja FALLUJA, Iraq (Reuters) - A U.S. bombing raid on the restive Iraqi town of Falluja, west of Baghdad, overnight killed five people and wounded six, a hospital doctor said on Friday.$LABEL$0 +Kerry attacks 'Vietnam tactics' John Kerry accuses George W Bush of using a front group to launch attacks on his Vietnam war record.$LABEL$0 +Stocks little changed on IBM, J amp;J news Stocks are little-changed in early trading. The Dow Jones Industrial Average is down five points in today #39;s early going. Losing issues on the New York Stock Exchange hold a narrow lead over gainers.$LABEL$2 +Day Seven preview: Athletics begins Latest updates as Denise Lewis prepares her bid for heptathlon gold.$LABEL$0 +Key US forces to stay in Germany The US military says it will keep its European command in Germany amid plans for a broader pull-out.$LABEL$0 +Anarchists Emerge as the Convention's Wild Card New York police consider self-described anarchists the unknown factor in whether the Republican convention demonstrations remain under control.$LABEL$0 +Yankees Blow Lead but Beat Twins 13-10 MINNEAPOLIS - Gary Sheffield homered twice and keyed a four-run rally in the ninth inning Thursday night, sending the New York Yankees to a seesaw, 13-10 win over the Minnesota Twins. Down 9-3 and minus Gold Glove center fielder Torii Hunter after he crashed into the fence, the Twins came back and almost swept the three-game series between AL division leaders...$LABEL$0 +Producer Sues Over 'Rings' Trilogy Profits LOS ANGELES - Pay up, Frodo. So says Saul Zaentz, a Hollywood producer who has sued New Line Cinema for \$20 million in royalties from the blockbuster ""Lord of the Rings"" trilogy...$LABEL$0 +Jackson's Lavish Lifestyle Put on Display SANTA MARIA, Calif. - The elegant life of Michael Jackson was put on display in a courtroom Thursday when defense attorneys showed videotaped scenes from last year's raid on the pop star's lavish Neverland estate...$LABEL$0 +U.S. Struggles to Win Muslim Hearts, Minds The Bush administration is facing growing criticism that it has failed to move aggressively enough in the war of ideas against al Qaeda and other Islamic extremist groups over the three years since the 9/11 attacks.$LABEL$0 +Court verdict: WTC terror attacks were two occurrences for <b>...</b> A New York court ruled that the World Trade Center terrorist attacks were two separate event, meaning leaseholder Larry Silverstein stands to collect up to \$2.2 billion from nine insurers.$LABEL$2 +South Korea in growth spurt South Korea's economy grew faster than expected in the second quarter, but growth is still held back by poor domestic demand.$LABEL$2 +'Madden' Week No. 1 Game Sales Top 1.3 Million (Reuters) Reuters - ""Madden NFL 2005,"" the latest\version of Electronic Arts Inc.'s pro football video game\franchise, sold more than 1.3 million copies in its first week,\giving a strong kick-off to one of EA's top sellers, the\company said on Thursday.$LABEL$3 +'Madden' Week No. 1 Game Sales Top 1.3 Million LOS ANGELES (Reuters) - ""Madden NFL 2005,"" the latest version of Electronic Arts Inc.'s pro football video game franchise, sold more than 1.3 million copies in its first week, giving a strong kick-off to one of EA's top sellers, the company said on Thursday.$LABEL$3 +'We're Done' Can be Predicted Before 'I Do' By Kathleen Doheny, HealthDay Reporter HealthDayNews -- It seems the seeds of divorce are sown long before a couple recites their wedding vows. New research shows certain relationship skills -- or the lack of them -- can predict whether two people are headed for marital bliss or a painful breakup...$LABEL$3 +Dietary Supplement Industry Hops on Low-Carb Diet Trend By ALICIA CHANG (AP) -- Stroll down any pharmacy aisle these days and you'll find that the low-carb craze has invaded the \$20 billion dietary supplement industry. From multivitamins to starch blocker pills, loosely regulated supplements are popping up in the burgeoning low-carb market dominated by food companies...$LABEL$3 +San Diego Zoo's Baby Panda Celebrates First Birthday On his first birthday Thursday, giant panda cub Mei Sheng delighted visitors by playing for the first time in snow delivered to him at the San Diego Zoo. The cub has become quite a little celebrity since his birth a year ago. He is only the second panda born in the United States to survive to his first birthday.$LABEL$3 +Google, Now Much Wealthier, Enters New Phase Google Inc. (GOOG) will have plenty to celebrate at its annual company summer picnic Friday - its debut as a public company gave it an immediate cash infusion of \$1.16 billion, not to mention all the millionaires it made of employees and insiders.$LABEL$3 +U.S. Chain Store Sales Rise NEW YORK (Reuters) - U.S. chain store sales rose in the week ended December 4, as average sales were generally ahead of last year, but customer counts were down, a report said on Tuesday.$LABEL$2 +Guidant Shares Up on J J Deal Report CHICAGO (Reuters) - Shares of medical device maker Guidant Corp. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=GDT.N target=/stocks/quickinfo/fullquote"">GDT.N</A> jumped on Tuesday after a report saying the company was in advanced talks to be acquired by health products maker Johnson Johnson <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=JNJ.N target=/stocks/quickinfo/fullquote"">JNJ.N</A> for more than \$24 billion.$LABEL$2 +U.S. Plane Launches Airstrike in Fallujah (AP) AP - U.S. forces launched an airstrike Friday in the troubled Iraqi city of Fallujah, witnesses said. A U.S. plane fired at least one missile into an industrial area of the city, located 40 miles west of Baghdad, witnesses said. There were no immediate reports of casualties.$LABEL$0 +Rebels Explode Two Bombs in Katmandu (AP) AP - Suspected rebels shot and wounded a policeman and detonated two powerful bombs in Katmandu on Friday as the guerrilla blockade of the Nepali capital entered its third day. No one was injured in the explosions.$LABEL$0 +GOP Convention Delegation More Diverse (AP) AP - Republicans point to record levels of diversity among delegates to their upcoming convention, though the GOP isn't close to matching the makeup of the U.S. population overall or the Democratic delegation that met last month in Boston.$LABEL$0 +Kathmandu hit by 'rebel' blasts Suspected Maoist rebels in Nepal explode two bombs in Kathmandu, on the third day of a blockade of the capital.$LABEL$0 +India weightlifters test positive Pratima Kumari and Sanamacha Chanu become the first Indians to fail a drugs test at an Olympics competition.$LABEL$0 +Braves Edge Dodgers 6-5 LOS ANGELES - Johnny Estrada homered, drove in three runs and started Atlanta's go-ahead rally in the ninth inning, and the Braves beat Eric Gagne and the Los Angeles Dodgers 6-5 Thursday night. In a matchup of division leaders, the Dodgers had scored twice in the eighth to tie it 5-5...$LABEL$0 +Stocks Open Flat NEW YORK (Reuters) - U.S. stocks were little changed in early trade on Tuesday, as a report of a possible \$24 billion takeover of cardiovascular device maker Guidant Corp. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=GDT.N target=/stocks/quickinfo/fullquote"">GDT.N</A> by Johnson Johnson <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=JNJ.N target=/stocks/quickinfo/fullquote"">JNJ.N</A> and easing oil prices provided support.$LABEL$2 +Nortel Turns a Tiny Corner The Canadian telecom equipment maker has issued its first post-accounting-scandal financial update. So far, so good ...$LABEL$2 +Crude Oil May Rise From Record on Supply Threats (Update1) Aug. 20 (Bloomberg) -- Crude oil futures in New York will probably rise next week, after setting records every day except one since July, on concern that shipments will be curtailed as demand grows, a Bloomberg survey of traders and analysts showed. $LABEL$2 +Qantas raises fuel surcharge Qantas Airways has raised its fuel surcharge on domestic and international tickets by \$4 and \$7, respectively, because of the high price of oil. $LABEL$2 +Tokyo Stocks Flat in Late Trade Retailers such as Ito-Yokado got a lift after government data showed activity in Japan #39;s service sector rose in June as a wide range of businesses including retailers and restaurants enjoyed a recovery in customers. $LABEL$2 +Update 4: Two Firms Cleared of Swapping Violations In a judicial blow to the entertainment industry, a federal appeals court ruled that makers of two leading file-sharing programs are not legally liable for the songs, movies and other copyright works their users swap online. $LABEL$2 +United wants out United Airlines told a federal bankruptcy court it likely would have to terminate its employee pension plans and replace them with leaner retirement benefits in order to survive. $LABEL$2 +Jury holds Texaco liable for 1955 leak SAN FRANCISCO (CBS.MW ) -- A jury has ordered Texaco to pay \$15 million to finish the cleanup of a 1955 gas pipeline spill in a small town in Montana, and to pay \$25 in punitive damages, according to published reports. $LABEL$2 +Delta fare plan now seems fair Delta Air Lines #39; decision to reduce fares out of Cincinnati/Northern Kentucky International Airport is good news for the region, but the key will be whether the airline is committed to sustaining the reasonable rates. $LABEL$2 +Apple Recalls 28,000 PowerBook Batteries Apple notes that the model and serial numbers are located on the label on the bottom of the battery, and can be viewed by removing the battery from the computer. Apple is providing an online form for consumers to begin the battery recall ...$LABEL$3 +High-Speed Internet Shouldn #39;t Be Delayed Back in the go-go days of the tech boom, there was a lot of talk about fast Internet connections enabling consumers to do all manner of useful and fun things, from online banking to viewing movies online. Well, guess what? Despite the following tech bust, ...$LABEL$3 +AT amp;T keeps expanding Net-phone service The Bedminster-based company yesterday said it was pushing into 21 new markets with the service, AT amp;T CallVantage, and extending an introductory rate offer until Sept. 30. In addition, the company is offering in-home installation of up to five ...$LABEL$3 +Agassi waltzes into Washington quarter-finals Top-seed Andre Agassi easily advanced to the quarter-finals of the Washington ATP tournament overnight, with a 6-4, 6-2 victory over Kristian Pless. $LABEL$1 +In Greece, an Inside Track for Some Costas #39; nerves are on edge. It #39;s 10:45 am, and he can #39;t get his usual frappe, a coffee-and-milk concoction that #39;s one of Greece #39;s most popular picker-uppers. Twenty-five-year-old Costas is working at the cafe in the Olympic Village international zone for ...$LABEL$1 +US gymnasts double the gold ATHENS, GREECE - Twenty years ago in Los Angeles, it was Mary Lou Retton and the vault without fault. $LABEL$1 +Yankees beat Nathan to avoid Minny sweep Minneapolis, MN (Sports Network) - Gary Sheffield tied the game in the ninth inning with his second homer of the game and Hideki Matsui singled home Alex Rodriguez with the go-ahead run, as the New York Yankees rallied for a 13-10 victory over the ...$LABEL$1 +Braves get a win off Gagne LOS ANGELES -- It wasn #39;ta save situation. But the Braves made sure Eric Gagne enjoyed a second consecutive depressing night, with some help from Johnny Estrada, who enjoyed another successful evening in his native state. $LABEL$1 +Woods near top of soaked NEC AKRON, OHIO - Tiger Woods was cruising at one of his favorite courses before a pair of dropped shots cost him a share of the lead at the weather-delayed WGC-NEC Invitational on Thursday. $LABEL$1 +Two Wounded in Second Bomb Blast in Nepal Capital KATHMANDU (Reuters) - Two people were wounded after a second bomb exploded in Nepal #39;s capital on Friday, the third day of a blockade of the commercial center called by Maoist rebels. $LABEL$0 +Darfur plan #39;difficult #39; The United Nations is seeking to disarm both rebels and government-backed militias in Darfur, a senior UN official says. $LABEL$0 +Typhoon Megi slams into northern Japan TOKYO (Reuters) - Typhoon Megi has killed one person as it slammed ashore in northern Japan, bringing the death toll to at least 13 and cutting power to thousands of homes before heading out into the Pacific. $LABEL$0 +Hungary #39;s ruling Socialist Party dumps PM BUDAPEST, Aug. 19 (Xinhuanet) -- Hungary #39;s ruling Socialist Party said Thursday that it accepted Prime Minister Peter Medgyessy #39;s resignation and has named a candidate for the post. $LABEL$0 +ANALYSIS-China Uses Deng Xiaoping Centenary to Laud Reform BEIJING (Reuters) - The architect of China #39;s dramatic economic reforms. A benevolent leader who rehabilitated millions purged in the chaotic 1966-76 Cultural Revolution. A military genius. An avid bridge player. A family man. $LABEL$0 +Nikkei Ends Flat, Oil Concerns Weigh TOKYO (Reuters) - Tokyo stocks ended flat on Friday as worries about record-high oil prices took the edge off investors' appetite for recently battered technology issues such as Sharp Corp.$LABEL$2 +Oil Near \$49 on Mounting Iraq Violence SINGAPORE (Reuters) - Global oil prices rallied to fresh highs on Friday with U.S. crude approaching \$49, driven by escalating violence in Iraq and unabated demand growth from China and India.$LABEL$2 +Yen Hits 4-Week High Versus Dollar TOKYO (Reuters) - The yen hit a fresh four-week high against the dollar and edged up against the euro on Friday as stronger-than-expected Japanese data gave the currency a belated boost.$LABEL$2 +IMF's Rato Sees World GDP 4.6 Percent MADRID (Reuters) - IMF Managing Director Rodrigo Rato sees world economic growth of ""around 4.6 percent"" in 2004 and 2005, according to an interview published in a Spanish newspaper interview on Friday.$LABEL$2 +Olympics boosts WPP growth WPP, the world's third largest advertising services group, has reported 15 growth in profits in the first half of the year.$LABEL$2 +Blogging Across America (PC World) PC World - Who needs postcards? Use high-tech ways to stay in touch while you're\ traveling.$LABEL$3 +Oil Near #36;49 on Mounting Iraq Violence (Reuters) Reuters - Global oil prices rallied to fresh\highs on Friday with U.S. crude approaching #36;49, driven by\escalating violence in Iraq and unabated demand growth from\China and India.$LABEL$2 +Google stockowner for a day: a memoir One week ago, I submitted a bid for Google Inc. stock that overestimated the eventual auction price of the computer search company #39;s initial public offering by nearly 30 percent. But I sold my shares shortly ...$LABEL$2 +Oil Near \$49 as Iraq Violence Escalates SINGAPORE (Reuters) - Global oil prices raced to fresh highs on Friday with U.S. crude approaching \$49, driven by escalating violence in Iraq and unabated demand growth from China and India.$LABEL$2 +Stent recalls could hit inventory The three recalls of Boston Scientific Corp. cardiac stents since July 2 affected many more units than the company has previously disclosed, raising concerns among stock analysts about future inventory levels.$LABEL$2 +Google gets a bounce, ends its first day up 18 percent Shares of Google leaped \$15.34, or 18 percent, to \$100.34 on the Nasdaq exchange yesterday in an opening day of trading that harkened back to the wild run-ups of the dot-com era.$LABEL$2 +Google stockowner for a day: a memoir If only the rest of my investments worked out this way. One week ago, I submitted a bid for Google Inc. stock that overestimated the eventual auction price of the computer search company's initial public offering by nearly 30 percent. But I sold my shares shortly after Google stock began trading yesterday and still walked away with a nice profit, ...$LABEL$2 +Oil prices flare up amid Iraq violence WASHINGTON -- Crude futures plowed to a new high near \$49 a barrel yesterday as the threat of sabotage to Iraqi oil infrastructure loomed larger than promises from Baghdad to boost exports in coming days.$LABEL$2 +State's consumer confidence rises Consumer confidence in Massachusetts jumped to its highest level in more than two years as an improving outlook on the economy and job market sparked consumers' spirits.$LABEL$2 +United Airlines likely to end pension plans UAL Corp.'s United Airlines, trying to attract financing to exit bankruptcy, said it probably will terminate and replace all its pension plans.$LABEL$2 +Where's the WiFi? Park's developer wants to know Ten years ago, Boston real estate developer Norman B. Leventhal spearheaded the transformation of a grungy Financial District garage into a park that's become a downtown oasis.$LABEL$2 +Nortel Networks to cut 3,500 TORONTO -- Nortel Networks said yesterday it will slash its workforce by 3,500, or 10 percent, as it struggles to recover from an accounting scandal that toppled three top executives and led to a criminal investigation and lawsuits.$LABEL$2 +FDA approves lung cancer drug WASHINGTON -- The Food and Drug Administration yesterday approved a cancer drug made by pharmaceutical giant Eli Lilly and Co. to treat advanced non-small cell lung cancer in patients who have undergone chemotherapy.$LABEL$2 +Notebook: Six weightlifters caught using steroids ATHENS Weightlifting #39;s governing body isn #39;t about to give up its aggressive pursuit of drug cheaters, even if it jeopardizes the sport #39;s future in the Olympics, the group #39;s top official said yesterday after six more ...$LABEL$1 +Britain target Beijing gold British badminton star Nathan Robertson has set his sights on Olympic gold in Beijing following his silver medal with Gail Emms at the Athens Games. $LABEL$1 +Eli Manning outplays Warner in 1st NY start CHARLOTTE, NC Eli Manning stepped to the line, pointing out the defense just like brother Peyton. $LABEL$1 +Major League Baseball News The Yankees had to venture into improbable territory Thursday night to avoid their first sweep by the Twins since 1991. But like they #39;ve done so many times this season, the Yankees found the heroes to turn lemons into lemonade, winning 13-10. $LABEL$1 +Al-Sadr is sent #39;final call #39; BAGHDAD, Iraq - Interim Prime Minister Ayad Allawi issued a quot;final call quot; yesterday for Shiite Muslim cleric Muqtada al-Sadr to agree to a new set of conditions issued by the government and end his rebellion. $LABEL$0 +Peres calls for early general election The leader of the opposition Labour party in Israel, Shimon Peres, has called for an early general election. $LABEL$0 +Kathmandu hit by #39;rebel #39; blasts Suspected Maoist rebels in Nepal have set off two bombs in Kathmandu, on the third day of a blockade of the capital. $LABEL$0 +Power struggle also to blame for Sudan violence KHARTOUM, Sudan - The violence in Sudan #39;s western province of Darfur, where more than 30,000 people have been killed and hundreds of thousands have been displaced, is widely portrayed as an ethnic-cleansing campaign by Arab militias ...$LABEL$0 +Typhoon leaves 18 missing or dead in Japan, South Korea The casualty toll from a typhoon that has lashed South Korea and Japan this week has reached at least 18 dead or missing. $LABEL$0 +Hungarian Parliament to Elect Premier on Sept. 6, Kovacs Says Aug. 20 (Bloomberg) -- Hungary #39;s parliament will elect a new prime minister on Sept. 6 to succeed Peter Medgyessy, who is quitting after the junior coalition partner withdrew its confidence, outgoing Socialist Chairman Laszlo Kovacs said on state ...$LABEL$0 +Mbeki urges reform of global agencies His call came at the end of his opening address to the ministerial conference of the grouping of 114 developing nations. $LABEL$0 +New flaws found in Microsoft security (AFP) AFP - Internet security experts have found two ""flaws"" with Microsoft Corp's long-awaited security update for its Windows XP operating system, but the software behemoth insists that the new SP2 is secure.$LABEL$3 +An IPO Afterglow in Googleland The most hyped new issue since Netscape chalked up a very tidy gain on its first day of trading. Peace reigns in the Valley ...$LABEL$2 +Nortel Networks to cut 3,500 TORONTO -- Nortel Networks said yesterday it will slash its workforce by 3,500, or 10 percent, as it struggles to recover from an accounting scandal that toppled three top executives and led to a criminal ...$LABEL$2 +Oil barrels toward \$50 Next stop, fifty bucks. Analysts said crude futures could climb that high today, pushed to the psychological barrier of \$50 US a barrel by speculative buying amid escalating threats to Iraq #39;s oil infrastructure. $LABEL$2 +Qantas Boosts Flight Surcharges as Fuel Prices Soar (Update5) Aug. 20 (Bloomberg) -- Qantas Airways Ltd., Australia #39;s biggest airline, increased a surcharge on all tickets as the cost of jet fuel soared to a record. Qantas shares rebounded from a three-month low. $LABEL$2 +Delta #39;s debt plan raises concerns; US Airways labor deal due Delta Air Lines #39; plan to restructure some of its debt outside of bankruptcy has raised concerns among credit analysts who believe the move could be tantamount to defaulting on the money the struggling carrier owes. $LABEL$2 +Nikkei Ends Flat, Oil Concerns Weigh TOKYO (Reuters) - Tokyo stocks ended flat on Friday as worries about record-high oil prices took the edge off investors #39; appetite for recently battered technology issues such as Sharp Corp. $LABEL$2 +Peer-to-peer networks win ruling Companies providing software that helps music and movie lovers trade files with each other can #39;t be held financially responsible for copyright theft resulting from the trading, a federal court in Los Angeles ruled yesterday. $LABEL$2 +Zurich Financial nearly doubles profit Swiss insurance giant Zurich Financial Services has reported a first-half net profit of \$US1.5 billion (\$A2.1 billion), up 93 per cent from \$US752 million (\$A1.05 billion) in the same period last year, and roughly in line with analysts #39; expectations. $LABEL$2 +Bank of America puts name on Celebrity Series of Boston A day after laying off hundreds of Fleet bank workers, Bank of America received a boost of positive publicity from the arts world. $LABEL$2 +United #39;likely #39; to end pensions For the first time, United Airlines has acknowledged that it is quot;likely quot; to terminate its pension plans, a move the carrier said it needs to attract financing to emerge from bankruptcy. $LABEL$2 +Nordstrom profit soars in quarter, but not enough for Wall St. Nordstrom reported a strong second-quarter profit as it continued to select more relevant inventory and sell more items at full price. $LABEL$2 +Amazon to purchase Chinese on-line retailer Amazon.com Inc. has agreed to buy Joyo.com, China #39;s largest on-line retailer of books, music and videos, for \$75-million (US) to gain access to the world #39;s second-biggest Internet market. $LABEL$2 +Mike #39;s mailbag I got lots of mail this week about my Tuesday column about the Windows XP Service Pack 2 update from Microsoft. $LABEL$3 +Pilots prepare for mid-air catch of Genesis capsule LA CANADA FLINTRIDGE -- When a capsule from NASA #39;s Genesis spacecraft appears in the sky above the Utah desert on the morning of Sept. 8, it will have withstood more than three years in space and will contain samples of the ...$LABEL$3 + #39;Psst...want the tools to be a cybercriminal? #39; Some websites are now offering surfers the chance to download free quot;phishing kits quot; containing all the graphics, web code and text required to construct the kind of bogus sites used in internet phishing scams. $LABEL$3 +Nortel goes under the knife again WASHINGTON (CBS.MW) -- The latest corporate overhaul by Nortel Networks will shear the company of all its manufacturing operations and leave it with 70 percent fewer workers than it had four years ago. $LABEL$3 +American claims Khorkina crown ATHENS -- With a dazzling routine on the floor, American Carly Patterson staked her claim last night as the new queen of gymnastics. Patterson, 16, spoiled Russian superstar Svetlana Khorkina #39;s final chance at Olympic gold in gymnastics #39; premier event and ...$LABEL$1 +Turnabout fair play for Peirsol On a night when a disqualification was posted, protested, counterprotested twice and ultimately tossed out, the American swimmers claimed their largest medal haul of the meet so far. $LABEL$1 +Woods #39; No. 1 is safe for now Tiger Woods lost the lead to Stewart Cink yesterday but his world ranking is safe for the moment. Free from the burden of trying to make the Ryder Cup team, Cink looked at ease on a marathon day at the NEC Invitational that ended with ...$LABEL$1 +Phelps on way to great 8 That #39;s the goal now, with two events remaining in what already has been a grueling Olympic schedule for this 19-year-old US swimming star. $LABEL$1 +Weight of drugs felt Weightlifting #39;s aggressive pursuit of drug cheaters will continue even if it jeopardizes its future in the Olympics, its top official said yesterday following six more positive doping cases in what is again becoming the Games #39; dirtiest sport. Five ...$LABEL$1 +Olympic diary: Day seven British support in the badminton arena on Thursday caught everyone by surprise, not least the Chinese. $LABEL$1 +Olympic Notes Costs for the Athens Olympics are climbing again, expected to top \$8.5 billion US because of the massive security and overruns in the last-minute scramble to get venues ready, a government official said yesterday. $LABEL$1 +Let gymnasts be kids, not athletic lab rats DAY 6: Canadian sprinter Macro-man (Nic Macrozonaris) told a news conference yesterday that he had a dream in which he won the 100-metre sprint in 9.83 seconds. He has never broken 10 seconds flat. $LABEL$1 + #39;Peg psychologist helps Ford focus ATHENS -- Of the 10,000 athletes in the Athens Olympics, David Ford may be the only one who brought his own personal psychologist. quot;Probably, quot; Roger Friesen said. $LABEL$1 +Stop that blame game ATHENS -- Adam van Koeverden has a message for his fellow Canadian athletes -- quit whining about circumstances you can #39;t control. quot;You can #39;t fall into a corner and cry and say the Canadian sports system has let me down. You have to do things for ...$LABEL$1 +US tanks #39;encircle Najaf shrine #39; American tanks have reportedly encircled the Imam Ali shrine in the Iraqi city of Najaf, after intensively bombarding rebel positions overnight. $LABEL$0 +Annan vows to protect UN staff from attacks GENEVA - Those behind the quot;cold-blooded murder quot; of 22 people at the United Nations office in Baghdad one year ago must be held to account, no matter how long it takes to find them, UN Secretary-General Kofi Annan said Thursday. $LABEL$0 +Pakistan hunts for key Al Qaeda figure ISLAMABAD, Pakistan -- Pakistani security forces are hunting a Libyan Al Qaeda leader whom senior intelligence officials see as a possible key to finding Osama bin Laden and others in the terrorist ...$LABEL$0 +Oil price hits new high on Iraq violence In the SINGAPORE story headlined quot;Oil hits new high on Iraq violence quot; please read in the 13th paragraph .... as its imports in the first seven ...$LABEL$0 +Improved Latham to leave hospital Federal Labor leader Mark Latham will leave hospital on Saturday at midday after being given the all-clear by doctors. $LABEL$0 +Blogging Across America Who needs postcards? Use high-tech ways to stay in touch while you're traveling.$LABEL$3 +Virtual veins give nurses a hand \A virtual reality hand, complete with vital veins, that ""feels"" could help trainee nurses practice their jabs.$LABEL$3 +Court stops Shrek 2 bootlegs London's High Court imposes an injunction against 12 defendants accused of bootlegging copies of Shrek 2.$LABEL$3 +When a Bridge Becomes a Lifeline Fifteen years after an earthquake damaged San Francisco's Bay Bridge, engineers are attempting to replace it with a stronger span. The project is said to be the most ambitious in state history. Part 1 of 2. By Amit Asaravala.$LABEL$3 +Cell Phone Users Are Finding God Mobile phone owners are blessed with more than just free weekend minutes, as religious institutions and telcos roll out new services to help the observant practice their faith. By Elizabeth Biddlecombe.$LABEL$3 +Finding Nemo by Microchip Armed with tagging devices and satellite tracking, marine scientists follow hundreds of sea animals around the Pacific Ocean, monitoring everything from location and depth to speed and water temperature. By Randy Dotinga.$LABEL$3 +US: Time Running Out in Airbus-Boeing Row PARIS (Reuters) - The United States said on Tuesday it may soon take legal action in a trade row over government help for Airbus and Boeing, particularly as the European aircraft maker was seeking support for a new project. Washington and Brussels have so far resisted launching legal action at the World Trade Organization (WTO) in their battle over allegations of illegal subsidies to the aviation rivals, but that option may now be just weeks away.$LABEL$2 +Campaign Game Mimics Real Life A new simulated election game that lets you play campaign manager to a presidential candidate is both thrillingly and disturbingly similar to real-world politics. A review by Jason Silverman.$LABEL$3 +Stem Cells Rise in Public Opinion More Americans know about stem cell research, and more approve of it this year than in 2001, according to a new Harris Poll. By Kristen Philipkoski.$LABEL$3 +Waiting For Google NEW YORK - Benjamin Franklin, that annoying know-it-all, famously said, quot;Never put off until tomorrow that which you can do today. quot; ...$LABEL$2 +Court rules two software firms not liable for file-share claims San Francisco (AP) -- Grokster Ltd. and StreamCast Networks Inc. are not liable for the swapping of copyright content through their file-sharing software, a federal appeals court ruled Thursday in a blow to movie studios and record labels. $LABEL$2 +Swiss Re, Zurich peg Charley costs LONDON (CBS.MW) - The costs of Hurricane Charley in Florida to the insurance industry were becoming clearer on Thursday after two major Swiss insurers estimated their claims stemming from the storm last week. $LABEL$2 +State #39;s hospitals can get money if illegal immigrants give status During the next four years, hospitals in the state of Washington could be reimbursed nearly \$13 million for emergency care they provide to uninsured illegal immigrants. $LABEL$2 +AMD #39;s new budget processors AMD #39;s new Sempron range of desktop and notebook CPUs is targeted squarely at Intel #39;s competing Celeron family. $LABEL$3 +Italy #39;s Brugnetti Upstages Perez in 20km Walk ATHENS (Reuters) - Italy #39;s former world champion Ivano Brugnetti returned to the limelight to upstage favorite Jefferson Perez and win the Olympic men #39;s 20km race walk on Friday. $LABEL$1 +Late surge lifts US past Aussies ATHENS -- The Mason #39;s Union membership cards should be arriving any day now, but while they wait for them to be distributed, the United States men #39;s basketball team was able to concoct a winning formula by ...$LABEL$1 +For starters, Eli makes case CHARLOTTE - Kurt Warner may still be the favorite to start the regular-season opener for the Giants. But Eli Manning isn #39;t making Tom Coughlin #39;s decision very easy. $LABEL$1 +ACC game gets home BLACKSBURG -- Jacksonville, Fla., will be the home for the ACC #39;s first two championship games in football in 2005 and #39;06, the Atlantic Coast Conference announced Thursday. $LABEL$1 +Youngsters Ready to Make Mark in Track A new wave of talent will be on display when track and field takes center stage at the Olympic Games. $LABEL$1 +Sporadic gunfire in Najaf after aide says radical cleric orders fighters to leave Najaf shrine NAJAF, Iraq (AP) Sporadic gunfire echoed through Najaf on Friday after a night of heavy US bombing that saw radical cleric Muqtada al-Sadr order his fighters to hand control of a revered Najaf ...$LABEL$0 +Bombs Explode in Nepal Capital as Rebel Siege Bites KATHMANDU (Reuters) - Suspected Maoist guerrillas set off two bombs in and around Nepal #39;s capital on Friday, wounding two people as the commercial center remained cut off for a third day by a rebel-imposed blockade. $LABEL$0 +Cleric prays #39; for freelancer #39;s freedom Rogue Iraqi Shiite leader Moqtada al-Sadr has called for the release of an American freelance journalist with New England roots who was seized in Nasiriyah Friday. $LABEL$0 +Darfur humanitarian crisis easing, UN says KHARTOUM, Sudan While violence remains a major concern, the humanitarian crisis in the Darfur region is easing and large-scale deaths from malnutrition and disease are likely to be averted as international assistance pours in, UN ...$LABEL$0 +Australia #39;s Howard rules out snap election while rival still ill SYDNEY : Australian Prime Minister John Howard said he would not call a snap general election while opposition leader Mark Latham was ill as he wanted to beat him fair and square. $LABEL$0 +Plant operators grilled by safety panel probing Japanese nuclear plant explosion TOKYO The operators of a Japanese nuclear plant say there was no evidence of danger at the plant before a deadly explosion this month. $LABEL$0 +All-American girl That was then and this is now. That was there and this is here. So which is a bigger moment? Mary Lou Retton's quot;No-Fault Vault quot; that produced America's first Olympic all-around gold medal in women's gymnastics 20 years ago in Los Angeles? Or Carly Patterson's quot;Dream Beam quot; here last night that clinched the second?$LABEL$1 +Message loud and clear A funny thing happened as Orlando Cabrera triumphantly rounded the bases after he knocked in Johnny Damon with his walkoff double off the Green Monster in Tuesday's 5-4 thriller over the Blue Jays. In the stands, Cabrera's wife, Eliana, noticed during the celebration her cellphone ringing. And ringing. And ringing.$LABEL$1 +Atlanta rallies to top Dodgers Johnny Estrada homered, drove in three runs, and started Atlanta's go-ahead rally in the ninth, and the Braves beat Eric Gagne and the Dodgers, 6-5, last night in Los Angeles.$LABEL$1 +Selig gets three-year extension Baseball commissioner Bud Selig received a contract extension through 2009 yesterday as owners praised his 12-year reign, but dissension surfaced among teams in the decision to launch a World Cup tournament.$LABEL$1 +New York averts sweep by Twins Gary Sheffield homered twice and keyed a four-run rally in the ninth inning last night, sending the New York Yankees to a seesaw 13-10 win over the Minnesota Twins at Minneapolis.$LABEL$1 +For Colvin, it's hip hip hooray For so long, linebacker Rosevelt Colvin couldn't do what he wanted, couldn't play football. Now, he feels he can do whatever his coach wants him to.$LABEL$1 +Help is on the way Former English Premier League rivals Steve Howey and Joe-Max Moore are expected to be available for the Revolution's regular-season stretch run.$LABEL$1 +Lawyers ask to seal Bryant interview EAGLE, Colo. -- Defense attorneys argued in a court filing that Kobe Bryant's statements to investigators after the basketball player was accused of rape last summer should be kept secret because it is not certain they will be used in his trial.$LABEL$1 +Cink gets drop on soggy NEC field Free from the burden of trying to make the Ryder Cup team, Stewart Cink looked at ease yesterday at the NEC Invitational in Akron, Ohio. The marathon day ended with his name atop the leaderboard.$LABEL$1 +Defeat for GB canoeists British canoeists Nick Smith and Stuart Bowman are out of the men's C2 doubles.$LABEL$1 +Upbeat De Bruijn Fastest in 50 Freestyle Heats ATHENS (Reuters) - Inge de Bruijn, two of her three Olympic titles already lost, showed her determination to cling on to the last when she posted the fastest time in the 50 meters freestyle heats in Athens on Friday.$LABEL$1 +Phelps on Track for Sixth Gold ATHENS (Reuters) - Michael Phelps, one more Olympic title to the good, aims to hoist his gold medal tally to five when he takes on fellow American Ian Crocker in the 100 meters butterfly final on Friday.$LABEL$1 +Late Bogies Hurt Woods at Rainy NEC Invitational AKRON, Ohio, Aug 19 (Reuters) - Tiger Woods returned to form at one of his favorite venues before a pair of dropped shots cost him a share of the lead at the weather-affected WGC-NEC Invitational on Thursday.$LABEL$1 +AL Wrap: Paul, Guerrero, Erstad Homers Guide Angels NEW YORK (Reuters) - Josh Paul, Vladimir Guerrero and Darin Erstad hit multi-run homers to lead the Anaheim Angels to a 10-7 victory over the Tampa Bay Devil Rays in St Petersburg on Thursday.$LABEL$1 +Job Cuts Rise Further in Nov. - Report NEW YORK (Reuters) - Planned job cuts at U.S. firms climbed during November, a report said on Tuesday, in a further sign of sluggishness in the labor market.$LABEL$2 +Sheppard makes semi-finals Britain's Alison Sheppard coasts into the women's 50m freestyle semi-finals.$LABEL$1 +Productivity Growth Slows; Store Sales Dip WASHINGTON (Reuters) - U.S. business productivity grew more slowly in the third quarter than first thought, a government report showed on Tuesday, while chain store sales fell in the crucial shopping week after Thanksgiving.$LABEL$2 +U.S. Warplanes Bomb Iraq's Falluja Again (Reuters) Reuters - U.S. warplanes attacked targets\in Iraq's Sunni Muslim city of Falluja for a second time on\Friday, witnesses said.$LABEL$0 +European diplomats ask to meet detained activists in Maldives (AFP) AFP - European nations have requested the Maldives authorities to give them access to activists detained after last week's pro-democracy demonstrations, diplomatic sources said.$LABEL$0 +Kerry defends Vietnam record, challenges Bush (AFP) AFP - Democratic Senator John Kerry accused President George W. Bush of using a front group to do the ""dirty work"" of attacking his Vietnam War record.$LABEL$0 +'Soft Money' Groups Face New Ground Rules (AP) AP - Interest groups spending big donations on ads and voter outreach in the presidential race will face new limits after the fall election under rules approved by federal regulators. Campaign watchdogs criticized them as too little, too late.$LABEL$0 +N.Korea Says U.S.-S.Korea War Games Undermine Talks SEOUL (Reuters) - North Korea said on Friday annual war games staged by the United States and South Korea were undermining six-party nuclear talks and forcing it to raise the ""quality and quantity"" of its own military deterrent.$LABEL$0 +Oil Swamps Stocks, Supports Bond Prices LONDON (Reuters) - European stocks slipped and the dollar softened on Friday as the rise in crude oil prices toward \$50 a barrel raised the prospect of slower economic growth, which supported bond prices.$LABEL$2 +Oil Near \$49 as Iraq Violence Escalates LONDON (Reuters) - Global oil prices raced to fresh highs on Friday carrying U.S. crude close to \$49 a barrel, driven by escalating violence in Iraq and unabated demand growth from China and India.$LABEL$2 +Oil Near \$49 as Iraq Violence Escalates LONDON (Reuters) - Global oil prices raced to fresh highs on Friday carrying US crude close to \$49 a barrel, driven by escalating violence in Iraq and unabated demand growth from China and India. $LABEL$2 +Qantas slaps new fuel surcharge on fares SYDNEY (Reuters) - Qantas Airways, Australia #39;s biggest airline, says it will raise ticket prices for the second time in three months to help tackle rising fuel costs, just a day after posting a record annual profit. $LABEL$2 +File-sharers win court case TWO FILE SHARING companies have been told by a court that they are not liable for people in their networks swapping illegal content. $LABEL$2 +Nikkei Ends Down, Oil Worries Weigh TOKYO (Reuters) - Tokyo stocks ended slightly lower on Friday as worries about record-high oil prices took the edge off investors #39; appetite for recently battered technology issues such as Shin-Etsu Chemical Co. Ltd. $LABEL$2 +Texaco to appeal Sunburst ruling ChevronTexaco, ordered to pay more than \$41 million to more than 75 Sunburst residents who filed a pollution-liability suit, will file a motion for a new trial in the next month, a company spokesman said. $LABEL$2 +Apple #39;s flaming batteries recalled MUCH LOVED music firm Apple has had to recall more than 28,000 rechargeable batteries that it jacks into its aluminium 15-inch PowerBook G4 because they may overheat. $LABEL$3 +Oracle has patch day DATABASE COMPANY Oracle is trying to liven up the sleepy and dull database industry by having a patch day. $LABEL$3 +Reversal of fortune: Upon review, go ATHENS - Aaron Peirsol was reminded last night of a lesson he probably learned as a child: It doesn #39;t pay to make the umpire angry. $LABEL$1 +Deakes wins bronze in 20km walk Australian walker Nathan Deakes has won the Olympic bronze medal in the 20 kilometre walk, Australia #39;s first walking medal in almost half a century. $LABEL$1 +Davenport advances in Cincinnati Mason, OH (Sports Network) - Lindsay Davenport shook off a sluggish start to rally for a three-set victory over unheralded Lilia Osterloh at the inaugural Western amp;amp;amp; Southern Financial Group Women #39;s Open. $LABEL$1 +Bengals brace for old teammate Dillon FOXBORO, Mass. New England Patriots running back Corey Dillon darted up the middle, bounced off one tackler, then made it a point to crash into two more defenders. It hardly mattered to Dillon that this training camp session ...$LABEL$1 +Sadr Militia in Contacts to Hand Over Najaf Shrine NAJAF, Iraq (Reuters) - Top aides of radical cleric Moqtada al-Sadr prepared to hand over control of a holy shrine at the center of a crisis in Najaf on Friday to representatives of Iraq #39;s top ayatollah, a Sadr spokesman said. $LABEL$0 +Peacekeepers in S. Ossetia will disarm militia TSKHINVALI. Aug 20 (Interfax) - Russian peacekeepers deployed in South Ossetia plan to collect weapons from militia units in Ossetian and Georgian villages in the self-proclaimed republic. $LABEL$0 +Bomb Blasts Rock Kathmandu Nepal #39;s Maoist rebels opened fire and set off bombs at a government office in Kathmandu Friday, the third day of a blockade of the capital by Maoist rebels. $LABEL$0 +'Deal nearer' in BA strike talks Talks to avoid a crippling strike at British Airways are set to resume on Friday with unions and the airline ""hopeful"" of reaching a deal.$LABEL$2 +MForma buys FingerTwitch (TheDeal.com) TheDeal.com - The Kirkland, Wash., cell-phone game maker will use some of its #36;19 million to buy wireless specialist FingerTwitch Inc.$LABEL$3 +Kazaa owner takes heart from US copyright ruling Sharman Networks, parent company of the peer-to-peer (P2P) file sharing software Kazaa, is rejoicing at the US court ruling that found two similar P2P programs, Grokster and Morpheus, do not violate US copyright law. However, the company concedes that the ...$LABEL$2 +United: Pension end is likely United Airlines said termination and replacement of all of its pension plans quot;likely will be required quot; for the company to exit bankruptcy and attract financing. $LABEL$2 +300,000 seek 3,000 dockworker jobs LOS ANGELES Longshore union and port shipping officials yesterday sifted through 300,000 applications submitted as part of a special lottery for 3,000 lucrative temporary dockworker jobs at the nation #39;s largest port complex. $LABEL$2 +Apple recalls 28,00 PowerBook batteries due to fire hazard Apple is recalling 28,000 PowerBook batteries after it was discovered that the batteries could overheat, posing a fire hazard. $LABEL$3 +So you want to be a cybercrook... According to security firm Sophos, the kits allow users to design sites that have the same look and feel as legitimate online banking sites that can then be used to defraud unsuspecting users by getting them to reveal the details of their financial ...$LABEL$3 +Partisan Feud Deepens Over History Body The ruling and opposition parties on Friday continued to lock horns over the establishment of a committee to explore the truth of the nation #39;s modern history a day after Uri Party leader Shin Ki-nam resigned because of his father #39;s ...$LABEL$0 +Four Indonesian political parties form National Coalition JAKARTA Aug 19 - Four Indonesian political parties - Golkar, Indonesian Democratic Party-Struggle (PDIP), United Development Party (PPP) and Peace and Prosperity Party (PDS) - declared a national coalition on Thursday in their bid to form a good ...$LABEL$0 +Clean-up works on Norfolk Broads The Norfolk Broads are on their way to getting a clean bill of ecological health after a century of stagnation.$LABEL$3 +A Bridge Suspended in Controversy When an earthquake knocked down a section of the San Francisco-Oakland Bay Bridge, engineers vowed to make a stronger span. But years later, that plan is still mired in controversy. Part 2 of 2. By Amit Asaravala.$LABEL$3 +Techies Praised for E-Vote Work At a meeting of technologists developing new standards for e-voting systems, the head of the nation's new elections commission lauds computer scientists for the work they're doing on the nation's behalf. By Kim Zetter.$LABEL$3 +The War Room Inside the fully immersive proving ground where tomorrow's soldiers are being trained by coalition forces of the Pentagon, Hollywood and Silicon Valley. By Steve Silberman from Wired magazine.$LABEL$3 +Game Mixes Racing and Role Play In Street Racing Syndicate, a video game scheduled for release at the end of the month, players can test their role-playing mettle in the illegal street-racing scene without the nasty risk of going to jail. A review by Chris Kohler.$LABEL$3 +Google Stock's Wacky Debut After a false start that makes the search giant's stock appear to soar, the company's IPO on the Nasdaq settles down to a more reasonable price, just north of \$100 per share.$LABEL$3 +File-sharing systems in legal win A US court has ruled that file-sharing firms are not responsible for what users do with their software.$LABEL$3 +Talks to resume in BA dispute Talks to avoid a crippling strike at British Airways will resume on Friday with unions and the airline ""hopeful"" of reaching a deal.$LABEL$2 +Asian Stocks: Japan #39;s Topix, Taiwan #39;s Taiex Climbed This Week Aug. 20 (Bloomberg) -- Japan #39;s Topix stock index rose for the first week in three. Retailers such as Ito-Yokado Co. gained after a government report showed service industries expanded more than economists forecast in June, suggesting a pickup in ...$LABEL$2 +Navistar #39;s profit more than triples Navistar International Corp., the world #39;s fourth-largest truckmaker, said profit in the fiscal third quarter more than tripled as truck sales rose and retirement and medical costs declined. $LABEL$2 +Chief economist leaving Bank One Diane Swonk, for years one of the most visible executives at Bank One, said Thursday she #39;s resigning as its chief economist as of Sept. 30. $LABEL$2 +Microsoft SP2 release delayed by security threats within pack In a series of continuing twists, Microsoft has now announced that their Internet release of Service Pack 2 will be delayed in light of serious complaints from current users who have installed it. $LABEL$3 +Lycoris 1.4 integrates Windows apps support Running Windows applications on a Linux desktop has become a little easier with the release of PowerPak 1.4 by Linux vendor Lycoris. Following a deal with software developer CodeWeavers in June, Window-to-Linux software has been integrated with Lycoris #39; ...$LABEL$3 +Eolas patent on Web plug-in technology rejected The controversial Eolas Technologies patent looks like it is about to be rescinded by the US Patent Office. The office has confirmed that it has rejected all of the 10 patent claims that it re-examined. $LABEL$3 +Patterson has golden glow ATHENS - Mary Lou Retton left her phone number for Carly Patterson. Call me, she said, after the Olympic all-around competition. $LABEL$1 +Brugnetti upsets the field to win 20km walk Athens, Greece (Sports Network) - The first official track event took place this morning and Italy #39;s Ivano Brugnetti won the men #39;s 20km walk at the Summer Olympics in Athens. $LABEL$1 +Engelsman, Lenton surge to 50m semis Australians Michelle Engelsman and Libby Lenton have both qualified for the women #39;s 50 metres freestyle semi-finals at the Athens Olympics. $LABEL$1 +Woodgate to Face Stringent Medical Jonathan Woodgate #39;s medical with Real Madrid is by no means a formality, despite the confidence of Newcastle chairman Freddy Shepherd. $LABEL$1 +Ain #39;t over till it #39;s over MINNEAPOLIS - Gary Sheffield insists George Steinbrenner is the only person who could tell him to rest his ailing left shoulder, but you can be sure that wasn #39;t on The Boss #39; mind last night. Not after Sheffield once again injected life ...$LABEL$1 +Eli has his moments CHARLOTTE, NC - The Eli Manning Summer School took its first field trip last night, an outing designed to ramp up an educational process that is reaching a critical stage. $LABEL$1 +US track tries to turn the page ATHENS, Greece -- American Lauryn Williams pours down the track in the 100 meters, going faster and faster, smoothly pulling away from the pack, leg muscles bulging, arm muscles straining. She smiles while crossing the finish line, arms in the air. She ...$LABEL$1 +Yanks, Rangers have second thoughts on Loaiza MINNEAPOLIS - The Yankees have held discussions with the Texas Rangers about trading Esteban Loaiza for prospects, but both sides have reservations. $LABEL$1 +Garland, Sox can #39;t tame Tigers The White Sox are sending for pitching help, only the call isn #39;t going out to replace Jon Garland in the rotation -- not yet, anyway. $LABEL$1 +German Press Review: Dilemmas for Sharon and Scientists The difficulties faced by Israeli Prime Minister Ariel Sharon shared editorial space with the debate surrounding human cloning in the German press Friday. $LABEL$0 +Nepal rebels attack blockaded capital Maoist rebels have opened fire on the security forces and bombed a government building in the heart of Kathmandu amidst a blockade they have enforced on the Nepalese capital. $LABEL$0 +Pakistan #39;s PM-designate declared winner in two by-elections ISLAMABAD : Pakistan formally declared Finance Minister Shaukat Aziz the winner of two by-elections held to clear his path to the prime ministership. $LABEL$0 +Iraq's Sadr Prepares to Hand Over Najaf Shrine (Reuters) Reuters - A radical cleric prepared to hand\control of a shrine at the heart of a Shi'ite uprising in Iraq\to religious authorities on Friday, but still rejected demands\by the interim prime minister to disband his militia.$LABEL$0 +Iraq Abductors Vow to Free U.S. Journalist (AP) AP - A top aide to firebrand Shiite cleric Muqtada al-Sadr, who appealed to kidnappers to free a Western journalist, said Friday they had promised to release him. The pan-Arab television station Al-Jazeera reported Thursday that a militant group calling itself the Martyrs Brigade had abducted New York journalist Micah Garen and threatened to kill him within 48 hours unless U.S. pulled out of the wear-shattered city of Najaf.$LABEL$0 +Tokyo Stock Index Ends Lower, Dollar Down (AP) AP - Tokyo's main stock index ended lower Friday amid profit-taking of technology issues and concerns about soaring oil prices. The U.S. dollar was down against the Japanese yen.$LABEL$0 +Iraq's Sadr Prepares to Hand Over Najaf Shrine NAJAF, Iraq (Reuters) - A radical cleric prepared to hand control of a shrine at the heart of a Shi'ite uprising in Iraq to religious authorities on Friday, but still rejected demands by the interim prime minister to disband his militia.$LABEL$0 +Typhoon Megi Slams North Japan, Death Toll Hits 13 TOKYO (Reuters) - Typhoon Megi killed one person as it slammed ashore in northern Japan on Friday, bringing the death toll to at least 13 and cutting power to thousands of homes before heading out into the Pacific.$LABEL$0 +Pakistan holds al-Qaeda suspects Police in the Pakistani city of Peshawar say they have arrested two foreign al-Qaeda suspects.$LABEL$0 +Death and Sorrow Stalk Sudanese Across Border Hundreds of new refugees from Sudan have poured into overwhelmed camps in Chad. This latest influx is an alarming barometer of the violence inside Darfur.$LABEL$0 +Al-Sadr Tells Militia to Turn Over Shrine NAJAF, Iraq - Sporadic gunfire echoed through Najaf on Friday after a night of heavy U.S. bombing that saw radical cleric Muqtada al-Sadr call on his fighters to hand control of a revered Najaf shrine to top Shiite religious authorities...$LABEL$0 +Kerry Takes Job Creation Message to N.C. CHARLOTTE, N.C. - Democratic presidential hopeful John Kerry came to the heart of a conservative state hit hard by job losses over the past four years to tout his plan for curbing the export of jobs by cutting corporate taxes and enforcing trade agreements...$LABEL$0 +Argentina's Women Sail Into Hockey Semi-Finals ATHENS (Reuters) - Top-ranked Argentina booked their berth in the women's hockey semi-finals at the Athens Olympics on Friday but defending champions Australia now face an obstacle course to qualify for the medal matches.$LABEL$1 +Now free, Jenkins arrives to live on Japanese island with family US deserter and former Army Sgt. Charles Jenkins arrived Tuesday on a remote Japanese island, where he said he hoped to quot;live my remaining days with my wife and children.$LABEL$0 +North Korea Urges Refugees to Return to 'Warm Home' (Reuters) Reuters - North Korea appealed to refugees who have\sought asylum in the South to return to the impoverished state,\avoiding for once labeling them ""human scum"" and saying a warm\home awaits them.$LABEL$0 +Kidnappers Set to Free US Journalist A top aide to firebrand Shiite cleric Muqtada al-Sadr said today that kidnappers who abducted and threatened to kill a US journalist had promised to set him free. $LABEL$0 +Russian textbooks omit Soviets #146; dark chapters MOSCOW -- If you can judge a book by its cover, then the quot;History of Russia and the World in the 20th Century quot; tells students that the Soviet past was all pride and glory: Three of four cover photos invoke Soviet propaganda.$LABEL$0 +Sharon and Arafat defy supporters JERUSALEM -- Embattled leaders Ariel Sharon and Yasser Arafat rebuffed demands from their backers yesterday, holding steadfast to positions posing great political risk: Sharon insisted he will press on with efforts to pull out of Gaza despite a stinging rebuke from his party, while Arafat refused to sign reform legislation.$LABEL$0 +Pakistan hunts for key Al Qaeda figure ISLAMABAD, Pakistan -- Pakistani security forces are hunting a Libyan Al Qaeda leader whom senior intelligence officials see as a possible key to finding Osama bin Laden and others in the terrorist network's inner circle.$LABEL$0 +At ancient site, a very modern debate -- over traffic SALISBURY, England -- Whoever built Stonehenge, the 5,000-year-old circle of megaliths that towers over green fields in southern England and lures a million visitors a year, could not have planned for the automobile.$LABEL$0 +Doctors involved in abuse at Abu Ghraib, report LONDON -- Doctors working for the US military in Iraq collaborated with interrogators in the abuse of detainees at Baghdad's Abu Ghraib prison, profoundly breaching medical ethics and human rights, a bioethicist charges in The Lancet medical journal.$LABEL$0 +UN marks year since deadly bombing of Iraq headquarters GENEVA -- The bombing that wrecked UN offices in Baghdad and killed 22 colleagues a year ago was agony for the United Nations, but terrorist threats won't deter it from helping the victims of conflict, Secretary General Kofi Annan said yesterday at a memorial.$LABEL$0 +North Korea Urges Refugees to Return to 'Warm Home' SEOUL (Reuters) - North Korea appealed to refugees who have sought asylum in the South to return to the impoverished state, avoiding for once labeling them ""human scum"" and saying a warm home awaits them.$LABEL$0 +Sadr's aides urge militants to free kidnapped journalist BAGHDAD -- Top aides to firebrand Shi'ite cleric Moqtada al-Sadr called on kidnappers yesterday to free a Western journalist they are threatening to kill unless US forces withdraw from the holy city of Najaf.$LABEL$0 +Media companies lose file-sharing case SAN FRANCISCO Grokster and StreamCast Networks are not liable for the swapping of copyright content like movies and music through their file-sharing software, a federal appeals court ruled Thursday, in a blow to film studios and record labels. $LABEL$2 +24-hour push for NI powersharing Talks to revive powersharing in Northern Ireland have entered a final 24-hour push as Britain and Ireland prepared to publish their painstakingly negotiated peace plans.$LABEL$0 +Apple recalls 28,000 overheating PowerBook batteries Apple is recalling about 28,000 batteries that shipped this year in its PowerBook G4 portable computers. $LABEL$3 +Failure in demand causes LCD sales slump IT #39;S OFFICIAL. People didn #39;t flock to buy LCD units in the second quarter which is disappointing news for manufacturers, which are now awash with the fancy thin film transistor glass. $LABEL$3 +Hochschorner brothers win C2 gold Pavol and Peter Hochschorner took the gold medal once again in pairs canoe slalom Friday, winning by more than 3 seconds. $LABEL$1 +Greek Police Hand Kenteris Crash Report to Prosecutor ATHENS (Reuters) - Traffic police have handed their report to Athens prosecutors on the motorcycle crash reported by disgraced Greek sprinters Costas Kenteris and Katerina Thanou, a police source said on Friday.$LABEL$1 +Brit relay teams go through Britain's men's and women's relay teams qualify for their 4x100m medley finals.$LABEL$1 +Colombian Charged in Fla. With Buying Guns (AP) AP - A Colombian arms broker was charged with trying to buy #36;4 million in grenade launchers, machine guns, other high-powered weapons and munitions for a leftist rebel group and promising 2 tons of cocaine as partial payment.$LABEL$0 +WHO and FAO kept in dark on bird flu virus found in pigs in China (AFP) AFP - UN health and agriculture officials in China said they were not informed by the government of the deadly H5N1 bird flu virus being found in pigs, the first such discovery in the world.$LABEL$0 +30,000 More Sudanese Threaten to Cross to Chad -UN GENEVA (Reuters) - Some 30,000 Sudanese, victims of fresh attacks by Arab militia inside Darfur, have threatened to cross into Chad, the U.N. refugee agency warned on Friday.$LABEL$0 +Jackson's Lavish Lifestyle Put on Display SANTA MARIA, Calif. - Michael Jackson's elegant home with its lavish playground for children was placed on display in a courtroom as defense attorneys showed a judge videotapes of a raid last year on the pop star's Neverland estate...$LABEL$0 +Nichols Won't Appeal State Convictions PONCA CITY, Okla. - Deciding at the last possible moment not to appeal his conviction, Oklahoma City bombing conspirator Terry Nichols brought his case to a final close, saying he hoped it would begin a ""long-awaited healing process."" For Nichols, it means a life in prison with no further recourse...$LABEL$0 +Terror List Snag Nearly Grounds a Kennedy WASHINGTON - A top Homeland Security official has apologized to Sen. Edward M...$LABEL$0 +Sheffield, Yanks Rally for Win Over Twins The New York Yankees wasted a six-run lead and were about to get swept by the Minnesota Twins until Gary Sheffield saved them - just as he has so often this season. Sheffield homered twice and keyed a four-run rally in the ninth inning Thursday night, sending the Yankees to a seesaw, 13-10 victory in Minnesota...$LABEL$0 +Al-Sadr Aide: We Will Surrender Shrine NAJAF, Iraq - Followers loyal to radical Shiite cleric Muqtada al-Sadr said Friday they were preparing to hand control of the revered Imam Ali Shrine to top Shiite religious authorities in a bid to end a two-week-old uprising in the holy city of Najaf. Al-Sadr aide Ahmed al-Shaibany said he was on his way to the office of Grand Ayatollah Ali al-Sistani, Iraq's top Shiite Muslim cleric, to offer to present officials there with keys to the shrine...$LABEL$0 +Steroid scandal will be given lip service Do you assume this raging scandal will be enough to overhaul Major League Baseball #39;s laughable drug policy? If so, you must think Bill Clinton didn #39;t have sex with that woman.$LABEL$1 +Legal peer-to-peer services: Gimmick or Genius? Few in the tech world need an introduction to Napster #39;s founder, the college dropout whose revolutionary file-swapping technology shook the foundations of the \$11bn record industry.$LABEL$3 +Stocks to Open Lower on Oil Concerns NEW YORK - U.S. stocks are seen slightly lower at the open Friday as oil's latest push into record territory continues to unnerve investors...$LABEL$0 +Congo Pulls Diplomats Out of Burundi (Reuters) Reuters - The Democratic Republic of Congo has\pulled all of its diplomats out of neighboring Burundi\following the slaughter of Congolese Tutsi refugees there last\week, its foreign minister said on Friday.$LABEL$0 +Stocks to Watch on Aug. 20 (Reuters) Reuters - U.S. stocks to watch: GOOGLE INC.\(GOOG.O) Google shares jumped 18 percent in their long-awaited\stock market debut on Thursday after a scaled-down #36;1.67\billion IPO marked by missteps and lackluster market\conditions. The stock closed at #36;100.34.$LABEL$2 +'Mean Creek': A familiar flow (USATODAY.com) USATODAY.com - This tiny shot-on-video downer hits theaters at the same time as a more deluxe home version of Martin Scorsese's career-making melodrama Mean Streets comes to DVD. The timing is probably coincidence, because Creek's anti-urban setting (largely a boat in rocky waters) has far more in common with several other well-known movies, which is part of its problem.$LABEL$3 +China Mobile Suspends Chinadotcom Mobile Services (Reuters) Reuters - Chinadotcom (CHINA.O) said on Friday\that its Go2joy mobile messaging unit has been sanctioned by\China Mobile (CHL.N), as part of a broad crackdown on\aggressive marketing by it and 21 other companies.$LABEL$3 +Stocks May Fall at Open, Oil Weighs NEW YORK (Reuters) - U.S. stocks are seen falling for a second-straight day on Friday on concerns the economy and corporate profits will slow after crude futures touched another record in overnight trading.$LABEL$2 +Oil at New High Over \$49 LONDON (Reuters) - Oil prices raced to fresh highs on Friday, carrying U.S. crude over \$49 a barrel, driven by escalating violence in Iraq and unabated demand growth from China and India.$LABEL$2 +Stocks to Watch on Aug. 20 NEW YORK (Reuters) - U.S. stocks to watch: GOOGLE INC. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=GOOG.O target=/stocks/quickinfo/fullquote"">GOOG.O</A> Google shares jumped 18 percent in their long-awaited stock market debut on Thursday after a scaled-down \$1.67 billion IPO marked by missteps and lackluster market conditions. The stock closed at \$100.34. $LABEL$2 +Congo Pulls Diplomats Out of Burundi KINSHASA (Reuters) - The Democratic Republic of Congo has pulled all of its diplomats out of neighboring Burundi following the slaughter of Congolese Tutsi refugees there last week, its foreign minister said on Friday.$LABEL$0 +Brugnetti Strides to First Gold in 20km Walk ATHENS (Reuters) - Italian Ivano Brugnetti strode to victory in the first athletics final of the Athens Olympics on Friday with a commanding performance in the men's 20km walk.$LABEL$1 +Bankruptcy Survivable, US Airways CEO Says A ""frustrated"" chief executive of US Airways Group Inc. told employees yesterday that despite recent assertions from the airline's chairman, the carrier could survive a second bankruptcy filing -- but only with revised labor agreements.$LABEL$2 +Developing countries invest abroad Developing countries are starting to flex their financial muscles and invest overseas.$LABEL$2 +Union sets Eurostar strike date Eurostar workers will stage a 24-hour walk-out over a pay dispute on August 28, their union announces.$LABEL$2 +India orders Olympic dope probe Sports Minister Sunil Dutt says action will be taken after two weightlifters fail a drugs test at the Athens Olympics.$LABEL$0 +Lewis drops off pace Denise Lewis makes a stuttering start to the heptathlon, as fellow Briton Kelly Sotherton storms into second place.$LABEL$1 +China Mobile Suspends Chinadotcom Mobile Services NEW YORK (Reuters) - Chinadotcom <A HREF=""http://www.reuters.co.uk/financeQuoteLookup.jhtml?ticker=CHINA.O qtype=sym infotype=info qcat=news"">CHINA.O</A> said on Friday that its Go2joy mobile messaging unit has been sanctioned by China Mobile <A HREF=""http://www.reuters.co.uk/financeQuoteLookup.jhtml?ticker=CHL.N qtype=sym infotype=info qcat=news"">CHL.N</A>, as part of a broad crackdown on aggressive marketing by it and 21 other companies.$LABEL$3 +Have Blood, Will Travel The radiation astronauts encounter in deep space could put vital blood-making cells in jeopardy.$LABEL$3 +Two rebel infiltrators killed, separatists detained in Kashmir (AFP) AFP - Indian troops shot dead two rebels who had infiltrated into Indian Kashmir from the Pakistan-controlled zone, while two separatists and nine other people were detained in the region, officials said.$LABEL$0 +Stumbling over SP2 CNET News.com's Mike Ricciuti says Microsoft has no choice but to get the Windows XP update on solid footing--and soon.$LABEL$3 +McDonald's serves up film blitz McDonald's takes out ads in the UK to say a film about its food is ""slick"" and ""well-made"" - but unrealistic.$LABEL$0 +Google Closes Over \$100 After IPO Google Inc #39;s first day as a public company was branded a success by many yesterday. While shares failed to reach the \$135 heights anticipated over recent weeks, the IPO price of \$85 per share was boosted to over \$100 by the end of the day. $LABEL$2 +Nortel #39;s new chief gets down to business William Owens, the new chief executive of Nortel Networks Corp., is putting his personal stamp on the organization. $LABEL$2 +Auto-body chain settles fraud suit An auto-body repair chain with several locations in San Diego County agreed yesterday to pay \$5.8 million to settle a consumer fraud lawsuit alleging that it charged customers for work it never performed. $LABEL$2 +Kerry Takes Job Creation Message to NC CHARLOTTE, NC Aug. 20, 2004 Democratic presidential hopeful John Kerry came to the heart of a conservative state hit hard by job losses over the past four years to tout his plan for curbing the export of jobs by cutting corporate taxes and enforcing ...$LABEL$2 +PUC delays decision to shift power costs here San Diego Gas amp; Electric Co. customers won a reprieve yesterday when the state utilities commission delayed a decision that could shift \$1 billion in crisis-related power costs to local consumers and cause a major rate increase. $LABEL$2 +'Final Call' for Rebel Iraqi Cleric Shiite Muslim cleric Moqtada Sadr rejected one of the government's two key demands, increasing the prospect of an intensified military attack against his militia.$LABEL$0 +Stumbling over SP2 People have Bill Gates all wrong. He doesn #39;t want to rule the world (or at least the computerized portion of it). And although he may secretly hope that all Linux source code spontaneously combusts, that isn #39;t his biggest wish. $LABEL$3 +Hollywood stunt pilots hope to snag a falling NASA craft PASADENA To snag a spacecraft as it plummets to Earth after a three-year mission to collect bits of the sun, NASA has turned to Hollywood stunt pilots. $LABEL$3 +Global LCD Oversupply to Peak -Report SEOUL (Reuters) - Excess supplies of large liquid crystal displays (LCDs) are forecast to peak in the third quarter of this year, but will balance out by the fourth, a US research firm said on Friday. $LABEL$3 +Survey Notes Rise in US Broadband Users The number of Americans who get on the Internet via high-speed lines has now equaled the number using dial-up connections. $LABEL$3 +Napster Jumps on Chart Bandwagon Napster will be launching its own downloaded music chart on Virgin Radio at 7pm on August 29th. The chart will be compiled from the top 20 most popular tracks bought each week from Napster UK service. The chart will also include tracks that have been ...$LABEL$3 +Lindows halts stock release Linux supplier Lindows has announced it has called a halt to the initial public offering of its common stock after filing for registration in April. $LABEL$3 +DIY phishing kits found on the internet Do-it-yourself phishing kits are being made available for download free of charge from the internet, security watchers have warned. $LABEL$3 +EA game #39;Madden #39; tops 1.3 million first week quot;Madden NFL 2005, quot; the latest version of Electronic Arts #39; pro football video game franchise, sold more than 1.3 million copies in its first week of release, the company said Thursday, citing internal figures. $LABEL$3 +Pool of utter mix-ups Athens -- Thursday night at the pool featured a disqualification, then a reversal of the disqualification, then protests of the reversal of the disqualification. Not to mention some nationalistic innuendo, a judge with a language barrier he couldn #39;t ...$LABEL$1 +US gymnast shines ATHENS, Greece -- In the biggest competition of her young life, Carly Patterson made a four-inch balance beam look as wide as a sidewalk. And she danced, leapt and tumbled her way across it Thursday to become only the second American to win ...$LABEL$1 +Brugnetti Strides to First Gold in 20km Walk ATHENS (Reuters) - Italian Ivano Brugnetti strode to victory in the first athletics final of the Athens Olympics on Friday with a commanding performance in the men #39;s 20km walk. $LABEL$1 +Have your say John Robertson today spoke of his pride at seeing son Nathan scoop an Olympic silver medal and insisted: quot;We are definitely celebrating, rather than commiserating. quot; ...$LABEL$1 +IOA sets up committee to probe dope scandal Athens, Aug 20. (PTI):In a belated damage-control exercise, the Indian Olympic Association today announced setting up of a Committee to probe into the Olympic Games doping scandal and suggest stringent measures to curb the menace. $LABEL$1 +FACTBOX-Jonathan Woodgate factbox MADRID, Aug 20 (Reuters) - Factbox on England defender Jonathan Woodgate who will sign for Real Madrid on Saturday after passing a medical on Friday. $LABEL$1 +British canoe pair lose out ATHENS (Reuters) - Slovakian twins Peter and Pavol Hochschorner have paddled to a stunning victory in the men #39;s two man canoe to retain the title they won in Sydney. $LABEL$1 +World News gt; Indians unfazed by Kathmandu blockade - but panic in India: Kanaiyalal Jiwanlal, a businessman from Valsad in Gujarat, has seen sectarian violence and a killer earthquake devastate parts of the western Indian state. Compared to such upheavals, the blockade of Kathmandu, called by Maoists, holds no terror for him. $LABEL$0 +Militants reportedly promise to free kidnapped Western journalist Garen BAGHDAD, Iraq (AP) A top aide to firebrand Shiite cleric Muqtada al-Sadr, who appealed to kidnappers to free a Western journalist, said Friday they had promised to release him. $LABEL$0 +Israel given double warning over impact of West Bank policies JERUSALEM : The Israeli government was given a double warning over its policies in the West Bank as its top legal officer said it faced a real threat of sanctions over its controversial separation barrier and the United States condemned the latest ...$LABEL$0 +Tropical storm death toll hits 13 TOKYO, Japan (AP) -- Tropical storm Megi swept over northern Japan on Friday, knocking over a street sign that killed one man, cutting off electricity to 123,000 homes and dumping heavy rains, officials said. $LABEL$0 +Pakistan prime minister-designate declared official victor in by-elections ISLAMABAD, Pakistan (AP) - Pakistan #39;s election commission on Friday officially declared Finance Minister Shaukat Aziz victor in two by-elections, paving the way for him to become the next prime minister. $LABEL$0 +13 injured in plant fire in Japan TOKYO, Aug. 20 (Xinhuanet) -- Fire broke out Friday at a tire plant belonging to Bridgestone Corp. in Amagi, western Fukuoka Prefecture of Japan, leaving 13 people injured. $LABEL$0 +Twenty-Five Hurt as Azores Plane Avoids Collision (Reuters) Reuters - Twenty-five TAP-Air Portugal passengers\and crew were slightly injured when the plane made a hasty\maneuver to avoid a mid-air collision just before landing on an\island in The Azores on Friday, TAP said.$LABEL$0 +General Growth Properties to Buy Rouse NEW YORK (Reuters) - General Growth Properties Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=GGP.N target=/stocks/quickinfo/fullquote"">GGP.N</A>, the No. 2 U.S. shopping mall owner, on Friday said it would buy Rouse Co. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=RSE.N target=/stocks/quickinfo/fullquote"">RSE.N</A> for \$7.2 billion, expanding its holdings of regional shopping centers and commercial property.$LABEL$2 +UAPB Gets #36;2.5M Science Grant From NSF (AP) AP - The National Science Foundation has awarded a #36;2.5 million grant to the University of Arkansas at Pine Bluff to steer minority students into the sciences, math and technology.$LABEL$3 +Study: Development Endangers Coastal Bays (AP) AP - Maryland's coastal bays support a wide range of aquatic life but are threatened by intense development pressures, according to the first comprehensive study of the chain of shallow bays that separate Ocean City and Assateague Island from the mainland.$LABEL$3 +Oracle moves to monthly patching schedule Weeks after coming under criticism for sitting on patches for multiple holes in its database software, Oracle Corp. has announced that it is moving to a monthly patch release schedule.$LABEL$3 +Cherry to launch keyboard for Linux users Linux users in German-speaking countries and the U.K. will have an opportunity to buy keyboards specially designed for the open source operating system in late September, when Cherry GmbH launches what the company claims is the world's first Linux keyboard.$LABEL$3 +Virtual veins give nurses a hand \A virtual reality hand, complete with vital veins, that ""feels"" could help trainee nurses practise their jabs.$LABEL$3 +Bill Clinton Helps Launch Search Engine Former United States President Bill Clinton speaks at the conclusion of a forum titled New Thinking on Energy Policy: Meeting the Challenges of Security, Development, and Climate Change, at New York University in New York, Monday, Dec. 6, 2004.$LABEL$2 +General Growth Properties to Buy Rouse (Reuters) Reuters - General Growth Properties Inc.\(GGP.N), the No. 2 U.S. shopping mall owner, on Friday said it\would buy Rouse Co. (RSE.N) for #36;7.2 billion, expanding its\holdings of regional shopping centers and commercial property.$LABEL$2 +Police Investigate Sex Play (Reuters) Reuters - German police are investigating a\Spanish theater troupe under obscenity laws after displays of\graphic sex and bestiality in a controversial play called\""XXX,"" authorities said on Friday.$LABEL$0 +US, South Korea fail to hammer out deal over troop cut timetable (AFP) AFP - The United States and South Korea failed to hammer out a deal over a timetable for the planned reduction of US troops here, with Seoul asking for the cut to be delayed, officials said.$LABEL$0 +Researchers to Probe Algae on Lake Shore (AP) AP - Researchers are going scuba diving in Lake Michigan later this month to try to learn why an increasing amount of stinky green algae is accumulating on the shore.$LABEL$3 +Ga. Science Museum to Suspend Operations (AP) AP - After years of declining attendance and contributions, the Science and Technology Museum of Georgia is suspending operations this weekend.$LABEL$3 +30,000 More Sudanese Threaten to Cross to Chad - UN GENEVA (Reuters) - Some 30,000 Sudanese, victims of fresh attacks by Arab militia inside Darfur, have threatened to cross into Chad, already stretched with 200,000 refugees from the conflict, the United Nations said Friday.$LABEL$0 +'Miracle baby' home raid in Kenya Kenyan police seize 10 children from an evangelist's home and quiz his wife over child-trafficking allegations.$LABEL$0 +DaVita to acquire Gambro #39;s US clinics for \$3.1bn NEW YORK, December 7 (newratings.com) - DaVita Inc (DVA.NYS) has agreed to acquire Gambros dialysis clinics in the US for \$3.1 billion in cash, a Bloomberg article said today.$LABEL$2 +Teens Claim to Set New TV-Viewing Record GRAND RAPIDS, Mich. - A pair of teenagers who spent more than two straight days publicly glued to a television set say they have set a new world record for uninterrupted TV viewing...$LABEL$0 +Al-Sadr Followers Offer to Leave Shrine NAJAF, Iraq - Followers loyal to radical Shiite cleric Muqtada al-Sadr said Friday they were prepared to hand control of the revered Imam Ali Shrine to top Shiite religious authorities, and Iraq's interim prime minister said he would not storm the holy site. The moves came after a day and night of fighting in Najaf that killed 77 people and wounded 70 others, as al-Sadr militiamen mortared a police station and U.S...$LABEL$0 +Neuros II 20GB HDD music player <strong><cite>Reg</cite> Review</strong> The world's first easily upgradeable MP3 device?$LABEL$3 +Bioenvision Files for Drug OK in Europe (Reuters) Reuters - Bioenvision Inc. (BIVN.O) said on\Friday it has submitted an application to European regulators\to market its experimental leukemia drug.$LABEL$0 +India cuts duties as inflation hits new high (Reuters) Reuters - India's wholesale price inflation surged to a new 3-1/2-year high of 7.96 percent in the week ended August 7 due to higher energy and manufactured product prices, prompting the government to slash duties on steel.$LABEL$0 +U.S. Softball Team Posts Shutout No. 7 (AP) AP - Cat Osterman struck out 10 in six innings, Crystl Bustos homered and the United States completed a perfect run through the preliminary round with a 3-0 win over Taiwan on Friday, setting up a U.S.-Australia showdown in the semifinals.$LABEL$1 +Paul Hamm's example PAUL HAMM'S fall and rise are what make the Olympics so much more than a sports event. The US gymnast who spun despair into gold on Wednesday gives hope to the whole human endeavor by defusing the word quot;loser. quot;$LABEL$1 +NBC relies on storytelling for continuity The seven-hour time difference between here and Athens creates strange viewing patterns in NBC's all-Olympics-all-the-time world. As host Bob Costas said in signing off Wednesday at midnight Boston time (7 a.m. Athens time): quot;Good night, good morning . . . take your choice. quot;$LABEL$1 +This weekend on TV, radio TODAY AUTO RACING 1 p.m. -- NASCAR Busch Series Cabela's 250 qualifying at Brooklyn, Mich., Speed Channel 3 p.m. -- NASCAR Nextel Cup GFS Marketplace 400 qualifying at Brooklyn, Mich., TNT LITTLE LEAGUE BASEBALL 1 p.m. -- World Series: Midwest vs. Southeast at Williamsport, Pa., ESPN 5 p.m. -- World Series: Latin America vs. Canada at Williamsport, Pa., ESPN2 8 ...$LABEL$1 +Russia blocks bid by US Russia is one of the biggest, most powerful men's volleyball teams in the world. Already well aware, the United States received another reminder.$LABEL$1 +Late surge lifts US past Aussies The Mason's Union membership cards should be arriving any day now, but while they wait for them to be distributed, the United States men's basketball team was able to concoct a winning formula by relying on their unquestioned athletic superiority over the Australians yesterday.$LABEL$1 +Story has familiar ring The United States Boxing team isn't fighting its opponents any more. It's fighting self-doubt.$LABEL$1 +Fencer Smart can't find winning touch Twice Keeth Smart charged, his opponent attacked and both lights went off. Twice, Smart was left standing on the strip, helmet in hand, after American losses.$LABEL$1 +Finally, events are in track spotlight After a week of swimming, gymnastics, synchronized diving, and beach volleyball, the Olympic menu will offer a steady diet of its bread-and-butter sport beginning this morning.$LABEL$1 +Cannons' Gill fit for playoffs The Boston Cannons lost their last regular-season game but it really didn't matter. They had already clinched a spot in the Major League Lacrosse playoffs. What mattered was that attackman Conor Gill went down with a left knee injury in the fourth quarter and was out for the rest of the game.$LABEL$1 +Transactions BASEBALL Major League Baseball: Suspended Chicago White Sox manager Ozzie Guillen for two games and fined him an undisclosed amount for his comments to the media regarding umpire Hunter Wendelstedt. Major League Owners: Voted to extend the contract of Bud Selig, commissioner, for three years through 2009. Chicago (NL): Signed INF Neifi Perez to a minor league contract and assigned ...$LABEL$1 +A winning situation Pleasantly Perfect lost his last race, but that didn't diminish his standing as the top handicap runner in the country. It will take more than one defeat to knock the horse who won the \$4 million Breeders' Cup Classic in October and the \$6 million Dubai World Cup in March off his perch. He has a chance to get back ...$LABEL$1 +Entries just can't keep pace As expected, none of the four United States entries survived yesterday's second set of Olympic rowing semifinals, leaving just four boats -- the men's and women's eights, the men's double sculls and the women's quadruple sculls -- going for medals this weekend, five fewer than in Sydney four years ago.$LABEL$1 +Peirsol golden in beating field, controversy By the time Aaron Peirsol made his last turn and headed into the final 50 meters of the 200 backstroke, he had a body-length lead and was chasing his own world record en route to his second gold of the Games.$LABEL$1 +Israel court orders barrier reply Israel's High Court orders the government to respond to a World Court ruling on the West Bank barrier.$LABEL$0 +Oil Prices Are at New High, Over \$49 LONDON (Reuters) - Oil prices raced to fresh highs on Friday, carrying U.S. crude over \$49 a barrel, driven by escalating violence in Iraq and unabated fuel demand growth from China and India.$LABEL$2 +Report: Johnson amp; Johnson in talks to buy Guidant Johnson amp; Johnson (JNJ), the drug and health care products company, is reportedly in advanced negotiations to buy Guidant (GDT), a leading maker of devices to treat heart and circulatory illnesses, for more than \$24 billion.$LABEL$2 +Stunt pilots to hook falling stardust sample A piece of the Sun is set to fall to Earth and be captured by Hollywood stunt pilots in a tricky mid-air manoeuvre, NASA announced on Thursday. $LABEL$3 +Oracle moves to monthly patching schedule Weeks after coming under criticism for sitting on patches for multiple holes in its database software, Oracle Corp. has announced that it is moving to a monthly patch release schedule. $LABEL$3 +Seiko Epson unveil updated micro flying robot Seiko Epson have unveiled their latest wireless flying micro-robot named the FR-II. The successor to the FR robot the latest micromechatronic contraption has a number of improvements. It is 2.3g heavier than the original FR at 12.3g but does away with the ...$LABEL$3 +Gateway spreads out at retail Gateway computers will be more widely available at Office Depot, in the PC maker #39;s latest move to broaden distribution at retail stores since acquiring rival eMachines this year. $LABEL$3 +For Peirsol, a DQ, a wait amp; a reward ATHENS -- The celebration had begun for Aaron Peirsol. He had just become the fifth person in Olympic history to win both backstroke events, adding the 200-meter race to his 100 win from earlier in the week. $LABEL$1 +Woodgate to join Real after passing medical MADRID, Aug 20 (Reuters) - Newcastle United defender Jonathan Woodgate will sign for Real Madrid after passing a medical on Friday, joining the Spanish club on a four-year deal for a reported 20 million euros (\$24.74 million). $LABEL$1 +Judge rejects injunction by organizers over use of Olympic symbols The local issue of Playboy remained on newsstands Friday, after a judge rejected a request for a temporary injunction filed by Athens Games #39; organizers over the magazine #39;s use of Olympic symbols in a photo spread. $LABEL$1 +Greeks deny failed drug test reports ATHENS (Reuters) - Greek Olympics officials say they are unaware of any team member failing a drugs test after media reports that the International Olympic Committee had found a Greek competitor had taken banned substances. $LABEL$1 +Fergie #39;s View: Norwich Sir Alex Ferguson faced another nail-biting few days this week as ten of his depleted squad went out on international duty. $LABEL$1 +USA plays inspired, but falls to No. 1 Hungary in water polo ATHENS, Greece With flag-waving, chanting Hungarians creating a chaotic atmosphere at the Olympic Aquatic Center yesterday morning, a young water polo team from the United States discovered something about itself. $LABEL$1 +Men #39;s C2 Canoe Double: Slovakian twins repeat as gold medallists ATHENS, 20 August - Slovakian twins Pavol and Peter HOCHSCHORNER won their second consecutive gold medal in the Men #39;s C2. $LABEL$1 +S.Korea, US End Troop Cut Talks Without Agreement SEOUL (Reuters) - South Korea and the United States closed a round of defense talks in Seoul on Friday aimed at scheduling a reduction of US troops on the Korean peninsula without agreeing on the timeline of the realignment. $LABEL$0 +China: Deadly Bird Flu Strain Found in Pigs Chinese scientists say they have discovered a deadly strain of the bird flu virus in pigs. Speaking at an international conference on avian flu and SARS in Beijing Friday, Chinese animal research facility official, Chen Hualan said the deadly H5N1 virus ...$LABEL$0 +Korea #39;s tortured reckoning with collaborators It has only just begun and already South Korea #39;s program of historical reckoning of the often brutal Japanese occupation and colonization has produced its first victim. With no small amount of irony, it was the chairman of the governing ...$LABEL$0 +China hands out quot;green card, quot; winning acclaim of foreigners BEIJING, Aug. 20 (Xinhuanet) -- China is granting some foreigners permanent residence in the country with a quot;green card, quot; a credit card-sized photo ID that was revealed to the public at a press conference here Friday. $LABEL$0 +Earnings alert: Novell sees weakness in IT spending Plus: Salesforce reports rise in profit...Nortel to lay off 3,500...Intuit posts loss while revenue rises...BEA earnings rise amid internal turmoil.$LABEL$3 +Briefly: Mitsubishi expands solar production roundup Plus: KDE updates Linux desktop...EA to take World Cup soccer to Xbox...IBM chalks up two health care wins.$LABEL$3 +Oracle puts patches on a schedule Following Microsoft's lead, software maker opts to issue fixes on a monthly timetable. But does that make customers more secure?$LABEL$3 +Oil Tops \$49 On Renewed Iraq Violence LONDON (Reuters) - Global oil prices raced to fresh highs on Friday, carrying US crude close to \$49.16 a barrel up 46 cents, driven by escalating violence in Iraq and unabated demand growth from China and India. $LABEL$2 +This unconventional IPO has a familiar ring Google, like so many dot-coms before it, came roaring out of the IPO gate Thursday priced at the low end of expectations and promptly surged in value as investors piled onto the much-hyped share offering. $LABEL$2 +Scandal-hit Nortel to make worker cuts NORTEL Networks plans to slash its workforce by 3500, or ten per cent, as it struggles to recover from an accounting scandal that toppled three top executives and led to a criminal investigation and lawsuits. $LABEL$2 +Before the Bell- Rouse Co. shares jump 32 percent NEW YORK, Aug 20 (Reuters) - Shares of The Rouse Co. (RSE.N: Quote, Profile, Research) jumped before the bell after General Growth Properties Inc. (GGP.N: Quote, Profile, Research) , the No. 2 US shopping mall owner, on Friday said it would buy Rouse for ...$LABEL$2 +Update 1: Mylan Comments on Icahn Clearance Mylan Laboratories Inc., the largest US maker of generic drugs, cautioned investors Friday that Thursday #39;s jump in share price was likely driven by investor Carl Icahn #39;s clearance to buy a large amount of company stock and fails to reflect quot;negative ...$LABEL$2 +United signals it may end pensions United Airlines has signaled that it may terminate and replace employee pension plans, a move its parent company says is needed before it can emerge from Chapter 11 bankruptcy. $LABEL$2 +Layoffs at Fleet THE LAYOFFS at Fleet seem to be a microcosm of the economy as a whole. Good, higher-paying, full-time jobs, presumably with benefits, are replaced by lower-paying, part-time jobs that may not have the same health care plans. $LABEL$2 +Industry report Delta Air Lines Inc. #39;s plan to restructure some of its debt outside of bankruptcy has raised concerns among credit analysts who say the move could be tantamount to defaulting on the money the struggling carrier owes. $LABEL$2 +Apple recalls 28,000 PowerBook batteries Apple Computer Inc. Thursday morning launched a voluntary worldwide 15-inch PowerBook G4 battery exchange program to deal with 28,000 potentially faulty units.$LABEL$3 +Computer Experts Vie in Hacking Contest (AP) AP - Armed with laptops, modems, hard disk drives and sandwiches, 12 computer experts hunkered down Friday for a seven-hour contest to find the best hacker in tech-savvy Singapore.$LABEL$3 +Pakistani Islamists rally against custodial killing, raids on seminaries (AFP) AFP - Thousands of Islamists demonstrated across Pakistan after Friday prayers against the death of a cleric in detention over suspected links to Al Qaeda and against raids on seminaries.$LABEL$0 +Report: Bush Spent Nearly #36;46M in July (AP) AP - A fresh wave of ads pushed President Bush's spending to nearly #36;46 million for July, the Republican's highest level since he launched the first ad blitz of his re-election campaign in March, a campaign finance report filed Friday shows.$LABEL$0 +Judge Maintains Peirsol Broke Rules ATHENS (Reuters) - The swimming judge who disqualified gold medal winner Aaron Peirsol at the Athens Olympics is standing by his claim that the American backstroker broke the rules.$LABEL$1 +Annan Vows to Protect U.N. Staff from Attacks (Reuters) Reuters - Those behind the ""cold-blooded murder""\of 22 people at the United Nations office in Baghdad one year\ago must be held to account, no matter how long it takes to\find them, U.N. Secretary-General Kofi Annan said Thursday.$LABEL$0 +General Growth to buy Rouse for \$7.2bn In the latest big deal among US real estate companies, General Growth will pay \$67.50 per share in cash for each share in Rouse, a premium of 33 per cent over its closing stock price of \$50.61 in Thursday New York Stock Exchange trade. $LABEL$2 +Qantas to raise fuel surcharge AUSTRALIAN airline Qantas has upped its prices for the second time in three months, blaming rising oil prices, while budget airline Ryanair insists it will not impose fuel surcharges on customers. $LABEL$2 +File-sharing firms record a win The film and music industries yesterday again lost a legal battle to hold file-sharing companies liable for copyright infringement, setting up an expected confrontation in the Supreme Court. $LABEL$2 +Chinadotcom #39;s Text-Messages Suspended Chinadotcom Corp. said Friday that China #39;s state-controlled wireless carrier fined the company \$160,000 and suspended its text-message services on charges that the cell-phone service provider #39;s Go2joy unit charged inactive users and switched customers #39; ...$LABEL$2 +Report: FDA to relabel antidepressants Agency wants to learn if drugs can lead to suicide in young people; most major drugmakers impacted. NEW YORK (Reuters) - The Food and Drug Administration is expected to call for changes to labels for antidepressants to reflect a new agency analysis ...$LABEL$2 +Apple recalls laptop batteries In cooperation with the US Consumer Product Safety Commission, Apple has voluntarily recalled some of its laptop batteries. The batteries in question are found in 15-inch PowerBook G4 (Aluminum) laptops. The recall is a result of four reports that the ...$LABEL$3 +Brazil tribe prove words count When it comes to counting, a remote Amazonian tribespeople have been found to be lost for words. Researchers discovered the Piraha tribe of Brazil, with a population of 200, have no words beyond one, two and many. $LABEL$3 +Researchers spot XP SP2 security weakness Security researchers believe they have discovered a weakness in the new security given to Windows XP by the recently unveiled Service Pack 2 (SP2). $LABEL$3 +Somebody else #39;s spam A FEW WEEKS back I spent three days locked up in a room full of Internet experts, pioneers, and thinkers to contemplate the question of how to prevent what the conference #39;s convenors grandly called the quot;Internet meltdown quot;. I was hoping for a particularly ...$LABEL$3 +Finally sync your BlackBerry with your Mac Research In Motion couldn #39;t be bothered to ever get around to doing this themselves, but Information Appliance Associates has just come out with some software which should finally let Mac users satisfy their CrackBerry addictions. There #39;s no support ...$LABEL$3 +Judge Maintains Peirsol Broke Rules ATHENS (Reuters) - The swimming judge who disqualified gold medal winner Aaron Peirsol at the Athens Olympics is standing by his claim that the American backstroker broke the rules. $LABEL$1 +Woodgate joins Real Madrid England international defender Jonathan Woodgate passed his medical and will sign a four-year contract with Real Madrid on Saturday, the Spanish giants said. $LABEL$1 +Live on Sky Sports 2, 5pm (KO 5.15pm) This is, in my opinion, one of the biggest games Manchester United have played for years. It may sound strange ahead of what is only the second game of the season, but don #39;t think this is one they can afford to lose. $LABEL$1 +Race driver killed in crash Race car driver Tommy Baldwin was killed in a crash at Thompson International Speedway during a Featherlite modified race. $LABEL$1 +Tanks encircle shrine in US blitz on rebels UNITED States tanks today encircled the sacred Imam Ali shrine in the Iraqi city of Najaf, after an intense bombardment of rebel positions overnight. $LABEL$0 +Bombings Hit Kathmandu, as Blockade Starts to Affect Prices The Nepalese capital, Kathmandu, has been hit by bomb blasts on the third day of a blockade called by Maoist rebels. Nepalese business leaders are calling for a cease-fire between the government and the rebels. $LABEL$0 +Kazaa Owner Cheers File-Swapping Decision (AP) AP - The distributor of file-swapping giant Kazaa on Friday welcomed a U.S. court's ruling that two of its rivals are not legally liable for the songs, movies and other copyright works shared online by their users.$LABEL$3 +Violence in blockaded Kathmandu as Nepal agrees to meet Maoists halfway (AFP) AFP - Maoist rebels who have cut off Kathmandu for three days attacked security forces and bombed buildings inside the Nepalese capital, as the government partially agreed to guerrilla demands for lifting the blockade.$LABEL$0 +Stocks Set to Fall Amid High Oil Price NEW YORK (Reuters) - U.S. stocks are poised to fall for a second-straight day on Friday on concerns the economy and corporate profits will slow after crude futures touched another record and inched toward \$50 per barrel.$LABEL$2 +Weak El Nino Seen Affecting U.S. This Fall, Winter (Reuters) Reuters - A weak El Nino, the weather anomaly\that distorts wind and rainfall patterns worldwide, is expected\to develop and affect the United States this fall and winter,\U.S. government weather experts said on Thursday.$LABEL$3 +Treasuries Yields Near Recent Lows NEW YORK (Reuters) - Yields on U.S. Treasuries held near recent lows on Friday as oil topped \$49 a barrel, threatening the outlook for both the economy and stocks.$LABEL$2 +Magna Int'l Names Mark Hogan as President TORONTO (Reuters) - Canada's Magna International <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=MGa.TO target=/stocks/quickinfo/fullquote"">MGa.TO</A>, the world's seventh-largest auto-parts supplier, named Mark Hogan as its president on Friday and said he will be based in Detroit.$LABEL$2 +Khan crushes Stilianov British boxer Amir Khan outpoints European champion Dimitar Stilianov in style.$LABEL$1 +Advanced Neuromodulation takes stake in Cyberonics CHICAGO, Aug 20 (Reuters) - Advanced Neuromodulation Systems (ANSI.O: Quote, Profile, Research) on Friday said it took an equity stake in Cyberonics Inc. (CYBX.O: Quote, Profile, Research) and initiated discussions about combining the two companies. $LABEL$2 +Enter your e-mail: Well, here #39;s the next development in the fee-based music download wars: RealNetworks is selling songs for 49 cents apiece through labor day, undercutting the ITunes Music Store #39;s price by 50 cents. $LABEL$3 +You don #39;t use a yardstick to measure grit ATHENS, Greece Grit is now available in an economy size. It can be found in Carly Patterson, and in spades. $LABEL$1 +Five more suspended by weightlifting body ATHENS -- Weightlifting #39;s aggressive pursuit of drug cheaters will continue even if it jeopardizes its future in the Olympics, its top official said yesterday after six more positive doping cases in what is again becoming the Games #39; dirtiest sport. Five ...$LABEL$1 +Emmons wins gold in prone rifle American Matt Emmons won the gold medal Friday in the 50-meter prone rifle competition with a score of 703.3. $LABEL$1 +Russia Welcomes Georgian Troops #39;Pullout from South Ossetia In its statement issued on August 20 Russian Foreign Ministry welcomed Georgia #39;s decision to pull out its extra troops from the South Ossetian conflict zone. $LABEL$0 +Bomb Blasts Hit Kathmandu, as Rebel Blockade Continues The Nepalese capital, Kathmandu, has been hit by bomb blasts on the third day of a blockade called by Maoist rebels. Nepalese business leaders are calling for a cease-fire between the government and the rebels. $LABEL$0 +Crude oil nears \$50 a barrel Oil prices continue to climb, with a record of \$48.98 reported overnight for US light crude. While prices have fallen back to \$48.56 a barrel, with Brent crude oil at \$44.43, crude seems destined to climb to \$50 a barrel for the first time. $LABEL$0 +Treasuries Yields Near Recent Lows (Reuters) Reuters - Yields on U.S. Treasuries held near\recent lows on Friday as oil topped #36;49 a barrel, threatening\the outlook for both the economy and stocks.$LABEL$2 +Khan moves into quarter-finals (AFP) AFP - Teenage boxer Amir Khan moved into the quarter-finals of the Olympic lightweight division with a storming points win against European champion Dimitar Stilianov of Bulgaria.$LABEL$0 +Kallis, Boucher boost South Africa in Colombo one-dayer (AFP) AFP - Jacques Kallis and Mark Boucher slammed half-centuries as South Africa posted a competitive 263-9 in the first one-dayer against Sri Lanka at the Premdasa Stadium here.$LABEL$0 +Oil at New High Over \$49, Iraq Violence Escalates LONDON (Reuters) - Oil prices raced to fresh highs on Friday, carrying U.S. crude over \$49 a barrel, driven by escalating violence in Iraq and unabated fuel demand growth from China and India.$LABEL$2 +Oil Tops \$49 Amid Iraq Supply Worries Crude oil prices passed \$49 per barrel today, striking fresh record levels amid heightened concern about supplies in Iraq.$LABEL$2 +World is #39;in more danger #39; PAKISTAN #39;S president has warned that the war on terror has made the world a more dangerous place. Gen. Pervez Musharraf said the world was quot;absolutely quot; less safe because military action had done nothing to tackle the causes of terrorism.$LABEL$0 +Greek athlete fails test A spokesman for Greece's Olympic team confirms that a Greek athlete has failed a dope test.$LABEL$1 +Sadr May Have Escaped Najaf Mosque-Iraq Official BAGHDAD (Reuters) - Radical Shi'ite cleric Moqtada al-Sadr may have escaped the U.S.-led military siege of the Imam Ali Mosque in Najaf, the Iraqi Interior Ministry said on Friday.$LABEL$0 +Scientists Say Risk of Water Wars Rising STOCKHOLM (Reuters) - The risk of wars being fought over water is rising because of explosive global population growth and widespread complacency, scientists said on Friday. $LABEL$3 +British Considering Protest of Peirsol #39;s Gold Medal Victory ATHENS, Aug. 20 -- The British Olympic Association is considering whether to bring its protest of an American swimmer #39;s gold medal-winning performance before an international arbitration panel, potentially keeping alive a fiasco that ...$LABEL$1 +Suzuki advances to semis Japan #39;s world open-weight champion, aiming to make up for compatriot Kosei Inoue #39;s shock loss in a lighter men #39;s division, defeated Yury Rybak. $LABEL$1 +Jake White #39;s Springboks Are On the Cusp of a Historic First On Saturday against the Wallabies, they will accomplish what no previous Bok team has managed - winning the Tri-Nations despite losing both away matches. $LABEL$1 +Peres demands early Israeli elections Israel #39;s opposition leader, Shimon Peres, today called for early elections that would effectively rule his party out of joining a coalition to prop up the prime minister, Ariel Sharon. $LABEL$0 +Bomb blasts hit Kathmandu Suspected Maoist rebels today shot and wounded a policeman and detonated two powerful bombs in Kathmandu as the blockade of the Nepalese capital entered its third day. $LABEL$0 +Is Israel planning to attack Iran? JERUSALEM Ariel Sharon may be on the warpath again and the target is Iran. In the past, the Israeli prime minister has focused attention on Iran by claiming that it presents the greatest threat to Israel. More than once, defense officials in Jerusalem ...$LABEL$0 +UN: Chad Could See More Darfur Refugees GENEVA Aug. 20, 2004 Tens of thousands more refugees might flee Sudan #39;s Darfur region into neighboring Chad because of persistent attacks and rapes by Arab militias, the United Nations said Friday. $LABEL$0 +US warplanes strike Falluja: Report FALLUJAH, Iraq (AP) US forces launched two airstrikes today on the troubled Iraqi city of Falluja, hospital officials and witnesses said. $LABEL$0 +Israeli court orders reply for Hague JERUSALEM The Israeli Supreme Court ordered the government to produce a statement in the next 30 days that assesses the ramifications of a nonbinding ruling by the International Court of Justice in the Hague that declared the Israeli security barrier ...$LABEL$0 +Cleric #39;s Aides: Kidnapped Journalist Will Be Freed Baghdad, Iraq -- Some of Muqtada al-Sadr #39;s aides in Iraq say kidnappers have promised to release a Western journalist, perhaps as early as Friday. $LABEL$0 +Women Lay Claim to #39;Miracle Children #39; Three women sensationally turned up yesterday at the Nairobi CID headquarters and laid claim on some of Archbishop Deya #39;s quot;miracle babies. quot; ...$LABEL$0 +Court to hear medal appeal Britain will find out on Saturday whether its equestrian medals will be upgraded.$LABEL$0 +Guatemala to pay paramilitaries Guatemala's government agrees to pay millions of dollars to former paramilitaries, who some accuse of war crimes.$LABEL$0 +Particle collider edges forward Physicists take a key decision on the technology to be used in the International Linear Collider, one of the grand scientific projects of the 21st Century.$LABEL$0 +Oil Futures Rise to Record as Iraq Fighting Threatens Exports Aug. 20 (Bloomberg) -- Crude oil futures rose to a record, surpassing \$49 a barrel in New York, on concern clashes in southern Iraq between US troops and Shiite Muslim militiamen may cut exports. $LABEL$2 +General Growth Properties to acquire Rouse for \$12.6 bn NEW YORK, August 20 (New Ratings) General Growth Properties Inc (GGP.NYS), the second-largest shopping mall operator in the US, has agreed to buy Rouse Company (RSE), in a cash and debt assumptions deal worth about \$12.6 billion. $LABEL$2 +Cyberonics #39; Shares Jumps on Stock Buy Advanced Neuromodulation Systems Inc. reported Friday that it purchased 3.5 million shares of Cyberonics Inc., taking a 14.9 percent stake in the Houston-based medical device maker, and expressed an interest in combining the two companies. $LABEL$2 +United set to drop pension plans United Airlines has said it will very likely terminate its four employee pension plans and replace them with less generous benefits. United said the drastic move was needed to attract the financing that would allow it to emerge from bankruptcy. $LABEL$2 +Magna Int #39;l Names Mark Hogan as President TORONTO (Reuters) - Canada #39;s Magna International (MGa.TO: Quote, Profile, Research) , the world #39;s seventh-largest auto-parts supplier, named Mark Hogan as its president on Friday and said he will be based in Detroit. $LABEL$2 +Dim Reality at Sharper Image Shares of Sharper Image (SHRP:Nasdaq - news - research) were under pressure Friday after the company unexpectedly predicted it will lose money in its third quarter and was downgraded by JP Morgan. $LABEL$2 +Lottery for Longshore Jobs Draws More Than 300,000 Description: Union and shipping company officials at the Port of Los Angeles held a lottery Thursday to fill 300,000 longshore jobs. More than 300,000 people applied for the dangerous but lucrative jobs. Results of the lottery will be posted on the Web ...$LABEL$2 +Prehistoric Desert Town Found in Western Sahara (Reuters) Reuters - The remains of a prehistoric town\believed to date back 15,000 years and belong to an ancient\Berber civilization have been discovered in Western Sahara,\Moroccan state media said on Thursday.$LABEL$3 +Eta rebels explode peace hopes ETA triggered a series of explosions across Spain yesterday in a show of force by a faction within the Basque terrorist organisation opposed to a peace deal with the Socialist Government.$LABEL$0 +Ghana leader looks set to win second term Accra - Ghana #39;s leader, John Kufuor, is expected to win a second and final four-year term when voters in the world #39;s second-biggest cocoa grower choose their leader in a presidential election on Tuesday.$LABEL$0 +Software Doesn't Break Laws... ... People do. Or at least that's what two makers of file-sharing software argued successfully in federal court, shifting the balance in the Internet piracy wars away from the Hollywood and the RIAA. <FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2"" color=""#666666""><B>-washingtonpost.com</B></FONT>$LABEL$3 +Web Sites Agree to Be Accessible to Blind In one of the first enforcement actions of the Americans with Disabilities Act on the Internet, two major travel services have agreed to make sites more accessible to the blind and visually impaired.$LABEL$3 +Blunt Talk on Union Web Site Spotlights Frustration Over Labor Relations Changes Ron Ault, the president of the Metal Trades Department, AFL-CIO, describes himself as ""a very plain-spoken person."" He isn't kidding.$LABEL$3 +Nokia taps Coke exec to refresh brands The hope is that Keith Pardy will put some fizz back in the company's market share stats.$LABEL$3 +Cherry Readies Linux Keyboard \$50 device will feature hot keys designed for the alternative operating system.$LABEL$3 +Japan Court Ex-Chess Champ Fischer Can Be Deported (Reuters) Reuters - A Tokyo court on Friday rejected a\request by former world chess champion Bobby Fischer to have\Japanese authorities halt procedures to deport him, Kyodo news\agency reported.$LABEL$0 +Software Doesn't Break Laws... (washingtonpost.com) washingtonpost.com - What do file-sharing companies and the National Rifle Association have in common? A common legal argument, that's what.$LABEL$3 +Stocks Near Flat as Oil Price Hits Record NEW YORK (Reuters) - U.S. stocks were little changed on Friday as investors worried high crude prices will hurt the economy and corporate profits, but oil production companies like Exxon Mobil Corp. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=XOM.N target=/stocks/quickinfo/fullquote"">XOM.N</A> and ChevronTexaco Corp. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=CVX.N target=/stocks/quickinfo/fullquote"">CVX.N</A> got a boost as the price of crude inched toward \$50 per barrel.$LABEL$2 +New Blast Rocks Texas Natural Gas Unit HOUSTON (Reuters) - A new explosion rocked an underground natural gas storage site early Friday, sending a fireball into the sky and prompting the evacuation of homes near the blaze, which has raged since early Thursday.$LABEL$2 +Iraqi Police Enter Najaf Shrine, Arrest Militiamen NAJAF, Iraq (Reuters) - Iraqi police took control of the Imam Ali Mosque in the holy city of Najaf on Friday after entering the shrine and arrested some hundreds of militiamen, Interior Ministry and an Iraqi government source said.$LABEL$0 +Japan Court Ex-Chess Champ Fischer Can Be Deported TOKYO (Reuters) - A Tokyo court on Friday rejected a request by former world chess champion Bobby Fischer to have Japanese authorities halt procedures to deport him, Kyodo news agency reported.$LABEL$0 +Second Explosion Rocks Texas Gas Facility MOSS BLUFF, Texas - A second explosion in less than 24 hours rocked a burning underground gas storage facility early Friday, prompting authorities to expand an evacuation zone around the site. The fire at Duke Energy's Moss Bluff natural gas facility intensified overnight, an official said...$LABEL$0 +U.S. Women Beat Spain in First Real Test ATHENS, Greece - Seriously challenged for the first time in these Olympics, the U.S. women's basketball team fought through foul problems and long stretches of frigid shooting to clinch first place in its preliminary group with a 71-58 victory over Spain on Friday...$LABEL$0 +Stocks Up Despite Oil Nearing \$50 a Barrel NEW YORK - Stocks edged higher in early trading Friday as investors tried to uncouple share prices from skyrocketing oil costs, even as crude reached new highs and neared \$50 per barrel. A barrel of light crude was quoted at \$49.33, up 63 cents, on the New York Mercantile Exchange, continuing a climb that has sent new intraday highs with every quote...$LABEL$0 +An Elusive Peace in Najaf The standoff is driven by Moqtada Sadr's political ambitions. But how good is his poker game?$LABEL$0 +File Sharing Companies Ruled Not Liable A federal appeals court yesterday ruled that two developers of file-sharing programs are not legally liable for the copyrighted content their users swap online. $LABEL$2 +Update 1: Cyberonics #39; Shares Jump on Stock Buy Advanced Neuromodulation Systems Inc. reported Friday that it purchased 3.5 million shares of Cyberonics Inc., taking a 14.9 percent stake in the Houston-based medical device maker, and expressed an interest in combining the two companies. $LABEL$2 +Kmart #39;s store sales might cost jobs Report: Retailer could terminate as many as 1,200 positions stemming from stores sold to Home Depot. $LABEL$2 +WPP Profit Rises; Company Ponders Bid for Grey Global (Update5) Aug. 20 (Bloomberg) -- WPP Group Plc, the world #39;s second- largest advertising and marketing company, said first-half profit rose 11 percent as demand increased in the US and Asia, and reiterated it #39;s looking into buying Grey Global Inc. $LABEL$2 +Flaws and a Delay for XP SP2 Just one day after Microsoft delayed the delivery of its Windows XP Service Pack 2 (XP SP2) update for the Professional Edition, a German research firm announced the discovery of two security flaws in the application. $LABEL$3 +RealNetworks Doesn #39;t Rock NEW YORK - It #39;s never a smart move to pick a public fight with Apple Computer, and it #39;s doubly unwise if that fight involves the iPod in some way. $LABEL$3 +BlackBerry in sync with Mac OS X Software developer Information Appliance Associates announced on Thursday the release of an application synchronising Research In Motion #39;s BlackBerry devices with Apple #39;s Mac OS X. $LABEL$3 +Nokia taps Coke exec to refresh brands Nokia is bringing in a Coca-Cola executive to take over brand management as part of its plan for regaining market share. $LABEL$3 +Probe expanded into Greek sprinters #39; crash, coach #39;s past The state drug agency asked for a warrant Friday to search a warehouse belonging to the coach of two disgraced Greek sprinters who withdrew from the Olympics after they missed a doping test. $LABEL$1 +Rathbone is #39;like Gregan #39; AUSTRALIAN coach Eddie Jones rates winger Clyde Rathbone a potential successor to Wallaby captain George Gregan as the pair reach Test career milestones tonight against South Africa in Durban. $LABEL$1 +Two more Americans fail to master Olympic boxing style No chance, Dad. The best amateur boxers know just how to move and exactly when to pounce -- and three Americans who failed to match that style are out of the Olympics. $LABEL$1 +USA women #39;s basketball team pulls away to beat Spain Athens, Greece (Sports Network) - The US women #39;s basketball team continued its impressive play at the Olympics, pulling away from previously-unbeaten Spain for a 71-58 victory on Friday. $LABEL$1 +Twenty-Five Hurt as Azores Plane Avoids Collision LISBON (Reuters) - Twenty-five TAP-Air Portugal passengers and crew were slightly injured when the plane made a hasty maneuver to avoid a mid-air collision just before landing on an island in The Azores on Friday, TAP said. $LABEL$0 +Holes found in Windows XP update Security firms are starting to find loopholes and bugs in the SP2 security update for Windows XP.$LABEL$3 +Search Engine Forums Spotlight Links to this week's topics from search engine forums across the web: How Do You Compete With the Fortune 500s - Google Prices Stock at \$85 Per Share - MSN Block-Level Link Analysis - Slickest Link Building Tricks - Your Message to New SEOs - How To Handle AdWords With Thousands Of Keywords$LABEL$3 +Amazon to Purchase Chinese Retailer Joyo.com Amazon to Purchase Chinese Retailer Joyo.com\\Amazon.com agreed to buy Joyo.com which is China's largest online retailer of books, music and videos. The agreed purchase will be at \$75 million for Amazon to enter the world's second largest populated Internet market.\\Amazon will pay \$72 million in cash and assume employee stock ...$LABEL$3 +Court Rules File Sharing Legal Court Rules File Sharing Legal\\A federal appeals court has upheld a controversial decision which ruled that file sharing software such as Kazaa, Morpheus or Grokster are indeed legal. The 9th U.S. Circuit Court of Appeals in Los Angeles ruled on Thursday that peer-to-peer software developers were not liable for any ...$LABEL$3 +Basketball: U.S. Women Win After a Tough Test ATHENS (Reuters) - The unbeaten U.S. women's basketball team had their sternest test of the Olympic tournament so far Friday, needing an eight point run in the third quarter to pull away and beat Spain 71-58.$LABEL$1 +FDA Sees Changes to Antidepressant Labels WASHINGTON (Reuters) - The U.S. Food and Drug Administration plans to update antidepressant labels to reflect studies that suggest a link between the drugs and suicide in youth, according to documents released on Friday.$LABEL$2 +Holes found in Windows update Security firms are starting to find loopholes and bugs in the SP2 security update for Windows XP.$LABEL$0 +Is Netflix Doomed? A Netflix mailer may be black and white and red all over, but that's not the only punch line.$LABEL$2 +Iraqi Police in Control of Najaf Shrine, According to Reports Hundreds of militiamen were arrested today when police entered the Imam Ali Mosque, but rebel Shiite cleric Moktada al-Sadr was not found, Iraqi officials said.$LABEL$0 +Avian flu 'discovered in pigs' Scientists in China say they have discovered the highly virulent H5N1 strain of bird flu in pigs.$LABEL$3 +Advanced Neuromodulation takes stake in Cyberonics CHICAGO, Aug 20 (Reuters) - Advanced Neuromodulation Systems (ANSI.O: Quote, Profile, Research) on Friday said it took a 14.9 percent equity stake in Cyberonics Inc. (CYBX.O: Quote, Profile, Research) , expressing interest in combining the two companies, ...$LABEL$2 +Mylan Explains Trading Surge That #39;s what Mylan Laboratories (MYL :Nasdaq - news - research) sort of did Friday in addressing a surge in trading volume Thursday. $LABEL$2 +Nordstrom shares are hammered after earnings miss CHICAGO, Aug 20 (Reuters) - Shares of Nordstrom Inc. (JWN.N: Quote, Profile, Research) dropped 9 percent early on Friday after the luxury retailer missed Wall Street #39;s earnings target and forecast disappointing profits for the current quarter. $LABEL$2 +Dollar Rises; Traders Drop Bets Currency to Reach One-Month Low Aug. 20 (Bloomberg) -- The dollar climbed against the euro after some traders abandoned bets that a slowdown in growth reflected in economic reports this week would push the US currency to a one-month low. $LABEL$2 +Ohio sues Best Buy for alleged unfair business practices YESTERDAY THE STATE OF OHIO sued Best Buy for alleged unfair and deceptive business practices. Ohio state is claiming the company repackaged used goods and sold them as if they were new, as well as not honouring rebates, refunds, exchange programs and ...$LABEL$2 +Holes found in Windows XP update Barely hours after home users started securing their PCs with a key update for Windows XP, security experts have found ways around it. $LABEL$3 +Probe Set to Return with Sun Sample Aug. 20, 2004 A small science satellite dispatched to just beyond Earth #39;s magnetosphere returns to the home planet next month to deliver a most unique package: particles of the sun. $LABEL$3 +Greek Athlete Tests Positive for Drugs ATHENS (Reuters) - Greek pride was dealt another blow Friday when one of their athletes failed a drugs test at the Olympics just 48 hours after its two top sprinters pulled out of the Games in a doping scandal. $LABEL$1 +Fergie undecided over Ronaldo Manchester United boss Sir Alex Ferguson is still unsure whether to field Cristiano Ronaldo in Saturday #39;s Premiership clash against Norwich. $LABEL$1 +Israel Faces New Pressure Over Security Barrier The Israeli government is facing new pressure over its controversial West Bank security barrier, which the World Court has ruled is illegal and should be dismantled. $LABEL$0 +Japan Court Ex-Chess Champ Fischer Can Be Deported TOKYO (Reuters) - A Tokyo court on Friday rejected a request by former world chess champion Bobby Fischer to have Japanese authorities halt procedures to deport him, Kyodo news agency reported. $LABEL$0 +UN Official Warns of #39;Spiral of Violence #39; Following Burundi Massacre The United Nation #39;s top peacekeeping official says there is quot;real danger quot; of a new war in central Africa following the massacre of Congolese refugees in Burundi. $LABEL$0 +Latham to be released from hospital Mr Latham is due to leave St Vincent #39;s hospital in Sydney after being treated for pancreatitis. Mr Latham says he is feeling much better and expects to be back at work next week. $LABEL$0 +Google Shares Jump 18 In NASDAQ Debut Google Shares Jump 18 In NASDAQ Debut\\Google stock shares rose 18 percent in their NASDAQ stock market debut yesterday, after a scaled-down \$1.67 billion IPO marked by missteps and lackluster market conditions. Google co-founder Larry Page and chief executive Eric Schmidt showed up at the Nasdaq stock market as Google ...$LABEL$3 +Yahoo Now Powers OptusNet of Australia and New Zealand Yahoo Now Powers OptusNet of Australia and New Zealand\\Yahoo Search now powers the search engine results for OptusNet, Australia's second largest Internet service provider. The Age reports that Optus signed an agreement with Yahoo's Australia and New Zealand divisions where in Yahoo! Search Technology will power the OptusNet dialup ...$LABEL$3 +Lithuanians face US NBA stars in Olympic basketball showdown (AFP) AFP - A struggling United States basketball team coming off two narrow escapes and a epic loss faces its toughest Olympic test yet Saturday against unbeaten Lithuania, which is playing like the team to beat for gold.$LABEL$1 +Iran Urges Meeting on Iraq 'Catastrophe' (AP) AP - Iranian President Mohammad Khatami called on Muslim countries Friday to hold an urgent meeting to discuss the ""catastrophe"" in Iraq, particularly the 2-week standoff in the holy city of Najaf.$LABEL$0 +Feds Subpoena Fannie Mae -Source WASHINGTON (Reuters) - Regulators investigating Fannie Mae's accounting practices have sent subpoenas to the No. 1 U.S. mortgage finance company in connection with the probe, a source familiar with the matter said on Friday.$LABEL$2 +Anadarko to Sell Gulf Assets for \$1.3 Bln NEW YORK (Reuters) - Anadarko Petroleum Corp. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=APC.N target=/stocks/quickinfo/fullquote"">APC.N</A> has agreed to sell oil properties in the Gulf of Mexico to Apache Corp. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=APA.N target=/stocks/quickinfo/fullquote"">APA.N</A> and a royalty interest to Morgan Stanley Capital Group Inc. for a total of \$1.31 billion as part of its plan to slash debt and buy back stock, the company said on Friday.$LABEL$2 +Kerry touts job-creation plans (AFP) AFP - Democratic White House hopeful John Kerry promised to help boost US job growth and take a harder line on alleged abuses by China as he touted his economic plan.$LABEL$0 +Scalpers Sell Athens Tickets at Face Value ATHENS (Reuters) - The Athens 2004 Games which will have a place in history as the Olympics' homecoming may also be remembered as the Games that redefined a ticket scalper's job.$LABEL$1 +Japan Court: Bobby Fischer Can Be Deported TOKYO (Reuters) - A Tokyo court on Friday rejected a request by former world chess champion Bobby Fischer to have the Japanese authorities halt procedures to deport him, his lawyer said.$LABEL$0 +Champions League matches in Group A Liverpool: 22-Chris Kirkland; 17-Josemi, 23-Jamie Carragher, 4-Sami Hyypia, 6-John Arne Riise; 18-Antonio Nunez, 8-Steven Gerrard, 14-Xabi Alonso, 10-Luis Garcia; 7-Harry Kewell, 5-Milan Baros.$LABEL$1 +Sony's TV Plans Take Shape New 46-inch LCD is just one of eight flat-panel models launched this week.$LABEL$3 +Beyonce's Hair Is Worth Millions (AP) AP - Beyonce reportedly makes up to #36;4.7 million for just 10 days of work a year #151; and that's just her hair. But she has to inform L'Oreal of ""any radical change to her hair any concert tour may necessitate"" and keep it in excellent condition, according to The Smoking Gun Web site, which has posted the contract between the singer and the cosmetic giant.$LABEL$3 +Sony's TV Plans Take Shape (PC World) PC World - New 46-inch LCD is just one of eight flat-panel models launched this week.$LABEL$3 +Airline Stops Three-Day Weekend Bookings (AP) AP - British Airways said Friday it has stopped taking bookings for the three-day weekend at the end of August because of a threatened strike over pay by check-in staff and baggage handlers.$LABEL$0 +Midway Could Be Viacom Acquisition Target (Reuters) Reuters - Media conglomerate Viacom Inc.\(VIAb.N) is considering expanding into the video game business\and could acquire publisher Midway Games Inc. (MWY.N),\according to a regulatory filing on Friday by Viacom chief\Sumner Redstone, who owns a controlling stake in Midway.$LABEL$2 +Qantas, Jetstar fares rise with oil Qantas domestic and international air fares will rise by \$4 and \$7 respectively from next week as the airline lifts its fuel surcharge to offset soaring oil prices. Despite posting a record annual net profit of \$648.40 million on ...$LABEL$2 +Rouse Co. to be sold for \$7.2 billion Another of Greater Baltimore #39;s marquee companies will soon have out-of-state ownership, as Chicago-based General Growth Properties Inc. announced Friday morning it will buy the Rouse Co. for \$7.2 billion. $LABEL$2 +Advanced Neuromodulation initiates merger talks with Cyberonics NEW YORK, August 20 (New Ratings) Advanced Neuromodulation Systems Inc (ANSI.NAS) has acquired a 14.9 equity stake in Cyberonics Inc (CYBX), while initiating talks for combining the two companies. $LABEL$2 +Midway Could Be Viacom Acquisition Target LOS ANGELES (Reuters) - Media conglomerate Viacom Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=VIAb.N target=/stocks/quickinfo/fullquote"">VIAb.N</A> is considering expanding into the video game business and could acquire publisher Midway Games Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=MWY.N target=/stocks/quickinfo/fullquote"">MWY.N</A>, according to a regulatory filing on Friday by Viacom chief Sumner Redstone, who owns a controlling stake in Midway.$LABEL$2 +Apple recalls 28,000 PowerBook G4 batteries Apple has recalled 28,000 of the batteries used in its 15in aluminium PowerBook G4 laptop computers sold earlier this year in the US and via its online and retail stores, after receiving four reports of the batteries overheating. $LABEL$3 +Deakes takes a walk into history The 27-year-old took out bronze in the men #39;s 20km walk -- winning Australia #39;s first Olympic medal for walking in almost 45 years. $LABEL$1 +Harmison strikes twice for dominant England LONDON, Aug 20 (Reuters) - Steve Harmison took two cheap wickets to leave West Indies reeling on 54 for three on the second day of the fourth test at The Oval on Friday after England #39;s wagging tail had pushed the hosts to 470 all out. $LABEL$1 +Us Grand Prix Is Back The United States Grand Prix is to return to the MotoGP calendar next year after an 11-year absence. $LABEL$1 +UN remembers Iraq staff, a year after bombing GENEVA: Tears flowed as the United Nations marked the first anniversary yesterday of the bombing that shattered its Baghdad headquarters. $LABEL$0 +PM: Australia aims to keep good relations with both US, China Australian Prime Minister John Howard said on Friday that Australia #39;s policy is aimed at keeping good relations with both the United States and China. $LABEL$0 +Dell's Secret Earnings Engine The company gets its highest profit margins from a conspicuously old economy business.$LABEL$2 +Confusion Surrounds Seizure of Iraqi Mosque NAJAF, Iraq (Reuters) - The fate of a radical Shi'ite rebellion in the holy city of Najaf was uncertain Friday amid disputed reports that Iraqi police had gained control of the Imam Ali Mosque.$LABEL$0 +US: Time Running Out in Airbus-Boeing Row (Reuters) Reuters - The United States said on Tuesday it may\soon take legal action in a trade row over government help for\Airbus and Boeing, particularly as the European aircraft maker\was seeking support for a new project. Washington and Brussels\have so far resisted launching legal action at the World Trade\Organization (WTO) in their battle over allegations of illegal\subsidies to the aviation rivals, but that option may now be\just weeks away.$LABEL$2 +Militants Remove Arms From Najaf Shrine BAGHDAD, Iraq - Militiamen loyal to rebel Shiite cleric Muqtada al-Sadr on Friday removed their weapons from the revered Imam Ali Shrine in Najaf as part of an arrangement aimed at ending a 2-week-old anti-U.S. uprising centered on the holy site...$LABEL$0 +U.S. Women's Basketball Team Beats Spain ATHENS, Greece - The U.S. women's basketball team got just what it wanted against Spain - a victory and a test...$LABEL$0 +Stocks Up Despite Oil Nearing \$50 a Barrel NEW YORK - Stocks edged higher in early trading Friday as investors tried to uncouple share prices from skyrocketing oil costs, even as crude reached new highs and flirted with \$50 per barrel. A barrel of light crude was quoted at \$48.97, up 27 cents, on the New York Mercantile Exchange after setting a new intraday record earlier in the session at \$49.40...$LABEL$0 +Tigers #39; Monroe facing theft charge in Charlotte County Detroit Tigers outfielder Craig Monroe was arrested for allegedly stealing a \$29.99 belt from a department store, a records clerk at Charlotte County jail said Tuesday.$LABEL$1 +Insiders Get Rich Through IPO (washingtonpost.com) washingtonpost.com - Google's Wednesday initial public offering, despite its failure to price as high or sell as many shares as the company had hoped, still made a host of existing stockholders instant millionaires and billionaires.$LABEL$3 +Google AdWords Dynamic Keyword Insertion Google AdWords Dynamic Keyword Insertion\\Just another tip on improving conversion rates with Google AdWords. When search words appear in a Google ad they are bolded. A good way to improve click through rate (and thus lower price per click) is to place keywords in the ad.\\Sometimes it may not be ...$LABEL$3 +Pakistan to rest speed duo Skipper Inzamam-ul-Haq said he #39;d likely rest Shoaib Akhtar and Mohammad Sami for Tuesday #39;s limited-overs match against an Australian Chairman #39;s XI as Pakistan continues to ease its pace bowlers into the tour.$LABEL$1 +Movie Studios Lose In Case Against File-Sharing Apps The decision is likely to force the industry to take the more costly and less-popular route of going directly after file-swappers. $LABEL$2 +BHP had talks on India steel MINING giant BHP Billiton has confirmed it held preliminary talks with the Government of India #39;s Orissa state and Korean steel maker Posco about options for its iron ore business on the sub-continent. $LABEL$2 +Ceradyne shares surge on Army contract award NEW YORK, Aug 20 (Reuters) - Shares of Ceradyne Inc. (CRDN.O: Quote, Profile, Research) , a maker of ceramic body armor, surged to an all-time high on Friday on news that the company has won a US Army contract worth up to \$461 million. $LABEL$2 +Bush hasn #39;t decided on tax reform-Treasury #39;s Snow WASHINGTON, Aug 20 (Reuters) - President George W. Bush has not decided on whether wholesale changes to the US tax code would be a focus of administration policy if he won a second term, US Treasury Secretary John Snow said on Friday. $LABEL$2 +Alcatel Spreading DSL Wealth in China Building on a longstanding relationship, Alcatel (Quote, Chart) will help China Telecom deploy 1.3 million DSL (define) lines, the latest in a slew of recent industry deals from emerging markets. $LABEL$3 +Microsoft HotFixes Flaw In XP Fix Microsoft has released yet another hotfix #39;to fix a newly discovered problem in its XP Service Pack2 (XP SP2) release. $LABEL$3 +Washing your hands with soap could damage the environment Washing your hands with soap may clean them for you, but according to researchers at the Johns Hopkins Bloomberg School of Public Health, toxic chemicals used in hand soaps, cleaners and other personal care products to kill germs are deposited and remain ...$LABEL$3 +Greek athlete tests positive Athens, Greece (Sports Network) - A member of the Greek Olympic team has tested positive for a banned substance, this according to a news bulletin released by the Hellenic Olympic Committee on Friday. $LABEL$1 +Scalpers Sell Athens Tickets at Face Value ATHENS (Reuters) - The Athens 2004 Games which will have a place in history as the Olympics #39; homecoming may also be remembered as the Games that redefined a ticket scalper #39;s job. $LABEL$1 +Peschier wins gold in kayak Benoit Peschier was aggressive and precise while a British medal hopeful was timid when the French dominated the men #39;s slalom Olympic kayaking on Friday. $LABEL$1 +Aussie woman takes 500 time trial in the velodrome ATHENS (AP) Anna Meares of Australia won the gold medal Friday in the 500-meter time trial with a world-record time of 33.952 seconds. $LABEL$1 +Detroit Tigers Team Report - August 20 Detroit comes into tonight #39;s tilt on a winning note after Bobby Higginson homered twice to lead the Tigers to an 8-4 pasting of the Chicago White Sox. $LABEL$1 +Anaheim Angels Team Report - August 20 (Sports Network) - The Anaheim Angels try to make it three straight wins this evening when they start a three-game set with the New York Yankees at Yankee Stadium. $LABEL$1 +Maoist rebels bomb Nepalese capital KATHMANDU - Suspected Maoist rebels exploded two bombs in Kathmandu on Friday, the third day of their blockade of Nepal #39;s capital city. $LABEL$0 +Japan Court: Bobby Fischer Can Be Deported TOKYO (Reuters) - A Tokyo court on Friday rejected a request by former world chess champion Bobby Fischer to have the Japanese authorities halt procedures to deport him, his lawyer said. $LABEL$0 +PM clarifies Downer #39;s ANZUS comments MAXINE MCKEW: The Prime Minister has gently steered his Government back onto the official diplomatic line about Australia #39;s military obligations to America. $LABEL$0 +News: Download.Ject-style worm spreads via IM A Download.Ject-style worm which spreads through instant messages is spreading across the Net, according to intrusion prevention firm PivX.\$LABEL$3 +Taiwan's Economy Expands at Fast Pace (AP) AP - Taiwan's economy expanded at its fastest pace in four years during the second quarter as the global economy recovered, boosting foreign trade and increasing manufacturing output, the government said Friday.$LABEL$2 +Advocate Or Promoter? (Forbes.com) Forbes.com - As the second employee of InfoSpace, Jean-Remy Facq saw the value of his stock inflate and then collapse. Now he's suing in federal court in Seattle for a #36;4.5 million refund of 1999 federal income tax. He's just one of 200 tech workers who have hired Seattle tax lawyer/CPA Brian G. Isaacson in the hope his novel theories will help them slash old (and sometimes unpaid) tax bills from their exercise of stock options for shares that later tanked.$LABEL$2 +Crushing the Little Guys (Forbes.com) Forbes.com - In 1999 a wave of novice broadcasters tried to start several thousand new ""low-power"" FM radio stations, fledgling outfits that would fill gaps in the FM radio band. One group sought a license to air Baptist homilies in Connecticut, another for jazz in Oklahoma, another for Vietnamese talk shows in Minnesota.$LABEL$2 +Cheapware (Forbes.com) Forbes.com - Craig Murphy has had enough. As chief technology officer at Sabre Holdings, which runs the world's largest airfare and ticketing network, Murphy has spent millions of dollars on database and other software from companies like Oracle. But last year, when Sabre was building a new computer system for online shoppers, Murphy took a flyer on a database program from a little-known company in Sweden that charges only #36;495 per server computer, versus a #36;160,000 list price for Oracle. Guess what? The Swedish stuff works great. ...$LABEL$3 +Greek Athlete Tests Positive for Drugs ATHENS (Reuters) - Greek pride was dealt another blow on Friday when one of their athletes failed a drugs test at the Olympics just 48 hours after its two top sprinters pulled out of the Games in a doping scandal.$LABEL$1 +General Growth to Buy Rouse for \$7.2 Billion A Chicago developer of regional shopping malls said today it will buy Maryland's The Rouse Co. for about \$7.2 billion.$LABEL$2 +Baseball must clean up its act B aseball #39;s dirty little secret is leaking out all over now. Steroids known as the quot;clear quot; and the quot;cream quot; have gushed into the news, staining the reputations of stars such as Barry Bonds and Jason Giambi, and $LABEL$1 +General Growth Set to Buy Rouse for \$7.2B COLUMBIA, Md. Aug. 20, 2004 General Growth Properties Inc., a Chicago-based developer of regional shopping malls, said Friday it will buy the Rouse Co. for about \$7.2 billion. The deal will provide it with more leverage in negotiations with top ...$LABEL$2 +Best Buy sued for #39;ripping off #39; consumers Giant US electronics retailer Best Buy has been sued by the State of Ohio over alleged unfair and deceptive business practices. $LABEL$2 +Insurance giant Aetna to buy Columbia company for \$250 million (Hartford, Connecticut-Dow Jones/AP) Aug. 20, 2004 - Health-insurance giant Aetna says it #39;s agreed to buy Strategic Resource Company of Columbia for \$250 million. $LABEL$2 +BlackBerry in Sync with Apple Mac fans now can sync their BlackBerry devices with their PCs using software from Information Appliance Associates. The BlackBerry platform has developed a broad following in the enterprise, delivering wireless access to e-mail and ...$LABEL$3 +NASCAR driver killed Veteran NASCAR driver Tommy Baldwin was killed in a wreck at Thompson International Speedway in Conn. Thursday night. $LABEL$1 +Jamaica #39;s Fuller joins Portsmouth LONDON, Aug 20 (Reuters) - Jamaica striker Ricardo Fuller has joined Portsmouth from Preston North End on a two-year contract, the Premier League club said on Friday. $LABEL$1 +Chicago White Sox Team Report - August 20 (Sports Network) - The Chicago White Sox were handed an 8-4 setback by the Detroit Tigers on Thursday. Bobby Higginson homered twice to lead Detroit. $LABEL$1 +Georgian troops pull out from conflict zone after intense fighting MOSCOW, Aug. 20 (Xinhuanet) -- All Georgian troops have withdrawn from the Georgian-South Ossetian conflict zone following a week-long battle between the two sides, Georgian Defense Minister Giorgi Baramidze said on Friday. $LABEL$0 +US Hostage in Good Health - Jazeera Tape DUBAI (Reuters) - A US hostage in Iraq Micah Garen, appearing on a videotape, has called on the United States to stop the bloodshed in the Iraqi city of Najaf, Al Jazeera television said Friday. $LABEL$0 +Marrying the Ideal to the Real (Forbes.com) Forbes.com - Rajiv Laroia was handed a dream assignment at Lucent's Bell Labs in 1997: Invent a way to put a broadband Internet in the sky. Don't worry about existing cell phone systems, just do it right.$LABEL$3 +Stocks Higher as Oil Eases NEW YORK (Reuters) - U.S. stocks traded slightly higher on Friday, even as oil flirted near the \$50-per-barrel mark, suggesting that investors were snatching up beaten-down shares and growing confident that oil prices may be leveling off.$LABEL$2 +Tigers' Craig Monroe Facing Theft Charge (AP) AP - Detroit Tigers outfielder Craig Monroe was arrested for allegedly stealing a #36;29.99 belt from a department store, a records clerk at Charlotte County jail said Tuesday.$LABEL$1 +Stocks Higher As Oil Nears \$50 a Barrel NEW YORK - Stocks moved slightly higher Friday as investors tried to uncouple share prices from skyrocketing oil costs, even as crude reached new highs and flirted with \$50 per barrel. A barrel of light crude was quoted at \$48.90, up 20 cents, on the New York Mercantile Exchange after setting a new intraday record earlier in the session at \$49.40...$LABEL$0 +Militants Remove Arms From Najaf Shrine NAJAF, Iraq - Militiamen loyal to rebel Shiite cleric Muqtada al-Sadr on Friday removed weapons from the revered Imam Ali Shrine in Najaf in a step aimed at ending the 2-week-old uprising centered on the holy site. Iraq's highest Shiite cleric, Grand Ayatollah Ali al-Husseini al-Sistani, agreed to take control of the shrine, which al-Sadr's Mahdi Army militia turned into a stronghold and refuge during their fight with U.S...$LABEL$0 +NFL Game Tackles Competition Madden NFL 2005 sells more than 1.3 million copies in its first week. Also: Viacom considers buying Midway Games hellip;. China Mobile sanctions Go2joy mobile messaging unit hellip;. and more.$LABEL$2 +Google shines on second day Shares of Google are on the way up again on their second day of trading.$LABEL$3 +Dollar Up Vs. Most Except Yen NEW YORK (Reuters) - The dollar rose against almost every one of its main counterparts except the yen on Friday, as technically focused investors shifted positions and considered the implications of spiking oil prices.$LABEL$2 +N.C. Co. Develops Germ-Fighting Clothes (AP) AP - Deep in the Atlantic Ocean, undersea explorers are living a safer life thanks to germ-fighting clothing made in Kinston.$LABEL$3 +Brazil Tribe Has Great Excuse for Poor Math Skills (Reuters) Reuters - Some people have a great excuse for\being bad at math -- their language lacks the words for most\numbers, U.S.-based researchers reported on Thursday.$LABEL$3 +Strong growth for Linux servers End-user adoption of Linux servers for enterprise workloads hosting ISV applications and databases is ramping up rapidly, with newly published data indicating that uptake of the operating system has doubled over the past year.$LABEL$3 +Apple Recalls PowerBook Batteries Both the CPSC and Apple advised G4 customers affected by the fault to contact Apple immediately. Apple said it has made provision to supply replacement batteries free of charge by arrangement with the battery #39;s South Korean manufacturer, ...$LABEL$3 +Researchers Spot XP SP2 Security Weakness Microsoft believes that any hacker looking to exploit this issue would have to rely on considerable help from users. The company said an attacker would need to first entice the user to visit a specific Web site and then entice them to drag ...$LABEL$3 +Reports criticize DHS for lack of progress on IT AUGUST 20, 2004 (COMPUTERWORLD) - As the debate about adding a national intelligence director proceeds, two government reports are shedding new light on an existing dilemma: If DHS CIO Steven Cooper can #39;t wrestle the agency #39;s sprawling bureaucracy into ...$LABEL$3 +Yahoo fixes two flaws in mail system News.com: Yahoo fixed two flaws in its free mail system that could have allowed a malicious user to read a victim #39;s browser cookies and change the appearance of some pages, Yahoo said Thursday. $LABEL$3 +Massu beats Dent to reach gold medal match Nicolas Massu beat Taylor Dent of the United States 7-6 (5), 6-1 Friday in the tennis semifinals to move within one victory of giving Chile its first Olympic gold medal in any sport. $LABEL$1 +Swansong for Gebrselassie Gebrselassie has already won everything under the sun. Twice an Olympic champion, in Atlanta and Sydney, the 10,000m legend has dominated the event for nearly ten years. By the time of Atlanta 1996, Gebrselassie was already the reigning world record ...$LABEL$1 +Meares, Hoy win cycling gold in record times Athens, Greece (Sports Network) - Track cyclists Anna Meares of Australia and Chris Hoy of Great Britain won time trial gold medals Friday afternoon with record times. $LABEL$1 +Sadr #39;s aide denies entering of Iraqi police into Najaf shrine BAGHDAD, Aug. 20 (Xinhuanet) -- A top aide to Shiite cleric Moqtada al-Sadr denied a government announcement that Iraqi police entered Imam Ali shrine in Najaf on Friday, Al-Jazeera TV channel reported. $LABEL$0 +Syrian, Algerian arrested over Madrid train bombings A Syrian and an Algerian have been arrested in Spain in connection with the March 11 Madrid train bombings, the Spanish interior ministry said. $LABEL$0 +Second Chance on Lone Star Matt Richey weighs in on Lone Star Steakhouse's roundtrip from \$22 to \$33 back to \$22.$LABEL$2 +EU's incoming antitrust chief says honorary degree won't affect view of Gates (Canadian Press) Canadian Press - BRUSSELS (AP) - The European Union's incoming antitrust chief said Friday she thought Microsoft chairman Bill Gates was doing a ""good job"" when she awarded him an honorary degree eight years ago as head of a Dutch business school.$LABEL$0 +Iraqi footballers' fury at Bush Iraq's Olympic footballers attack President Bush, accusing him of exploiting their success.$LABEL$0 +Venezuela audit 'confirms' result Venezuelan officials say first results of an audit of the vote on President Chavez's rule show no fraud.$LABEL$0 +Napster Founder Introduces New File Sharing Service In yet more file sharing news, NME is reporting that Napster founder Shawn Fanning is planning another legal music download service that will reportedly have an almost limitless amount of tracks.$LABEL$3 +Thunderbird 1.0 takes on Entourage, Eudora Weeks after the launch of its Firefox 1.0 Web browser, the Mozilla Foundation on Tuesday is set to release version 1.0 of its Thunderbird e-mail client.$LABEL$3 +Analysts spot slump in LAN switch market But the overall market should still show growth over the year, researchers say.$LABEL$3 +Rouse Jumps on General Growth Buyout Commercial real-estate developer Rouse (RSE ) agreed to be acquired by General Growth Properties (GGP ), the No. 2 US shopping-mall owner, in a \$12.6 billion deal, which includes the assumption of \$5.4 billion of existing debt. Terms: \$67.50 cash per ...$LABEL$2 +Stocks in Motion: Wet Seal Shares of Wet Seal (WTSLA:Nasdaq - news - research) were among the Nasdaq #39;s losers Friday after the company posted a wider-than-expected second-quarter loss, warned that third-quarter results would be weaker than expected, and said that it is considering ...$LABEL$2 +Berlusconi hair mystery revealed by Italian surgeon (AFP) AFP - The mystery of Silvio Berlusconi's rapper-style bandana was explained when plastic surgeon Piero Rosati told the Milan daily Corriere della Sera that he had performed a hair transplant operation on the Italian prime minister.$LABEL$0 +Xbox to Stop Making Some Sports Games (AP) AP - Microsoft Corp.'s Xbox video game business will lay off 76 workers and stop making some sports games, the company said.$LABEL$3 +Birders Flock to See Rare, Lonesome Falcon (Reuters) Reuters - Hundreds of U.S. bird-lovers have\flocked to a New England resort island to catch a glimpse of a\rare falcon that appears to have made a wrong turn, ended up\half a world away and may never find its way home.$LABEL$3 +Oil Producers Emerging to Sell at Record Prices LONDON (Reuters) - Oil producers are emerging to lock in record high prices for their future crude output, but activity is modest as firms still fear calling a premature end to this year #39;s stunning price rise, traders said on Friday. $LABEL$2 +Dollar Up Vs. Most Except Yen NEW YORK (Reuters) - The dollar rose against almost every one of its main counterparts except the yen on Friday, as technically focused investors shifted positions and considered the implications of spiking oil prices. $LABEL$2 +Soft Demand for TFTs Affects Prices TFT LCD panel prices are expected to fall significantly for larger area 17 inch and 19 inch panels for LCD TVs, but the cost of products in the shops is still seen as a barrier to high volume consumer demand, according to ...$LABEL$3 +New Download.Ject Attack Hits IM Networks The Download.Ject malware attack has resurfaced, using the popular AIM and ICQ (define) instant messaging networks to spread itself. $LABEL$3 +Carly Patterson, Paul Hamm help define these Games Quick, what athlete defines the Olympics more than any other? Bruce Jenner? Maybe. Carl Lewis? Possibly. Jesse Owens? Could be. Mark Spitz? Nice choice. $LABEL$1 +Hoy wins gold by a whisker Cyclist Chris Hoy today secured Britain #39;s second gold medal of the Games by winning the men #39;s 1km time trial in a new Olympic-record time. $LABEL$1 +Bombs explode in Nepal capital KATHMANDU (Reuters) - Nepal #39;s embattled government has offered to meet a demand by Maoist rebels to end their blockade of the capital after the guerrillas set off two bombs in and around Kathmandu. $LABEL$0 +Prints lead to two Madrid arrests Algerian Abdelkrim Beghdali, 41, and Syrian Safwan Sabagh, 41, were arrested days after the 11 March attacks but released because of lack of evidence. $LABEL$0 +UAL, Creditors Agree to 30-Day Extension (Reuters) Reuters - UAL Corp.'s (UALAQ.OB) United Airlines\on Friday said it has agreed with its creditors committee to a\30-day extension on the period in which it can file an\exclusive bankruptcy reorganization plan.$LABEL$2 +NFL Suspends Saints' Hodge for 4 Games (AP) AP - New Orleans Saints linebacker Sedrick Hodge has been suspended for four games by the NFL for violating its substance abuse policy.$LABEL$1 +Swimming: Shibata Wins Women's 800m Freestyle ATHENS (Reuters) - Japan's Ai Shibata prevailed in a sprint finish to win the women's 800 meter freestyle gold medal at the Athens Games Friday.$LABEL$1 +Webb Ousted in Prelim Alan Webb is outmaneuvered and outrun as he failed to make it out of the preliminary round in the 1,500 meters.$LABEL$1 +U.S. Soccer Team Fights Past Japan 2-1 THESSALONIKI, Greece - Abby Wambach will never score an easier goal. From one foot away, she tapped the ball into the net and put the United States into the Olympic semifinals...$LABEL$0 +Stocks Move Higher As Oil Prices Decline NEW YORK - Stocks moved slightly higher Friday as investors tried to uncouple share prices from skyrocketing oil costs, helped in afternoon trading by falling oil prices that had earlier reached new highs and flirted with \$50 per barrel. A barrel of light crude was quoted at \$48.42, down 28 cents, on the New York Mercantile Exchange after hitting a record intraday high earlier in the session at \$49.40...$LABEL$0 +Nature and Nurture, the Recipe for Olympic Gold Olympic champions have their parents to thank for their physiology #151;but no one is born a world-record holder. That also requires training, nutrition, desire, and determination.$LABEL$3 +Maine Program Asks Sea-Kayakers to ""Leave No Trace In this week's <I>TravelWatch</I> column, <I>National Geographic Traveler</I> geotourism editor Jonathan B. Tourtellot examines a stewardship program that keeps Maine's ocean islands untrampled.$LABEL$3 +Airfares to rise as cost of fuel reaches record Air passengers are set to pay for record oil prices as airlines move to increase ticket prices. Qantas said yesterday it would increase the fuel surcharge it includes in the cost of tickets and Air New Zealand is expected to follow. $LABEL$2 +The Rouse Co. sold for \$12.6 billion General Growth Properties is going mall shopping, as it announced plans Friday to buy shopping mall owner The Rouse Co. $LABEL$2 +UAL, creditors agree to extend exclusivity 30 days CHICAGO, Aug 20 (Reuters) - UAL Corp. #39;s (UALAQ.OB: Quote, Profile, Research) United Airlines on Friday said it has agreed with its creditors committee to a 30-day extension on the period in which it can file an exclusive bankruptcy reorganization plan. $LABEL$2 +Anadarko to sell Gulf of Mexico shelf properties for \$1.3B Houston-based Anadarko Petroleum Corp. has agreed to sell its Gulf of Mexico shelf properties in two deals that total \$1.312 billion. $LABEL$2 +Highland buys Tremont Boston in four-hotel deal worth \$227M The 322-room Tremont Boston was sold to Highland Hospitality Corp., a Virginia-based real estate investment trust that purchased the hotel along with three others for \$227 million from Wyndham International Inc. $LABEL$2 +US #39;s Snow-dollar to remain top reserve currency DES MOINES, Iowa, Aug 20 (Reuters) - High foreign ownership of US debt is quot;a healthy situation quot; and the dollar will remain the world #39;s preferred reserve currency, Treasury Secretary John Snow said on Friday. $LABEL$2 +NASA Recruits Stunt Pilots To Catch Sun Capsule NASA has enlisted the aid of Hollywood stunt pilots to retrieve a space capsule as it falls to Earth. The Genesis probe has collected tiny particles of the sun -- a stream of charged atoms known as quot;solar wind quot; -- from a region located about ...$LABEL$3 +Canon unveils new digital camera quartet Canon is today adding four new digital cameras to its range, including the launch of flagship professional and entry-level models in its PowerShot series. $LABEL$3 +Phelps wins duel with Crocker ATHENS, Greece -- American Michael Phelps won the gold medal Friday in the 100-meter butterfly with an Olympic-record time of 51.25 seconds. $LABEL$1 +Security for Olympics Successful, Greek Defense Minister Says Greece #39;s defense minister says his country #39;s security preparations for the Athens Olympics have been so successful that it is now in a position to advise China, the host of the 2008 Summer Games, on how to avoid terrorist attacks. But the minister says ...$LABEL$1 +Not Roddick, but Fish reaches finals ATHENS, Greece - Despite early disappointment in the Olympic tennis tournament, the US by was treated by Mardy Fish to a 6-3, 6-4 victory over Fernando Ganzalez in the semifinal match. $LABEL$1 +USA women pass first big test: Spain ATHENS The USA women #39;s basketball team sailed through their first three games as though they were on a Mediterranean cruise, trouncing opponents by more than 30 points a game. $LABEL$1 +Father of crew chief killed in crash Thompson, CT (Sports Network) - Tom Baldwin, 57, father of Nextel Cup driver Kasey Kahne #39;s crew chief Tommy Baldwin Jr., was killed in a crash at the Thompson International Speedway. He was driving in a Featherlite modified race on Thursday night. $LABEL$1 +Confusion Surrounds Seizure of Iraqi Mosque NAJAF, Iraq (Reuters) - Iraq #39;s interim government said it had defused a Shi #39;ite rebellion in Najaf on Friday without a shot being fired, but rebel militiamen denied police had seized the city #39;s sacred Imam Ali Mosque from their control. $LABEL$0 +Report: Japanese court dismisses request to halt deportation of chess legend Bobby Fischer TOKYO Japan #39;s main news agency reports a Tokyo court has dismissed a request to stop the deportation proceedings against fugitive chess master Bobby Fischer. $LABEL$0 +Australian opposition leader to leave hospital SYDNEY: Mark Latham, leader of Australia #39;s opposition Labor party, will leave hospital today and plans to be back at work next week after suffering an inflammation of the pancreas just months out from a general election. $LABEL$0 +Sensei's World (Forbes.com) Forbes.com - Walk the hilly campus of Soka University of America in Aliso Viejo, Calif. and you enter the fabulous world of the international nonprofit. The three-year-old school has so far put about #36;300 million into its 103 suburban Orange County acres, and this is still a work in progress. As of this fall, only 400 students will meander among the rich, Romanesque architecture.$LABEL$2 +U.S. Vets Make Case for Kerry in Vietnam (AP) AP - Vietnam veterans supporting John Kerry for president made their case Friday in the heart of what was once enemy territory.$LABEL$0 +Group Finds Ancient Ships Off Italy Coast (AP) AP - Archaeologists exploring the bottom of the sea off the island of Capri have found the wrecks of three ancient ships that once plied the Mediterranean between Rome and northern African colonies.$LABEL$3 +EU commissioner admits Gates link The EC's new competition commissioner admits that she once gave an honorary degree to Bill Gates, founder of the firm that is battling Brussels on anti-trust issues.$LABEL$2 +Phelps Wins 100-Meter Butterfly American Michael Phelps won the gold medal Friday in the 100-meter butterfly with an Olympic-record time of 51.25 seconds.$LABEL$0 +Maker of disposable RFID tags gets millions The Swedish Industrial Development Fund has invested about \$4 million in Cypak, which makes throwaway RFID tags.$LABEL$3 +Best Software strategizes for midmarket dominance For a company that owns two of the most widely used midmarket software packages for sales and contact management, Best Software Inc. has been a fairly low-key competitor in the market over the past few years.$LABEL$3 +Mood Mixed Among Darfur Rebels Ahead of Talks (Reuters) Reuters - A Sudanese rebel commander\in a camp in Darfur tells his troops he is hoping for peace.\But just a few hours march away, young men say they are\convinced Sudan wants to drive them off the land.$LABEL$0 +Two Blasts Rock Market in Ukraine Capital, 13 Hurt (Reuters) Reuters - Two blasts rocked a wholesale market in\the northern suburbs of Ukraine's capital Kiev on Friday,\wounding 13, two seriously, an Emergencies Ministry official\said.$LABEL$0 +Yanks' Giambi Gets Groin Strain Treatment (AP) AP - Yankees first baseman Jason Giambi is getting treatment for a strained left groin and might resume running outdoors next week.$LABEL$1 +Guilty plea from N.B. man who allegedly planned shooting spree rejected (Canadian Press) Canadian Press - TORONTO (CP) - A New Brunswick man who was allegedly planning a shooting spree before it was thwarted by a friendly dog was sent back to jail Friday after prosecutors refused to let him plead guilty to weapons charges.$LABEL$0 +Pirates' Wells to Miss 2nd Straight Start (AP) AP - Pittsburgh Pirates pitcher Kip Wells will skip his second straight start after tests Friday indicated rest would help his injured elbow.$LABEL$1 +Phelps Captures Fifth Gold, Seventh Medal ATHENS (Reuters) - Michael Phelps clinched his fifth gold medal and became the first man since Mark Spitz to hold four individual Olympic swimming titles when he won the 100 meter butterfly final Friday.$LABEL$1 +Sadr Militia Still Controls Iraq Shrine -Witnesses NAJAF, Iraq (Reuters) - Shi'ite fighters appeared still to be in control of a holy shrine in Najaf on Friday after Iraq's interim government said it had overcome a bloody uprising by seizing the Imam Ali mosque without a shot being fired.$LABEL$0 +US E-Commerce Sales Rise in Second Quarter (Reuters) Reuters - U.S. retail sales over the Internet\rose 0.9 percent in the second quarter of 2004 and gained 23.1\percent compared with the same period last year as consumers\continued to turn to e-commerce to make purchases, a government\report showed on Friday.$LABEL$3 +Italian deputies drowned out in mobile phone clampdown: report (AFP) AFP - Thwarted so far in his attempts to clamp down on mobile telephone use among deputies, the speaker of the Italian parliament has hit upon a sophisticated way of getting tough, a weekly newspaper reported.$LABEL$3 +Death Watch (Forbes.com) Forbes.com - Soka University in Japan trains students for government employment exams and touts their success. Might a presence of followers in the civil service be of more than spiritual use to Soka Gakkai? Consider this case from the files of the Tokyo civil courts.$LABEL$2 +UAL, creditors agree to 30-day extension CHICAGO - UAL Corp. #39;s United Airlines Friday said it has agreed with its creditors committee to a 30-day extension on the period in which it can file an exclusive bankruptcy reorganization plan. $LABEL$2 +Mall Retailers Trim Estimates Some shoddy reports trickling in Thursday night threw a wrench into an otherwise uneventful second-quarter earnings season for retailers. At least one analyst thinks its a harbinger, as consumers get cautious about spending money on anything that isn #39;t ...$LABEL$2 +Highland Buys Four Hotels From Wyndham Highland Hospitality Corp. a lodging real estate investment trust, said Friday that it bought four hotels from Wyndham International Inc. for \$227 million, plus closing adjustments. $LABEL$2 +Apple Recalls 28,000 G4 Laptop Batteries Apple announced a recall of some 28,000 lithium-ion rechargeable batteries used in the 15-inch model of its PowerBook G4 laptops. The computer maker said the batteries could overheat, creating a fire hazard. They will be replaced at no ...$LABEL$3 +Google #39;s ups and downs Google #39;s long-awaited public offering finally made it to the street, but the search is still on for Microsoft #39;s Windows update. $LABEL$3 +AMD To Add #39;Strained Silicon #39; To Processors Advanced Micro Devices will add quot;strained silicon quot; to its microprocessor lineup this quarter, a company spokesman confirmed Friday, an esoteric technique used to improve performance. $LABEL$3 +Phelps adds yet another gold Michael Phelps collected his fifth gold medal of the Games with victory in the men #39;s 100 metres butterfly today. $LABEL$1 +America #39;s great hope in 1,500 can #39;t make it out of first round Alan Webb, who was supposed to end America #39;s streak of mediocrity in middle-distance races, got outmaneuvered and outrun as he failed to make it out of the preliminary round in the 1,500 meters. $LABEL$1 +US women #39;s soccer through to semifinals Thessaloniki, Greece (Sports Network) - The United States women #39;s soccer team advanced to the final four of the Olympics with a narrow 2-1 victory over Japan Friday. $LABEL$1 +Chad: Hepatitis E Breaks Out As More Refugees Threaten to Cross Border The deadly viral infection Hepatitis E has broken out among refugees from Sudan #39;s Darfur region at two camps in eastern Chad and may have passed into the local community, aid workers said on Friday. $LABEL$0 +Briefly: Gmail delivered to desktops roundup Plus: Maker of disposable RFID tags gets millions...Mitsubishi expands solar production...KDE updates Linux desktop...EA to take World Cup soccer to Xbox.$LABEL$3 +Oil Falls from #36;49, Iraq Violence Peaks (Reuters) Reuters - Oil prices hit fresh highs on Friday,\lifting U.S. crude above #36;49 a barrel, driven by escalating\violence in Iraq and unabated fuel demand growth from China and\India.$LABEL$2 +Bills' McGahee Said to Ask for Trade (AP) AP - Running back Willis McGahee has asked the Buffalo Bills to trade him if he is not their starter on opening day, a source told The Associated Press on Friday.$LABEL$1 +Golfer Thatcher Leads at Reno-Tahoe Open (AP) AP - Mark Calcavecchia briefly took the lead Friday before a double bogey left him one stroke behind leader Roland Thatcher after the first round of the rain-delayed Reno-Tahoe Open.$LABEL$1 +Thirty-three injured when Air Portugal plane dives to avoid collision (AFP) AFP - A TAP-Air Portugal airliner dived sharply to avoid a mid-air collision with a smaller aircraft just before landing on the mid-Atlantic Azores islands, slightly injuring 33 people.$LABEL$0 +Three Indicted in Raising Funds for Hamas (AP) AP - A look at the three men charged with financing terrorist activities in Israel:$LABEL$0 +Giving Voice to A Billion Things (Forbes.com) Forbes.com - When Robert Poor looks at the world, he sees 50 billion embedded microcontrollers, the workhorse chips inside cars, traffic lights and air conditioners, doing their jobs in splendid isolation. Then he imagines what will happen when they all can talk to one another.$LABEL$2 +Japanese Court Dismisses Fischer Request (AP) AP - A Japanese court dismissed a request to halt deportation proceedings against fugitive chess legend Bobby Fischer, his lawyers said Friday.$LABEL$0 +C-USA Officials Vote on League Title Game (AP) AP - Conference USA athletic directors have voted unanimously to recommend holding the league's inaugural football championship game in 2005.$LABEL$1 +Militants Remove Arms From Najaf Shrine NAJAF, Iraq - Militiamen loyal to rebel Shiite cleric Muqtada al-Sadr on Friday removed weapons from the revered Imam Ali Shrine in Najaf in a step aimed at ending the 2-week-old uprising centered on the holy site. Al-Sadr's followers remained in control of the walled shrine compound, but kept their guns outside...$LABEL$0 +Stocks Edge Higher As Oil Prices Fall NEW YORK - Stocks moved slightly higher Friday as investors tried to uncouple share prices from skyrocketing oil costs, helped in afternoon trading by falling oil prices that had earlier reached new highs and flirted with \$50 per barrel. A barrel of light crude was quoted at \$48.15, down 55 cents, on the New York Mercantile Exchange after hitting a record intraday high earlier in the session at \$49.40...$LABEL$0 +Nortel: Nowhere To Go But Up NEW YORK - It certainly sounds like bad news when a company fires seven executives for financial malfeasance, lays off 3,500 employees and advises investors that it expects sluggish market growth for the year. But for Ontario-based Nortel Networks, it #39;s ...$LABEL$2 +Unions #39;close to BA deal #39; Union negotiators today claimed they were close to agreeing a pay deal with British Airways to avoid a bank holiday strike and the resulting travel chaos. $LABEL$2 +Rouse Co. to be sold for \$7.2 billion Rouse Co., the Baltimore-based real estate investment trust that owns the Mall St. Matthews, is being sold to Chicago-based General Growth Properties Inc. for \$7.2 billion, according to a report in the Baltimore Business Journal. $LABEL$2 +Chinadotcom Gets Sanctions From China Mobile Communication NEW YORK (Dow Jones)--Chinadotcom Corp. (CHINA) said government-controlled China Mobile Communications Corp. imposed sanctions on its Go2joy mobile applications unit for alleged offenses in its business practice. $LABEL$2 +Bank of America quiet regarding local layoffs While they have been quick to say how much customers will enjoy doing business with Bank of America now that it has taken over Fleet branches, bank officials have had little information to offer about how jobs will be impacted by the ...$LABEL$2 +NASA turns to stunt pilots to snag solar stardust PASADENA, CALIF. - Two helicopter stunt pilots from Hollywood will try to snag a capsule of stardust in midair, NASA has announced. $LABEL$3 +Ancient Mask, #39;Olympic #39; Ring Found in Thracian Tomb SHIPKA, Bulgaria (Reuters) - A Bulgarian archaeologist has unearthed an ancient gold mask and a ring featuring an quot;Olympic quot; rower in what he called an unrivalled find in the study of classical antiquity. $LABEL$3 +Broadband Use Passes Dial-Up Just over half of US Internet users now connect through broadband, according to a new survey. Nielsen/Netratings reports that in July, 51 percent of Internet users had DSL, cable, or other fast connections, up dramatically from 38 percent in ...$LABEL$3 +Greek weightlifter tests positive ATHENS (Reuters) - Greece looks set to lose the first medal it won at the Athens Olympics after bronze-winning weightlifter Leonidas Sampanis failed a drugs test. $LABEL$1 +Hall defends 50m crown American Gary Hall has defended his Olympic 50m freestyle title in a hotly-contested race in Athens. $LABEL$1 +Harmison takes eight, England near clean sweep LONDON, Aug 20 (Reuters) - Steve Harmison took eight wickets against a hapless West Indies to leave England in sight of a seventh successive victory on day two of the fourth test at the Oval on Friday. $LABEL$1 +Cyclists find fast track as competition begins ATHENS, Greece -- Erin Mirabella of the United States predicted a fast track for the opening day of track cycling competition at the Olympic Velodrome on Friday. $LABEL$1 +America #39;s great hope in 1,500 has early exit, Devers squeaks into 100 semis Alan Webb, who was supposed to end America #39;s streak of mediocrity in middle-distance races, got outmaneuvered and outrun as he failed to make it out of the preliminary round in the 1,500 meters. $LABEL$1 +Sadr Militia Still Controls Iraq Shrine -Witnesses NAJAF, Iraq (Reuters) - Shi #39;ite fighters appeared still to be in control of a holy shrine in Najaf on Friday after Iraq #39;s interim government said it had overcome a bloody uprising by seizing the Imam Ali mosque without a shot being ...$LABEL$0 +Putin Calls on Tbilisi, Tskhinvali for a Compromise Russian President Vladimir Putin expressed hope on August 20, that the Georgian and South Ossetian sides will show political will and follow undertaken commitments over ceasefire. $LABEL$0 +Prime Minister #39;s Expected Resignation Overshadows Hungary #39;s National Day BUDAPEST, HUNGARY (BosNewsLife)-- Hungary #39;s ruling Socialist Party confirmed Friday, August 20, it had accepted the resignation of Prime Minister Peter Medgyessy and will shortly name a successor. The government crisis overshadowed Friday #39;s celebrations ...$LABEL$0 +2 held over Madrid train bombings Madrid, Spain (CNN) -- Police arrested two men on Friday in eastern Spain for alleged links to the Madrid train bombings last March, an Interior Ministry spokeswoman told CNN. $LABEL$0 +Super search Accoona.com launched in US and China The New Jersey-based Accoona Corporation, an industry pioneer in artificial intelligence search technology, announced on Monday the launch of Accoona.$LABEL$2 +Raiders, Cowboys Look to Improve Games (AP) AP - Mistakes defined Oakland's dismal 2003 season opener, and they showed up again in the team's exhibition opener: costly penalties and boneheaded decisions abounded.$LABEL$1 +Germany drops junta prosecutions Germany drops proceedings against ex-Argentine junta officials thought to be involved in the killing of Germans.$LABEL$0 +Is United Taking Aim at Retirees? The airline's plan to emerge from bankruptcy may include canceling its pension plans.$LABEL$2 +Deduct IRA Losses? In Some Cases If the market has made a dent in your retirement account, there are instances when you may deduct the losses.$LABEL$2 +Stocks stall at open NEW YORK (CNN/Money) - Stocks stalled at the open Tuesday as investors shrugged off the impact of weaker crude prices and reports that Johnson amp; Johnson is seeking to buy Guidant in a \$24 billion deal.$LABEL$2 +Contracting Riches For Nation's Capital The metropolitan Washington region is reaping the rewards of Uncle Sam's procurement spending, with last year marking the highest growth rate of federal contract dollars in the area since the Beltway Bandit days of the 1980s. <FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2"" color=""#666666""><B>-washingtonpost.com</B></FONT>$LABEL$3 +Xbox to Stop Making Some Sports Games Microsoft Corp.'s Xbox video game business will lay off 76 workers and stop making some sports games, the company said.$LABEL$3 +Microsoft Shuts Sports Video Games Unit (Reuters) Reuters - Microsoft Corp. (MSFT.O) has closed\a studio operation that made some of its sports video games,\cutting 76 positions, a spokeswoman said on Friday.$LABEL$3 +List of Foreigners Taken Hostage in Iraq (AP) AP - Insurgents in Iraq have kidnapped dozens of people in their campaign to drive out coalition forces and hamper reconstruction:$LABEL$0 +UAL, Creditors Agree to Extend Exclusivity 30 Days CHICAGO (Reuters) - United Airlines on Friday said it has agreed with its creditors' committee to a 30-day extension, subject to court approval, of the period during which it can exclusively file a bankruptcy reorganization plan.$LABEL$2 +NASA Researchers, Stunt Pilots Prepare for Genesis Probe's Return (SPACE.com) SPACE.com - A team of NASA scientists, navigators and helicopter stunt pilots is ready to snatch a space sample canister out of the sky next month when the Genesis spacecraft returns to Earth.$LABEL$3 +Scan the Summer Sky for the Archer (SPACE.com) SPACE.com - On these late summer evenings \ after the Sun has set, look low in the south for the classical Archer, Sagittarius.$LABEL$3 +Kerry Stirs Gasoline Debate Amid Record Oil Prices (Reuters) Reuters - Crude oil prices near #36;50 a barrel\spurred an attempt by John Kerry's campaign on Friday to\re-inject gasoline price concerns into the election-year\debate.$LABEL$0 +U.S. Stocks Gain as Oil Eases NEW YORK (Reuters) - U.S. stocks made gains in light volume on Friday as investors were encouraged about the prospects for corporate profits after oil prices eased from their peak.$LABEL$2 +Sadr Militia Still Controls Iraq Shrine - Witness NAJAF, Iraq (Reuters) - Shi'ite fighters appeared to be in control of a holy shrine in Najaf on Friday hours after Iraq's interim government said it had overcome a bloody uprising by seizing the Imam Ali mosque without a shot being fired.$LABEL$0 +Feds Subpoena Fannie Mae in Probe-Source WASHINGTON (Reuters) - Regulators investigating Fannie Mae's accounting practices have sent subpoenas to the No. 1 U.S. mortgage finance company in connection with the probe, a source familiar with the matter said on Friday.$LABEL$2 +US arrests two Hamas 'racketeers' US authorities arrest two alleged members of Palestinian militant group Hamas on racketeering and terrorism charges.$LABEL$0 +FDA to Inspect Boston Scientific Stent Plant -WSJ (Reuters) Reuters - The U.S. Food and Drug Administration\expects to inspect Boston Scientific Corp.'s Galway, Ireland\factory in the ""near future"" as part of its probe into the\company's coronary stent recall, the Wall Street Journal said\on Friday.$LABEL$3 +Music Piracy Lawsuits Wend Through Court (AP) AP - A woman in Milwaukee and her ex-boyfriend are under orders to pay thousands to the recording industry. A man in California refinanced his home to pay an #36;11,000 settlement. A year after it began, the industry's legal campaign against Internet music piracy is inching through the federal courts, producing some unexpected twists.$LABEL$3 +Saints' Hodge Is Suspended for Four Games (Reuters) Reuters - Linebacker Sedrick Hodge of\the New Orleans Saints was suspended for four games by the NFL\for violating the league's substance abuse policy.$LABEL$1 +Money Out of a Pipeline (Forbes.com) Forbes.com - Martha and the Vandellas recorded A 1965 Motown classic that began: ""Nowhere to run to, baby/Nowhere to hide."" With the stock and bond markets not going much of anywhere, you may despair of finding any good liquid investment for your cash. Of course, you can tie up your money for long periods with hedge funds and their ilk, hoping for decent returns. But there are some good alternatives, particularly in the energy sector. In this issue, fellow columnist Richard Lehmann discusses royalty trusts, which focus on oil and gas extraction (see p. 206).$LABEL$2 +Oil Falls from Highs After Missing \$50 LONDON (Reuters) - Oil prices eased from new highs on Friday as dealers pocketed profits from a long record-breaking run after escalating violence in Iraq took U.S. crude close to \$50 a barrel.$LABEL$2 +ACC Football Begins New Era With Miami (AP) AP - The Miami Hurricanes spent the last year preparing to move to the Atlantic Coast Conference. Are they ready? ""The way I see it, we're just playing easier teams,"" defensive end Bryan Pata said. ""We're going to dominate each and every game.$LABEL$1 +UAL, Creditors Agree to 30 Day Extension CHICAGO (Reuters) - United Airlines on Friday said it has agreed with its creditors' committee to a 30-day extension, subject to court approval, of the period during which it can exclusively file a bankruptcy reorganization plan.$LABEL$2 +Stocks Rise as Oil Retreats from High NEW YORK (Reuters) - U.S. stocks gained ground in light volume on Friday as investors were encouraged about the prospects for corporate profits after oil prices fell from their peak.$LABEL$2 +Treasuries Edge Down as Oil Retreat NEW YORK (Reuters) - U.S. Treasury prices edged lower on Friday as oil prices retreated from record highs, but trading was thin as a dearth of data prompted many investors to take off for an early weekend.$LABEL$2 +Brazil finds true value of art The Brazilian government and a United Nations agency team up to help the country reap more financial rewards from its ""creative industries"".$LABEL$2 +Jobs cut in Credit Suisse reshuffle Credit Suisse today announced that up to 300 jobs will be lost in an overhaul of its troubled investment banking business. The company said its investment arm - Credit Suisse First Boston (CSFB) - would be $LABEL$2 +Phelps' Fourth Individual Gold Ties Spitz ATHENS, Greece - Mark Spitz, you've got company after all. Michael Phelps matched Spitz's record of four individual gold medals in the Olympic pool with a stirring comeback in the 100-meter butterfly, nipping rival and teammate Ian Crocker at the wall Friday night...$LABEL$0 +Militants Still in Control of Najaf Shrine NAJAF, Iraq - Militiamen loyal to rebel Shiite cleric Muqtada al-Sadr removed weapons from the revered Imam Ali Shrine in Najaf but remained in control of the holy site Friday amid efforts to end their 2-week-old uprising. Fighters from al-Sadr's Mahdi Army militia were inside the shrine but left their guns outside...$LABEL$0 +United Argues It May Terminate Pensions CHICAGO - United Airlines would be within its rights to terminate its employee pension plans but hasn't yet decided to do so, an attorney for the carrier said Friday, as two unions urged a judge to block a financing plan they say is predicated on the airline halting fund contributions. The hearing came a day after the release of court papers in which United warned it ""likely"" will have to end those pension funds in order to secure the loans it needs to get out of bankruptcy...$LABEL$0 +Briefly: Linux release features Windows support roundup Plus: Gmail delivered to desktops...Chinadotcom mobile services suspended...Maker of disposable RFID tags gets millions...Mitsubishi expands solar production.$LABEL$3 +PostgreSQL 8.0 will run on Windows Open-source database to jump from beta testing to production within three months.$LABEL$3 +Linux release features Windows support Release makes use of technology from CodeWeavers to let customers run applications from Microsoft.$LABEL$3 +AMD using strained silicon on 90-nanometer chips Advanced Micro Devices(AMD) will implement the strained silicon manufacturing technique on its upcoming 90-nanometer processors as well as 130-nanometer processors released this quarter, an AMD spokesman said Friday.$LABEL$3 +Groups Meet to Discuss Climate Change New strategies to confront global warming took center stage in Buenos Aires on Monday, where thousands of environmentalists and government policy-makers gathered for an international conference on climate change.$LABEL$0 +Which Candidates Do Tech Companies Support? Technology employees are donating slightly more money to the Republican party.$LABEL$3 +Microsoft Sends XP SP2 Home OS security fix is being rolled out to users who have enabled Automatic Updates.$LABEL$3 +UAL, Creditors Agree to 30 Day Extension (Reuters) Reuters - United Airlines on Friday said it has\agreed with its creditors' committee to a 30-day extension,\subject to court approval, of the period during which it can\exclusively file a bankruptcy reorganization plan.$LABEL$2 +Analysts See Grim Future for Wet Seal (Reuters) Reuters - Wet Seal Inc. (WTSLA.O) may have little\choice but to close hundreds of its teen-oriented stores and\convert dozens more to its upscale Arden B. brand if it hopes\to stay out of bankruptcy, analysts said on Friday.$LABEL$2 +Fact and Comment (Forbes.com) Forbes.com - The news from Iran is grim. This islamic dictatorship--the biggest source of terrorist training and financing in the world and the nation that's doing all it can to stir up trouble in already combustible Iraq--is clearly on the cusp of becoming a nuclear power. The clerical fascists running the country have dropped just about all pretense of their atomic programs being energy-related only. Tehran announced in July that it had resumed making the centrifuges needed to produce highly enriched uranium, a key ingredient for nuclear bombs. ...$LABEL$2 +White House Deals With Detainee Legalities (AP) AP - The Bush administration is taking the narrowest possible view of legal rights the Supreme Court gave to terrorism detainees while trying to fend off any new court challenges. Ultimately the high court probably will weigh in again, lawyers said.$LABEL$0 +Sadr Militia Still Controls Iraq Shrine -- Witness NAJAF, Iraq (Reuters) - Shi'ite fighters appeared to be in control of a holy shrine in Najaf Friday, hours after Iraq's interim government said it had overcome a bloody uprising by seizing the Imam Ali mosque without a shot being fired.$LABEL$0 +Constantine and the rise of Christianity The history of how Christianity became an accepted mainstream religion is an interesting one. If you have never heard the story of the Roman Emperor Constantine and his effect on the world's current religious landscape, read on to learn how one mans actions during his rise to power changed the world forever. $LABEL$3 +Electronic Arts Breaking Out The company's stock is not as popular as Madden NFL 2005, with its top sales numbers. Yet.$LABEL$2 +Microsoft benches sports games Turn out the lights, the party's over for unit that created mainstream sports games for the Xbox. Seventy-six workers lose jobs.$LABEL$3 +Kazaa Owner Cheers Court's File-Swapping Decision By MIKE CORDER SYDNEY, Australia (AP) -- The distributor of file-swapping giant Kazaa on Friday welcomed a U.S. court's ruling that two of its rivals are not legally liable for the songs, movies and other copyright works shared online by their users...$LABEL$3 +Yahoo Mail Fixes Security Flaws Yahoo Mail Fixes Security Flaws\\Yahoo reportedly fixed two flaws in Yahoo Mail which had the potential to allow a hacker to read a victim's browser cookies and change the appearance of some pages, Yahoo told news services. A Yahoo representative said the flaws were fixed last month by making changes ...$LABEL$3 +News: Slow-moving lawsuits over music downloads producing court twists The Associated Press By Ted Bridis$LABEL$3 +Bloody Battle Dulls Cleric's Heroic Image (AP) AP - Radical cleric Muqtada al-Sadr has emerged from a bloody, two-week showdown with U.S. forces with his militia intact but his heroic image in question.$LABEL$0 +Why Tech Stocks Stink (Forbes.com) Forbes.com - The wit who dubbed August ""the dog days of summer"" could have been looking at 2004's tech stocks in his crystal ball. Just what is ailing these critters? Let's look at all of the possible explanations. Perhaps by eliminating the foolish and transient we can discover a theme and pick up some bargains.$LABEL$2 +Hanes Opens Unmentionables Market in China (AP) AP - Hanes is entering the lucrative consumer market of the world's most populous nation, China.$LABEL$0 +GOP Convention Light on Stars (AP) AP - The Republicans will have one sure Hollywood star for their convention #151; California Gov. Arnold Schwarzenegger #151; along with performers to keep the country music fans happy. But they'll be hard-pressed to match the Democratic convention's appeal to young voters led by Ben Affleck.$LABEL$0 +Stocks End Higher as Oil Eases NEW YORK (Reuters) - U.S. stocks finished higher on Friday, as investor worry about high fuel costs crimping consumer spending and hurting company profits eased after crude oil prices fell from their peak.$LABEL$2 +Swimming: Fifth Gold, Seventh Medal for Phelps ATHENS (Reuters) - Michael Phelps won his fifth gold medal at the Athens Olympics Friday to claim a place alongside Mark Spitz as one of the greatest swimmers in Olympic history.$LABEL$1 +Bush Spending Spree Continues, More Cash to Burn (Reuters) Reuters - President Bush's campaign spent\ #36;45.8 million in July, the bulk of it on advertising, but he\still had about #36;32.5 million left to spend before he accepts\his party's nomination next month, according to a filing\released on Friday.$LABEL$0 +Swimming: Shibata Joins Japanese Gold Rush ATHENS (Reuters) - Ai Shibata wore down French teen-ager Laure Manaudou to win the women's 800 meters freestyle gold medal at the Athens Olympics Friday and provide Japan with their first female swimming champion in 12 years.$LABEL$1 +Congo Former Foes Head to S.Africa for Talks KINSHASA, Democratic Republic of the Congo (Reuters) - Former rebels and loyalists now in Congo's transitional government headed to South Africa on Friday for talks on reviving the country's shaky peace process and improving regional security, officials said.$LABEL$0 +Blast at Police Post in Nassiriya, Three Dead NASSIRIYA, Iraq (Reuters) - A blast ripped through a police station in the town of Nassiriya in southern Iraq on Friday, killing three police and wounding others, police said.$LABEL$0 +UN warns of Sudan refugee exodus Some 30,000 Sudanese refugees might cross into Chad to escape persecution by Arab militia, the UN warns.$LABEL$0 +Miami Struggles on Offense The Redskins on Saturday will face a Dolphins team facing a number of issues on offense.$LABEL$1 +Phelps to Forgo Final Race of Olympics ATHENS, Greece - Michael Phelps is done for the Olympics. Shortly after winning his fifth gold medal and seventh overall, Phelps told U.S...$LABEL$0 +IRS: Rose Owes Nearly \$1M in Unpaid Taxes MIAMI - Pete Rose is back in trouble with the Internal Revenue Service, which says the baseball great owes nearly \$1 million in unpaid taxes. The IRS filed a federal tax lien in Broward County on Tuesday alleging that baseball's all-time hits king owes \$973,693.28 in back taxes from 1997 to 2002...$LABEL$0 +Spectrum of Stormy Saturn Seeing Saturn in different wavelengths gives mission scientists a new and stormy picture of weather on the gas giant. While the view in ultraviolet highlights the stratosphere, the view in infrared shows swirling patterns from rotating cloud bands...$LABEL$3 +DNA Project May Reunite Adoptees with their Parents By MITCH STACY SARASOTA, Fla. (AP) -- Linda Hammer has helped thousands of adoptees find birth families through her people-finding Web site, weekly radio show and newspaper column...$LABEL$3 +Drag-and-drop flaw mars Microsoft's latest update An independent researcher finds an Internet Explorer vulnerability that could turn drag-and-drop into drag-and-infect.$LABEL$3 +Report: Consumers tuning in to plasma TVs Shipments go up, prices go down...with more of the same on the horizon.$LABEL$3 +'Doom 3' Game Unlikely for Xbox This Year - Id CEO (Reuters) Reuters - The Xbox version of ""Doom 3,"" the\long-awaited PC video game recently released to wide acclaim,\is not likely to be released in 2004 dealing a blow to\enthusiastic game players who are anxiously awaiting it.$LABEL$3 +Federal Court Rules for P2P Networks (NewsFactor) NewsFactor - A federal appeals court has ruled that two peer-to-peer online music-sharing networks, Grokster and StreamCast, are not liable for the illegal swapping of copyrighted music and other entertainment files on their networks.$LABEL$3 +Apple Recalls 28,000 PowerBook Batteries Due to Overheating Concern (NewsFactor) NewsFactor - Apple (Nasdaq: AAPL) has issued a warning related to potential problems with the\batteries in some 28,000 of its 15-inch PowerBook G4 laptop computers,\telling customers that the batteries may pose a fire hazard due to\overheating.$LABEL$3 +Nokia Taps Ex-Coke Exec for Branding Help (NewsFactor) NewsFactor - On the heels of -- and perhaps in response to -- its recent struggles with declining market share, mobile-handset maker Nokia (NYSE: NOK) has signed former Coca-Cola executive Keith Pardy to head up its branding efforts. Pardy, a 17-year Coke veteran, was vice president of the company's non-cola branding efforts.$LABEL$3 +Microsoft Gets Good Grades on SP2 (NewsFactor) NewsFactor - Microsoft's (Nasdaq: MSFT) Service Pack 2 for Windows XP is one of the company's most ambitious operating system updates ever, and -- as expected -- some experts already have discovered security vulnerabilities in the giant patch.$LABEL$3 +The CRM Money Pit - Part 4 (NewsFactor) NewsFactor - Over the course of this five-part series, CRM Daily examines areas that tend to develop into financial black holes for companies launching or updating a CRM project.$LABEL$3 +BlackBerry in Sync with Apple (NewsFactor) NewsFactor - Information Appliance Associates is offering an application that links the \BlackBerry mobile e-mail platform with Mac OS X, further extending BlackBerry's considerable reach.$LABEL$3 +Dolphins Ask Williams for #36;8.6 Million (AP) AP - The Miami Dolphins have asked Ricky Williams to return #36;8.6 million they say the running back owes the team because he has decided to retire.$LABEL$1 +'Doom 3' Game Unlikely for Xbox This Year - Id CEO NEW YORK (Reuters) - The Xbox version of ""Doom 3,"" the long-awaited PC video game recently released to wide acclaim, is not likely to be released in 2004 dealing a blow to enthusiastic game players who are anxiously awaiting it.$LABEL$3 +Reds' Graves Placed on DL With Sore Back (AP) AP - Cincinnati Reds closer Danny Graves was placed on the 15-day disabled list Friday because of lower back spasms that flared up during his last outing.$LABEL$1 +Swimming: Phelps Wins Fifth Gold, Seventh Medal ATHENS (Reuters) - Michael Phelps clinched his fifth gold medal and became the first man since Mark Spitz to hold four individual Olympic swimming titles when he won the 100 meter butterfly final Friday.$LABEL$1 +Sadr Militia Still Controls Iraq Shrine -- Witnesses NAJAF, Iraq (Reuters) - Shi'ite fighters appeared to be in control of a holy shrine in Najaf Friday hours after Iraq's interim government said it had overcome a bloody uprising by seizing the Imam Ali mosque without a shot being fired.$LABEL$0 +Vagrant Killings Raise Fears of Brazil Death Squad SAO PAULO, Brazil (Reuters) - The beating to death of four vagrants and the battering of several others in downtown Sao Paulo have raised suspicions of death squads as crime soars in this vast South American city, officials said on Friday.$LABEL$0 +Belgium impounds Ukraine plane A Nato-chartered Ukrainian cargo plane is detained in Brussels after a court ruling in a financial dispute.$LABEL$0 +Bush Aide Says White House Is Not Linked to Anti-Kerry Ad The president's spokesman said the White House had nothing to do with accusations John Kerry lied about his military service.$LABEL$0 +Kerry Says Bush Ignores 'Average Folks' CHARLOTTE, N.C. (AP) -- Democratic presidential candidate John Kerry on Friday traced North Carolina's job loss over the past four years to President Bush's fixation on tax cuts for the wealthy and indifference to the needs of everyday Americans.$LABEL$0 +Online sales continue to rise, up 23.1 from a year ago While they're still a sliver of overall U.S. retail sales, retail online sales continued to rise in the second quarter of the year to \$15.7 billion, according to figures released today by the U.S. Department of Commerce.$LABEL$3 +J.D. Edwards users still aren't sold on PeopleSoft's takeover Based on interviews with J.D. Edwards users and an informal poll conducted by Computerworld, PeopleSoft has yet to win over the new customer base it inherited after buying its former competitor one year ago.$LABEL$3 +Possible security breach seen at AOL An AOL user who logged on to check his online financial portfolio was given access to someone else's data and is calling on AOL to correct what he sees as a security breach. AOL acknowledged an ""issue,"" but said corrective action has been taken.$LABEL$3 +Former Microsoft COO: Intelligence overhaul means crushing 'fiefdoms' Ending turf battles and ""fiefdoms"" will be as important as IT investments if the U.S. intelligence community is to be successfully overhauled, said Bob Herbold, former executive vice president and COO at Microsoft.$LABEL$3 +Reports criticize DHS for lack of progress on IT The GAO and the Department of Homeland Security's inspector general have issued critical reports about IT at the DHS -- a development that calls into question whether a proposed consolidation of U.S. intelligence agencies would lead to the same kinds of problems.$LABEL$3 +Oracle moves to monthly patching schedule After coming under criticism for sitting on patches for multiple holes in its database software, Oracle has announced that it will move to a monthly patch release schedule, though it hasn't said when.$LABEL$3 +New Download.Ject worm variant appears A new version of the Download.ject worm has begun spreading on the Internet, according to security firm PivX.$LABEL$3 +Reporter's notebook: HP World users disdain offshore support move This week's HP World is over, and users at the event had a lot of things on their minds.$LABEL$3 +Tech industry split in its political donations Tech industry political action committees and employees from computer and Internet companies have contributed just over \$1.6 million to President George Bush, and almost the same amount to Democratic challenger Sen. John Kerry.$LABEL$3 +More money for fuel cells Neah Power Systems, which develops fuel cells for notebooks, raises \$12 million in venture funding.$LABEL$3 +Phelps Adds New Olympic Triumph (Reuters) Reuters - American teen-ager Michael Phelps, one\of the superstars of the 2004 Athens Games, added a seventh\medal Friday night to his collection of Olympic keepsakes but\new doping scandals tarnished world sporting's greatest event.$LABEL$0 +N.S. submariner recalls harrowing experiences in career spent underwater (Canadian Press) Canadian Press - HALIFAX (CP) - As Sam Jennings started to regain consciousness, he saw the dark smoke billowing through his submarine.$LABEL$0 +White House Says It Is Not Behind Attack Ads (Reuters) Reuters - President Bush and a top\adviser have long-standing ties to people behind advertisements\claiming Sen. John Kerry lied about his war record, but the\campaign denied any part in the ads on Friday and criticized\Kerry for ""losing his cool.$LABEL$0 +IRS: Rose Owes Nearly \$1M in Unpaid Taxes MIAMI - Pete Rose is back in trouble with the Internal Revenue Service, which says the baseball great owes nearly \$1 million in unpaid taxes. The IRS filed a federal tax lien in Broward County on Tuesday alleging that baseball's all-time hits king owes \$973,693.28 in back taxes from 1997 to 2002...$LABEL$0 +Stocks Edge Higher As Oil Prices Fall NEW YORK - A welcome slide in oil prices set off a relief rally on Wall Street Friday, with stocks posting a healthy advance as crude approached but then fell back from the \$50 a barrel mark. The major indexes all ended the week higher...$LABEL$0 +FCC Issues Rate Freeze for Phone Networks (Reuters) Reuters - U.S. communications regulators on\Friday issued interim rules that would freeze for six months\the wholesale rates for leasing access to the major U.S. local\telephone networks.$LABEL$2 +Stocks Jump as Oil Retreats from High NEW YORK (Reuters) - U.S. stocks jumped higher on Friday, as investor worry about high fuel costs crimping consumer spending and hurting company profits eased after crude oil prices fell from their peak.$LABEL$2 +General Growth to Buy Rouse for \$7.2 Bln NEW YORK (Reuters) - General Growth Properties Inc. on Friday said it would buy Rouse Co. for \$7.2 billion, adding such swank shopping centers as Chicago's Water Tower Place and Boston's Fanueil Hall to what is already the nation's second largest mall portfolio.$LABEL$2 +United Air Raises Fuel Surcharge NEW YORK (Reuters) - UAL Corp. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=UALAQ.OB target=/stocks/quickinfo/fullquote"">UALAQ.OB</A> , the parent of United Airlines, said on Friday it would raise its existing \$10 each-way fuel surcharge by an additional \$5 due to soaring fuel costs.$LABEL$2 +SEC Proxy Access Plan Stalled WASHINGTON (Reuters) - More than 10 months after moving boldly to boost the power of U.S. shareholders in choosing corporate directors, the Securities and Exchange Commission has become mired in disagreement.$LABEL$2 +Kerry takes legal action against Vietnam critics (AFP) AFP - Democratic White House hopeful John Kerry's campaign formally alleged that a group attacking his Vietnam war record had illegal ties to US President George W. Bush's reelection bid.$LABEL$0 +U.S. Treasury Prices Edge Lower NEW YORK (Reuters) - U.S. Treasury prices edged lower on Friday as oil prices retreated from record highs, but trading was thin as a dearth of data prompted many investors to take off for an early weekend.$LABEL$2 +Briefly: More money for fuel cells roundup Plus: Linux release features Windows support...Gmail delivered to desktops...Chinadotcom mobile services suspended...Maker of disposable RFID tags gets millions...Mitsubishi expands solar production.$LABEL$3 +UAL Wins OK for Exclusivity Extension (Reuters) Reuters - A U.S. bankruptcy court judge on Friday\approved a 30-day exclusivity extension for United Airlines,\giving the carrier another month to file its own reorganization\plan without competing plans from creditors.$LABEL$2 +Gas stoppage may have caused deadly Belgian blast: TV report (AFP) AFP - A Belgian gas explosion in which 20 people were killed may have resulted from a combination of a halt in the gas circulation in a pipeline and existing damage to the main, Belgian television said.$LABEL$0 +UAL Wins OK for Exclusivity Extension CHICAGO (Reuters) - A U.S. bankruptcy court judge on Friday approved a 30-day exclusivity extension for United Airlines, giving the carrier another month to file its own reorganization plan without competing plans from creditors.$LABEL$2 +McGahee Pressures Bills According to the Associated Press, second-year running back Willis McGahee has asked the Buffalo Bills to trade him if he is not named the starter for opening day.$LABEL$1 +Briefly: Glitches hit some EarthLink-hosted sites roundup Plus: More money for fuel cells...Linux release features Windows support...Gmail delivered to desktops.$LABEL$3 +A chat check list for IT managers There are hundreds of considerations when selecting and implementing an IM management solution -- from product features and technology to pricing. Still, IM security consultants and vendors agree that the following points apply across the board.$LABEL$3 +Enterprise IM: Dangerous by default Organizations frequently pick a corporate-grade IM system -- IBM Lotus Instant Messaging and Web Conferencing, Jabber Messenger, or Microsoft LCS (Live Communications Server), for example -- thinking that internal-only IM is immune from threats.$LABEL$3 +Reining in public IM There is no question that IM is entrenched in the enterprise. More than 90 percent of businesses report IM activity, according to Osterman Research. A main reason, as we discovered in ""Getting serious about enterprise IM,"" is the improved productivity and reduced communications costs that IM delivers. What should concern CIOs is that unsanctioned consumer IM networks -- such as those from America Online, ICQ, Microsoft, and Yahoo -- make up 80 percent of corporate IM use today, and the number of users of these unsecured IM networks is growing at a fast clip, according to The Radicati Group. True, public IM networks offer enterprises some protection, such as very basic identity control. But organizations are still exposed to a multitude of security risks, including viruses and breached firewalls.$LABEL$3 +Kennedy, Kendall Suspended for Brawling (AP) AP - Colorado Rockies pitcher Joe Kennedy was suspended Friday for five games and Pittsburgh Pirates catcher Jason Kendall four for their parts in a bench-clearing brawl Sunday.$LABEL$1 +Tennessee May Start Freshman QB in Opener (AP) AP - Erik Ainge and Brent Schaeffer are trying to accomplish a feat that even Peyton Manning couldn't pull off at Tennessee #151; start at quarterback in the season-opener as a freshman.$LABEL$1 +Boeing Sees EU Agreeing to End Launch Aid WASHINGTON (Reuters) - A top Boeing Co. official said on Friday he was optimistic the European Union would agree to end government aid to develop new aircraft, which has helped its chief rival Airbus grab more than half of the civil aircraft market.$LABEL$2 +Bekele Succeeds Mentor Gebrselassie ATHENS (Reuters) - Ethiopian Kenenisa Bekele succeeded his mentor Haile Gebrselassie as the Olympic 10,000 meters champion Friday after an astonishing final lap in the longest track event.$LABEL$1 +Zimbabwe moves to restrict NGOs Zimbabwe's government unveils a bill which would ban many human rights groups and charities.$LABEL$0 +9/11 Commission Formally Disbands WASHINGTON - The Sept. 11 commission closes down Saturday, but its members plan to continue testifying before Congress and traveling the country to try to get the government to improve homeland security...$LABEL$0 +Militia Offers to Cede Control of Shrine NAJAF, Iraq - A rebel cleric's militiamen kept their guns outside a holy site Friday after issuing a surprise offer to give up control of the Imam Ali Shrine to Shiite Muslim religious leaders, but negotiators wrangled into the night over getting the militants out of the compound. The removal of weapons and pledge to hand over keys to religious authorities was seen as a big step toward a resolution of the two-week faceoff in Najaf that has killed dozens of people and wounded hundreds in fighting between Muqtada al-Sadr's militia and a joint U.S.-Iraq force...$LABEL$0 +Sanofi-Aventis becomes world's third-largest pharmaceutical company (AFP) AFP - French pharmaceutical group Sanofi-Synthelabo formally announced the birth of Sanofi-Aventis, the world's third-largest pharmaceutical company, ranking number one in Europe.$LABEL$0 +Team USA Says Labor Woes Won't Affect Cup (AP) AP - Team USA players promise NHL labor problems that could threaten the upcoming season won't be a distraction at the World Cup of Hockey.$LABEL$1 +Judge gives lawyers more time to review evidence in Regina election challenge (Canadian Press) Canadian Press - REGINA (CP) - A judge has given lawyers for former NDP MP Dick Proctor more time to pore over federal voter lists as they try to force a byelection that could, if successful, ultimately shift the balance of power in the House of Commons.$LABEL$0 +Ex-Enron CEO Seeks Separate Trial HOUSTON (Reuters) - Lawyers for former Enron Corp. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=ENRNQ.PK target=/stocks/quickinfo/fullquote"">ENRNQ.PK</A> chief executive Jeffrey Skilling on Friday asked a federal court to separate his trial from his former boss Ken Lay's on charges linked to the downfall of the energy company.$LABEL$2 +Arch Coal: Triton Acquisition Completed WASHINGTON (Reuters) - Arch Coal Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=ACI.N target=/stocks/quickinfo/fullquote"">ACI.N</A> said on Friday it had completed the acquisition of rival Triton Coal Co. after a U.S. appeals court denied the government's bid to block the deal.$LABEL$2 +FCC Puts Hold on Wholesale Phone Rates (AP) AP - Federal regulators Friday imposed a six-month freeze on the rates regional phone companies may charge their competitors to use networks to provide local service.$LABEL$0 +Nicaragua, Taiwan open trade talks (AFP) AFP - Nicaragua and Taiwan opened talks aimed at drafting a free-trade deal by the end of 2005, officials said.$LABEL$0 +Linux Desktop Needs PC Vendor Support (Ziff Davis) Ziff Davis - Opinion: If the Linux desktop is ever to be more than a niche player, it needs a hand from PC vendors, including real support from the ones that already claim to back it.$LABEL$3 +Rose Takes Big Tax Hit Pete Rose is back in trouble with the Internal Revenue Service, which says the baseball great owes nearly \$1 million in unpaid taxes.$LABEL$1 +Dolphins Want a Refund From Williams The Miami Dolphins have asked Ricky Williams to return \$8.6 million they say the running back owes the team because he has decided to retire.$LABEL$1 +Rain Hampers Play at NEC Invitational Only 24 players finished the second round at Firestone South, but the forecast was for dry, cool weather the final two days.$LABEL$1 +Possible security breach seen at AOL America Online Inc. is acknowledging an ""issue"" that allowed some of its members to gain access to online financial portfolios of other members. But the Internet service provider downplayed the incident, saying no personal identifying information such as usernames or credit card numbers was ever compromised.$LABEL$3 +Ex-Enron CEO Seeks Separate Trial (Reuters) Reuters - Lawyers for former Enron Corp.\(ENRNQ.PK) chief executive Jeffrey Skilling on Friday asked a\federal court to separate his trial from his former boss Ken\Lay's on charges linked to the downfall of the energy company.$LABEL$2 +Moore Reaches U.S. Amateur Semifinals (AP) AP - Ryan Moore keeps rolling along in the U.S. Amateur, moving into the semifinals with a 3 and 2 victory over Jason Hartwick on Friday at Winged Foot Golf Club.$LABEL$1 +GM's CEO Pours Cold Water on Gas Tax Hike DETROIT (Reuters) - General Motors Corp. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=GM.N target=/stocks/quickinfo/fullquote"">GM.N</A> on Friday said Americans had no need to worry about talk of higher federal gasoline taxes being used to curb their dependency on foreign oil.$LABEL$2 +Major League Approves Baseball Channel for TV LOS ANGELES (Reuters) - Major League Baseball has approved the creation of a national cable television channel devoted to America's favorite pastime, but regular-season games may be confined to the dugouts for the network's first year, a top league official said on Friday.$LABEL$1 +U.S. Arrests Two in Hamas Financing Case WASHINGTON (Reuters) - U.S. officials have arrested two men whom they accuse of funneling money to the Palestinian militant group Hamas for the past 15 years, the Justice Department said on Friday.$LABEL$0 +Chilean Judge Questions Pinochet on Riggs Money SANTIAGO, Chile (Reuters) - A Chilean judge has questioned former dictator Augusto Pinochet about secret U.S. bank accounts worth up to \$8 million, a member of Pinochet's legal defense said on Friday.$LABEL$0 +Agent: Rose Making Payments on Back Taxes PLANTATION, Fla. - Pete Rose owes almost \$1 million in back federal taxes, but he is making monthly payments on the debt, his representative said Friday...$LABEL$0 +Courtney Love Pleads Innocent to Assault LOS ANGELES - Courtney Love pleaded innocent Friday to a felony assault charge for allegedly attacking a woman with a liquor bottle at her ex-boyfriend's home in April. The mercurial rocker, wearing a long black dress, was composed in court, responding to Los Angeles Superior Court Commissioner Dennis Mulcahy's questions with ""yes"" or ""no."" Outside, she appeared shaken while talking with reporters...$LABEL$0 +Is VoIP just chump change? AT #38;T Chief David Dorman says he expects VoIP to be a \$2 billion-a-year business, small change for his company.$LABEL$3 +Major League Approves Baseball Channel for TV (Reuters) Reuters - Major League Baseball has approved\the creation of a national cable television channel devoted to\America's favorite pastime, but regular-season games may be\confined to the dugouts for the network's first year, a top\league official said on Friday.$LABEL$1 +Beleaguered CNE hoping for banner summer as others long for days gone by (Canadian Press) Canadian Press - TORONTO (CP) - Sweet-talking carnies wasted no time launching into their well-rehearsed patter Friday at the opening day of the Canadian National Exhibition, hoping to put the plagues of the previous summer behind them.$LABEL$0 +Judge Revokes Mine Permit in Florida (AP) AP - A federal judge Friday revoked a permit to develop a limestone mine amid 6,000 acres of habitat that could be used by the endangered Florida panther.$LABEL$3 +Court Won't Halt Arch Coal's Triton Bid WASHINGTON (Reuters) - Arch Coal Inc <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=ACI.N target=/stocks/quickinfo/fullquote"">ACI.N</A>. on Friday pressed forward with its acquisition of rival Triton Coal Co. LLC after a U.S. appeals court denied an emergency request by antitrust authorities to block the deal.$LABEL$2 +Fischer fails to halt deportation A court in Japan rejects former chess champion Bobby Fischer's request to halt \his deportation to the US.$LABEL$0 +U-Md. Locks Up Friedgen University of Maryland head football coach Ralph Friedgen signed a contract extension on Friday that will keep him in College Park through 2012.$LABEL$1 +Intelligence everywhere If Y2K is remembered for getting companies to buy new hardware and upgrade old software, the latest driver of change, Sarbanes-Oxley, will be remembered for democratizing information and making accountability a companywide responsibility. Its reporting requirements make it mandatory that businesses hold everyone's feet to the fire.$LABEL$2 +Sun goes down, Empire blows up Well, I had my second date with Margot last week. It was nice. We attended a seminar on multimodal component interfaces and then went on a romantic stroll around a waste treatment facility. She says the smell of methane calms her nerves. I sure can pick em, cant I?$LABEL$2 +Javalobby removes Java specs at Suns request Javalobby, an online community of Java developers, has removed from its new JDocs documentation Web site several vital Java APIs at the request of Java founder Sun Microsystems, an official with Javalobby said on Friday.$LABEL$3 +FCC sets interim network-sharing rules ASHINGTON - The U.S. Federal Communications Commission (FCC) will require incumbent telephone carriers to continue offering parts of their networks to competitors while the commission rewrites those network-sharing rules.$LABEL$3 +Paes-Bhupathi lose to Ancic-Ljubicic (Reuters) Reuters - Mario Ancic and Ivan Ljubicic of Croatia beat fifth-seeded Mahesh Bhupathi and Leander Paes of India 7-6 (7-5) 4-6 16-14 in the men's doubles bronze medal match at the Olympic Games on Friday.$LABEL$0 +NYC Denies All Central Park Rally Permits (AP) AP - The city's decision to deny a permit to protesters for a rally on Central Park's Great Lawn on the weekend before the Republican National Convention is about preserving the lawn, not suppressing speech, lawyers for the city said in federal court Friday.$LABEL$0 +Volunteer Links Anti-Kerry Flier to GOP (AP) AP - A volunteer for John Kerry said Friday he picked up a flier in Bush-Cheney headquarters in Gainesville, Fla., promoting Swift Boat Veterans for Truth, a group the Bush campaign has insisted for weeks it has no connection to.$LABEL$0 +30 More Days of Exclusivity for UAL OK'd (Reuters) Reuters - A U.S. bankruptcy court judge on Friday\granted United Airlines another 30 days of exclusivity, giving\it until the end of September to file its own reorganization\plan without competing plans from creditors.$LABEL$2 +Bombs Prompt Call for U.N. Afghan Pullout (AP) AP - The bombing of a U.N. election office in Afghanistan that injuring six policemen drew calls from a U.N. union Friday for a withdrawal of staffers from the embattled nation.$LABEL$0 +Greek Drugs Embarrassment Overshadows Phelps ATHENS (Reuters) - Greece was rocked by the threat of being stripped of an Athens Games medal and the host nation's team manager offered to quit on Friday, as doping overshadowed Michael Phelps' drive to be Olympic swimming's top medal winner.$LABEL$1 +Pinochet probed on bank accounts A Chilean judge questions former dictator Augusto Pinochet about secret US bank accounts.$LABEL$0 +A Sense of Security An Independent News writer tells of his switch from Windows to a 15-inch PowerBook,: #147;Two months in, I have a prevailing sense of security and safety. There #146;s been not a sniff of system meltdown. The software and security updates are easy, convenient and (via broadband) fast. The sense of considerable computing power and massive processing going on is very evident, but it feels secure behind the OS X firewall and a router; and all with no need for antivirus software. #148; Aug 20$LABEL$3 +After Five Golds, Phelps Bows Out of Relay (AP) AP - Michael Phelps ended his magnificent Olympics with a magnanimous gesture. He matched Mark Spitz's record of four individual gold medals in the pool, then gave up a coveted spot on the 400-meter medley relay team to Ian Crocker #151; whom Phelps had just beaten.$LABEL$1 +Mets' McEwing Probably Lost for Season (AP) AP - New York Mets infielder Joe McEwing is likely done for the season after breaking a bone in his left leg.$LABEL$1 +Chain Store Sales Rise in the Latest Week NEW YORK (Reuters) - U.S. chain store sales rose in the week ended December 4, as average sales were generally ahead of last year, but customer counts were down, a report said on Tuesday.$LABEL$2 +Four Tied for Lead at Reno-Tahoe Open (AP) AP - Scott McCarron made four birdies in 12 holes, moving into a four-way tie for the lead in the second round of the Reno-Tahoe Open on Friday before thunderstorms forced play to be suspended.$LABEL$1 +Candidate, Party Spending Tops #36;1 Billion (AP) AP - Spending by presidential and congressional candidates and the national party committees that support them already tops #36;1 billion for the 2004 election cycle, with more than two months of campaigning to go.$LABEL$0 +Kerry, Bush Escalate Battle Over Vietnam Ads (Reuters) Reuters - Democrat John\Kerry asked the Federal Election Commission on Friday to force\a group accused of collaborating with the Bush campaign to\withdraw ads challenging his service in Vietnam as the\presidential race took a decidedly bitter turn.$LABEL$0 +Reform Advocates in China Hope for a Birthday Present The Communist Party is using the 100th anniversary of Deng Xiaoping's birthday to emphasize the urgency of overhauling the one-party political system.$LABEL$0 +U.S. Now Said to Support Growth for Some West Bank Settlements The Bush administration, moving to lend support to Prime Minister Ariel Sharon, has approved growth in some Israeli settlements in the West Bank.$LABEL$0 +Pinsent bids for glory British rower Matthew Pinsent will be aiming for his fourth Olympic gold when 'Super Saturday' starts in Athens.$LABEL$1 +India clears cricket team to begin Bangladesh tour (Reuters) Reuters - India said on Tuesday its national cricket team's Bangladesh tour could begin, after a threat from an Islamic militant group prompted a security review.$LABEL$0 +Court: Cos. Not Liable for Online Abuses (AP) AP - In a judicial blow to the entertainment industry, a federal appeals court ruled that makers of two leading file-sharing programs are not legally liable for the songs, movies and other copyright works their users swap online.$LABEL$3 +Hezbollah-Linked Network Ordered to Comply (AP) AP - France's highest administrative body on Friday ordered a Lebanese TV network linked to the anti-Israel group Hezbollah to adhere to broadcast regulations or face being banned from French airwaves.$LABEL$0 +Iranian diplomat, Egyptian charged over assassination plot (AFP) AFP - Egypt said it has charged an Iranian diplomat and an Egyptian national over a plot to assassinate an unidentified public figure.$LABEL$0 +Moveon.org subscriber-data leaked through search Dozens of the political action committee's subscriber pages exposed by simple Google search.$LABEL$3 +An Oil Shock That Could Be an Economic Stimulus in Disguise Despite the parallels with the oil shocks of past decades, the impact of the oil spike on the economy is likely to be much less intense than in previous surges.$LABEL$2 +Reshaping a Reshaper of Landscapes The Rouse Company, the mall developer that has reshaped the nation's landscape, agreed to be acquired by General Growth Properties for \$7.2 billion in cash.$LABEL$2 +'Doom 3' Game Unlikely for Xbox This Year - id CEO NEW YORK (Reuters) - The Xbox version of ""Doom 3,"" the long-awaited PC video game recently released to wide acclaim, is not likely to be released in 2004 dealing a blow to enthusiastic game players who are anxiously awaiting it.$LABEL$3 +'Doom 3' Game Unlikely for Xbox This Year - id CEO (Reuters) Reuters - The Xbox version of ""Doom 3,"" the\long-awaited PC video game recently released to wide acclaim,\is not likely to be released in 2004 dealing a blow to\enthusiastic game players who are anxiously awaiting it.$LABEL$3 +Sen. Kerry Nearly Matches Bush's Fund-Raising (Reuters) Reuters - Democratic presidential\contender Sen. John Kerry nearly caught up to President Bush's\record-breaking fund-raising efforts by taking in #36;233.5\million, his campaign said on Friday, just behind the\incumbent's #36;242 million.$LABEL$0 +Check your marital status Plenty of spouses would probably sometimes like to forget their nuptials, but a spate of South African single woman were recently in for the shock of their lives when they discovered that they were in fact married. This prompted the country's department of Home Affairs to launch a marital status awareness campaign, in order to clamp down on the illegal marriages.$LABEL$3 +Bearhug Politics: Careful Steps to a New Bush-McCain Alliance George W. Bush and John McCain's bearhug and smooch on the campaign trail last week was one of the odder embraces in politics in a long while.$LABEL$0 +Google Faces Challenge of Public Company Status (washingtonpost.com) washingtonpost.com - Your name is synonymous with searching the Internet, and you've just raised roughly #36;1.7 billion from investors by going public. What are you going to do now?$LABEL$3 +Athletics Pound Devil Rays 9-5 (AP) AP - Eric Chavez homered twice and Bobby Crosby went 3-for-5 with a home run to break out of a length slump as the AL West-leading Oakland Athletics beat the Tampa Bay Devil Rays 9-5 Friday night.$LABEL$1 +Dutch Clear Van Gogh Slay Suspects (AP) AP - Six men arrested following the slaying of filmmaker Theo van Gogh are no longer suspects in the killing, but still face charges for belonging to a terrorist group, authorities said Tuesday.$LABEL$0 +Google Faces Challenge of Public Company Status Your name is synonymous with searching the Internet, and you've just raised roughly \$1.7 billion from investors by going public. What are you going to do now?$LABEL$3 +Schilling Shines As Red Sox Rout White Sox (AP) AP - Curt Schilling allowed three hits in seven shutout innings for his 15th win and Manny Ramirez hit a grand slam to lead the Boston Red Sox over the Chicago White Sox 10-1 Friday night.$LABEL$1 +GI Jenkins Said Willing to Face U.S. Tribunal -Media (Reuters) Reuters - A U.S. Army sergeant accused of deserting\to North Korea in 1965 and now hospitalized in Japan is willing\to appear before the U.S. military in Japan for a plea bargain,\Japanese media reports said on Saturday.$LABEL$0 +Clashes Slow as Cleric's Grip on Mosque Seems to Slip Moktada al-Sadr, the rebel Shiite cleric, still retained control of a Najaf shrine, though there were signs his grip might be weakening.$LABEL$0 +Rookie Leads Falcons Past Vikings 27-24 (AP) AP - The quarterback for the Atlanta Falcons appeared comfortable in the new West Coast offense, calmly using his mobility to avoid pressure and then finding open receivers.$LABEL$1 +Phillies Top Brewers 4-2 to Stop Skid (AP) AP - Jim Thome and Bobby Abreu homered and Eric Milton pitched seven solid innings as Philadelphia ended a seven-game losing streak with a 4-2 victory over the Milwaukee Brewers on Friday night.$LABEL$1 +Davenport Advances at Ohio Tournament (AP) AP - Top-seeded Lindsay Davenport cruised past seventh-seeded Flavia Pennetta 6-2, 6-2 on Friday in the quarterfinals of the Western and Southern Women's Open.$LABEL$1 +Ortiz Stifle Yankees Ramon Ortiz pitched four-hit ball for eight stellar innings to lead the Anaheim Angels over the Yankees.$LABEL$1 +Wide U.S. Inquiry Into Purchasing for Health Care The case appears to be focused on whether hospitals are fraudulently overcharging Medicare and other programs for goods.$LABEL$0 +Musharraf #39;s one-way deal is just the ticket NO WONDER that President Musharraf is pleased with his trip to London yesterday and Washington at the weekend. He has been fted as the chief ally in the War on Terror, a third implicit $LABEL$0 +Cards Top Pirates 5-3 to Sweep Twinbill (AP) AP - Scott Rolen became the third St. Louis player to hit 30 homers this season and Chris Carpenter set a career best with his 13th win, leading the Cardinals over the Pittsburgh Pirates 5-3 Friday night to complete a day-night doubleheader sweep.$LABEL$1 +Japan Tropical Storm Death Toll Hits 13 (AP) AP - Tropical storm Megi swept out to sea beyond northern Japan on Friday, leaving behind an arc of destruction that killed 13 people, left hundreds homeless and cut off power to tens of thousands, officials said.$LABEL$0 +Stocks End Week on High Note Despite rising oil prices, U.S. stocks this week had their biggest rally since October, as investors reacted to some positive economic indicators, the easing of tensions in Iraq and Google Inc.'s unexpectedly strong performance after going public.$LABEL$2 +Hundreds Report Watch-List Trials For more than a year and a half, Rep. John Lewis has endured lengthy delays at the ticket counter, intense questioning by airline employees and suspicious glances by fellow passengers.$LABEL$2 +N. Irish deal hangs on IRA arms photos Anglo-Irish attempts to seal a lasting political settlement in Northern Ireland hinge on whether the IRA will allow pictures to be taken of their weapons being destroyed.$LABEL$0 +Prominent Eatery Seeks Chapter 11 Protection Galileo, the 21st Street restaurant that's a landmark in Washington cuisine and a frequent gathering place for the rich and powerful, filed for bankruptcy reorganization this week in the face of nearly \$2.5 million in debts, including a claim by the District for more than \$1 million in unpaid taxes and penalties.$LABEL$2 +Tensions Escalate Between Israel, Iran JERUSALEM - Iran threatened this week to attack Israel's nuclear facilities. Israel ominously warned that it ""knows how to defend itself."" Tensions between the two arch enemies have suddenly escalated, underlining the other great enmity that has been bubbling on the sidelines of the Arab-Israeli conflict for more than two decades...$LABEL$0 +NBA Jazz activate Spanish guard Lopez (AFP) AFP - Utah Jazz point guard Raul Lopez, a Spaniard who has missed the past two months while battling torn right knee ligaments, was activated by the National Basketball Association club.$LABEL$1 +Eagles Beat Ravens 26-17 but Lose Runner (AP) AP - Terrell Owens caught Donovan McNabb's long pass in stride, raced into the end zone, put his hands on his hips, stared at the crowd and nodded his head.$LABEL$1 +Four Dead After Attack on Homeless Man (AP) AP - Four homeless men were bludgeoned to death and six were in critical condition on Friday following early morning attacks by unknown assailants in downtown streets of Sao Paulo, a police spokesman said.$LABEL$0 +Expos Lose Johnson, Armas to Injuries (AP) AP - Montreal Expos first baseman Nick Johnson was hit on the side of the head by a hard grounder and was carried off the field on a stretcher Friday night.$LABEL$1 +Chavez Urges Foes to Accept Defeat, Scoffs at Fraud CARACAS, Venezuela (Reuters) - Venezuelan President Hugo Chavez on Friday urged his opponents to recognize his recall referendum victory and pledged dialogue even with his ""most bitter enemies"" to heal the country's deep political divisions.$LABEL$0 +With Boxing Show, Fox Makes Quick Move, but Judge Reacts The Fox network tried to move the premiere of ""The Next Great Champ"" to the day before a hearing, but the judge moved the hearing to the day of the premiere.$LABEL$2 +Yankees Are Powerless, and Stadium Was, Too The big scoreboards at Yankee Stadium went dark in the seventh inning Friday night, not that the Yankees were lighting them up, anyway.$LABEL$1 +2 Ex-I.R.S. Lawyers' Licenses Suspended for Misconduct The law licenses of two former Internal Revenue Service lawyers have been suspended after they defrauded the courts so that the I.R.S. could win 1,300 tax shelter cases.$LABEL$2 +Chinese Advocates of Reform Seek Help From Deng's Spirit China's retired elders are using the 100th anniversary of Deng Xiaoping's birthday to emphasize the urgency of political reform.$LABEL$0 +Dolphins Want Pay Back The Miami Dolphins have asked Ricky Williams to return \$8.6 million they say the running back owes the team because he has decided to retire.$LABEL$1 +Cink Leads Soaking NEC Leader Stewart Cink played eight holes Friday morning to polish off a first-round 7-under 63 at the NEC Invitational and was at 8 under when play was suspended.$LABEL$1 +AND1 Mix Tape Tour Hop-Steps Into MCI Tonight The AND 1 Mix Tape Tour, whose emphasis on dunks over defense and trash-talk over chalk talk has vaulted AND1 from being a niche clothing line to a major athletic apparel manufacturer, culminates tonight at MCI Center. Attendance for the tour is up 30 percent this year, averaging about 7,000 spectators per game. About 10,000 are expected at tonight's event, which begins at 7:30.$LABEL$1 +Austin Relieved His Head Wasn't Shouldering a Problem Potomac Cannons right-handed pitcher Jeff Austin said he thought we was a head case after several horrendous outings with the big league club in Cincinnati last May.$LABEL$1 +Towers Stumps O's Again Former Oriole Josh Towers beats the O's for the second time in a week after allowing one run and seven hits in 5 1-3 innings as the Blue Jays triumph, 14-4, on Friday.$LABEL$1 +Corelli author loses plot in summerhouse theft (Reuters) Reuters - Louis de Bernieres, author of the best-selling novel ""Captain Corelli's Mandolin"", faces having\to rewrite the first four chapters of his new novel because his computer was stolen from his summerhouse.$LABEL$0 +Sadr Militiamen Still in Control of Iraq Shrine NAJAF, Iraq (Reuters) - Rebel Shi'ite fighters appeared still to be in control of the Imam Ali mosque in the Iraqi city of Najaf, but the whereabouts of their leader, the fiery cleric Moqtada al-Sadr, were unknown on Saturday.$LABEL$0 +McGahee: Play Me or Trade Me Running back Willis McGahee has asked the Buffalo Bills to trade him if he is not their starter on opening day, a source told The Associated Press on Friday.$LABEL$1 +Ortiz Stones Yankees Ramon Ortiz pitched four-hit ball for eight stellar innings and led the Anaheim Angels over the New York Yankees, 5-0, on Friday.$LABEL$1 +Moveon.org subscribers exposed Dozens of the political action committee's subscriber pages revealed by simple Google search.$LABEL$3 +Vietnam Vets in Hanoi Back Kerry with T-Shirts (Reuters) Reuters - With the U.S. presidential race taking a\decidedly bitter turn over John Kerry's Vietnam war record,\U.S. veterans in Hanoi are selling T-shirts supporting his run\for the White House.$LABEL$0 +U.S. Begins Criminal Probe on Riggs-Paper WASHINGTON (Reuters) - The U.S. Justice Department has begun a criminal investigation into possible wrongdoing at Riggs Bank, The Washington Post reported on Saturday, citing a letter from the U.S. attorney for the District of Columbia to federal bank regulators.$LABEL$2 +U.S. Begins Criminal Probe on Riggs-Paper (Reuters) Reuters - The U.S. Justice Department has\begun a criminal investigation into possible wrongdoing at\Riggs Bank, The Washington Post reported on Saturday, citing a\letter from the U.S. attorney for the District of Columbia to\federal bank regulators.$LABEL$2 +Phelps Gets Five Golds, Then Steps Aside ATHENS, Greece - Michael Phelps doesn't mind making history while sitting in the stands. The man who dominated the attention at the Olympic pool gave up a coveted spot on the 400-meter medley relay team to Ian Crocker...$LABEL$0 +Dodgers Beat the Braves 3-2 in 11 Innings (AP) AP - Adrian Beltre tied the game in the ninth inning with a home run off John Smoltz and won it in the 11th with his major league-leading 38th homer, giving the Los Angeles Dodgers a 3-2 victory over the Atlanta Braves on Friday night.$LABEL$1 +Pettersen in Lead at Wendy's LPGA (AP) AP - A steady downpour didn't qualify as bad weather to Suzann Pettersen. Playing through heavy showers was fine to Pettersen, who took a one-stroke lead Friday at the Wendy's Championship for Children. More than an inch of rain pounded Tartan Fields Golf Club, suspending play late in the afternoon #151; as was the case in the first round.$LABEL$1 +Oil Price Comes Close to \$50 but Then It Stages a Retreat il prices climbed nearer to \$50 a barrel yesterday before retreating, as traders reacted to reports on the conflict in Iraq, concerned that growing unrest might interrupt crude oil exports. $LABEL$2 +Grokster Wins Legal Victory over Copyrights Hollywood and the entertainment industry were set back by a legal decision that was favorable to Internet file-sharing company Grokster. The 9th US Circuit Court of Appeals ruled Thursday in San Francisco that distributors of ...$LABEL$2 +Good for Google GOOGLE #39;S INITIAL public stock offering, for all the talk about its unusual auction and the missteps of company executives, has produced a desirable outcome. The stock, fairly priced at \$85 a share for the 19.6 million shares, has generated a reasonable ...$LABEL$2 +Rival has deal for mall owner WASHINGTON - Rouse Co., the once-visionary real estate firm that founded the city of Columbia, Md., and revitalized Harborplace in Baltimore, is being acquired for \$7.2 billion in cash by General Growth Properties, a Chicago-based owner ...$LABEL$2 +FCC Adds 6 Months to Local Phone Line Rules The Federal Communications Commission yesterday released a set of stop-gap rules governing local phone competition that requires regional telephone companies to continue leasing their lines to rivals at discounted rates for six months. $LABEL$2 +US Begins Criminal Probe on Riggs-Paper WASHINGTON (Reuters) - The US Justice Department has begun a criminal investigation into possible wrongdoing at Riggs Bank, The Washington Post reported on Saturday, citing a letter from the US attorney for the District of Columbia to federal bank ...$LABEL$2 +Dallas firm interested in buying Cyberonics Cyberonics, the maker of a device that treats epilepsy, has nabbed the attention of a buyer. Advanced Neuromodulation Systems of Dallas said Friday it has acquired 15 percent of the company and added that it may want to buy it ...$LABEL$2 +Sir Martin Sorrell #39;very impressed #39; with US group Sir Martin Sorrell, chief executive of WPP, yesterday declared he was quot;very impressed quot; with Grey Global, stoking speculation WPP will bid for the US advertising company. $LABEL$2 +Arch Coal completes Triton deal SAN FRANCISCO (CBS.MW) - Arch Coal said it completed its \$364 million acquisition of Triton Coal Friday, hours after a Federal Court turned down efforts by the Federal Trade Commission to block the deal. $LABEL$2 +Bay Street gets a boost from gold and technology sectors Toronto stocks closed higher yesterday, notching their first winning week in three as technology and gold issues teamed up to boost the market. $LABEL$2 +Oil Prices Inch Back Down Oil prices fell below \$48 a barrel as tensions between US forces and rebel fighters in Iraq eased, raising hopes that attacks against the country #39;s oil infrastructure would subside. US light crude for September delivery settled at \$47.86 on the New York ...$LABEL$2 +Airways pilots extend talks Pilots for US Airways are continuing to negotiate this weekend over the Arlington airline #39;s demand for a 16.5 percent pay cut, despite a warning from management that negotiations should have concluded yesterday. $LABEL$2 +Viacom could consider acquiring Midway Games LOS ANGELES Media conglomerate Viacom is considering entering the video game business and could acquire Midway Games, Viacom chief Sumner Redstone, who owns a controlling stake in Midway, said in a regulatory filing Friday. $LABEL$2 +Marvell Posts 54 Increase in Earnings Shares of the Marvell Technology Group gained yesterday after the company said second-quarter earnings tripled as revenue rose 54 percent. $LABEL$2 +Woods looks like he #39;ll stay No. 1 _ for now Stewart Cink was atop the leaderboard, and David Toms had the lead in the clubhouse. But with only 24 players completing second-round play in the rain-delayed NEC Invitational, it was hard to tell who had control. $LABEL$1 +Bekele begins reign as world #39;s distance-running king With a breathtaking final 400 meters late Friday night, the 22-year-old Ethiopian laid claim to the Olympic 10,000-meter throne previously occupied by his countryman Haile Gebrselassie. $LABEL$1 +Mets give up six in first, can #39;t struggle back SAN FRANCISCO (AP) -- Noah Lowry has pitched so well that Felipe Alou now counts on the rookie to win every time out -- a standard the San Francisco skipper held only for ace Jason Schmidt in the past. $LABEL$1 +Compete against your friends, SI experts and celebrities in this pro football pickoff PHILADELPHIA -- In his own inimitable fashion, Terrell Owens made it quite clear during the offseason that, all in all, he #39;d rather be in Philadelphia. He squawked long and loud, and eventually whined his way out of Baltimore. $LABEL$1 +Cubs Blast Six Homers in Astros Mauling NEW YORK (Reuters) - Mark Grudzielanek hit two of Chicago #39;s six home runs and Glendon Rusch pitched seven strong innings to lift the Chicago Cubs to a 9-2 pasting of the Astros in Houston on Friday. $LABEL$1 +Rangers beat Royals for seventh straight KANSAS CITY, Mo. - If his inconsiderate neighbor would just lose that noisy alarm clock, there #39;s no telling how many home runs David Dellucci might hit. $LABEL$1 +Overton beats hometown favorite On a day when it would #39;ve been easy to lose, Evansville #39;s Jeff Overton instead advanced to the semifinals of the 104th US Amateur Championship. $LABEL$1 +Ortiz shines in Angels win Ramon Ortiz pitched eight shutout innings as Adam Kennedy and Garret Anderson homered to lead the Anaheim Angels to a 5-0 road win over the New York Yankees on Friday. $LABEL$1 +Major League Baseball to Create Channel OS ANGELES, Aug. 20 (Reuters) - Major League Baseball has approved the creation of a national cable television channel devoted to the sport, but regular-season games may be confined to the bench for the network #39;s first year, a top league ...$LABEL$1 +Schaub Rallies Falcons Matt Schaub threw one of his three touchdown passes to first-round pick Michael Jenkins as the Atlanta Falcons rallied for a 27-24 victory over the Minnesota Vikings in a pre-season game. $LABEL$1 +Red Sox Bash White Sox 10-1 (AP) AP - After struggling for three months, the Boston Red Sox are getting hot. Curt Schilling allowed three hits in seven shutout innings for his 15th win and Manny Ramirez hit a grand slam to lead Boston over the Chicago White Sox 10-1 Friday night.$LABEL$1 +The Bad Overshadows Good in Eagles Win (AP) AP - Correll Buckhalter's injury overshadowed Terrell Owens' spectacular debut with the Philadelphia Eagles. Owens caught an 81-yard TD pass from Donovan McNabb on Philadelphia's first play, and rookie J.R. Reed returned a kickoff 88 yards for a score, leading the Eagles over the Baltimore Ravens 26-17 in a preseason game Friday night.$LABEL$1 +IE Flaw Affects Windows XP SP2 Systems The quot;highly criticial quot; vulnerability affects Internet Explorer 5.01, 5.5, and 6 on fully patched PCs running either Windows XP SP1 or the newer SP2. $LABEL$3 +Hollywood to grab stardust for Nasa PASADENA (California) - Hollywood stunt pilots and Nasa scientists are teaming up to snatch a capsule full of stardust as it parachutes back to Earth next month. $LABEL$3 +Apple Announces Voluntary Recall of Powerbook Batteries Apple, in cooperation with the US Consumer Product Safety Commission (CPSC), announced Thursday a voluntary recall of 15 quot; Aluminum PowerBook batteries. The batteries being recalled could potentially overheat, though no injuries relating ...$LABEL$3 +Learning to write with classroom blogs Last spring Marisa Dudiak took her second-grade class in Frederick County, Maryland, on a field trip to an American Indian farm. $LABEL$3 +E-Commerce Sales Rise in Second Quarter WASHINGTON (Reuters) - US retail sales over the Internet rose 0.9 percent in the second quarter of 2004 and gained 23.1 percent compared with the same period last year as consumers continued to turn to e-commerce to make purchases, a government report ...$LABEL$3 +Lonely town holds view of space #39;s deep corners Sutherland, South Africa - It #39;s a 60-mile drive off the main highway in South Africa #39;s Northern Cape to this 19th century wool-producing town, but the desert landscape is so desolate it can feel as if the distance is 6,000 miles. The narrow ...$LABEL$3 +Moveon.org subscriber-data leaked through search Subscribers to Moveon.org #39;s mailing lists may have found their interest in the anti-Bush political site a matter of public record. $LABEL$3 +Good-looking, Lightweight #39;Push-to-Talk #39; Phone for Business Users You #39;ll either love or hate the metallic copper-tone case, but for us it is a welcome break from the generic silver or gray phones that everyone seems to have. (A silver version is also available, for the more timid.) Although by no means ...$LABEL$3 +AMD using strained silicon on 90-nanometer chips Advanced Micro Devices (AMD) will implement the strained silicon manufacturing technique on its upcoming 90-nanometer processors as well as 130-nanometer processors released this quarter, an AMD spokesman said Friday. $LABEL$3 +Phone company replies to man 28 years later A Romanian man #39;s had a reply from the country #39;s state phone company 28 years after asking them to install a phone. Gheorghe Titianu from the northern town of Suceava said he was delighted when he saw the letter. However, the letter was simply ...$LABEL$3 +Blackberry in sync with Apple computers Information Appliance Associates, a software developer, announced the release of an application synchronizing Research In Motion #39;s (RIM) BlackBerry mobile devices with Apple #39;s Mac OS X. $LABEL$3 +Australian opposition leader released from hospital (AFP) AFP - Australian opposition leader Mark Latham was released from hospital Saturday after suffering from an inflamed pancreas in the lead up to national elections.$LABEL$0 +Kerry Tries to Counter Impact of Criticism WASHINGTON - Attacks on John Kerry's war record may be beginning to have an impact, polls suggest, amid raised voices and new TV ads on a subject at least temporarily dominating debate in the close presidential race. Democrats are laboring to deflect the questioning of Kerry's record with fresh ads touting his fitness for national command, even as the White House mocks the Massachusetts senator as ""losing his cool"" over claims he lied to win military medals in Vietnam...$LABEL$0 +Captors treat journalist well #39; An American freelance journalist with New England ties was shown in a video on al-Jazeera TV saying he is being treated well, #39; #39; while an aide to Iraqi Shiite leader Muqtada al-Sadr said Micah Garen may be released soon. $LABEL$0 +Lab finds deadly H5N1 virus in pigs in China BEIJING - Chinese researchers have made the first-ever discovery of a lethal strain of bird flu in pigs, sparking concerns that the virus may mutate into an even deadlier strain and cause a new epidemic in Asia. $LABEL$0 +Maoist blockade of Kathmandu continues Bombs have exploded in Nepal #39;s capital Kathmandu in the third day of a Maoist rebel blockade which is choking the passage of supplies to the city. $LABEL$0 +Make aid a demilitarized zone OXFORD, England A year ago Thursday, I was visiting the United Nations headquarters in Baghdad with my good friend, Arthur Helton, a human rights lawyer, to investigate the human costs of the war and its aftermath. We were sitting with Sergio Vieira de ...$LABEL$0 +Muslim Nations Urged to Meet About Najaf by Iran Leader EHRAN, Aug. 20 -President Mohammad Khatami has called on Muslim countries to hold an emergency summit meeting to help stop the violence between American forces and Shiite militiamen in Najaf, the official news agency, IRNA, reported ...$LABEL$0 +Fire stops production at Bridgestone #39;s biggest tire plant in Japan TOKYO : Production at Bridgestone #39;s biggest tire plant in Japan remained suspended a day after a fire broke out at a rubber refining facility, a company spokesman said. $LABEL$0 +Australia Considers Stockpiling Crude Oil, Australian Reports Aug. 21 (Bloomberg) -- Australia #39;s government is considering stockpiling crude oil or refined petroleum products to protect the country from disruption to oil imports, the Australian reported. $LABEL$0 +China Invokes Deng to Send Tough Taiwan Message BEIJING (Reuters) - China invoked late leader Deng Xiaoping on Saturday in its campaign to recover Taiwan, lauding his proposal to recover the island by a quot;one country, two systems quot; formula but saying he never gave up the threat of force. $LABEL$0 +Utes D coordinator has two offers SALT LAKE CITY -- Defensive coordinator Kyle Whittingham is deciding whether to stay at University of Utah and accept its head coaching job or take a rival offer from Brigham Young University.$LABEL$1 +Expedition Aims to Find Lost Slave Ship (AP) AP - Archaeologists are set to begin an expedition this month in hopes of finding a Spanish ship that wrecked along the jagged reefs off the Turks and Caicos Islands in 1841 carrying a cargo of African slaves.$LABEL$0 +Rate of oil exploration slows WASHINGTON -- Despite record oil prices and strong projected demand from China and the United States, major oil firms are skimping on their exploration budgets and pocketing big profits while waiting out the storm of high prices, oil analysts say.$LABEL$2 +New Fan Pier owners may take on partners The prospective new owners of Boston's Fan Pier said yesterday they would not rule out selling sections or taking on partners to develop nonresidential components of the 3 million-square-foot project.$LABEL$2 +Firm buys Rouse in \$12.6b deal A Boston landmark changed hands yesterday, as the Rouse Company , the developer and owner of Faneuil Hall Marketplace, agreed to be purchased by General Growth Properties Inc. of Chicago.$LABEL$2 +Changes at the Herald THE REGION The Boston Herald named business columnist Cosmo Macero Jr. editor of its business section, replacing Ted Bunker, a nine-year Herald veteran, who has left the newspaper to quot;pursue other opportunities, quot; according to a Herald statement. Macero, 37, will continue to write a regular business column. Herald editorial director Ken Chandler said Macero was promoted quot;to make the section ...$LABEL$2 +Mass. job growth highest since #146;00 Massachusetts bucked the national hiring slowdown in July as the state posted its biggest monthly job gains in nearly four years and manufacturing employment surged.$LABEL$2 +Giving back in a big way WOBURN -- Few developers could build a commercial property empire of 74 debt-free office, industrial, retail, and research buildings valued at about \$800 million. Even fewer would then give most of it away.$LABEL$2 +NL notables Expos first baseman Nick Johnson was hit on the side of the head by a hard grounder in the third inning and was carried off the field on a stretcher. Johnson immediately went down face first onto the infield. The Expos said Johnson never lost consciousness and was taken to the hospital for X-rays. The Expos' starting pitcher, Tony Armas ...$LABEL$1 +Rose owes almost \$1m in back taxes PLANTATION, Fla. -- Pete Rose owes almost \$1 million in federal back taxes, but he is making monthly payments on the debt, his representative said yesterday.$LABEL$1 +Car accident can't keep coach away SOUTH WILLIAMSPORT, Pa. -- Randy Hien has spent more than two decades managing Little League baseball, and he wasn't going to miss the Lincoln (R.I.) All-Stars team's trip to the Little League World Series, even though a recent car accident nearly killed him.$LABEL$1 +Red Sox: Burly effort CHICAGO -- A year ago last night, Kevin Millar emblazoned a new slogan in the New England lexicon and the Red Sox began to turn around their season. Millar responded to waning support for the Sox after they lost 11 of their first 19 games in August by declaring, quot;I want to see somebody Cowboy Up and stand behind this ...$LABEL$1 +Ralston's position? Whatever it takes FOXBOROUGH -- Steve Ralston will be in the Revolution's starting lineup tonight against Kansas City, but his position is a mystery. Ralston has played more MLS games (271) than anyone, until recently nearly all of those matches in the same role, but Ralston has moved into three midfield positions and displayed some of his most impressive performances at right back ...$LABEL$1 +Everhart won't join Huggins The merry-go-round future of Northeastern men's basketball coach Ron Everhart slowed down, at least temporarily, yesterday when Everhart decided not to pursue a position as an assistant on Bob Huggins's staff at the University of Cincinnati.$LABEL$1 +Eagles apply some more polish Far from being a finished product after its first preseason scrimmage last Monday, Boston College's football team continued to polish its game in its second scrimmage last night at Alumni Stadium, despite a 45-minute delay because of lightning and torrential rain.$LABEL$1 +Toms not all wet at NEC David Toms finished at 4-under-par 66 just ahead of a downpour yesterday during the second round of the NEC Invitational in Akron, Ohio, leaving him the clubhouse leader.$LABEL$1 +Mass. girls defend NORTH ANDOVER -- Massachusetts defended its Hockey Night in Boston Girls Summer Showcase title yesterday with a 9-3 victory over Minnesota in the championship game at Merrimack College.$LABEL$1 +As Milosevic turns 63, UN judges seek to get trial back on track THE HAGUE -- Slobodan Milosevic spent a fourth birthday in UN custody yesterday, his war crimes trial at a standstill because of his fragile health and his judges facing a dilemma on how to get it going again.$LABEL$0 +Israel #146;s AG suggests changes to barrier JERUSALEM -- Israel risks international sanctions and other serious diplomatic repercussions surrounding the barrier it is building in the West Bank and must be prepared to make further changes in the route, the nation's attorney general has warned in a report.$LABEL$0 +Hostage says he #146;s being treated well BAGHDAD -- A US journalist with Boston-area ties who was abducted by militants in Iraq and threatened with death said in a video aired yesterday that his captors were treating him well, while an Italian journalist also was reported missing in the war-torn country.$LABEL$0 +Capital professor lands lead role with UK Athletics EDINBURGH University professor Dave Collins was today appointed as the new performance director of UK Athletics. The ex-Royal Marine, who has worked with competitors across a range of sports in the Capital $LABEL$1 +On Tape, Abducted Reporter Says He's OK (AP) AP - A U.S. journalist abducted by militants in Iraq and threatened with death said in a video aired Friday that his captors were treating him well, while an Italian journalist also was reported missing in the war-torn country.$LABEL$0 +Fourth gold for Pinsent Great Britain's Matthew Pinsent claims his fourth Olympic gold as the men's coxless four triumph in a photo finish.$LABEL$0 +Across New York, a Death Penalty Stuck in Limbo A ruling by New York's highest court on the state's death penalty law has complicated the job of prosecutors and left the fate of inmates uncertain.$LABEL$0 +Golden mask sensational #39; SHIPKA, BulgariaA Bulgarian archaeologist has unearthed a 2,400-year-old golden mask in the tomb of an ancient Thracian king a find he says is unrivalled in the study of classical antiquity. $LABEL$3 +Greece Soul Searches, Phelps Nears Record ATHENS (Reuters) - Greece, an ancient nation, searched its soul over a new doping scandal on Saturday while Michael Phelps, a fresh-faced American teenager, prepared to enter the Olympic record books without having to swim a stroke. The Olympics started its eighth day with 32 gold medals up for grabs in what has been dubbed Super Saturday.$LABEL$1 +Liquor Inhaler Debuts Alcohol-Free in NYC NEW YORK - Fruit-infused water and Gatorade - not vodka and whiskey - were the inhalants offered at the Manhattan debut of a controversial new device that lets drinkers take vaporized shots of alcohol, and opponents want to make sure the machines stay liquor-free. The machine, the Alcohol Without Liquid vaporizer, or AWOL, lets its users inhale liquor by mixing it with pressurized oxygen...$LABEL$0 +Fourth gold for Pinsent Britain's Matthew Pinsent claims his fourth Olympic gold as the men's coxless four triumph in a photo finish.$LABEL$1 +Phelps #39; gesture is worth a million Just when we thought the kid couldn #39;t do anything more to amaze us, he raised the bar Friday night and did it without putting a hand in the water. $LABEL$1 +I couldn #39;t stop Woodgate - Newcastle boss Robson Newcastle United boss Sir Bobby Robson admits he is stunned at the speed of Jon Woodgate #39;s move to Real Madrid. $LABEL$1 +Greek jubilation no myth in #39;Peg Despite sluggish ticket sales and a scandal involving their star athletes, members of Winnipeg #39;s Greek community are still thrilled Greece is hosting this year #39;s Olympic Games. quot;There #39;s a lot of excitement, quot; said Chris Iacovidis, president of the Greek ...$LABEL$1 +Sox cruise past Chicago CHICAGO --- Elvis didn #39;t leave the building on Friday night, but Manny Ramirez and Orlando Cabrera both did. And Curt Schilling left the Chicago White Sox feeling quot;all shook up. quot; ...$LABEL$1 +Wily Devers snares spot in semifinals ATHENS -- The US women #39;s trio of 100-meter sprinters, including five-time Olympian Gail Devers, all raced into the semifinals with strong, controlled performances yesterday in the debut of the track and ...$LABEL$1 +Wambach #39;s boot boosts US into semifinals THESSALONIKI, Greece -- Abby Wambach will never score an easier goal. From 1 foot away, she tapped the ball into the net and put the United States into the Olympic semifinals. $LABEL$1 +In a flash, Escobedo's dream is over ATHENS -- Vicente Escobedo learned a hard lesson yesterday at Peristeri Boxing Hall. He learned you have to be ready when your moment arrives or you will chase your dream all night without ever reaching it.$LABEL$1 +'Style' scores in Spa feature SARATOGA SPRINGS, N.Y. -- Sense of Style lived up to her billing as the odds-on favorite and drew off through the stretch for a 6 3/4-length victory in the \$250,000 Spinaway Stakes at Saratoga Race Course yesterday.$LABEL$1 +Different world NEWPORT, Vt. -- Lisa Klefos can't quite remember whether it was city life that drove her out of Boston or the beauty of Vermont's Northeast Kingdom that drew her up-country. It was either a combination of quot;drivers, politics, and taxes quot; that made it time for her to leave, or it is the overwhelming beauty of the Lake Memphremagog region she ...$LABEL$1 +Vendt's quest quashed ATHENS -- Erik Vendt's Olympics ended in the morning yesterday, when he ran out of gas in the preliminaries and failed to qualify for tonight's final of the 1,500-meter freestyle, where he's the world bronze medalist.$LABEL$1 +Cannons find target in rout The Boston Cannons said they weren't looking for revenge last night against the Baltimore Bayhawks, who drubbed the Cannons in their penultimate game of the season. That's what they said.$LABEL$1 +Heyl's spirits still afloat ATHENS -- Brett Heyl, the Norwich, Vt., native who had hopes of making the finals of the men's slalom kayak event, finished 12th in the morning heat yesterday, dropping him from the finals.$LABEL$1 +Japan's Ueno pitcher perfect vs. China ATHENS -- Yukiko Ueno pitched the first perfect game in Olympic softball history, leading Japan to a 2-0 win over China yesterday and a spot in the semifinals.$LABEL$1 +Distant memory in 10,000 ATHENS -- The two best 10,000-meter runners in history, two slender athletes from an impoverished country, met on the greatest stage of them all last night to decide if the new truly had surpassed the old.$LABEL$1 +Wadlow, Spaulding finally get a windfall ATHENS -- The fastest 49er on the Saronic Gulf yesterday was the one with the American flag spinnaker.$LABEL$1 +For Hall, a splash and dash to another gold ATHENS -- The defending champ took the blocks as if he were Apollo Creed last night, dressed in a star-spangled robe and trunks and brandishing his clasped hands like a prizefighter. And then Gary Hall Jr. went out and knocked the rest of the swimming world on its backside again, winning the 50-meter freestyle by a hundredth of a second ...$LABEL$1 +Greece Soul Searches, Phelps Nears Record ATHENS (Reuters) - Greece, an ancient nation, searched its soul over a new doping scandal on Saturday while Michael Phelps, a fresh-faced American teenager, prepared to enter the Olympic record books without having to swim a stroke. $LABEL$1 +Power outage wreaks havoc in Bronx Perhaps it won #39;t rank in the memory banks of New Yorkers to the extent the 1965, 1977 or 2003 blackouts do, but for the 53,530 in attendance at Yankee Stadium for Friday #39;s game against the Anaheim Angels, the unplugged ...$LABEL$1 +Emmons gives it best shot It would #39;ve been understandable if American Matt Emmons had a bad first Olympic experience. The way things had been going, he seemed destined for that. $LABEL$1 +Mets lose Trach in field SAN FRANCISCO - Steve Trachsel lasted only four innings and the Mets committed three errors in a 7-3 loss to the Giants last night at SBC Park. $LABEL$1 +NL notables Expos first baseman Nick Johnson was hit on the side of the head by a hard grounder in the third inning and was carried off the field on a stretcher. Johnson immediately went down face first onto the infield. The Expos said Johnson never lost ...$LABEL$1 +Murder police carry out searches Police investigating the murder of a woman in south-west London carry out house-to-house inquiries.$LABEL$0 +Report asserts Kazaa makes the rules Setting aside Sharman Networks #39; objections, an Australian judge accepted last Friday an affidavit with potentially damaging assertions about Kazaa #39;s handling of copyrighted material.$LABEL$3 +Congress Wants Rights Board Key members of Congress and the 9/11 commission make it clear that a federal board to protect civil liberties in the age of terrorism is not optional. But they're struggling to figure out how to establish it. By Ryan Singel.$LABEL$3 +Apple in iTunes.co.uk cybersquatting row Apple has been accused of bullying tactics in its battle to force a small UK firm to hand over ownership of the iTunes.co.uk web address.$LABEL$3 +You're Athletes, Not Journalists Olympians can do media interviews but they'd better not blog. The International Olympic Committee, interested in protecting lucrative broadcasting contracts, forbids any activity that might upset the networks.$LABEL$3 +Truckers defy Kathmandu blockade More lorry drivers are bringing supplies to Nepal's capital in defiance of an indefinite blockade by Maoist rebels.$LABEL$0 +Accused Hamas Leader Denies U.S. Charges DAMASCUS, Syria - A senior official of the Palestinian militant group Hamas indicted in the United States for conspiring to fund terror attacks against Israel denied the accusations and said the charges were driven by election-year politics in the United States. ""This is election campaigning,"" Mousa Abu Marzook, deputy chief of the Hamas political bureau, told The Associated Press in Damascus on Friday...$LABEL$0 +Riddick's mixed bag of tricks The Chronicle of Riddick franchise is very mixed in terms of success and quality.$LABEL$3 +AMD adds power saving at the high end Future Opteron processors will have power management technology from AMD #39;s laptop and desktop systems, the company has announced.$LABEL$3 +Malaysia testing 3 people for bird flu; says outbreak isolated KUALA LUMPUR, Malaysia (AP) - Malaysian officials on Saturday were testing three people who fell ill in a village hit by the deadly H5N1 bird flu strain, after international health officials warned that the virus appeared to be entrenched in parts of ...$LABEL$0 +Iraqi captors to #39;free US journalist #39; The captors of an French-American journalist being held in Iraq have announced he will be released soon. $LABEL$0 +Truckers defy Kathmandu blockade More lorry drivers are defying the indefinite Maoist blockade of Nepal #39;s capital, Kathmandu, which is entering its fourth day. $LABEL$0 +Russian Cossacks ride for country again STAVROPOL, RUSSIA -- Once they were the outriders of the Russian empire, feared and fearless warriors who extended the Czar #39;s authority as far as their horses would carry them. $LABEL$0 +Abductions in Iraq catch Nepal government off guard Grappling with a blockade called by Maoist rebels and the closure of leading business houses, the Nepal government was caught off guard by reports of the possible abduction of 12 of its nationals in Iraq on Saturday. $LABEL$0 +As Milosevic turns 63, UN judges seek to get trial back on track THE HAGUE -- Slobodan Milosevic spent a fourth birthday in UN custody yesterday, his war crimes trial at a standstill because of his fragile health and his judges facing a dilemma on how to get it ...$LABEL$0 +Seven separatist rebels killed in restive Aceh BANDA ACEH, Aceh (AFP): Seven separatist rebels have been killed in the latest clashes to hit the troubled Indonesian province of Aceh, the military said on Saturday. $LABEL$0 +Policeman Killed as Nepal Siege Grips Capital (Reuters) Reuters - Suspected insurgents shot dead a\policeman in Nepal's capital on Saturday as the military said\it could escort food shipments into the city to ease a\rebel-inspired blockade.$LABEL$0 +Young French woman murdered in London park (AFP) AFP - A young French woman died in a London hospital on hours after being struck violently on the head with a blunt instrument while walking home across Twickenham Park, a police spokesman said.$LABEL$0 +HK heat 'risks bacteria growth' \Hong Kong scientists warn rising global temperatures may transform the city into a breeding ground for viruses.$LABEL$0 +Militiamen begin to leave Shi #146;te shrine NAJAF, Iraq -- Militia fighters began to leave the Shrine of Imam Ali yesterday, taking up positions outside the sacred site or fleeing the city, after rebellious Shi'ite cleric Moqtada al-Sadr offered to return custody of the complex to moderate clerics.$LABEL$0 +US Changes West Bank Policy to Help Sharon: NYTimes (Reuters) Reuters - The Bush administration has signaled\approval of growth in some Israeli settlements in the West Bank\in a policy change aimed at helping Prime Minister Ariel\Sharon, the New York Times said on Saturday.$LABEL$0 +Iran Hangs Three Drug Smugglers in Public - Paper (Reuters) Reuters - Iran has hanged three drug smugglers in\a public square in the southern province of Kerman, the\Jomhuri-ye Eslami newspaper reported on Saturday.$LABEL$0 +US Changes West Bank Policy to Help Sharon: NYTimes NEW YORK (Reuters) - The Bush administration has signaled approval of growth in some Israeli settlements in the West Bank in a policy change aimed at helping Prime Minister Ariel Sharon, the New York Times said on Saturday.$LABEL$0 +Iran Hangs Three Drug Smugglers in Public - Paper TEHRAN (Reuters) - Iran has hanged three drug smugglers in a public square in the southern province of Kerman, the Jomhuri-ye Eslami newspaper reported on Saturday.$LABEL$0 +UN airlifts food to Darfur town The UN drops food into remote communities in Sudan's troubled Darfur region that are cut off by rain.$LABEL$0 +Jackson search 'ignored warrant' Michael Jackson's Neverland manager claims police wanted to search areas unspecified by their warrant.$LABEL$0 +Pakistani Forces Attack Terrorist Lairs ISLAMABAD, Pakistan - Pakistani troops backed by artillery and aircraft attacked two suspected terrorist hideouts near the rugged Afghan border on Saturday, killing and wounding a number of militants, Pakistan army and security officials said. The attack was launched near Shakai in the South Waziristan tribal region, scene of several military counterterrorism operations against al-Qaida fugitives and renegade tribesmen in the recent months...$LABEL$0 +Week Ahead: Stocks May Rally if Oil Eases (Reuters) Reuters - Investors will watch for oil news from\Russia and Iraq next week, but skepticism that crude prices can\stay sky-high is growing and a break in the energy market would\fuel a rally in U.S. stock markets.$LABEL$2 +Oil Unlikely to Knock Fed Off Rate Plan (Reuters) Reuters - The U.S. economy may lose a step to\record high oil prices but concerns over inflation are likely\to keep the Federal Reserve on a steady course of gradually\raising interest rates, analysts say.$LABEL$2 +Week Ahead: Stocks May Rally if Oil Eases NEW YORK (Reuters) - Investors will watch for oil news from Russia and Iraq next week, but skepticism that crude prices can stay sky-high is growing and a break in the energy market would fuel a rally in U.S. stock markets.$LABEL$2 +Two Blasts Hit Northwest Spain After ETA Warnings MADRID (Reuters) - Explosions rocked containers in two separate coastal cities in northwestern Spain on Saturday after a Basque newspaper received a telephoned warning in the name of the armed Basque separatist group ETA, state radio said.$LABEL$0 +German Police Detain 10 Neo-Nazis Before Hess March MUNICH, Germany (Reuters) - German police detained 10 neo-Nazis on Saturday before a march marking the anniversary of the death of Adolf Hitler's deputy Rudolf Hess.$LABEL$0 +UN staff call for Afghan pullout The UN staff union calls for all personnel to be withdrawn from Afghanistan, saying it has become too dangerous.$LABEL$0 +Two bombs explode in Spain's northwest, ETA suspected (AFP) AFP - Two bombs exploded in two coastal towns in northwestern Spain, after an anonymous tip-off by a caller claiming to belong to the Basque separatist organization ETA, an interior ministry spokesman told AFP.$LABEL$0 +Multifunction Devices Draw Back-To-School Crowd (Reuters) Reuters - The consumer electronics gizmo\that offers many functions in a small package is what's\compelling back-to-school shoppers to open their wallets.$LABEL$3 +Woods May Stay No. 1 - for Now (AP) AP - Stewart Cink was atop the leaderboard, and David Toms had the lead in the clubhouse. But with only 24 players completing second-round play in the rain-delayed NEC Invitational, it was hard to tell who had control.$LABEL$1 +Away on Business: Making a Difference NEW YORK (Reuters) - Working in poverty-stricken areas gives corporate travelers an up-close look at global problems such as disease, illiteracy or injustice. It also puts them in a position to bring about change.$LABEL$2 +Multifunction Devices Draw Back-To-School Crowd SAN FRANCISCO (Reuters) - The consumer electronics gizmo that offers many functions in a small package is what's compelling back-to-school shoppers to open their wallets.$LABEL$3 +Online Satirists Pull No Punches on U.S. Election (Reuters) Reuters - Some are born to rule, others to\ridicule, is a worthy reminder to U.S presidential hopefuls\struck by an endless arsenal of satirical barbs on the Web.$LABEL$3 +Spain bombs 'follow Eta warning' Bombs explode in separate Spanish towns after a warning in the name of the armed Basque separatist group, Eta.$LABEL$0 +Phelps Bows Out With Magnanimous Gesture ATHENS, Greece - Michael Phelps doesn't mind making history while sitting in the stands. The man who dominated the attention at the Olympic pool gave up a coveted spot on the 400-meter medley relay team to Ian Crocker...$LABEL$0 +Bombs Explode at Rally in Bangladesh DHAKA, Bangladesh - A series of bombs exploded at an opposition rally in the Bangladesh capital Saturday, killing one person and injuring hundreds, witnesses said. The blasts occurred as the main opposition leader Sheikh Hasina was addressing the rally from atop a truck...$LABEL$0 +Judges Suspended Three judges are suspended Saturday for a mistake in scoring the men's gymnastics all-around final, but results are not be changed and American Paul Hamm keeps his gold medal.$LABEL$1 +Crawford Wins 100 Preliminaries Shawn Crawford speeds to victory in 10.02 seconds in the first round of the men's 100 meters, leading three Americans into the second round.$LABEL$1 +U.S. Beats Australia After a miserable Olympics four years ago, the U.S. men's volleyball team has guaranteed a place in the medal round.$LABEL$1 +Pinsent Wins Fourth Gold Rower Matthew Pinsent wins his fourth gold medal Saturday after his boat edges Canada by .08 seconds in the coxless four.$LABEL$1 +Ainslie clinches Finn gold Britain's Ben Ainslie retains his overall lead in the final race of the Finn class.$LABEL$1 +Blast at Bangladesh Opposition Meeting Kills 4 DHAKA (Reuters) - At least four people were killed when one or more bombs exploded as former Bangladesh prime minister Sheikh Hasina Wajed addressed a public meeting outside her party headquarters on Saturday, police and witnesses said.$LABEL$0 +Two Blasts Hit Northwest Spain After ETA Warnings MADRID (Reuters) - Small explosions rattled two coastal cities in northwestern Spain on Saturday, injuring at least one person, after a telephoned warning in the name of the armed Basque separatist group ETA, officials said.$LABEL$0 +Blast hits Bangladesh party rally A bomb explodes at an opposition rally in Bangladesh, killing at least one person, witnesses and police say.$LABEL$0 +Blast at Bangladesh Opposition Meeting Kills 4 (Reuters) Reuters - At least four people were killed when one\or more bombs exploded as former Bangladesh prime minister\Sheikh Hasina Wajed addressed a public meeting outside her\party headquarters on Saturday, police and witnesses said.$LABEL$0 +Ainslie wins second Olympics yachting gold (AFP) AFP - Britain's Ben Ainslie collected his second successive Olympic Games yachting gold medal when he took victory in the Finn class.$LABEL$0 +Helicopter Stunt Pilots to Snag Stardust for NASA (Reuters) Reuters - NASA has recruited two\Hollywood helicopter stunt pilots for an especially tricky\maneuver -- snagging a capsule full of stardust as it\parachutes back to Earth next month, mission managers said on\Thursday.$LABEL$3 +Olympic Games Hit Stride with Medals Free-For-All ATHENS (Reuters) - Norway, Germany, France, Britain Romania, New Zealand and Australia all looted the gold-medal chest in the Athens Olympic rowing basin on Saturday, as Greece counted the cost of the Games in national pride and treasure.$LABEL$1 +Anderson offers England victory as Windies lose Lara, Gayle (AFP) AFP - James Anderson took the crucial wickets of Chris Gayle and Brian Lara as England pressed for victory in the fourth Test against the West Indies at the Oval here.$LABEL$0 +Court Acquits Mooning Theater Director (AP) AP - The Supreme Court has quashed charges of obscene exposure levied last year against avant-garde theater director Gerald Thomas, who mooned an audience after an opera performance.$LABEL$0 +Newspaper: U.S. Knew About Abandoned Kids (AP) AP - U.S. State Department officials learned that seven American children had been abandoned at a Nigerian orphanage but waited more than a week to check on the youths, who were suffering from malnutrition, malaria and typhoid, a newspaper reported Saturday.$LABEL$0 +For Native Alaskans, Tradition Is Yielding to Modern Customs Centuries-old traditions in Gambell, a village of 700, have been slipping away, as one of the most remote villages on earth finally contends with the modern world.$LABEL$0 +Sudan vows not to return displaced to their homes without watchdog's okay (AFP) AFP - The Sudanese government pledged that it would return none of the more than one million people displaced by the civil war in Darfur to their homes without the prior approval of the International Organisation for Migration.$LABEL$0 +Pakistan failing to keep Kashmir pledge - India (Reuters) Reuters - India's ruling Congress party accused Pakistan on Saturday of not keeping its promise to halt support for Kashmiri militants fighting against New Delhi's rule in the disputed Himalayan region.$LABEL$0 +Germans 'lose event gold' Germany is reportedly stripped of its three-day event team gold medal after a joint appeal was upheld.$LABEL$1 +High crude here to stay Oil dipping almost \$1 doesn #39;t signal the beginning of a major retreat, say commodities experts who suggest crude might never fall below \$40 US a barrel again.$LABEL$2 +Google goes public After a series of missteps, Google finally pulled off its much-hyped initial public offering Thursday. The good news about this unusual IPO, which sought to deprive Wall Street banks of full control over the $LABEL$2 +Venezuela Awaits Result of Presidential Recall Vote Audit Venezuelan election officials say they expect to announce Saturday, results of a partial audit of last Sunday #39;s presidential recall referendum.$LABEL$2 +British Airways strike averted after agreement reached A planned strike by British Airways(BA) workers on the August Bank Holiday has been called off after a pay settlement was reached between employers and BA staff, Sky TV reported Saturday.$LABEL$2 +2 Big Carriers at O #39;Hare to Cut Flights The nation #39;s two largest airlines, American and United, announced on Wednesday that they would cut flights at O #39;Hare International Airport to ease congestion that has been delaying flights from coast to coast.$LABEL$2 +US Air flying towards shutdown? US Airways faces a serious risk of going out of business, according to some leading airline analysts, despite claims by the CEO of the nation #39;s No.$LABEL$2 +Calif. Plan Aims to Add Solar Energy to Homes California should try to add solar energy systems to 1 million homes by 2017 to save electricity and cut pollution from power plants, Gov.$LABEL$2 +Nortel: Nowhere To Go But Up NEW YORK - It certainly sounds like bad news when a company fires seven executives for financial malfeasance, lays off 3,500 employees and advises investors that it expects sluggish market growth for the year.$LABEL$2 +The Aftermath Of Charley: The Most Expensive States To Insure Your <b>...</b> There are always trade-offs to every place people choose to live. If you live in New York, it #39;s too expensive. If you live in Montana, it #39;s too remote.$LABEL$2 +Medical Stocks Up 2.8 Percent on Week Medical-related stocks largely closed up Friday afternoon as Advanced Neuromodulation Systems Inc. bought a sizable chunk of Cyberonics Inc.$LABEL$2 +Armor Holdings Selected for DoD Program Body and vehicle armor company Armor Holdings Inc. said Friday it was selected as one of the companies to receive a Defense Department ceramic body armor contract that could be worth up to \$461 million over 36 months.$LABEL$2 +Red Cross will assist in locating relatives Local residents having difficulty reaching relatives in the areas recently hit by Hurricane Charley are urged to contact the Washtenaw County Chapter of the Red Cross for assistance.$LABEL$2 +Movie Studios Lose In Case Against File-Sharing Apps The decision is likely to force the industry to take the more costly and less-popular route of going directly after file-swappers.$LABEL$3 +Latest SP2 Flaw Bypasses IE Security Zone Security researchers have discovered another vulnerability in Windows XP Service Pack 2, but it doesn #39;t appear to be an immediate threat.$LABEL$3 +Absence of linguistic skills could hamper thinking ability Not being part of a culture with a highly developed language, could limit your thoughts, at least as far as numbers are concerned, reveals a new study conducted by a psychologist at the Columbia University in New York.$LABEL$3 +A Guidebook for Every Taste LANNING a trip involves many difficult decisions, but near the top of my list is standing in a bookstore trying to choose from a daunting lineup of guidebooks, a purchase that brands the owner $LABEL$3 +Mars Rover Finds Mysterious Rocks and More Signs of Water ith one Mars rover climbing into the hills and the other descending deep into a crater, scientists yesterday reported the discovery of several mysterious rock structures along with yet more signs that Mars was once awash in water.$LABEL$3 +NASA Researchers, Stunt Pilots Prepare for Genesis Probe #39;s Return A team of NASA (news - web sites) scientists, navigators and helicopter stunt pilots is ready to snatch a space sample canister out of the sky next month when the Genesis spacecraft returns to Earth.$LABEL$3 +Apple Announces Voluntary Recall of Powerbook Batteries Apple, in cooperation with the US Consumer Product Safety Commission (CPSC), announced Thursday a voluntary recall of 15 quot; Aluminum PowerBook batteries.$LABEL$3 +Battle heightens over San Francisco bridge costs Plagued by delays and cost overruns, a \$5.1 billion renovation of San Francisco #39;s Bay Bridge has run into added problems as the state refuses to pay for $LABEL$3 +Google #39;s ups and downs Google #39;s long-awaited public offering finally made it to the street, but the search is still on for Microsoft #39;s Windows update.$LABEL$3 +Electronic Arts Breaking Out Game kingpin and Motley Fool Stock Advisor recommendation Electronic Arts (Nasdaq: ERTS) has another hit on its hands. Madden NFL 2005 was the top-selling game its first week on the market.$LABEL$3 +Austria backs away from privatization VIENNA Austria backed away from a full privatization of its top telecommunications company after merger talks with Swisscom failed.$LABEL$3 +Amazon to purchase Chinese on-line retailer Amazon.com Inc. has agreed to buy Joyo.com, China #39;s largest on-line retailer of books, music and videos, for \$75-million (US) to gain access to the world #39;s second-biggest Internet market.$LABEL$3 +Valley wins point on spyware Technology companies in Silicon Valley have beaten back what they saw as an overreaching attempt in the California legislature to control computer spyware and hope that a new more palatable $LABEL$3 +Survey Notes Rise in US Broadband Users The number of Americans who get on the Internet via high-speed lines has now equaled the number using dial-up connections. July measurements from Nielsen/NetRatings placed the broadband audience at 51 percent of the US online population at home.$LABEL$3 +Is VoIP just chump change? AT amp;T #39;s Net phone service may ultimately generate less than \$2 billion a year in revenue, Chief Executive David Dorman said Friday, which is chump change to a corporate giant.$LABEL$3 +Chinadotcom #39;s Text-Messages Suspended Chinadotcom Corp. said Friday that China #39;s state-controlled wireless carrier fined the company \$160,000 and suspended its text-message services on charges that the cell-phone service provider #39;s Go2joy unit $LABEL$3 +Scientists Make Malaria Drug Based on Herbal Remedy Scientists have created a synthetic drug which could offer new hope in the fight against malaria. Nearly two billion people live in areas affected by malaria.$LABEL$3 +LCD price cuts on the rise due to oversupply Prices are expected to fall for 17 and 19 inch Liquid Crystal Display (LCD) TV panels based on Thin Film Technology (TFT), according to a report by Electronic News.$LABEL$3 +Sports Headlines from the Summer Olympics Saturday marks the final day of swimming at the 2004 Olympics and even though American Michael Phelps will not be in the pool for the 400-meter medley relay he will have a chance to tie an incredible record.$LABEL$1 +Monty still coming to terms with marriage split COLIN MONTGOMERIE openly admits he is losing sleep. But there are more serious things than the Ryder Cup on his mind. As he continues his bid to be part of Europes team next month, Montgomerie is still $LABEL$1 +Pittman Makes Remarkable Hurdles Comeback Thirteen days after undergoing knee surgery, world champion Jana Pittman made a remarkable comeback Saturday morning by winning her preliminary heat of the women #39;s 400-meter hurdles.$LABEL$1 +Demetra Proud of Husband #39;s Achievements Matthew Pinsent got the nod to carry on moments after winning his fourth Olympic gold medal from the person who matters most, his wife Demetra.$LABEL$1 +Tennis: Agassi, Hewitt Advance to Legg Mason Semifinals Two former world-number-one tennis stars, American Andre Agassi and Lleyton Hewitt of Australia, have advanced to the semifinals of the Legg Mason Classic in Washington.$LABEL$1 +Afghan women blaze a trail ATHENS, Greece -- At 14.14 seconds, Robina Muqimyar posted the second-slowest time among 63 women in the 100-meter trials. But she and judo competitor Friba Razayee also have achieved historic firsts -- they $LABEL$1 +World champs Serbia-Montenegro in trouble after loss to Spain Spain clinched first place in its group with a 76-68 victory Saturday, leaving Serbia-Montenegro in danger of failing to reach the quarterfinals.$LABEL$1 +Alonso the pass master Spain international Xabi Alonso is a player that epitomises the type of footballer Liverpool manager Rafael Benitez wants to have at Anfield.$LABEL$1 +West Indies Hold Up England March James Anderson took both wickets to fall as England were met with West Indian defiance on the third day of the final Test at the Oval.$LABEL$1 +Red Sox 10, White Sox 1 While Curt Schilling had a performance befitting a King on Friday night, Mark Buehrle and the White Sox were all shook up. The 38,720 fans who attended quot;Elvis Night quot; at US Cellular Field $LABEL$1 +Favorite son eliminated Hoosier Overton fends off four-time Winged Foot champ and St. John #39;s grad Svoboda in Amateur. BY MARK HERRMANN. MAMARONECK, NY - The golf phrase quot;local knowledge quot; took on new meaning this week at the US Amateur.$LABEL$1 +Cubs Blast Six Homers in Astros Mauling Mark Grudzielanek hit two of Chicago #39;s six home runs and Glendon Rusch pitched seven strong innings to lift the Chicago Cubs to a 9-2 pasting of the Astros in Houston on Friday.$LABEL$1 +Najaf Standoff Continues Shi #39;ite militiamen continue to occupy the Imam Ali shrine in the Iraqi city of Najaf, despite religious authorities #39; efforts to end the 17-day standoff.$LABEL$0 +More Violence in Nepal on 4th Day of Rebel Blockade In Nepal, fresh violence has erupted in the capital, Kathmandu, on the fourth day of a blockade imposed by Maoist rebels. The rebels are not backing down, even though the government has agreed to one of their key demands.$LABEL$0 +Malaysian bird flu an isolated case A recent case of bird flu Malaysia appears to be an isolated event, the World Health Organization says. Health officials have confirmed the case, found in the poultry of $LABEL$0 +Russian Cossacks ride for country again Once they were the outriders of the Russian empire, feared and fearless warriors who extended the Czar #39;s authority as far as their horses would carry them.$LABEL$0 +Two blasts hit northwest Spain Small explosions have rattled two towns in northwestern Spain, injuring four people, after a telephoned warning in the name of the armed Basque separatist group ETA, officials said.$LABEL$0 +A balancing act: Australia #39;s diplomatic relations HAMISH ROBERTSON: The Foreign Minister, Alexander Downer, sparked quite an argument last week with his comments in Beijing about whether Australia would side with the United States in any war over Taiwan.$LABEL$0 +Ex-Enron CEO Seeks Separate Trial Lawyers for former Enron Corp. (ENRNQ.PK: Quote, Profile, Research) chief executive Jeffrey Skilling on Friday asked a federal court to separate his trial from his former boss Ken Lay #39;s $LABEL$2 +FDA Alters Tack on Children and Antidepressants A Food and Drug Administration reexamination of data linking the pediatric use of some antidepressants to increased suicidal tendencies has once again found a connection, and the agency is $LABEL$2 +Indian, British scientists working on drug to fight malaria At least 27 people are reported to have died of malaria in Alindra, India and 293 are seriously ill with the disease which broke out after the heavy rains and floods.$LABEL$3 +Storm-tossed counties to head back to school That #39;s what happened to Charlotte High School because of Hurricane Charley. A complex with 2,200 students, slightly bigger than Tallahassee #39;s largest high school, was demolished Aug. 13 by ferocious $LABEL$3 +Kerry accuses Vietnam critics of illegal ties to Bush campaign (AFP) AFP - Democratic White House hopeful John Kerry's campaign has formally alleged that a group attacking his Vietnam war record had illegal ties to US President George W. Bush's re-election bid.$LABEL$0 +Hamm Won Gymnastics Gold on Score Error: FIG ATHENS (Reuters) - American Paul Hamm, who became the first American to win the Olympics men's all-round gymnastics title, should not have been awarded the gold, the sport's governing body ruled Saturday.$LABEL$1 +Cassini Spies Two Moons Around Saturn (AP) AP - NASA's Cassini spacecraft has spied two new little moons around satellite-rich Saturn, the space agency said.$LABEL$3 +Olympics: Germans Unhorsed Amid Games Gold Binge ATHENS (Reuters) - Norway, Germany, France, Britain, Romania, New Zealand and Australia all looted the gold-medal chest in the Athens Olympic rowing basin on Saturday, as Greece counted the cost of the Games in national pride and cash.$LABEL$1 +Ruling Says Mistake Gave Paul Hamm Gold ATHENS, Greece - Paul Hamm's gold medal just lost some of its luster. A mistake in scoring of the all-around gymnastics final cost Yang Tae-young the gold that ended up going to Hamm, the International Gymnastics Federation said Saturday...$LABEL$0 +Phelps Will Finish Olympics As a Spectator ATHENS, Greece - Michael Phelps doesn't mind making history while sitting in the stands. The man who dominated the attention at the Olympic pool gave up a coveted spot on the 400-meter medley relay team to Ian Crocker...$LABEL$0 +U.S. Wins Sailing Gold Americans Paul Foerster and Kevin Burnham win their first Olympic titles after outmaneuvering their British rivals during the final 470 class race.$LABEL$1 +Equestrian Medal Overturned France is awarded the gold medal in the three-day equestrian team event after winning an appeal with Britain and the United States against an earlier decision that gave the victory to Germany.$LABEL$1 +Oil prices hit new high - and more to come Crude oil prices will top \$US50 (\$A69) a barrel for the first time this week, despite a slight fall in New York on Friday night, some analysts have predicted.$LABEL$2 +British Airways Averts Strike, Agrees Pay With Unions (Update2) British Airways Plc, Europe #39;s second- biggest airline, reached a pay accord with unions, averting a strike planned for the Aug. 27-30 holiday weekend by 11,000 baggage handlers and check-in staff.$LABEL$2 +Reshaping a Reshaper of Landscapes he Rouse Company, the mall developer and manager that has helped reshape the nation #39;s landscape, agreed yesterday to be acquired by General Growth Properties, the big owner of shopping centers, for \$7.$LABEL$2 +UPDATE 3-US airlines agree to cut flights at Chicago #39;s O #39;Hare US airlines have agreed to limit flights into Chicago #39;s O #39;Hare International Airport at peak periods to stem record delays that have slowed aviation nationwide, federal officials said on Wednesday.$LABEL$2 +SEC Rules Expand Disclosure Companies must disclose more information about their business deals and financial obligations starting Monday, when new Securities and Exchange Commission rules take effect.$LABEL$2 +FCC Puts Hold on Wholesale Phone Rates WASHINGTON Aug. 20, 2004 - Federal regulators Friday imposed a six-month freeze on the rates regional phone companies may charge their competitors to use networks to provide local service.$LABEL$2 +IE Flaw Affects Windows XP SP2 Systems The quot;highly criticial quot; vulnerability affects Internet Explorer 5.01, 5.5, and 6 on fully patched PCs running either Windows XP SP1 or the newer SP2.$LABEL$3 +Latest color pictures from Cassini look like artwork NASA has released three new stunning color pictures taken by the Cassini spacecraft exploring the planet Saturn. The images show the giant planet, its golden rings and several moons.$LABEL$3 +Apple Recalls PowerBook Batteries Apple Computer this week launched a voluntary worldwide 15-inch PowerBook G4 battery exchange program to deal with 28,000 potentially faulty units.$LABEL$3 +Phelps: Packing up seven medals ATHENS: Michael Phelps won gold in the 100m butterfly on Friday to take his Olympic medal tally to five gold and two bronze. A medal of any colour now will him equal the record for most medals at a single $LABEL$1 +More Home stories: Great Britain #39;s gold medal tally now stands at five after Leslie Law was handed the individual three day eventing title - in a courtroom.$LABEL$1 +Woodgate out to prove his worth at Real Madrid Jonathan Woodgate says he has learned from his past mistakes off the pitch and is now determined to make the headlines solely for his footballing prowess after completing a dream move to Real Madrid.$LABEL$1 +Forlan aiming for fresh start at Villarreal Uruguay striker Diego Forlan said he was looking for a fresh start after leaving Manchester United to join Primera Liga side Villarreal.$LABEL$1 +US basketball not only struggling team Take heart, Larry Brown. Yours is not the sole face of frustration at an Olympic basketball tournament that #39;s shaping up as the most compelling since 1988.$LABEL$1 +Spaniards can lift Liverpool: Benitez Liverpool manager Rafael Benitez insists his new Spanish signings will help the Reds to become contenders for the English Premiership crown.$LABEL$1 +Cricket: Anderson offers England victory as Windies lose Lara <b>...</b> LONDON : James Anderson took the crucial wickets of Chris Gayle and Brian Lara as England pressed for victory in the fourth Test against the West Indies at the Oval here.$LABEL$1 +Blast hits Bangladesh party rally A bomb has exploded at an opposition party rally in the Bangladesh capital, Dhaka, killing at least one person, witnesses and police say.$LABEL$0 +Six dead as Nepal rebels vow to step up blockade KATHMANDU : Maoist rebels who have cut off Nepal #39;s capital for four days pledged to expand their blockade to the Tibetan border as fresh violence left six people dead.$LABEL$0 +Two bombs explode in Spain TWO bombs exploded today in two coastal towns in northwestern Spain, after a tip-off by a caller claiming to represent the Basque separatist organisation ETA, an Interior Ministry spokesman said.$LABEL$0 +Howard says help at hand PRIME Minister Mr John Howard was yesterday forced to defend Mr Alexander Downer in relation to the Foreign Ministers comments that Australia was not bound to help the US defend Taiwan.$LABEL$0 +Burundi Agrees to Move Tutsi Refugees to Safety Following last week #39;s massacre of at least 160 Congolese Tutsis at a refugee camp near Burundi #39;s border with the Democratic Republic of Congo, the Burundian government is speeding up efforts to help the United Nations set up more secure camps in the $LABEL$0 +US demands quick result on Airbus subsidy dispute PARIS, Dec 7 (AFP) - The United States wants rapid progress in resolving a dispute with the European Union on public aid to rival aircraft makers Boeing and Airbus, and will call for World Trade Organisation mediation if US-EU talks do not produce results $LABEL$2 +Chicago Firm Acquires Rouse for \$7.2 Billion Rouse Co., the real estate developer that transformed America #39;s suburban landscape by creating the indoor shopping mall and self-contained communities far from city centers $LABEL$2 +British equestrian team get silver Germany have lost their two gold medals in the equestrian three-day eventing competition after France, Britain and the United States won their appeal to sport #39;s highest appeal body.$LABEL$1 +UPDATE 1-England edge towards series whitewash England made slow progress towards a seventh successive test win with West Indies 274 for six on day three of the fourth test at the Oval on Saturday.$LABEL$1 +Hobbled Sharon #39;s options limited despite vow to implement Gaza <b>...</b> JERUSALEM Aug 20 - Humiliated by his own party and under pressure from the opposition to call new elections, Israeli Prime Minister Ariel Sharon appears in no position to ensure the implementation of his Gaza pullout plan.$LABEL$0 +Bush Touts His Education Agenda on Radio (AP) AP - In a back-to-school message, President Bush says that while many public schools aren't making the grade, he should get high marks from voters for the No Child Left Behind Act.$LABEL$0 +U.S. Chain Store Sales Rise (Reuters) Reuters - U.S. chain store sales rose in the\week ended December 4, as average sales were generally ahead of\last year, but customer counts were down, a report said on\Tuesday.$LABEL$2 +Edwards Faults Bush for Overtime Pay Cuts (Reuters) Reuters - Vice presidential candidate John\Edwards on Saturday assailed a new Bush administration policy\that excludes millions of Americans from overtime pay and\promised that the Democratic ticket would ensure that workers\are rewarded for their efforts.$LABEL$0 +'Mercenaries' avoid deportation Seventy men held in Zimbabwe accused of plotting a coup in Equatorial Guinea will not be extradited.$LABEL$0 +Edwards Denounces New Overtime Rules WASHINGTON - In blasting new overtime rules that take effect Monday, Democratic vice presidential nominee John Edwards says he can't understand why the Bush administration wants to undermine a system that rewards workers who toil long hours. ""If you work hard, then you should be rewarded for that effort,"" Edwards said Saturday in the Democrats' weekly radio address...$LABEL$0 +Chavez #39;s victory The reaction by Venezuela #39;s opposition to the failed effort to recall President Hugo Chavez was disorganized and misguided. The two dozen groups behind the recall never worked together on a political message $LABEL$2 +Swimming: Phelps Wins a Classic Then Steps Aside Michael Phelps, who thrilled packed crowds for a week with his record-breaking feats in the pool, bowed out in true style on the penultimate evening of the Athens Olympic swimming competition.$LABEL$1 +Cink leads from Woods after second round of NEC Ryder Cup captain #39;s pick Stewart Cink continued his assault on the \$7 million NEC Invitational after completing his rain-delayed second round in two-under-par 68 on Saturday.$LABEL$1 +Judges suspended for scoring error, but Hamm keeps gold Athens, Greece (Sports Network) - American Paul Hamm will get to keep his gold medal for the all-around competition, even though the International Gymnastics Federation announced the suspension of three judges for a scoring error that would have given $LABEL$1 +Iraqi Sadr Militia Maintain Control of Najaf Shrine, BBC Says Supporters of Iraqi Shiite Muslim cleric Moqtada al-Sadr remain in control of the Imam Ali mosque in the southern city of Najaf after 16 days of fighting with US-led forces, the British Broadcasting Corp.$LABEL$0 +Nepalese rebels set off bombs in capital Kathmandu - Nepalese rebels shot a policeman and set off two bombs in Kathmandu on Friday while keeping up a blockade that has isolated the capital since midweek to press demands for the release of rebels held by the government.$LABEL$0 +Russian Peacekeepers Move Into S. Ossetia Hoping to end persistent skirmishing, peacekeepers moved into areas near South Ossetia #39;s capital to separate Georgian troops and fighters from the breakaway region, officials said Friday.$LABEL$0 +Pakistan army says Al-Qaeda-linked militants killed near Afghan <b>...</b> ISLAMABAD : Pakistani forces have killed quot;a few quot; militants in operations to flush out Al-Qaeda linked rebels in the northwestern tribal region near the border with Afghanistan, the military said Saturday.$LABEL$0 +Hutu killers #39;ready for international court #39; The Hutu rebel movement which claims responsibility for last week #39;s massacre of Congolese Tutsis at a refugee camp in Burundi says, unrepentantly, it is ready to appear before an international tribunal.$LABEL$0 +Astronauts May Soon Wear Germ-Fighting Clothes KINSTON, N.C. (AP) -- Deep in the Atlantic Ocean, undersea explorers are living a safer life thanks to germ-fighting clothing made in Kinston...$LABEL$3 +Edwards denounces new overtime rules In blasting new overtime rules that take effect Monday, Democratic vice presidential nominee John Edwards says he can #39;t understand why the Bush administration wants to undermine a system that rewards workers who toil long hours.$LABEL$2 +Hollinger Inc. Director Rohmer May Leave Board, Post Reports Richard Rohmer, a friend of Conrad Black and director of Black #39;s holding company, Hollinger Inc., may resign from the board as early as next week because he #39;s tired of dealing with complex $LABEL$2 +Leading Indicators, Jobless Claims Fall NEW YORK Aug. 19, 2004 - Offering more evidence that the nation #39;s economic recovery is losing steam, a closely watched gauge of future business activity fell in July for the second consecutive month.$LABEL$2 +Girl-next-door Gemma is all the vogue in America NEDLANDS teenager Gemma Ward has scored one of the biggest coups of her short modelling career - the cover of style bible American Vogue.$LABEL$0 +Cricket: England whitewash England beat the West Indies by 10 wickets to seal a 4-0 series whitewash.$LABEL$0 +New Painkiller Produces Fewer Side Effects By Amanda Gardner, HealthDay Reporter HealthDayNews -- A new painkiller, one of the family of COX-2 inhibitors, appears to be as safe as certain other drugs when it comes to cardiac effects. And it's safer than other drugs that can cause gastrointestinal complications, new research contends...$LABEL$3 +Exercise Pays Off in Long Run The effects of behavior modification programs designed to encourage physical activity last for at least three months after completion of such programs, says a new report by the Agency for Healthcare Research and Quality (AHRQ).$LABEL$3 +Google Sets Possible Precedent for Future IPOs While Google Inc. (GOOG) made some well publicized mistakes leading up to its initial public offering, the IPO still brought in \$1.1 billion for the company and more than \$450 million for its founders and initial investors. But was the company's unique Dutch auction system successful enough for other companies to follow Google's lead?$LABEL$3 +United Given New Deadline to Devise Plan A federal bankruptcy court judge on Friday gave United Airlines another 30 days to come up with a restructuring plan, but he warned the airline and its warring unions $LABEL$2 +Red Cross volunteer joins Florida efforts John Souza, a volunteer with the Boone County chapter of the American Red Cross, is the second Columbia resident to join efforts to assist people who were affected by Tropical Storm Bonnie and Hurricane Charley.$LABEL$2 +Treasury 10-Year Notes Hold Close to April High for Second Week US 10-year Treasury notes finished for a second week at the highest since April, on speculation record oil prices will hinder economic growth, prompting the Federal Reserve to slow the pace of interest-rate increases.$LABEL$2 +More Than 300,000 Vie for 3,000 LA Port Jobs More than 300,000 people participated in a lottery on Thursday for 3,000 well-paying longshore jobs at the ports of Los Angeles and Long Beach, where shipping volumes are booming, a Pacific Maritime Association spokesman said.$LABEL$2 +South Africa win Tri-nations title DURBAN, South Africa -- South Africa beat Australia 23-19 to regain the Tri-nations title after a five-year break. Percy Montgomery and wing Breyton Paulse received yellow cards which put the Springboks under $LABEL$1 +Wambach #39;s boot boosts US into semifinals Abby Wambach will never score an easier goal. From 1 foot away, she tapped the ball into the net and put the United States into the Olympic semifinals.$LABEL$1 +Morocco Arrests 64 Migrants Trying to Reach Spain RABAT (Reuters) - Morocco's navy arrested 64 Moroccans trying to reach Spain illegally on a rubber speed boat, official news agency MAP said on Saturday.$LABEL$0 +Google Go Lucky One of Googles earliest features was a simple button beneath its search box that reads Im feeling lucky. The intention is for info-hungry masses to enter search terms, click on the lucky button and, voila, land on precisely the web page $LABEL$2 +Chavez Urges Foes to Accept Defeat, Scoffs at Fraud Venezuelan President Hugo Chavez on Friday urged his opponents to recognize his recall referendum victory and pledged dialogue even with his quot;most bitter enemies $LABEL$2 +Google Faces Challenge of Public Company Status Your name is synonymous with searching the Internet, and you #39;ve just raised roughly \$1.7 billion from investors by going public.$LABEL$2 +Greene set to back up big talk and he has said it in London, said it in Zurich and already said it here in Athens - he only had to turn up to retain his Olympic 100 metres title.$LABEL$1 +Sudan Dismisses UN Warning Of New Refugee Exodus To Chad KHARTOUM, Aug 21 (AFP) - Sudanese Foreign Minister Mustafa Osman Ismail Saturday dimissed a UN warning that some 30,000 people displaced by the civil war in Darfur were poised to join a mounting exodus to neighbouring Chad.$LABEL$0 +Opposition rejects audit of Chvez recall vote CARACAS The Venezuelan electoral authorities on Thursday conducted a random audit of the referendum that confirmed President Hugo Chvez #39;s mandate, but the opposition rejected it and said the vote was a fraud.$LABEL$2 +POLITICAL POINTS 3:33 PM Taking Care of Business resident Bush will chalk up a victory on a contentious labor issue on Monday, but Democrats intend to work overtime to make him pay a political price.$LABEL$2 +U.S. Troops Clash with Shi'ite Militia in Najaf (Reuters) Reuters - U.S. troops clashed with Shi'ite\militiamen in Najaf on Saturday, interrupting a day of relative\calm in the holy city with the sound of mortar,\rocket-propelled grenade and machinegun fire, witnesses said.$LABEL$0 +Britain's Lewis out of heptathlon (AFP) AFP - Britain's defending Olympic Games heptathlon champion Denise Lewis withdrew from the event after the fifth discipline.$LABEL$0 +Sudan vows open mind in Darfur talks -- but no magic wand in sight (AFP) AFP - Sudan has pledged an open mind going into peace talks with rebels from the war-ravaged western Darfur region and is apparently seeking to use accords it signed with southern fighters as a model to settle the conflict.$LABEL$0 +U.S. Troops Clash with Shi'ite Militia in Najaf NAJAF (Reuters) - U.S. troops clashed with Shi'ite militiamen in Najaf on Saturday, interrupting a day of relative calm in the holy city with the sound of mortar, rocket-propelled grenade and machinegun fire, witnesses said.$LABEL$0 +Google scores first-day bump of 18 Even a big first-day jump in shares of Google (GOOG) couldn #39;t quiet debate over whether the Internet search engine #39;s contentious auction was a hit or a flop.$LABEL$2 +Mastering Madden NFL isn #39;ta snap It #39;s that time of year again, when normally affable, outgoing people abandon their families for hours at a time to stare enraptured at their TV screens.$LABEL$3 +Half of US Web Users Now on Broadband -- Report More than half of all US residential Internet users reached the Web via fast broadband connections in July, outpacing use of slower, dial-up connections for the first time $LABEL$3 +Global LCD Oversupply to Peak in Q3 A global oversupply of large-sized liquid crystal displays (LCDs) is forecast to peak in the third quarter of this year, but it will balance out by the fourth quarter, a US-based research firm said on Friday.$LABEL$3 +Athletics: Olympic Record For Bekele, Webb Eliminated From 1500 <b>...</b> The biggest applause at Olympic Stadium yesterday, the first day of athletics competition, didnt come for Greek heptathlete Aryiro Strataki or triple jumper Hristos Meletoglou $LABEL$1 +Drugs found in raid on Greek coach #39;s store Greek police found nutritional supplements containing banned stimulants and steroids in a raid on premises used by the sprint coach at the centre of the Athens Olympics $LABEL$1 +Soccer: Real wanted England international Woodgate despite injury LONDON : England international defender Jonathan Woodgate, Real Madrid #39;s new recruit from Newcastle, will be out of action for a month but that did not deter the Spanish giants from signing him.$LABEL$1 +Olympics: American sprint stars throw down 100m gauntlet ATHENS : America #39;s 100 metres sprint stars threw down the gauntlet at the Olympics but their Carribean rivals replied with a double salvo of their own to give the blue riband event an added edge.$LABEL$1 +FORLAN SEALS SPANISH SWITCH Villarreal have completed the signing of Manchester United misfit Diego Forlan on a five-year deal. The Uruguayan hit-man never convinced during his time at Old Trafford following a 7.$LABEL$1 +South Africa win Tri-Nations A SECOND-HALF Springbok blitz gave South Africa their first Tri-Nations rugby title in six years with a win over Australia at Kings Park.$LABEL$1 +Sudan, UN Sign Deal on #39;Refugees Return #39; KHARTOUM, August 21 (IslamOnline.net amp; News Agencies) - Eight days before the expiry of the UN Security Council deadline on Darfur, Sudan said it would disarm militias in the troubled area gradually, and signed a deal with the United Nations saying it $LABEL$0 +Rahul the #39;darling #39; at AICC conclave New Delhi: Prime Minister Manmohan Singh today virtually took a back seat at the AICC session which saw many delegates hailing Rahul Gandhi as the future leader with not so subtle hints.$LABEL$0 +Surefire Google Adwords Formula Surefire Google Adwords Formula\\Success with Google Adwords isn't quite as easy as some would have you believe. Still just about anyone who is persistent can succeed if they'll but implement a consistent testing program. Since testing can produce a nearly constant improvement in your click through rate (CTR).\\Heres the surefire ...$LABEL$3 +A Key Year for Willingham, Notre Dame (AP) AP - Will Tyrone Willingham be the next Ara Parseghian or the next Bob Davie?$LABEL$1 +Judging Error Gave Hamm Gold ATHENS, Greece - Paul Hamm's gold medal just lost its luster. A scoring mistake at the all-around gymnastics final cost South Korea's Yang Tae-young the gold that ended up going to Hamm, the International Gymnastics Federation ruled Saturday...$LABEL$0 +Phelps Will End Olympics Cheering for Team ATHENS, Greece - Michael Phelps doesn't mind making history while sitting in the stands. The man who dominated the attention at the Olympic pool gave up a coveted spot on the 400-meter medley relay team to Ian Crocker...$LABEL$0 +Militia, Shiite Leaders Bicker Over Shrine NAJAF, Iraq - Militants loyal to firebrand Shiite cleric Muqtada al-Sadr remained in control of a revered Shiite shrine at the center of the crisis in Najaf on Saturday, as they bickered with top Shiite religious leaders over how to hand the holy site over. As the standoff dragged on, heavy clashes broke out for about 45 minutes near the cemetery and the Old City on Saturday afternoon between al-Sadr's militiamen and U.S...$LABEL$0 +Oil prices slip back after coming close to \$50 level Oil prices surged closer to \$50 a barrel after hitting yet another record high in the US yesterday, as confusion reigned over the fate of Najaf, sparking fresh fears about Iraq #39;s oil supplies.$LABEL$2 +Rouse Sale Ends Independence of Unique Visionary The \$7.2 billion sale of The Rouse Co. marks the end of a fiercely independent real estate and shopping mall company that oversaw America #39;s 20th Century migration from $LABEL$2 +New OT rules to take effect In an unprecedented overhaul of the nations overtime pay rules, the Bush administration is delivering to its business allies an election-year plum theyve sought for decades.$LABEL$2 +Activities Slowly Resume in Florida Schools Hit Hard by Storm The Lemon Bay Manta Rays were not going to let a hurricane get in the way of football. On Friday, they headed to the practice field for the first time in eight $LABEL$2 +Nation-wide Truckers Strike Evokes Mixed Response New Delhi, August 21 (NNN): An indefinite nationwide strike of truckers protesting against the imposition of service tax on Saturday evoked mixed response with a section of transporters in Karnataka and Tamilnadu staying away from the protest.$LABEL$2 +Criticism heaped on Caltrans as bridge costs spiral upward \$19 <b>...</b> Demolition of the 1927 span of the Carquinez Bridge, projected by Caltrans engineers to cost \$16 million, will likely climb to about \$35 million, according to a Bechtel Corp.$LABEL$3 +Judge Revokes Mine Permit in Florida FORT MYERS, Fla. - A federal judge Friday revoked a permit to develop a limestone mine amid 6,000 acres of habitat that could be used by the endangered Florida panther.$LABEL$3 +Russia helps Malaysia develop space industry Moscow, Aug 21 (VNA) - Russian Roskosmos space agency will help Malaysia build a space and satellite controlling centre and will help develop Malaysia #39;s space programme, said Russian Federal Space Agency head Anatoly Perminov while meeting his Malaysian $LABEL$3 +Four golds in a row for Pinsent British rower Matthew Pinsent won a fourth consecutive Olympic gold medal when Team GB #39;s coxless fours crew triumphed in Greece.$LABEL$1 +Afghan woman basks in Olympic moment The fireworks shot out from the top of the Olympic Stadium, the grand finale of the Opening Ceremonies lighting up the Athens sky.$LABEL$1 +Forlan confirms move Former Manchester United striker Diego Forlan signed with Villareal in order to obtain regular playing time. The Uruguay international was unveiled with the Spanish outfit on Saturday after passing a medical.$LABEL$1 +US women back on right track The US Women #39;s National Team did not string together a complete 90 minutes of soccer in beating Japan 2-1 in its Olympic quarterfinal on Friday, however, it was the side #39;s finest performance of the tournament so far.$LABEL$1 +Militants bicker over surrender of shrine Najaf, Iraq - Militants loyal to firebrand Shia cleric Muqtada al-Sadr remained in control of a revered shrine at the centre of the crisis in Najaf on Saturday as they bickered with top Shia leaders over how to hand the holy site over.$LABEL$0 +Rwanda vows to defend against rebels based in Congo Rwanda will defend its people if armed extremists based in the neighboring Democratic Republic of the Congo (DRC) cross the border into the country to carry out similar attacks $LABEL$0 +China Invokes Deng to Send Tough Taiwan Message China invoked late leader Deng Xiaoping on Saturday in its campaign to recover Taiwan, lauding his proposal to recover the island by a quot;one country, two systems quot; formula but saying he never gave up the threat of force.$LABEL$0 +Vote Audit Confirms Chavez Recall Win Fair-Official (Reuters) Reuters - An audit done by\international observers has confirmed that President Hugo\Chavez beat a recall referendum and that the vote was fair, an\electoral council official said on Saturday.$LABEL$0 +Vote Audit Confirms Chavez Recall Win Fair-Official CARACAS, Venezuela (Reuters) - An audit done by international observers has confirmed that President Hugo Chavez beat a recall referendum and that the vote was fair, an electoral council official said on Saturday.$LABEL$0 +Insurers Object to a Major Part of Medicare Law Private insurers have told the Bush administration that they will not expand their role in Medicare if they have to serve large multistate regions.$LABEL$0 +Tubes, Pump and Fragile Hope Keep a Baby's Heart Beating In a desperate move to save an infant, doctors sought a device they had never tried before: a miniaturized pump called the Berlin Heart.$LABEL$0 +Truckers strike to protest service tax NEW DELHI: Over three million trucks went off the Indian roads on Saturday as truckers launched their indefinite nationwide strike to protest against the imposition of a service tax on transport booking agents.$LABEL$2 +Plano Family Waits For Bobcats PLANOTexas - The traps are out as a Plano family waits to see if a bobcat #39;s kittens take the bait. The mother bobcat was captured Wednesday, and one of three kittens was captured Friday morning.$LABEL$3 +Lindows halts stock release Linux supplier Lindows has announced it has called a halt to the initial public offering of its common stock after filing for registration in April.$LABEL$3 +Great Britain wins gold again in track cycling Athens, Greece (Sports Network) - For the second straight day a Briton captured gold at the Olympic Velodrome. Bradley Wiggins won the men #39;s individual 4,000-meter pursuit Saturday, one day after teammate $LABEL$1 +Sit-In Halts Neo-Nazi March Residents of the northern Bavarian town of Wunsiedel temporarily stopped a neo-Nazi march to commemorate the 17th anniversary of the death of Rudolf Hess, Hitler #39;s deputy, who had been jailed for life in 1946.$LABEL$0 +Crawford, Four Others Post Fast 100 Times (AP) AP - It was only the second round of the 100 meters, yet the world's top sprinters already were playing a lightning-quick game of ""Can You Top This?"" Five men broke 10 seconds Saturday, with Shawn Crawford's time of 9.89 the best of the round. And several top competitors slowed before the end, which means there could be some incredibly fast times in the semifinals and final Sunday night.$LABEL$1 +Andre Rison Signs With CFL Club (AP) AP - Former Pro Bowl receiver Andre Rison signed with the CFL's Toronto Argonauts on Saturday, less than two weeks after a U.S. judge ordered his arrest for failing to pay child support.$LABEL$1 +Latin America on Alert for Terror MONTERREY, Mexico - Governments throughout Mexico and Central America are on alert as evidence grows that al-Qaida members are traveling in the region and looking for recruits to carry out attacks in Latin America - the potential last frontier for international terrorism. The territory could be a perfect staging ground for Osama bin Laden's militants, with homegrown rebel groups, drug and people smugglers, and corrupt governments...$LABEL$0 +Iraq Pulls Off Another Soccer Stunner IRAKLION, Greece - The Iraqi soccer team is one victory away from an improbable trip to the podium. Emad Mohammed's 12-yard bicycle kick in the 64th minute gave Iraq a 1-0 victory over Australia in the quarterfinals Saturday, putting the invaded, war-torn country in position to compete for only its second Olympic medal in the nation's history...$LABEL$0 +NASA prepares to catch a falling star sample NASA #39;s three-year effort to bring some genuine star dust back to Earth is set for a dramatic finale Sept. 8 when Hollywood helicopter pilots will attempt a midair retrieval of a descending space capsule.$LABEL$3 +NetApp strengthens partnership with Oracle and VERITAS By edu h. lopez. Network Appliance (NetApp) has unveiled its strategy for the Philippine market as it strengthens its strategic partnership with Oracle and VERITAS.$LABEL$3 +Broadband Use Passes Dial-Up Just over half of US Internet users now connect through broadband, according to a new survey. Nielsen/Netratings reports that in July, 51 percent of Internet users had DSL, cable, or other fast $LABEL$3 +French equestrinan protest finally upheld Four days after the competition was held, France was finally awarded a gold medal Saturday in the Olympic equestrian three-day team event.$LABEL$1 +Alonso seals Liverpool move quot;I #39;m going to a club with a lot of history and a great present, quot; Alonso told a press conference here in the presence of Real Sociedad president Jose Luis Astiarzan.$LABEL$1 +Wiggins adds Britain #39;s 2nd velodrome gold Britain #39;s Bradley Wiggins won the gold medal in men #39;s individual pursuit Saturday, finishing the 4,000-meter final in 4:16.$LABEL$1 +Cleric Maintains His Hold on Najaf Shrine, Even While Saying He #39;ll <b>...</b> The Shiite cleric Moktada al-Sadr remained in control of a holy shrine here on Saturday in defiance of the Iraqi government, even as his aides said they were making $LABEL$0 +At least 14 people killed, 200 injured in Bangladesh #39;s bomb blasts At least 14 people were killed and over 200 injured, as a series of bombs and grenades exploded through a rally here organized by the main opposition the Awami League Saturday $LABEL$0 +Sharon, Arafat Defy Demands From Backers JERUSALEM Aug. 19, 2004 - Embattled leaders Ariel Sharon and Yasser Arafat rebuffed demands from their backers Thursday, holding steadfast to positions posing great political risk: Sharon insisted he will $LABEL$0 +Swimming: Phelps Wins Eighth Medal at Athens Games ATHENS (Reuters) - American swimmer Michael Phelps won an Olympic record-equaling eighth medal at the Athens Games when the U.S. team took gold in the men's 4x100 meters medley relay Saturday.$LABEL$1 +G.O.P. Vows to Offer Detailed Agenda at Its Convention Republicans also said they would seek to turn any disruptions at the convention to their advantage, by portraying protests as Democratic-sanctioned displays of disrespect for a sitting president.$LABEL$0 +Sunday Without Favorite Comic? Not So Funny Newspapers across the country have been engaging in discussions about whether their current rosters of comics are a luxury, given the current dreary economics of the newspaper business.$LABEL$0 +Passenger #39;s horror tale illustrates the madness at O #39;Hare When you are flying out of Lambert Field, 66-year-old Norma J. Oermann has some simple advice. Avoid Chicago #39;s O #39;Hare airport at all cost.$LABEL$2 +Google #39;s Disappointment Chills Lindows #39; IPO Ardor Execs postponed their IPO after Google backed off previous estimates of how much it would charge for its own IPO. By Larry Greenemeier.$LABEL$3 +East Africans dominate day Americans lag in men #39;s 10,000 Athens -- It #39;s always a pleasure watching masters of their craft at work, and such a moment occurred Friday night on the first full day of Olympic track and field competition when men with long-distance motors lined up for the final of the 10,000 meters.$LABEL$1 +Running (Not Hiding) From the Doping Police THEY do not approach their subjects wearing lab coats to indicate a) they work behind the Clinique counter at Saks, or b) they test for drug cheats at the Olympics.$LABEL$1 +David Davies gets swimming bronze Australia #39;s Grant Hackett has won the 1500 metres freestyle at the Athens Olympics to become just the fourth man to win the race twice at the Olympics.$LABEL$1 +Crawford leads way to 100 semifinals ATHENS, Greece - United States sprinters Shawn Crawford, Justin Gatlin and Maurice Greene advanced to the semifinals of the men #39;s 100-meter race on Saturday.$LABEL$1 +Aussies Upset U.S. Women in Medley Relay (AP) AP - Petria Thomas overtook Jenny Thompson on the third leg of the Olympic women's 400-meter medley relay Saturday night, helping Australia upset the United States in world-record time.$LABEL$1 +Soccer: Euphoric Iraq Reach Semi-Finals ATHENS (Reuters) - Iraq's footballers extended their fairytale run at the Athens Olympics Saturday, beating Australia 1-0 to reach the semi-finals of the men's tournament.$LABEL$1 +Golf: Stewart Cink Leads NEC Invitational American golfer Stewart Cink has the lead after completing the rain-delayed second round of the World Golf Championships-NEC Invitational tournament in Akron, Ohio.$LABEL$1 +Scoring questioned in men #39;s all-around gymnastics event The International Gymnastics Federation opened an investigation Friday morning into the scoring of the men #39;s all-around competition.$LABEL$1 +Law rules after court overturns German gold Leslie Law tonight became Great Britain #39;s first eventing gold medallist since 1972 - without leaving his Hereford home. The Court of Arbitration for Sport has upheld the combined British, French and American $LABEL$1 +Woodgate move has Robson #39;s blessing Woodgate, 24, has passed a stringent medical in the Spanish capital and will today sign a four-year deal - with the option of an extra year - at the Bernabeu following his 15.$LABEL$1 +Henin-Hardenne in third round ATHENS, Aug. 17. - World No 1 Justine Henin-Hardenne, sidelined for 11 weeks by a debilitating virus, swept into the third round of the Olympic tennis tournament today with a straight sets win over Maria Vento-Kabchi of Venezuela.$LABEL$1 +South Africa wins Tri-Nations rugby South Africa held off Australia 23-19 in a dramatic finale and won the Tri-Nations rugby title for the first time since 1998 on Saturday at King #39;s Park.$LABEL$1 +Explosions Target Bangladesh Opposition Rally In Bangladesh, a series of explosions at an opposition party rally, where a former prime minister was speaking, killed at least 12 people and wounded dozens of others.$LABEL$0 +Georgia Announces Troop Pullback in Rebel Region Georgia said on Friday its troops had withdrawn after seizing strategic ground in a rebel territory, in a move sure to be welcomed by Washington alarmed at a drift toward war in an economically vital region.$LABEL$0 +Waiting For Google NEW YORK - Benjamin Franklin, that annoying know-it-all, famously said, quot;Never put off until tomorrow that which you can do today.$LABEL$2 +How Michigan athletes fared at the Olympics Olympic events involving athletes and coaches with connections to Michigan. All listed are on Team USA unless otherwise indicated: Andre Dirrell of Flint advanced into the boxing quarterfinals, needing $LABEL$1 +Bombs Kill 12 at Bangladesh Opposition Rally At least 12 people were killed and 100 wounded in a bomb attack on Saturday on an opposition rally in Bangladesh #39;s capital, police and witnesses said.$LABEL$0 +Friends and curious turn out for goodbye to alleged Montreal Mob boss (Canadian Press) Canadian Press - MONTREAL (CP) - At least 200 people paid their final respects Saturday to Frank Cotroni, the reputed head of the Montreal Mafia who died of cancer at the age of 72.$LABEL$0 +Judging Error Led to Paul Hamm's Gold ATHENS, Greece - Paul Hamm's gold medal just lost its luster. A scoring mistake at the all-around gymnastics final cost South Korea's Yang Tae-young the gold that ended up going to Hamm, the International Gymnastics Federation ruled Saturday...$LABEL$0 +Sampanis denies doping GREECE #39;S first Athens medallist Leonidas Sampanis today denied taking banned substances despite testing positive for the male hormone testosterone.$LABEL$1 +Puerto Ricans break Boomers #39; hearts Australia #39;s hopes of an Olympic Games men #39;s basketball quarter-final berth slumped with a heart-breaking 87-82 loss to Puerto Rico.$LABEL$1 +Harmison tops Test ratings Steve Harmison has become the first England bowler for more than two decades to lead the Test rankings. Harmison, who took 17 wickets in the series win over West Indies, has topped the PWC Ratings.$LABEL$1 +Scores killed in Bangladesh blast A series of bombs have exploded at an opposition rally in Bangladesh #39;s capital, killing at least 14 people and injuring hundreds, witnesses and news reports have said.$LABEL$0 +Rebels Explode Two Bombs in Katmandu Suspected Maoist rebels shot and wounded a policeman and detonated two powerful bombs in Katmandu on Friday to reinforce a blockade of the Nepali capital to press for the release of jailed guerrillas.$LABEL$0 +Venezuelan audit confirms victory Venezuela's electoral officials say an audit of the vote on President Hugo Chavez's rule shows it was fair.$LABEL$0 +Stocks End Week on High Note Despite rising oil prices, US stocks this week had their biggest rally since October, as investors reacted to some positive economic indicators, the easing of tensions in Iraq and $LABEL$2 +10 Killed by Bombs at Bangladesh Rally DHAKA, Bangladesh Aug. 21, 2004 - A series of bombs exploded as a top Bangladeshi opposition leader was speaking at a rally from atop a truck Saturday, killing at least 14 people and injuring hundreds, witnesses and news reports said.$LABEL$0 +Pakistan Says Holds Suspects Planning Major Attacks (Reuters) Reuters - Pakistan has arrested up to six\people, including an Egyptian national, suspected of planning\major attacks in the capital Islamabad, Information Minister\Sheikh Rashid Ahmed said on Saturday.$LABEL$0 +Dollar Hits New Low Against Euro The U.S. dollar sank to a new all-time low against the euro Tuesday as a mini-rally in the U.S. currency sputtered out.$LABEL$2 +U.S. Wins Medley Relay The United States wins the men's 400-meter medley relay in world-record time Saturday night, giving Michael Phelps his record eighth medal of the Athens Olympics.$LABEL$1 +Plane Delays From O #39;Hare Even if you never fly through Chicago, your plane may end up delayed because of congestion at the O #39;Hare Airport. Delays there cause a ripple effect through the country #39;s entire air-traffic system.$LABEL$2 +Drugstore Offers New Wave of Disposable Cameras Pharmacy chain CVS Corp. (CVS.N: Quote, Profile, Research) on Thursday said it would offer the world #39;s first disposable digital camera with a bright color viewing screen that allows consumers to instantly preview pictures.$LABEL$3 +Smit lauds Boks resolve South Africa skipper John Smit paid tribute to his team #39;s resilience after the 23-19 victory over Australia, which won them the 2004 Tri-Nations.$LABEL$1 +Australia Sets World Record in Women #39;s 400-Meter Medley Relay Australia set a world record in the women #39;s 400-meter medley relay at the Olympics, as Giaan Rooney, Leisel Jones, Petria Thomas and Jodie Henry covered the distance in 3 minutes, 57.$LABEL$1 +Americans Fail to Qualify in Cycling Their times were fast. So were their exits. American cyclists were simply overmatched on the speedy Olympic velodrome Saturday, all getting bounced in the preliminaries.$LABEL$1 +Soldiers kill Palestinian near Gaza-Israel fence Israeli soldiers shot and killed a Palestinian as he approached a security fence between Israel and the Gaza Strip, Israeli military sources said today.$LABEL$0 +Brazil tribe prove words count When it comes to counting, a remote Amazonian tribespeople have been found to be lost for words. Researchers discovered the Piraha tribe of Brazil, with a population of 200, have no words beyond one, two and many.$LABEL$3 +Sobrero Markgraf And Boxx One Win Away From Olympic Medals Former Irish soccer stars to play with Team USA in Monday #39;s semifinals vs. Germany (Aug. 23, 10:00 am South Bend time on MSNBC); Gonzalez and Mexico fall to Brazil in quarterfinals.$LABEL$1 +Kidnappers lift death threat on US journalist An aide to Shiite cleric Muqtada al-Sadr says Iraqi kidnappers have lifted their death threat on a US journalist. The aide says he has spoken to mediators who say they #39;re working out a way to have Micah Garen of New York released.$LABEL$0 +German police detain 74 neo-Nazis Anti-Nazi groups held counter-demonstrations, some holding banners proclaiming quot;Neo-Nazis are a joke quot;. Hess was found hanged in his prison cell in the Spandau district of Berlin in 1987.$LABEL$0 +Absent Phelps Gets Eighth Medal ATHENS (Reuters) - The United States broke the world record to win the men's 4x100 meters medley relay at the Athens Olympics Saturday and allow Michael Phelps to match Soviet gymnast Alexander Dityatin's 1980 record for the most medals at one Games.$LABEL$1 +Basketball: Lithuania Shoots Down United States ATHENS (Reuters) - Sarunas Jasikevicius went on a shooting spree in the last three minutes of play to lift Lithuania to a 94-90 victory over the United States in the men's Olympic basketball tournament Saturday.$LABEL$1 +Graphic Designer Fired After Heckling Bush (AP) AP - A man who heckled President Bush at a political rally was fired from his job at an advertising and design company for offending a client who provided tickets to the event.$LABEL$0 +Olympics: Swimming Ends with U.S. and Australian Records ATHENS (Reuters) - The United States and Australia set world records in the men's and women's 4x100 medley relay races on Saturday, the final day of swimming competition at the Athens 2004 Olympics.$LABEL$1 +Henin Blasts Her Way to Gold By Ossian Shine ATHENS (Reuters) - Justine Henin-Hardenne blasted her way to Olympic gold Saturday, beating Amelie Mauresmo 6-3, 6-3 in a clash of the world's top two players.$LABEL$1 +U.S. Men Set World Record, Without Phelps ATHENS, Greece - The United States won the men's 400-meter medley relay in world-record time Saturday night, giving Michael Phelps his record eighth medal of the Athens Olympics without him getting into the pool. Aaron Peirsol, Brendan Hansen, Ian Crocker and Jason Lezak won in 3 minutes, 30.68 seconds, lowering the old mark of 3:31.54 set by the Americans at last year's world championships in Barcelona, Spain...$LABEL$0 +Lithuania Deals Dream Team Second Loss ATHENS, Greece - Redemption came from the perfect spot - the 3-point line - for Sarunas Jasikevicius. The Lithuanian guard, whose off-target 3-pointer kept his team from pulling off the biggest upset of the Sydney Olympics, didn't miss when it counted Saturday night against the Americans in a thrilling 94-90 victory...$LABEL$0 +Another Bad Dream Sarunas Jasikevicius shoots Lithuania's men's basketball team to a 94-90 victory over the United States on Saturday, America's second loss of the Athens Games.$LABEL$1 +Mixed response to strike AIMTC rebuts Govt claims Trucks parked at Yashwanthpur in Bangalore on Saturday following the indefinite strike called by the All-India Motor Transport Congress.$LABEL$2 +Olympics-Henin sets gold standard in thrilling comeback Justine Henin-Hardenne staged one of the greatest comebacks of her career to fight back from 5-1 down in the final set and beat French Open champion Anastasia Myskina $LABEL$1 +Pakistan foils al-Qaeda attacks PAKISTANI security agencies have arrested nearly a dozen al-Qaeda-linked terror suspects who allegedly plotted to attack key sites including military headquarters, the US embassy and parliament.$LABEL$0 +TCU, Louisville Try to Leave C-USA Champs (AP) AP - TCU helped change the Bowl Championship Series, even though its season ended at home. The Horned Frogs won their first 10 games last season, and reached sixth in the BCS standings, the highest ranking for a team not in one of the BCS conferences. A loss at Southern Miss ended TCU's bid of becoming the first BCS outsider to break into a big-money bowl game. That also cost the Frogs the Conference USA title and sent them to the inaugural Fort Worth Bowl.$LABEL$1 +Lithuania Shoots Down U.S. in Men's Olympic Basketball ATHENS (Reuters) - Sarunas Jasikevicius went on a shooting spree in the last three minutes of play to lift Lithuania to a 94-90 victory over the United States in the men's Olympic basketball tournament Saturday.$LABEL$1 +Boehner Favored in Taped Phone Call Case (AP) AP - A federal judge has sided with Rep. John Boehner, R-Ohio, in his six-year-old lawsuit against Rep. James McDermott, D-Wash., over an illegally recorded phone call.$LABEL$0 +Lithuania Upsets the United States The U.S. men's basketball team lost to Lithuania, 94-90, today at the Olympic Games.$LABEL$1 +Life without numbers in a unique Amazon tribe 11=2. Mathematics doesn #39;t get any more basic than this, but even 11 would stump the brightest minds among the Piraha tribe of the Amazon.$LABEL$3 +Ulmer breaks world record in qualifying New Zealand #39;s Sarah Ulmer dealt her rivals a heavy psychogical blow today, reclaiming her individual pursuit world record in magnificent fashion at a sweltering Olympic Velodrome here today.$LABEL$1 +Pakistan Says Holds Suspects Planning Major Attacks Pakistan has arrested up to six people, including an Egyptian national, suspected of planning major attacks in the capital Islamabad, Information Minister Sheikh Rashid Ahmed said on Saturday.$LABEL$0 +Iraqis Celebrate Olympic Victory with Bullets BAGHDAD (Reuters) - Iraqis, weary of violence and deprivation, erupted in wild celebration Saturday after their national soccer team beat Australia 1-0 in the Athens Games.$LABEL$0 +Neo-Nazis arrested at Hess march German police detain 110 people at a march to mark the death of Adolf Hitler's deputy, Rudolf Hess.$LABEL$0 +Moveon.org subscriber-data leaked through search Subscribers to Moveon.org #39;s mailing lists may have found their interest in the anti-Bush political site a matter of public record.$LABEL$3 +Henin-Hardenne wins Olympic gold The world number one broke a jittery Mauresmo twice to take the opening set and the Frenchwoman failed to get a foot-hold in the second set.$LABEL$1 +Judging Error Led to Hamm #39;s Gold Paul Hamm thought his fantastic finish was too good to be true. Maybe he was right. The International Gymnastics Federation ruled Saturday that Yang Tae-young was unfairly docked $LABEL$1 +WPP Profit Up 11, Aided by Global Advertising Upturn The WPP Group, the world #39;s second-largest advertising and marketing company, reported on Friday that profit for the first half of the year rose 11 percent, providing further $LABEL$2 +Olympic Swimming Ends with U.S., Australian Records ATHENS (Reuters) - The United States and Australia set world records in the men's and women's 4x100 medley relay races Saturday, the final day of swimming competition at the Athens 2004 Olympics.$LABEL$1 +Pakistan Says It Holds Suspects Planning Big Attacks ISLAMABAD (Reuters) - Pakistan has arrested up to 10 al Qaeda suspects, including two Egyptians, suspected of planning major suicide attacks against the government and the U.S. embassy earlier this month, ministers said Saturday.$LABEL$0 +Phelps Has Front-Row Seat for Record Swim ATHENS, Greece - Michael Phelps had a front-row seat at the pool, and made Olympic history without ever getting wet. Decked out in a white shirt, khaki shorts and flip-flops, Phelps led cheers and waved an American flag while his teammates did all the work in the 400-meter individual medley Saturday night...$LABEL$0 +Fight Over Kerry's War Record Escalates WASHINGTON - John Kerry's Vietnam War service records run to multiple medal commendations and a notation of ""conspicuous gallantry"" in combat. President Bush's file tracks the stateside career of a National Guard test pilot...$LABEL$0 +Judging Error Led to Hamm's Gold ATHENS, Greece - Paul Hamm thought his fantastic finish was too good to be true. Maybe he was right...$LABEL$0 +Carter Center, OAS Confirm Chavez Victory After Audit (Update1) The Carter Center and the Organization of American States said an audit of returns from Sunday #39;s recall vote won by President Hugo Chavez found no evidence of irregularities.$LABEL$2 +Edwards blasts new OT rules In Saturday radio address, VP candidate says measure curtails pay at a time workers need it. ATLANTA (CNN) - Calling to mind his days unloading tractor trailers during the summer, Sen. John Edwards blasted $LABEL$2 +Chilean Beats Dent for Tennis Bronze It #39;s safe to say Justine Henin-Hardenne is back on top of her game. She #39;s healthy for the first time in months - and has a gold medal to prove it.$LABEL$1 +MONTY ON TRACK FOR WILD CARD Barring a miracle tomorrow Colin Montgomerie will now need a wild card to be part of Europe #39;s bid to retain the Ryder Cup next month.$LABEL$1 +Vijay Singh win more than 10 million US dollars in one season Singh ended the five-year reign of Tiger Woods as world number one in September, defeating Woods in a man-to-man duel for the Deutche Bank Championship title to confirm his supremacy.$LABEL$1 +U.S. Signals Flexibility on Israeli Settlement Growth CRAWFORD, Texas (Reuters) - The Bush administration signaled on Saturday that it may accept limited growth within existing Israeli settlements in the West Bank in a shift that could help embattled Prime Minister Ariel Sharon.$LABEL$0 +Can OHare trims help Gary gain? Flight reductions announced Wednesday by 16 major airlines serving ChicagosOHare International Airport are expected to improve nationwide on-time performance but $LABEL$2 +Truckers begin All-India strike With the All India Motor Transport Congress rejecting the government #39;s last-minute bid for a negotiated settlement, truck owners have gone on an indefinite strike demanding the scrapping of service tax.$LABEL$2 +Reading Sharon #39;s Mind In a much-noted speech last week, Israels Prime Minister Ariel Sharon ostensibly made a dramatic reversal in course. But I am wondering whether to take his shift at face value.$LABEL$0 +Iraq Celebrates Surprise Win in Olympics (AP) AP - A stream of red tracer bullets cut through the night sky amid a hail of celebratory gunfire as Iraqis, exhausted from war and unending violence, celebrated their national soccer team's startling 1-0 victory over Australia in the Olympic quarterfinal.$LABEL$0 +Sudan, U.N. Sign Deal for Displaced People (AP) AP - The Sudanese government signed an agreement with the U.N. migration agency Saturday to ensure that more than 1 million people displaced by violence in the western region of Darfur can voluntarily return home #151; but cannot be forced to do so.$LABEL$0 +Bush Pressing Case for 'Ownership Society' (AP) AP - Amid signs that the economy is cooling, President Bush is showcasing initiatives for a second term under the banner of an ""ownership society"" in hopes of bolstering his economic stewardship credentials.$LABEL$0 +Olympic Soccer: Euphoric Iraq Reaches Semifinals ATHENS (Reuters) - Iraq's footballers beat Australia 1-0 Saturday to reach the semifinals of the Olympic men's tournament, triggering celebratory gunfire in their violence-racked country.$LABEL$1 +Vietnam vet springs to Kerry's defense (AFP) AFP - Democratic White House hopeful John Kerry's efforts to refute charges that he embellished his Vietnam War record got a boost, as a fellow veteran said some of the accusations were untrue.$LABEL$0 +Lithuania's Perimeter Shooting Leaves U.S. Outside Looking In Larry Brown's squad could not hold back a deep and talented Lithuanian team, losing, 94-90, to fall to 2-2 in the preliminary round at the Olympics.$LABEL$1 +Nesterenko Takes Gold Yuliya Nesterenko ends two decades of American dominance in the 100 meters with a closing surge to catch Lauryn Williams.$LABEL$1 +Stocks Look to Nudge Higher; Oil Dips NEW YORK (Reuters) - U.S. stocks looked to open a touch higher on Tuesday, with Wall Street welcoming a slip in oil prices and a report of a possible \$24 billion takeover of cardiovascular device maker Guidant Corp. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=GDT.N target=/stocks/quickinfo/fullquote"">GDT.N</A> by Johnson Johnson <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=JNJ.N target=/stocks/quickinfo/fullquote"">JNJ.N</A>.$LABEL$2 +Hungarian Socialists choose alternatives as new prime minister (AFP) AFP - Hungary's ruling Socialist Party approved two alternative candidates to replace outgoing prime minister Peter Medgyessy who resigned after a row with his liberal coalition partners.$LABEL$0 +Officials Forecast Hope for Victims of Hurricane State officials say the statewide slowdown caused by Hurricane Charley, with estimated losses of \$20 billion, will probably last no more than a month or two.$LABEL$2 +Mixed response to truckers strike NEW DELHI, Aug. 21. - The indefinite nationwide strike by truck operators against imposition of service tax evoked a mixed response on the first day of the stir today even as government appeared unwilling $LABEL$2 +Saturday Night #39;s Alright for Blighty Matthew Pinsents coxless four team, sailor Ben Ainslie and cyclist Bradley Wiggins all struck gold on a day to remember for Team GB at the Olympics in Athens.$LABEL$1 +Sudan: confident in convincing the UN Security Council of progress <b>...</b> Sudan #39;s foreign minister Mustafa Othman Ismael stressed yesterday that his country #39;s government is confident it will convince the UN Security Council of the progress it had attained in Darfur.$LABEL$0 +Bomb attack on Hasina Over a dozen people were killed and nearly 300 injured in a bomb and grenade attack on a public rally in the heart of the city that was being addressed by Awami League leader and former Prime Minister Sheikh Hasina.$LABEL$0 +Airways pilots extend talks Pilots for US Airways are continuing to negotiate this weekend over the Arlington airline #39;s demand for a 16.5 percent pay cut, despite a warning from management that negotiations should have concluded yesterday.$LABEL$2 +Viacom panel to look at video-game arena NEW YORK -- Given that its chairman owns a large stake of a video-game company, media giant Viacom Inc. has appointed a three-person committee to evaluate dealings in the video-game arena and protect against potential conflicts of interest.$LABEL$2 +Microsoft Sends XP SP2 Home Microsoft this week began distributing its latest update to the Windows XP operating system to home users through its Automatic Updates feature.$LABEL$3 +Mars Rover Sniffs Out Signs of Water After a tedious crawl across the desert floor and a slow, energy-strapped hike up hills, the Mars rover Spirit has finally rewarded scientists with tantalizing $LABEL$3 +Online retail sales continue to surge Online retail sales continue to show significant growth, according to the latest figures released by the US Department of Commerce.$LABEL$3 +Bekele keeps 10,000m gold in Ethiopia Kenenisa Bekele used a breathtaking final 400 meters late Friday to claim the Olympic 10,000-meter throne previously occupied by his Ethiopian countryman, Haile Gebrselassie.$LABEL$1 +Hewitt Survives Saulnier; Agassi Rolls Past Mathieu After sweeping through his first two opponents, Lleyton Hewitt finally found a challenge at the Legg Mason Tennis Classic. And it almost took the No.$LABEL$1 +Greece 88, Angola 56 Greece avoided any suspense about whether it would advance by taking an 18-point halftime lead on the way to an 88-56 victory over Angola on Saturday night.$LABEL$1 +Nesterenko Wins Sprint Gold for Belarus Yuliya Nesterenko of Belarus sped to an unexpected victory in the women #39;s 100 meter final at the Athens Olympics Saturday. The high-striding Belarussian clocked 10.$LABEL$1 +Clean sweep by England LONDON, Aug. 21. - England beat the West Indies by 10 wickets on the third day of the fourth and final Test at the Oval, here today giving them a 4-0 sweep.$LABEL$1 +Blast outside Bangladesh opposition HQ kills 6 DHAKA - At least six people were killed and more than 200 injured in a series of bomb blasts at a meeting of the main opposition Awami League in the capital on Saturday, witnesses and news reports said.$LABEL$0 +Veteran Backs Kerry on Silver Star Account (AP) AP - A Chicago Tribune editor who was on the Vietnam mission for which John Kerry received the Silver Star is backing up Kerry's account of the incident.$LABEL$0 +Olympic Basketball: Lithuania Guard Shoots Down U.S. ATHENS (Reuters) - The United States crashed to its second defeat in the Olympic men's basketball tournament Saturday when a late shooting spree by Sarunas Jasikevicius propelled Lithuania to a 94-90 victory.$LABEL$1 +Absent Phelps Gets Eighth Medal ATHENS (Reuters) - Michael Phelps got his eighth medal at the Athens Olympics Saturday without even getting wet when the United States broke the world record in the men's 4x100 meters medley relay.$LABEL$1 +Murder victim 'missed her stop' A 22-year-old French woman was killed while walking home after missing her bus stop, police believe.$LABEL$0 +Battle on Secret Evidence in Jackson Case SANTA MARIA, Calif. - In a high-stakes drama of legal gamesmanship, prosecutors and defense lawyers in the Michael Jackson child molestation case are battling over still-secret evidence that might make or break the case against the pop star...$LABEL$0 +Bush Pressing Case for 'Ownership Society' WASHINGTON - Amid signs that the economy is cooling, President Bush is showcasing initiatives for a second term under the banner of an ""ownership society"" in hopes of bolstering his economic stewardship credentials. His platform includes initiatives to help people buy homes, start businesses, hone job skills and set up tax-free retirement and health care accounts - plus a still unspecified tax-code overhaul...$LABEL$0 +Dream Team Loses Again, but Still Advances ATHENS, Greece - The U.S. men's basketball team endured another brutal loss...$LABEL$0 +Open Source, Performance, and Innovation \\At work we're mostly an OSS shop. Partly because I have a strong bias towards\OSS but cost, reliability, security, etc are all leading factors.\\For the last several months now I've been in an interesting position to prove\the benefits of OSS in a real-world environment.\\We've had to extend a number of OSS tools to fit into our production\environment. These are significant additions and non-trivial.\\Open Source allows you to STAND on the shoulders of gods. For example we've\been having a problem with the Jakarta DBCP connection pool. It was running\out of connections in highly threaded environments and is slow. Certainly\slower than would be necessary.\\Long story short. Last night ...\\$LABEL$3 +Audit Confirms Chvez Victory in Recall An audit of Venezuela #39;s recall referendum has confirmed that President Hugo Chvez won fairly and found no evidence to support fraud charges, observers and electoral council officials said Saturday.$LABEL$2 +Governor Promises Help Reopening Schools Affected By Charley One week after Hurricane Charley chewed a path from Punta Gorda to Daytona Beach, Gov. Jeb Bush promises to to use state resources to help schools damaged or destroyed by the storm to reopen quickly.$LABEL$2 +India #39;s 3 Million Truckers Strike Over Planned Tax Increase India #39;s three million truck drivers started a strike today to protest a planned tax on cargo transportation by road, prompting local units of Honda Motor Co.$LABEL$2 +Boom! Big kickoff for #39;Madden 2005 #39; EA #39;s newest version of top title sells 1.3 million copies in first week, holding off competition. LOS ANGELES (Reuters) - quot;Madden NFL 2005, quot; the latest version of Electronic Arts Inc.$LABEL$3 +Disposable Digital Camera Debuts At 1,000 CVS Pharmacies Digital disposable cameras are debuting in about 1,000 CVS stores across the nation, the retail chain said Thursday. The one-time-use cameras, which feature a color preview screen, have 25 pictures and are priced at \$19.$LABEL$3 +Cink holds lead at NEC Invitational Stewart Cink leads the NEC Invitational World Golf Championships as he nears the end of the third round. Cink is 10 under after 16 holes, just two shots clear of David Toms, eight under after 17 holes.$LABEL$1 +Explosions at Protest Rally in Bangladesh Kill 9 Several explosions ripped through a Bangladeshi opposition party rally here on Saturday, killing at least 9 people and wounding as $LABEL$0 +Sudan #39;s quest for peace Conflict seems to have become a way of life for Sudan that has struggled to find peace and stability since its independence in 1956.$LABEL$0 +Peres facing attack from Labor MKs over continued talks with Likud Labor Party Chair Shimon Peres is facing growing opposition from his party over his decision to continue coalition talks with Likud despite the Likud convention #39;s resolution last week against bringing Labor into the government.$LABEL$0 +Up to seven killed in Chechnya shootout: report (AFP) AFP - Up to seven people were killed in an attack on a police station in Grozny, the capital of the Russian breakaway republic of Chechnya, a report quoting officials said.$LABEL$0 +Jasikevicius makes most of second chance to stun US NBA stars (AFP) AFP - Lithuanian sharpshooter Sarunas Jasikevicius, snubbed by the National Basketball Association, made the most of his second chance to deliver a dagger into the hearts of a United States Olympic team of NBA talent.$LABEL$1 +Fleisher Takes Lead at Hickory Classic (AP) AP - Bruce Fleisher parlayed eight birdies into a tournament-low 65 Saturday and cruised to a 3-shot lead after the second round of the Greater Hickory Classic.$LABEL$1 +Olympic Basketball: United States Stunned Again ATHENS (Reuters) - The United States crashed to its second defeat in the Olympic men's basketball tournament Saturday when a late shooting spree by Sarunas Jasikevicius propelled Lithuania to a 94-90 victory.$LABEL$1 +U.S. Forces Keep Sh'ite Militants Guessing NAJAF, Iraq (Reuters) - U.S. forces appeared to keep Sh'ite militants guessing in the city of Najaf overnight, firing off sporadic rounds as a military aircraft flew overhead.$LABEL$0 +Chile Asks Pinochet to Explain \$8 Million US Bank Accounts Chile #39;s former dictator Augusto Pinochet reportedly is the target of an investigation in his homeland probing up US bank accounts controlled by the ex-president.$LABEL$2 +Solar power bill supported Gov. Arnold Schwarzenegger on Friday threw his support behind a bill to dramatically increase the number of California homes using solar power, reviving a legislative effort that seemed all but dead last week.$LABEL$2 +World marks go in the pool ATHENS - The Australian women and American men ended the swimming competition at the Athens 2004 Olympics Games in style Saturday, both breaking world records in the 4x100 meter medley relays.$LABEL$1 +Dolphins on verge of trading Ogunleye to Bears The Miami Dolphins have agreed to trade defensive end Adewale Ogunleye to the Chicago Bears for wide receiver Marty Booker and a 2005 third-round pick, if agent Drew Rosenhaus can work out a new contract for Ogunleye by 7 pm Saturday, according to a $LABEL$1 +Najaf Fighting Flares; Sadr Forces Hold Shrine Description: US forces clash again in Najaf with fighters loyal to Shiite cleric Muqtada al-Sadr. Efforts by the Iraqi government to reach a disarmament deal with Sadr are at an impasse, and his forces continue to hold the Imam Ali shrine.$LABEL$0 +Police killed in pre-poll Chechnya attacks -agency Gunmen attacked a police station and voting centres in Russia #39;s war-torn Chechnya, killing at least 11 people, Interfax news agency said on Saturday.$LABEL$0 +Nesterenko Speeds to Win in Women's 100-Meter Final ATHENS (Reuters) - Yuliya Nesterenko of Belarus sped to an unexpected victory in the women's 100 meter final at the Athens Olympics Saturday.$LABEL$1 +Graphic Designer Fired After Heckling Bush CHARLESTON, W.Va. - A man who heckled President Bush at a political rally was fired from his job at an advertising and design company for offending a client who provided tickets to the event...$LABEL$0 +Also from this section Innovative Solutions quot;, promises the Riggs Bank slogan emblazoned across the home page of its website. quot;For over 165 years we #39;ve been developing innovative, custom-tailored solutions to improve the lives of our customers.$LABEL$2 +Two golds again in new judging debacle? Not this time A grand judging goof at the Athens Olympics cheapened American gymnast Paul Hamm #39;s historic gold and gave South Korea another good reason to cry robbery at the games.$LABEL$1 +British sport #39;s new superhero revives the Olympic spirit Matthew Pinsent was hailed as the new superman of British sport yesterday, after winning gold at his fourth consecutive Olympic Games.$LABEL$1 +Malaysia testing 3 people for bird flu; says outbreak isolated Malaysian officials on Saturday were testing three people who fell ill in a village hit by the deadly H5N1 bird flu strain, after international health officials warned that the virus appeared to be entrenched in parts of $LABEL$0 +Kroger's Profit Climbs, Misses Forecast (Reuters) Reuters - Kroger Co. , the top U.S.\grocer, on Tuesday said quarterly profit rose 29 percent as it\kept a tight rein on expenses and sales rebounded.$LABEL$2 +Blasts Shake Najaf as U.S. Planes Attack Rebels NAJAF, Iraq (Reuters) - Strong blasts were heard in the besieged city of Najaf early Sunday as U.S. military planes unleashed cannon and howitzer fire and a heavy firefight erupted.$LABEL$0 +Ramirez, Red Sox Batter White Sox Manny Ramirez homered and drove in five runs as the Red Sox earned their fifth straight victory.$LABEL$1 +Somalia to get new parliament Somalia's first parliament for 13 years is expected to be sworn in the Kenyan capital, Nairobi, on Sunday.$LABEL$0 +Audit of Venezuelan vote confirms Chavez victory CARACAS, VENEZUELA - An audit of ballots from 150 voting stations has confirmed that President Hugo Chavez won last week #39;s recall referendum, reported the Organization of American States Saturday.$LABEL$2 +Beware! Bugs can attack Net phones THEY are becoming increasingly popular because they are cheap. However, before you rush off to buy an Internet phone or Voice-over-Internet Protocol (VoIP) phone, you should know that they are $LABEL$3 +Stunt pilots to hook falling stardust sample A piece of the Sun is set to fall to Earth and be captured by Hollywood stunt pilots in a tricky mid-air manoeuvre, NASA announced on Thursday.$LABEL$3 +World record in sights of 100-meter field quot;We #39;re going to have a party, quot; Maurice Greene said Saturday, looking forward to Sunday #39;s final in the Olympic men #39;s 100-meter dash.$LABEL$1 +Hewitt calls on fighting spirit SECOND-seed Lleyton Hewitt needed all of his famed tenacity to overcome feisty Frenchman Cyril Saulnier 6-3, 3-6, 7-6 (7-5) and reach the semi-finals of the Washington Open.$LABEL$1 +Deng #39;s name used to pressure Jiang THE 100th birth anniversary of China #39;s late paramount leader Deng Xiaoping, which falls today, has been used by influential party elders to put pressure on former president Jiang Zemin to fully relinquish authority to his successor Hu Jintao.$LABEL$0 +US Boxer Dirrell Powers Into Quarters Ron Siler had just taken a beating, and now it seemed like the whole US boxing team was down for the count. Fighters weren #39;t following directions, medal hopes were slipping $LABEL$1 +False report of Swedish king's assassination on faked BBC website (AFP) AFP - Hoaxers imitated the BBC news website on the Internet, including a fake announcement that King Carl XVI Gustaf of Sweden had been assassinated in Athens while attending the Olympic Games, according to reports.$LABEL$0 +Treasury Prices Take a Breather Today (Reuters) Reuters - U.S. Treasury prices paused for breath\on Tuesday after a blistering two-session rally ran out of\steam, though analysts still saw room to the upside given the\large short-base in the market.$LABEL$2 +Cink Takes Commanding Lead Over Woods at NEC AKRON, Ohio (Reuters) - Stewart Cink was on the verge of his fourth career win after shooting a two-under-par 68 for a five-shot lead in the third round of the \$7 million NEC Invitational Saturday.$LABEL$1 +Four Immigrants Die Trying to Reach Spanish Shore MADRID (Reuters) - Four sub-Saharan Africans trying to immigrate illegally drowned 20 feet from shore Saturday at the same Spanish beach where 33 would-be immigrants died last week, state radio said.$LABEL$0 +Unfriendly airline grounds its pension plans Fly the friendly skies may be United Airlines slogan. But employees of Americas largest carrier wont be so convinced this weekend, on the heels of it filing court documents saying it is likely to scrap its pension plans.$LABEL$2 +US Airways Chairman: Liquidation Possible US Airways Group Inc. #39;s (UAIR.O: Quote, Profile, Research) chairman said employees must agree to \$800 million in new wage and benefit cuts within 30 days or the airline might be liquidated, the New York Times said on Thursday, citing $LABEL$2 +HBOS in talks to fund 8bn Abbey bid HBOS is said to be in talks with potential financial backers over how to fund an 8bn takeover bid for Abbey National in a move to break up a takeover plan from Spain #39;s Banco Santander Central Hispano.$LABEL$2 +Update 4: Two Firms Cleared of Swapping Violations In a judicial blow to the entertainment industry, a federal appeals court ruled that makers of two leading file-sharing programs are not legally liable for the songs, movies and other copyright works their users swap online.$LABEL$3 +Google Goes Public at \$85/share adpowers writes quot;It is official. Google will have its IPO debut at \$85 per share. To quote the article, #39;At that price, the low end of its recently revised range, Google raised \$1.$LABEL$3 +High-Speed Internet Shouldn #39;t Be Delayed Back in the go-go days of the tech boom, there was a lot of talk about fast Internet connections enabling consumers to do all manner of useful and fun things, from online banking to viewing movies online.$LABEL$3 +Hidayat fulfills potential with badminton gold ATHENS: Taufik Hidayat couldnt stop the tears after winning Indonesias first gold medal of the Athens Olympics. The unheralded Hidayat won the mens badminton title Saturday, beating seventh-seeded $LABEL$1 +Bush's Nephew Rips Armed Border Guards (AP) AP - President Bush's nephew, campaigning for overseas votes in Mexico on Saturday, called the federal policy of arming U.S. Border Patrol agents with plastic pellet guns ""reprehensible.$LABEL$0 +U.S. Launches Fresh Assault on Sadr Forces in Najaf NAJAF, Iraq (Reuters) - U.S. forces launched a fresh assault on Shi'ite rebels in the embattled Iraqi city of Najaf on Sunday after talks on transferring control of the mosque at the center of a two-week siege ran into difficulties.$LABEL$0 +'Tax super-rich at 50' proposal Hit the super-rich with a 50 inheritance tax and allow cuts for the middle class, says a leading think tank.$LABEL$0 +Shiites Hold Najaf Shrine; Clashes Flare NAJAF, Iraq - Militants loyal to radical Shiite cleric Muqtada al-Sadr kept their hold on a revered shrine, and clashes flared in Najaf on Saturday, raising fears that a resolution to the crisis in the holy city could collapse amid bickering between Shiite leaders. An unofficial mediator pleaded with al-Sadr to disarm his militants, pull them out of the shrine and disband his militia immediately...$LABEL$0 +Spectator Phelps' 8th Medal Ties Record ATHENS, Greece - Michael Phelps won another gold medal, this time wearing khaki shorts and flip-flops. From a front-row seat at the Olympic pool, Phelps watched his teammates do all the work in the 400-meter medley relay Saturday night...$LABEL$0 +Dream Team Loses Again, but Still Advances ATHENS, Greece - The United States men's basketball team endured another brutal loss Saturday night. But because Angola is playing even worse than the Americans, the Dream Team is in the quarterfinals of the Athens Games...$LABEL$0 +Woman Chows 38 Lobsters in Eating Contest KENNEBUNK, Maine - America's top speed-eater wolfed down 38 lobsters in 12 minutes Saturday to win the World Lobster Eating Contest. Sonya Thomas, of Alexandria, Va., won \$500 and a trophy belt for her efforts, consuming 9.76 pounds of lobster meat...$LABEL$0 +US Airways asks pilots for 16.5 cut in pay Struggling US Airways (UAIR) has asked its pilots to accept a 16.5 pay cut while giving them the chance to recoup some of the money by flying more.$LABEL$2 +Competition probe would see Santander turn its back on Abbey Banco Santander would walk away from its 8.2bn offer for Abbey National, the mortgage bank, if a rival bid from one or more UK banks led to a lengthy investigation by the competition authorities.$LABEL$2 +Google Shares Gain in Market Debut Shares of Google Inc. made their market debut on Thursday and quickly traded up 19 percent at \$101.28. The Web search company #39;s initial public offering priced at \$85 $LABEL$3 +Springboks beat Australia in tr-nations rugby South Africa has defeated Australia in the final match of the rugby Tri Nations series. Africa correspondent Sally Sara reports, the Springboks won 23 to 19 in front of a home crowd in Durban.$LABEL$1 +Johnson probably out for season with broken cheekbone Montreal Expos first baseman Nick Johnson was placed on the 15-day disabled list Saturday with a broken right cheekbone and is probably out for the rest of the season.$LABEL$1 +Moore versus List in US Amateur final Mamaroneck, NY (Sports Network) - Ryan Moore, the medalist in stroke play, dispatched Jeff Overton, 3 amp; 2 in one of Saturday #39;s semifinal matches to reach Sunday #39;s 36-hole final at the US Amateur Championship at Winged Foot Golf Club.$LABEL$1 +Praying for Sistani #39;s Good Health ast week, the Iraqi city of Najaf teetered between hopes for a truce and threats of an all-out government assault to rout the rebel Islamic cleric Moktada al-Sadr.$LABEL$0 +Hasina escapes unhurt as Dhaka blast kills 14 DHAKA: Bangladesh opposition leader and former prime minister Sheikh Hasina had a narrow escape as a powerful blast at a rally of her Awami League party killed 14 people and injured 200 here on Saturday.$LABEL$0 +Pakistan Says It Has Foiled Terror Plots Pakistan has arrested at least five al-Qaida-linked terrorists who were plotting suicide attacks on government leaders and the US Embassy, officials announced Saturday.$LABEL$0 +Rebels attack Chechen police station, several people killed Several people were killed and a few others wounded when rebels attacked a police station in the capital of Russia #39;s breakaway Chechen republic on Saturday, Russian news agencies reported, citing officials.$LABEL$0 +British military to get first Muslim chaplain: report (AFP) AFP - Britain's army forces are to get their first Muslim chaplain, a defense ministry source was quoted as saying.$LABEL$0 +Indian mother swims home from Sri Lanka (AFP) AFP - A 34-year-old Indian mother of one has fulfilled her dream to swim seven seas after crossing the Palk Strait dividing India and Sri Lanka in a marathon 14-hour feat, officials said.$LABEL$0 +Airport workers strike BA pay deal More than 10,000 British Airways staff will be balloted by their unions this week over a last-ditch pay deal that has lifted the threat of bank holiday travel chaos at Heathrow.$LABEL$2 +Nobody is neutral about the great Google gamble The initial public offering of Google brings to mind one of the great one-liners offered by Clint Eastwood in one of his Dirty Harry films: quot;Opinions are like a**holes, quot; Harry says.$LABEL$2 +Gloves are off as Abbey war turns dirty ANYONE who thought the battle for Marks amp; Spencer had plumbed the depths of City depravity with its stories of fisticuffs in Baker Street and allegations of interference with mobile phone records may have to draw breath as the banking battle gets serious.$LABEL$2 +Online hits climb the charts as radio embraces the internet age THE online music generation will become the legitimate test of the top 20 chart toppers next week when Virgin and BBC Radio One launch shows featuring tracks downloaded from the internet.$LABEL$3 +Epson develops worlds lightest flying robot The micro-robot weighs a mere 8.6 grams without battery, or 12.3 grams with the battery attached. It measures 13.6 centimeters in diameter and 8.5 centimeters in height.$LABEL$3 +Pieces of eight for Phelps How far do you have to go to win an Olympic title? How about eight titles? If you #39;re Michael Phelps, you would have to go a long way, 70 kilometres in fact, because that is how far the American golden boy of the pool has swum at these Games.$LABEL$1 + #39;Testosterone oozed from the screen #39; Forget those chariots, this was Rowing Boats Of Fire. The heart-stopping, edge-of-the-seat, photo finish victory for the men #39;s coxless four was without a doubt one of the Great British Sporting Moments.$LABEL$1 +American Sprinters Show a Mix of Bluster and Speed Shawn Crawford of the United States left the baseball cap at home and no longer needed the showy sunglasses he wore in Saturday morning #39;s first heat.$LABEL$1 +South Africa 23 - 19 Australia When Percy Montgomery sent his third and last penalty of the afternoon sailing between the uprights to take South Africa out to 23-7 after 63 minutes, it seemed safe to contemplate the remarkable idea that South Africa were to be Tri Nations champions.$LABEL$1 +Belarus Breaks US Hold in 100m Dash For the first time in 20 years, an American woman did not win gold in the 100m dash. On Saturday that honor went to Yuliya Nesterenko of Belarus.$LABEL$1 +Green flexes muscles vs. Braves Shawn Green hit a grand slam in the first inning and a solo homer in the third to lead the Dodgers to a 7-4 victory Saturday against the Atlanta Braves $LABEL$1 +US Launches Fresh Assault on Sadr Forces in Najaf US forces launched a fresh assault on Shi #39;ite rebels in the embattled Iraqi city of Najaf on Sunday after talks on transferring control of the mosque at the center of a two-week siege ran into difficulties.$LABEL$0 +Sudan, UN agree on right of return of Darfur displaced The Sudanese government and the UN migration agency here Saturday signed an agreement ensuring right of return of Darfur displaced.$LABEL$0 +Four people injured in bomb explosions in Spain Four people were wounded on Saturday when two bombs exploded at the tourist localities of Sanjenjo and Baiona, in Galicia, north Spain.$LABEL$0 +IDF troops kill man close to Gaza fence Israeli troops spotted a Palestinian in the security zone about 50 meters from the fence separating Gaza from Israel and shot him dead early yesterday.$LABEL$0 +The rivers of blood still run deep in Africa #39;s Great Lakes region The Great Lakes region, which has paid Africa #39;s highest price in human lives and destruction from ethnic conflict, could soon be plunged again into wholesale war as a result of the recent massacre of 160 Congolese Tutsis in Burundi by Hutu militias.$LABEL$0 +China takes a great leap backwards for Deng IN LIFE he was feared and revered, but in death the father of Chinas 20-year economic miracle and crusher of Tiananmen Square had assumed iconic status.$LABEL$0 +The Fischer defence Last week as Bobby Fischer languished in a detention centre in Japan, his new fiancee announced their impending nuptials. Andrew Alderson reports on the latest twist in the bizarre life $LABEL$0 +British Airways in Pact With Unions British Airways PLC reached a pay accord early Saturday with two unions, averting a planned strike during the Aug. 27-30 holiday weekend by 11,000 baggage handlers and check-in workers.$LABEL$2 +Johnson Leaves Game With Strained Hip (AP) AP - Detroit Tigers right-hander Jason Johnson left his start Saturday against the Seattle Mariners with a strained left hip.$LABEL$1 +Pakistan says holds suspects planning big attacks (Reuters) Reuters - UPDATE 3-Pakistan arrests up to 10 al Qaeda suspects$LABEL$0 +Kerry Camp Makes Video to Defuse Attacks (AP) AP - Sen. John Kerry's campaign released a video Saturday comparing the controversy over Kerry's Vietnam service to attacks on John McCain during the 2000 Republican primaries.$LABEL$0 +McDonald's: CEO Resting After New Surgery WASHINGTON (Reuters) - The chief executive of McDonald's Corp. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=MCD.N target=/stocks/quickinfo/fullquote"">MCD.N</A> is recuperating after another surgery, the world's largest fast-food company said on Saturday.$LABEL$2 +Good Samaritans Aiding Hurricane Victims PUNTA GORDA, Fla. - Hundreds of local residents and some from across the nation have turned out to provide a vast array of free aid since Hurricane Charley ravaged the area on Aug...$LABEL$0 +Militants Hold Najaf Shrine; Bombing Heard NAJAF, Iraq - Militants loyal to radical Shiite cleric Muqtada al-Sadr kept their hold on a revered shrine, and clashes flared in Najaf on Saturday, raising fears that a resolution to the crisis in the holy city could collapse amid bickering between Shiite leaders. An unofficial mediator pleaded with al-Sadr to disarm his militants, pull them out of the shrine and disband his militia immediately...$LABEL$0 +Red Sox Top White Sox Manny Ramirez homered and drove in five runs as the Boston Red Sox beat the Chicago White Sox 10-7 Saturday for their fifth straight win.$LABEL$1 +Hewitt Thunders to Final Lleyton Hewitt advanced to the finals of the Legg Mason Tennis Classic with a 6-3, 6-4 win over Robby Ginepri on Saturday.$LABEL$1 +Offense Is Steamrolled Quarterback Aaron Polanco took a brutal hit in the back during Navy's scrimmage, symbolizing the Mids' mediocre offensive effort Saturday.$LABEL$1 +ON THE CONTRARY Energy Answers, Left Unspoken F you #39;re worried about the nation #39;s energy future, you can take heart in the positions of both major parties #39; presidential candidates.$LABEL$2 +Paul Hamm gold an error n American Paul Hamm, who become the first American to win the Olympics mens all-around gymnastics title, should not have been awarded the gold, the sports governing body ruled on Saturday.$LABEL$1 +Valencia downs Zaragoza in Spanish Supercup Spanish international Vicente Rodriguez struck from a 62nd-minute free kick Saturday to earn Valencia a 1-0 victory over Zaragoza in the first leg of the Spanish Supercup.$LABEL$1 +Colts WR Walters Breaks Left Arm Vs. Jets (AP) AP - Indianapolis Colts wide receiver Troy Walters broke his left arm on the first series of Saturday night's preseason game against the New York Jets.$LABEL$1 +Bucks Acquire Guard Maurice Williams (AP) AP - The Milwaukee Bucks acquired Maurice ""Mo"" Williams after the Utah Jazz did not match the offer sheet the guard signed on Aug. 6.$LABEL$1 +Angels Rattle Loaiza, Blast Yankees 6-1 (AP) AP - Esteban Loaiza is pitching his way out of the New York Yankees' rotation.$LABEL$1 +McDonald's: CEO Resting After New Surgery WASHINGTON (Reuters) - The chief executive of McDonald's Corp. is recuperating after another surgery, the world's largest fast-food company said on Saturday.$LABEL$2 +Kerry Makes 'Non-Political' Florida Visit (AP) AP - Presidential candidate John Kerry may have won a few votes during his tour of neighborhoods devastated by Hurricane Charley, but he said #151; as any politician must #151; that strengthening support in a battleground state was not the reason for his visit.$LABEL$0 +Meth Cooks May Be Caught Pink-Handed (AP) AP - It may fall a shade shy of catching thieves red-handed, but for farmers fed up with methamphetamine cooks filching their fertilizer, staining them pink will do just fine.$LABEL$3 +Chilean Pair Win Country's First Gold ATHENS (Reuters) - Nicolas Massu and Fernando Gonzalez won Chile's first gold medal at an Olympics in a five-set tennis marathon that ended at 2:37 a.m. on Sunday.$LABEL$1 +French reporters vanish in Iraq Paris confirms two French journalists are missing in Iraq as concern grows for the safety of an Italian.$LABEL$0 +MLB: Los Angeles 7, Atlanta 4 Shawn Green hit two home runs Saturday, including a grand slam, to lead the Los Angeles Dodgers to a 7-4 victory over the Atlanta Braves.$LABEL$1 +Dropped Fly Lets Mets Nip Giants in 12th (AP) AP - Dustan Mohr allowed two runs to score when he dropped a fly ball in the 12th inning, and the New York Mets overcame a shaky return by Tom Glavine and a team-record six double plays to beat the San Francisco Giants 11-9 Saturday.$LABEL$1 +Police Killed in Pre-Poll Chechnya Attacks -- Agency MOSCOW (Reuters) - Gunmen attacked a police station and voting centers in Russia's war-torn Chechnya, killing at least 11 people, Interfax news agency said Saturday.$LABEL$0 +In Mr. Bush's Neighborhood, a Peculiar Intersection The relationship between President Bush and Wall Street has always been a tangled one, layered with paradox and outright contradiction.$LABEL$2 +Video Game Makers Go Hollywood. Uh-Oh. Seeking to establish the medium as a mass market form of entertainment instead of a niche technology, the game industry has taken the playbook of the movie business.$LABEL$2 +That Not-So-Distant Thunder in the Bond Market HEN investors consider the bond market these days, the low level of interest rates should be more cause for worry than for gratitude.$LABEL$2 +Hewitt overcomes Ginepri to reach Washington final Australian Lleyton Hewitt eased into the final of the Washington Classic on Saturday with a 6-3 6-4 victory over fourth-seeded American Robby Ginepri.$LABEL$1 +Usual suspects could be challenged The pressure on IRL IndyCar Series championship leaders Tony Kanaan and Buddy Rice is beginning to increase with the end of the 2004 season just eight weeks -- or five races -- away.$LABEL$1 +Bomb attack kills 12 at Bangladesh rally At least 12 people were killed and 100 wounded in a bomb attack yesterday on an opposition rally in Bangladesh #39;s capital Dhaka.$LABEL$0 +Fatal accidents damage Japan #39;s nuclear dream On the coast of the Japan Sea, two and a half hours by train from Kyoto, is the quiet fishing village of Mihama. Noted for its harbour and beautiful beaches, it draws tourists from all over the country.$LABEL$0 +Wall St.'s Nest Egg - the Housing Sector (Reuters) Reuters - If there were any doubts that we're\still living in the era of the stay-at-home economy, the rows\of empty seats at the Athens Olympics should help erase them.$LABEL$2 +Pakistan Says It Has Foiled Terror Plots (AP) AP - Pakistan has arrested at least five al-Qaida-linked terrorists who were plotting suicide attacks on government leaders and the U.S. Embassy, officials announced Saturday.$LABEL$0 +AUDIT CONFIRMS CHAVEZ VICTORY An audit of last week #39;s recall vote in Venezuela has found no evidence of fraud in the process that endorsed President Hugo Chavez as leader.$LABEL$2 +Charlie Bell recovering from second colorectal surgery CHICAGO McDonald #39;s President and CEO Charlie Bell is resting comfortably today after undergoing a second colorectal procedure.$LABEL$2 +ANALYSIS-Indo-Pak peace bid runs into rough water Pakistan #39;s President Pervez Musharraf is quot;confused quot; and not a little impatient. India is concerned, and Kashmiris are increasingly pessimistic.$LABEL$0 +Al-Qaida Said to Recruit in Latin America MONTERREY, Mexico - Governments throughout Mexico and Central America are on alert as evidence grows that al-Qaida members are traveling in the region and looking for recruits to carry out attacks in Latin America - the potential last frontier for international terrorism. The territory could be a perfect staging ground for Osama bin Laden's militants, with homegrown rebel groups, drug and people smugglers, and corrupt governments...$LABEL$0 +Mistakes Are Abundant Missed tackles, penalties and other assorted errors marked Maryland's intrasquad scrimmage Saturday, a dire portent of another slow start.$LABEL$1 +Cink Excels at NEC Stewart Cink used a 2-under 68 on Saturday to extend his lead at the NEC Invitational to five shots while Tiger Woods and David Toms faded.$LABEL$1 +Blue Jays Drub O's Carlos Delgado homered and drove in three runs as the Toronto Blue Jays handed the Baltimore Orioles their fifth straight loss, 10-4, on Saturday.$LABEL$1 +New Orleans Quarterback Aaron Brooks Tweaks Strained Right Thigh in Game Against Green Bay (AP) AP - New Orleans quarterback Aaron Brooks tweaked his strained right thigh and hobbled off the field in the second quarter of the Saints' game against the Green Bay Packers on Saturday night.$LABEL$1 +NL: Green Homers Lift Los Angeles Past Atlanta (Reuters) Reuters - Shawn Green hit two home runs,\including a grand slam, as Los Angeles defeated the Atlanta\Braves 7-4 in a battle of National League division leaders at\Dodger Stadium Saturday.$LABEL$1 +Han Shoots Par, Leads Wendy's Championship (AP) AP - Hee-Won Han was back atop the leaderboard at the Wendy's Championship for Children. Han, the defending champion and 2002 runner-up, shot an even-par 72 in the third round Saturday to take a two-shot lead. The South Korean had earlier rounds of 66 and 70 at the rain-soaked and muddy Tartan Fields Golf Club and was at 8-under-par 208.$LABEL$1 +Chemical may cause muscle disease Scientists say a defect in a key protein may cause the muscle-wasting disease muscular dystrophy.$LABEL$0 +McDonald #39;s: CEO Resting After New Surgery The chief executive of McDonald #39;s Corp. (MCD.N: Quote, Profile, Research) is recuperating after another surgery, the world #39;s largest fast-food company said on Saturday.$LABEL$2 +Enter your e-mail: I just spent an enjoyable afternoon at the Classic Gaming Expo in San Jose--a place where Pac-Man and Donkey Kong are revered, the Atari 2600 and Intellivision are respected gaming platforms, and the men and women who created titles such as Centipede and $LABEL$3 +Controversy Again Taints Olympic Games ATHENS, Greece - Bad judging has become a tradition at the Olympics, almost its own event really. From the robbery of Munich, where officials stole a basketball gold from the United States and gave it to Russia $LABEL$1 +Unknown Nesterenko Makes World Headlines Belarus #39; Yuliya Nesterenko won the top women #39;s athletics gold medal at the Olympics on Saturday, triumphing over a field stripped of many big names because of doping woes to win the 100 meters.$LABEL$1 +Concerns mount for reporters missing in Iraq A freelance Italian journalist who had been working in the troubled Iraqi city of Najaf is missing and his driver has reportedly been killed, government and aid officials said on Saturday.$LABEL$0 +U.S. Aircraft Make New Attack on Rebels in Najaf (Reuters) Reuters - U.S. aircraft launched a fresh\assault on Shi'ite rebels in the embattled Iraqi city of Najaf\early Sunday after talks on transferring control of the mosque\at the center of a two-week siege ran into trouble.$LABEL$0 +Two French Journalists Missing in Iraq - Ministry (Reuters) Reuters - Two French journalists are missing in\Iraq and have not been heard from since Thursday, the Foreign\Ministry in Paris said Saturday.$LABEL$0 +Carter Out for Season for Seminoles (AP) AP - Florida State tight end Donnie Carter will miss the upcoming season with a torn right knee ligament, coach Bobby Bowden said Saturday.$LABEL$1 +U.S. Aircraft Make New Attack on Rebels in Najaf NAJAF, Iraq (Reuters) - U.S. aircraft launched a fresh assault on Shi'ite rebels in the embattled Iraqi city of Najaf early Sunday after talks on transferring control of the mosque at the center of a two-week siege ran into trouble.$LABEL$0 +Two French Journalists Missing in Iraq - Ministry PARIS (Reuters) - Two French journalists are missing in Iraq and have not been heard from since Thursday, the Foreign Ministry in Paris said Saturday.$LABEL$0 +Venezuela finds no fraud in election Venezuela #39;s electoral authorities said Saturday an audit of the vote on President Hugo Chavez #39;s rule found no proof of fraud.$LABEL$2 +Matfield turns the Aussie tide A rugby nation lifted its head once more last night. The surprise was that it was South Africa, not Australia or New Zealand, who emerged into the light clutching the coveted Tri-Nations trophy.$LABEL$1 +NL: Green Homers Lift Los Angeles Past Atlanta Shawn Green hit two home runs, including a grand slam, as Los Angeles defeated the Atlanta Braves 7-4 in a battle of National League division leaders at Dodger Stadium Saturday.$LABEL$1 +American Says He Was on bin Laden's Trail (AP) AP - An American on trial for allegedly torturing Afghan terror suspects in a private jail claimed Saturday in his first interview from custody that he was hot on the heels of Osama bin Laden and other militant leaders when he was arrested on July 5.$LABEL$0 +Dutch arrest in Iraq genocide case A 62-year-old Dutchman will be charged for war crimes and as an accomplice to genocide for supplying lethal chemicals to Saddam Hussein #39;s regime, prosecutors said Tuesday.$LABEL$0 +Former Swift Boat Commander Backs Kerry on Vietnam (Reuters) Reuters - A journalist who commanded a boat\alongside John Kerry in Vietnam broke a 35-year silence on\Saturday and defended the Democratic presidential candidate\against Republican critics of his military service and\integrity.$LABEL$0 +Bush pressing case for #39;ownership society #39; Amid signs that the economy is cooling, President Bush is showcasing initiatives for a second term under the banner of an quot;ownership society quot; in hopes of bolstering his economic stewardship credentials.$LABEL$2 +Rules for Overtime Pay to Take Effect After months of heated debate, a major revision, protests and an unsuccessful legislative assault, the most sweeping changes to the nation #39;s overtime rules in more than 50 years take effect tomorrow.$LABEL$2 +Indian truckers launch strike NEW DELHI: India #39;s largest truckers #39; union began a nationwide strike yesterday, disrupting shipment of goods, to protest a government plan for a service tax on transport booking agents.$LABEL$2 +Bank One Chief Economist to Step Down Bank One said Thursday that its chief economist is leaving the company, less than two months after it was purchased by JP Morgan Chase amp; Co.$LABEL$2 +Nortel Will Cut Workforce by 10 Percent TORONTO, Aug. 19 -- Nortel Networks Corp. said Thursday it will slash its workforce by 3,500, or 10 percent, as it struggles to recover from an accounting scandal that toppled three top executives and led to a criminal investigation and lawsuits.$LABEL$2 +Workers at Mexico #39;s Volkswagen plant end strike, accept 4.5 wage <b>...</b> Workers at Volkswagen #39;s Mexico plant agreed to end their three-day-old strike and accept a pay package close to the company #39;s original offer, officials said after talks that stretched into the early hours of Saturday.$LABEL$2 +High-Speed Users Move Into Majority Web users with fast broadband connections have finally muscled aside dial-up users to form a majority of the American Internet population, according to Nielsen/Net Ratings.$LABEL$3 +Yosemite National Park to use from GM hybrid technology Hybrid engines manufactured by General Motors Corp. will be used to power some buses in California #39;s Yosemite National Park -- a move aimed at curbing emissions in the pristine reserve.$LABEL$3 +Inside Lines: Athens brings out the Games #39; feminine side Have you noticed how women are beginning to dominate these Olympics? A week ago it was Gianna Angelopoulos-Daskalaki who was a star of the show at the opening ceremony.$LABEL$1 +Bangladesh Blasts Kill 13, Injure Opposition Leader, AFP Says A series of explosions at a political rally in Dhaka, Bangladesh killed more than 13 people and injured up to 80, including former Prime Minister Sheikh Hasina Wajed, Agence France-Presse $LABEL$0 +Rebels in Nepal Kill Policeman as the Capital Endures a Siege Suspected insurgents shot dead a policeman on Saturday in Katmandu, Nepal #39;s capital, as the military said it could escort food shipments into the city to ease a blockade inspired by antigovernment guerrillas.$LABEL$0 +Four injured in blasts MADRID: Two bombs exploded in coastal towns in northern Spain yesterday injuring four people after a local paper received a warning in the name of the Basque separatist organisation ETA.$LABEL$0 +More violence ahead of Chechen election There has been more violence in the strife-torn republic of Chechnya, just days before the Russian region is due to elect a new president.$LABEL$0 +Kazaa Owner Cheers File-Swapping Decision (AP) AP - The distributor of file-swapping giant Kazaa welcomed a U.S. court's ruling that two of its rivals are not legally liable for the songs, movies and other copyright works shared online by their users.$LABEL$3 +Brunell, Redskins Shellac Dolphins 17-0 (AP) AP - Mark Brunell directed two touchdown drives, and the Washington Redskins controlled the ball for 41 minutes to beat the Miami Dolphins 17-0 Saturday night.$LABEL$1 +Global LCD Oversupply to Peak -Report Excess supplies of large liquid crystal displays (LCDs) are forecast to peak in the third quarter of this year, but will balance out by the fourth, a US research firm said on Friday.$LABEL$3 +Hewitt goes through in Washington Second-seed Lleyton Hewitt moved into the quarterfinals of the Washington Open with a routine 6-3 6-2 win over Colombian Alejandro Falla.$LABEL$1 +Bekele wins 10,000m gold as Gebrselassie #39;s era ends Kenenisa Bekele stormed to the men #39;s 10,000 meters title as his once all-conquoring fellow Ethiopian Haile Gebrselassie ended at the Olympic Games on Friday night.$LABEL$1 +Bayliss in spat with Ducati boss Bayliss was reportedly involved in a heated argument in the pits at the German Grand Prix last month with team boss Livio Suppo. An uneasy relationship has developed between the former world $LABEL$1 +Harmison rated best Test bowler ENGLAND fast bowler Steve Harmison is the world #39;s number one bowler, according to the latest PwC Test ratings. The Durham quick #39;s match-winning nine-wicket haul in the fourth and final Test against the West $LABEL$1 +STOCKS amp; BONDS Investors Regain Optimism as Crude Oil Prices <b>...</b> tocks climbed yesterday as a drop in crude oil prices from their peak eased investors #39; worries that high fuel costs would crimp consumer spending and hurt company profits.$LABEL$2 +Mars rovers still phoning home While we go about our days, an amazing 34 million or so miles away our pair of Mars Rovers are still going about their days, although theirs are 45 minutes longer and are called quot;sols.$LABEL$3 +Muller, Hewitt for final UNHERALDED Gilles Muller spoiled a star-studded finals scenario at the Washington Open today, muscling aside Andre Agassi 6-4, 7-5 to move into a match-up with Lleyton Hewitt.$LABEL$1 +Bangladesh Awakes in Shock as Blast Toll Hits 16 (Reuters) Reuters - Extra armed police patrolled the streets\of the Bangladeshi capital and traffic was light on Sunday, a\working day, as shocked Bangladeshis woke up to the aftermath\of grenade blasts that killed at least 16 people.$LABEL$0 +Explanation Sought for Lobster Decline (AP) AP - Maine's lobstermen have been hauling up phenomenal numbers for almost 15 years. Their 62.3 million pounds in 2002 set a record #151; triple the typical catch during the 1980s. That's more than #36;200 million worth of lobster and by far the dominant share of the Northeast's most valuable fishery. But can it last?$LABEL$3 +Redskins Execute, Roll The Redskins were crisp on offense and defense, holding the ball for 41 minutes and allowing 98 total yards in a complete 17-0 victory in Miami.$LABEL$1 +Wizards End Skid Davy Arnaud scored his ninth goal of the season in the 66th minute to give the Kansas City Wizards a 2-1 win over the New England Revolution on Saturday night.$LABEL$1 +Is United Taking Aim at Retirees? The story for bankrupt air carrier United Airlines (OTC BB: UALAQ) is a simple one: It doesn #39;t have enough cash on hand to take care of all of its obligations.$LABEL$2 +Violence in Iraq drives oil to new high of over \$49 Oil prices raced to fresh highs Friday, carrying US crude to over \$49 a barrel, driven by escalating violence in Iraq and unabated fuel demand growth from China and India.$LABEL$2 +Agassi, Davenport move into semifinals of separate tournaments Agassi, Hewitt advance: Andre Agassi continued to make quick work of the field at the Legg Mason tournament in Washington, DC, winning 6-4, 6-4 yesterday over Paul-Henri Mathieu to reach the tournament #39;s semifinals for the seventh consecutive year.$LABEL$1 +Woodgate: A dream come true The England international completed his 13.4million move from Newcastle to the Spanish giants on Friday and was officially unveiled to the media on Saturday afternoon.$LABEL$1 +American League Game Summary - Cleveland At Minnesota Minneapolis, MN -- Cristian Guzman drove in three runs to lead Minnesota to an 8-1 win over Cleveland in the middle contest of a crucial three-game set at the Metrodome.$LABEL$1 +NL Wrap: Green Homers Lift Los Angeles Past Atlanta NEW YORK (Reuters) - Shawn Green hit two home runs, including a grand slam, as Los Angeles defeated the Atlanta Braves 7-4 in a battle of National League division leaders at Dodger Stadium on Saturday.$LABEL$1 +Radcliffe shrugs off pressure Britain's gold medal hope in the women's marathon Paula Radcliffe insists she is focused ahead of the race.$LABEL$0 +Houllier praises Rafa #39;s new Liverpool Gerard Houllier was angry to read reports about his criticism of Rafael Benitez in the Sunday papers, and insists he believes the Spaniard is doing well at Anfield.$LABEL$1 +Stocks Edge Higher As Oil Prices Fall A welcome slide in oil prices set off a relief rally on Wall Street Friday, with stocks posting a healthy advance as crude approached but then fell back from the \$50 a barrel mark.$LABEL$2 +Google shares rise in debut Shares in Google rose \$15.01 or 17.7 percent, to open at \$100.01 its public debut on the Nasdaq stock exchange. The jump was a surprise, given the initial \$85 price of the shares and the unusual style of the sale.$LABEL$2 +RealNetworks Doesn #39;t Rock NEW YORK - It #39;s never a smart move to pick a public fight with Apple Computer, and it #39;s doubly unwise if that fight involves the iPod in some way.$LABEL$3 +College established for Internet game industry A college to provide training for the Internet games industry has been opened in Beijing. China #39;s Ministry of Information Technology, the Hong Kong Vocational Training Council, and a Beijing Internet company devised the new college as a joint venture.$LABEL$3 +Virgin to launch online music chart ahead of Radio One LONDON - Virgin Radio is to broadcast weekly chart rundowns using Napster online sales figures from August 29, beating BBC Radio One to the punch.$LABEL$3 +Henin-Hardenne beats Mauresmo; Gonzalez #39;s long day yields gold <b>...</b> Healthy at last, Justine Henin-Hardenne is back at the top of her game. And she has a gold medal to prove it. In a No. 1 vs. No. 2 final that wasn #39;t really close, the top-ranked Henin-Hardenne overwhelmed $LABEL$1 +Dodgers 7, Braves 4 Los Angeles, Ca. -- Shawn Green belted a grand slam and a solo homer as Los Angeles beat Mike Hampton and the Atlanta Braves 7-to-4 Saturday afternoon.$LABEL$1 +Pak in fresh assault on terror hideouts Islamabad, Aug. 21: Pakistani security forces today attacked suspected terrorist hideouts in the border regions of South Waziristan after rocket attacks on military positions from different areas of Shakai valley.$LABEL$0 +US swimmer Phelps puts on show for the ages As of Saturday, the end of the swimming competitions, he had eight medals: Six gold and two bronze. In comparison, Canada has won two silver and a bronze.$LABEL$1 +Golf: Cink seizes five-shot lead at Akron golf AKRON : American Stewart Cink carded a two-under-par 68 on Saturday to seize a five-stroke lead after the third round at the seven million dollar World Golf Championship Invitational tournament.$LABEL$1 +Australia #39;s Molik wins women #39;s singles tennis bronze Unseeded Alicia Molik of Australia upset No. 3 Anastasia Myskina of Russia 6-3, 6-4 on Saturday to win the Olympic women #39;s singles tennis bronze medal.$LABEL$1 +Tigers Edge Mariners in 11 Wild Innings (AP) AP - Craig Monroe hit an RBI single with one out in the 11th inning, leading the Detroit Tigers to a wild 11-10 victory over the Seattle Mariners on Saturday night.$LABEL$1 +Kerry Raises #36;2M for Democrats in N.Y. (AP) AP - John Kerry raised #36;2 million for Democrats in just a few hours Saturday, making two stops in this understated and elegant vacation destination for the Northeastern well-to-do.$LABEL$0 +Green's Slam Lifts L.A. Shawn Green connects on a grand slam and a solo homer to lead the Los Angeles Dodgers past the Atlanta Braves 7-4 on Saturday.$LABEL$1 +Stranded Afghan Refugees Find a Home in Canada TORONTO -- Habibullah Abdul Ghafar is drinking black tea and resting after arriving in Canada from Kyrgyzstan, the Central Asian country where he and his family were stranded as refugees. Inside his one-bedroom apartment on the east side of Toronto, the furniture is sparse. A sofa, chair and kitchen table the Canadian government gave them line the room.$LABEL$0 +Wells of Life Run Dry for Sudanese Trauma and malnutrition leave many refugee mothers unable to breast-feed.$LABEL$0 +Tigers Call Up Dingman, Option Novoa (AP) AP - The Detroit Tigers optioned reliever Roberto Novoa to Double-A Erie and called up relief pitcher Craig Dingman from Triple-A Toledo.$LABEL$1 +Australian Taliban and bin Laden bodyguards to face US military justice (AFP) AFP - The United States will this week start controversial military proceedings against an Australian Taliban fighter and three bodyguards for Osama bin Laden.$LABEL$0 +British give shrink an Olympian job LONDON (AFP) - British athletics chiefs have named sports psychologist David Collins as the new Performance Director with the job of producing medal winners at the 2008 Beijing Olympics.$LABEL$1 +Insurers Object to New Provision in Medicare Law Private insurers have told the Bush administration that they will not expand their role in Medicare if they have to serve large multistate regions.$LABEL$2 +Overtime rules go in effect Monday Whether they #39;ve been ready for months or are frantically working overtime to catch up, employers of all stripes have until Monday to conform to new labor regulations.$LABEL$2 +Dollar Mainly Gains, Shrugs Off Oil, Gold The dollar strengthened against most major currencies on Friday as dealers shrugged off soaring gold and oil prices and bought the currency largely on technical and positioning grounds.$LABEL$2 +Cink increases lead in Ohio USA Ryder Cup wildcard Stewart Cink increased his lead to five shots after three rounds of the WGC Invitational at the Firestone Country Club in Ohio.$LABEL$1 +US runners display dashing look on oval: Williams finds silver <b>...</b> Lauryn Williams #39; magical summer began with her winning the NCAA 100-meter championship in June in Austin, Texas. It continued at the US Trials in July, where $LABEL$1 +Tennis: Hewitt cruises into Washington quarter-finals Second-seed Lleyton Hewitt moved into the quarterfinals of the Washington Open tennis tournament with a routine 6-3 6-2 win over Colombian Alejandro Falla today.$LABEL$1 +World champion Rossi set to dent Honda morale in Brno BRNO (Czech Republic): World champion Valentino Rossi is 22 points clear in the title race but the Yamaha rider will not be taking it easy at this weekends Czech Grand Prix.$LABEL$1 +Crude oil may rise on supply threats Crude oil futures in New York, after passing US\$49 a barrel, may rise further next week on increasing concern that shipments will be curtailed just as demand accelerates, a Bloomberg survey of traders and analysts showed.$LABEL$2 +Greenback gains on euro even as US economy slips The US dollar climbed against the euro after some traders abandoned bets that a slowdown in growth reflected in economic reports this week would push the US currency to a one-month low.$LABEL$2 +Pinsent and crew take rowing honors Matthew Pinsent won his fourth successive Olympic gold medal amid tears of joy and relief yesterday as the British coxless four beat Canada in one of the closest rowing finals ever.$LABEL$1 +Jets 31, Colts 7 The New York Jets found a winning combination Saturday night -- a near-perfect game from Chad Pennington and an opportunistic defense.$LABEL$1 +Rookie has become #39;the man #39; Any lingering doubts as to whether rookie Julius Jones possesses the necessary toughness to be the Cowboys #39; carry-the-mail back now, and in years to come, were disposed of Monday night in Seattle.$LABEL$1 +Springboks win Tri-Nations title to complete amazing recovery (AFP) AFP - South Africa completed one of the great u-turns in rugby union history by beating Australia 23-19 to lift the Tri-Nations trophy a second time.$LABEL$0 +South Africa Win Second Tri-Nations Title DURBAN (Reuters) - South Africa survived two late yellow cards to win their second Tri-nations title with a rousing 23-19 triumph over Australia in Durban on Saturday.$LABEL$1 +Kerry comrade breaks war silence A US officer who fought alongside presidential candidate John Kerry in Vietnam condemns his critics.$LABEL$0 +UK teacher wins US ultra-marathon \A Cornish teacher claims one of sport's endurance crowns by winning a 3,100-mile race across the US.$LABEL$0 +Palmer Passes Test Bengals quarterback Carson Palmer enjoyed his breakthrough game at the expense of the Super Bowl champion Patriots, racking up 179 yards on 12-of-19 passing in a 31-3 triumph on Saturday night.$LABEL$1 +Lost Votes in N.M. a Cautionary Tale Four years ago, about 2,300 voters cast their ballots before Election Day on state-of-the-art, push-button electronic voting machines. For 678 of them, their votes were never recorded.<br><FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2"" color=""#666666""><B>-The Washington Post</B></FONT>$LABEL$3 +Online Ticketing The percentage of online sales for movie tickets tripled in the past three years, and growth should continue at least through 2008, the most recent data from Jupiter Research show.<br><FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2"" color=""#666666""><B>-The Washington Post</B></FONT>$LABEL$3 +T-Mobile's Sidekick II Strikes a Functional Balance of Voice, Data Uses Wireless-industry types like to talk about ""smart phones"" as if these souped-up, Internet-capable, multifunction cell phones all have the same IQ. But they don't.<br><FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2"" color=""#666666""><B>-The Washington Post</B></FONT>$LABEL$3 +Prices Fluctuate in a Flash Prices for flash memory cards -- the little modules used by digital cameras, handheld organizers, MP3 players and cell phones to store pictures, music and other data -- are headed down -- way down. Past trends suggest that prices will drop 35 percent a year, but industry analysts think that rate will be more like 40 or 50 percent this year and next, due to more manufacturers entering the market.$LABEL$3 +Int #39;l observers #39; audit backs Venezuelan referendum results An audit by the international observers supported the official results of the recall referendum on Venezuelan President Hugo Chavez, Cesar Gaviria, the secretary general of $LABEL$2 +Workers face new overtime rules Salaried workers who have been getting overtime pay should take notice: The rules are about to change. Under new federal regulations that go into effect tomorrow, some white-collar workers $LABEL$2 +Unheralded Nesterenko captures 100m gold glory Athens -- If there is a more obscure Olympic 100-meter champion than Yuliya Nesterenko, let her step forward and identify herself.$LABEL$1 +Golf Roundup Han leads by two in Wendy #39;s tourney Han, the 2003 champion and 2002 runner-up, shot an even-par 72 in the third round yesterday to take a two-shot lead. Han had earlier rounds of 66 and 70 at the rain-soaked and muddy Tartan Fields Golf Club and was at 8-under-par 208.$LABEL$1 +Sox slap a high-five for beating ChiSox After tiptoeing through a minefield of controversy, upheaval and unexpected mediocrity for more than three months, the Red Sox stats, schedule finally have their strut back.$LABEL$1 +Pakistan: Arrests spoil major al-Qaida plot Pakistan has arrested at least five al-Qaida-linked terrorists who were plotting suicide attacks on government leaders and the US Embassy, officials announced Saturday.$LABEL$0 +Hungary #39;s ruling Socialist Party names 2 candidates for PM Hungary #39;s ruling Socialist Party named Peter Kiss and Ferenc Gyurcsany as candidates for prime minister on Saturday, two days after the party accepted the resignation of Prime Minister Peter Medgyessy.$LABEL$0 +Cowboys Rally to Beat Raiders, 21-20 (AP) AP - Kerry Collins' one completion covered almost as many yards as Rich Gannon's seven. That's one reason why he might be a better fit in the Oakland Raiders' new offense. Collins' 89-yard scoring strike to Doug Gabriel in the third quarter was the biggest play of the game before the Dallas Cowboys rallied to beat Oakland 21-20 on Tony Romo's 1-yard keeper with six seconds left Saturday night.$LABEL$1 +Earthquakes Rattle Burn 3-0 (AP) AP - Brian Ching scored a team-best 11th goal of season to lead the San Jose Earthquakes past the Dallas Burn 3-0 on Saturday night.$LABEL$1 +Heed Those Wary Instincts When it comes to your money (or anything else, for that matter), I believe you should trust your gut.$LABEL$2 +Learning Is a Dangerous Thing to Deduct Tax law has long allowed a taxpayer to deduct the cost of work-related education if it maintains or improves skills needed in his or her present job or business, or if it is required by an employer.$LABEL$2 +Coming Soon, a 24-Plex Not So Near You There's something special about a night at the movies -- it's all about friends, American pop culture and escape. And it's accessible to just about everyone.$LABEL$2 +Nepal rebels storm mountain town Hundreds of Maoist rebels swoop on the Nepalese town of Khalanga, killing at least one soldier.$LABEL$0 +Bills RB Henry Knocked Out in Preseason (AP) AP - Bills running back Travis Henry bruised his ribs in Saturday night's preseason game against Tennessee.$LABEL$1 +Audit Finds No Fraud In Venezuelan Election The referendum on Aug. 15, 2004 rejected the petition to revoke the mandate of President Hugo Chavez. The observation of The Carter Center mission confirms the results announced by the National Election Council $LABEL$2 +China lures Amazon.com, other online e-commerce giants Going store-to-store hunting for bargains holds no appeal for Wang Qin, a busy securities industry employee who says he would rather spend his time and energy on work.$LABEL$3 +Michael Phelps: A very nice guy finishes first At 8:41 pm Thursday, Greek time, Michael Phelps was on the medal stand, the champion of the 200-meter individual medley. He was wearing his official $LABEL$1 +Getting Greene #39;s GOAT a chore worthy of an Olympic medal The tattoo on Maurice Greene #39;s right shoulder succinctly sums up where he feels he ranks in the world of sprinting. quot;Greatest of all time, quot; he will shout after a victory while thumping it.$LABEL$1 +Profile: Chen Qi/Ma Lin, China #39;s new amp;quotgolden pair quot; From Seoul 1988 to Athens 2004, China has pocketed every gold for men #39;s doubles in the Olympic table tennis tournament and, more amazingly, each time the gold has gone to a different pair of players.$LABEL$1 +GAME DAY RECAP Saturday, August 21 But Desi Relaford #39;s ninth-inning drive with two runners on and two out settled into the glove of right fielder Gary Matthews Jr.$LABEL$1 +Grenades kill 18 at Dhaka rally Police and paramilitary are patrolling the streets of the Bangladeshi capital after several grenades exploded near former Prime Minister Sheikh Hasina as she spoke at a party rally Saturday, killing at least 18 people and $LABEL$0 +Calf Problem Rules Ruud Out Of Turkish Trip Ruud van Nistelrooy will not travel to Turkey for United #39;s Champions League group D finale against Fenerbahce. The Dutch striker missed out on Saturday #39;s 3-0 win over Southampton at Old Trafford, and Sir Alex $LABEL$1 +Mars Hills, Crater Yield Evidence of Flowing Water The hills of Mars yielded more tantalizing clues about how water shaped the Red Planet in tests by NASA (news - web sites) #39;s robotic geologist, Spirit, while its twin $LABEL$3 +PAULA HOLDS MEDAL HOPES Long-distance runner Paula Radcliffe is tipped to add to Britain #39;s Olympic gold medal tally when she competes in the women #39;s marathon today.$LABEL$1 +Muller upsets Agassi in semis Luxembourg #39;s Gilles Muller is ranked so low he has to qualify next week just to see if he can even get into the US Open in less than two weeks.$LABEL$1 +Green Bay Packers GREEN BAY, Wisconsin (Ticker) -- Darren Sharper returned one his team #39;s three interceptions 90 yards for a touchdown, leading the Green Bay Packers to a 19-14 preseason victory over the New Orleans Saints .$LABEL$1 +Game On For Classic Gaming Expo 2004 jm writes quot;The Classic Gaming Expo 2004 kicks off this weekend, with over 60 industry guests. This year the CGE is being held at San Jose #39;s McEnery Convention Center, August 21st amp; 22nd.$LABEL$3 +Tremendous Victory In Venezuela WHILE India was celebrating its Independence Day, another important event was taking place on the other side of the world, in Venezuela.$LABEL$2 +Olympic gold provides inspiration Britain #39;s Olympic success and gold medal tally gives the papers an excuse to wax lyrical on Sunday. Matthew Pinsent #39;s fourth rowing gold and his team #39;s success in the coxless four is the cause of many quot;oar-some quot; puns.$LABEL$1 +SI.com SAN DIEGO (Ticker) -- Josh Beckett helped himself to his first win in over three months. Beckett doubled in the sixth inning to tie the game and scored the go-ahead run on Juan Pierre #39;s home run one batter $LABEL$1 +Lights-out putting ends Overton run By STEVE FORD Courier amp; Press staff writer 464-7511 or sfordevansville.net. Jeff Overton #39;s run in the 104th US Amateur at Winged Foot Golf Club near New York City ended one day too soon.$LABEL$1 +Mohr is less in loss to Mets San Francisco, CA (Sports Network) - Dustan Mohr dropped a fly ball with two outs and the bases loaded in the top of the 12th inning to allow two runs to score, and the New York Mets went on to defeat the San Francisco Giants 11-9 in the see-saw middle $LABEL$1 +Brees Passes Chargers Past Cardinals 38-13 (AP) AP - Drew Brees continued his strong exhibition season, passing the San Diego Chargers to a big halftime lead and a 38-13 victory over the Arizona Cardinals on Saturday night.$LABEL$1 +In Op-Ed Piece, McGreevey Defends Choice (AP) AP - In a newspaper opinion piece published Sunday, New Jersey's embattled governor says his decision not to leave office immediately because of a sex scandal was ""difficult"" to make but one he will not change.$LABEL$0 +Sportsview: Manning Assaults NFL Records (AP) AP - There are traces of Johnny Unitas, Dan Marino, Joe Montana and Steve Young in Peyton Manning, not to mention the DNA of dear old dad, Archie. They're all there in his arm, his accuracy, his eyes, his brains.$LABEL$1 +Lavish times in oil patch? Not a chance Dude, where #39;s my boom? That #39;s a question a lot of Hous- tonians are asking as oil crowds the \$50-a-barrel mark. Where #39;s the frenetic hiring as oil companies staff up for the good times?$LABEL$2 +New hospital design aids healing, cuts errors Greeters direct new arrivals at the elevators. Wireless telephone systems and Internet access are available. And every guest room is private, cheerful and has a fold-out chairbed.$LABEL$2 +EIGHTH IS EASIEST Swimmer Michael Phelps might have turned in his most wonderfully uplifting performance of the Olympics last night. And he didn #39;t even get wet.$LABEL$1 +Scoring goof taints gold One of the feel-good stories of the Olympics turned sour Saturday, becoming the latest in a long line of scoring controversies that seem to show up in every Games.$LABEL$1 +De Bruijn, Hall retain 50m titles DEFENDING champion Inge de Bruijn of Holland won the women #39;s 50m swim final in 24.58 seconds last night. It was the 30-year-old #39;s first gold in Athens and the fourth of her career.$LABEL$1 +Bobble by Mohr costs Giants game SAN FRANCISCO - Dustan Mohr of the San Francisco Giants sat in front of his locker with his head buried in his hands. Even in a new ballpark, right field in San Francisco remains treacherous territory.$LABEL$1 +18 killed in grenade attacks in Bangladesh At least 18 people were confirmed killed, and some 300 were injured as unidentified assailants hurled over ten grenades toward a rally organized by the main opposition $LABEL$0 +Pakistan foils Al-Qaeda linked plot for assassinations, attacks ISLAMABAD : Pakistan has busted an Al-Qaeda linked plot to kill high profile civil and military officials and attack key sites including the US embassy and the military headquarters, officials said.$LABEL$0 +Chua: Three free from bird flu KUALA LUMPUR: The three people warded at the Kota Baru Hospital on Thursday are confirmed to be free from bird flu. Health Minister Datuk Dr Chua Soi Lek said tests conducted by Institute of Medical Research $LABEL$0 +Militants #39; positions bombed WANA, Aug 21: Fighter planes and helicopter gunships carried out strikes on militants #39; positions in South Waziristan on Saturday.$LABEL$0 +Pakistan awaiting formal US consent for new envoy: Kasuri ISLAMABAD: Foreign Minister Khurshid Mahmud Kasuri on Saturday said the government was awaiting a formal consent from the US government over the nomination of General (retd) Jehangir Karamat as Pakistans new ambassador.$LABEL$0 +Pakistan spin India to defeat (AFP) AFP - Pakistan spinners Shahid Afridi and Shoaib Malik took seven wickets between them to bowl their side to a 66-run win over arch-rivals India in the opening match of the triangular event here.$LABEL$0 +Williams stunned by Belarus runner Lauryn Williams never saw her coming. Not as a contender in the weeks and months leading up to the Olympics. Not as a blur whooshing up on her right.$LABEL$1 +Athens Games halfway home free Staggering traffic problems, nightmarish security concerns and incomplete construction of sports venues that would cause an embarrassment to the host country.$LABEL$1 +Padres doomed by big innings The Marlins used a pair of three-run innings to ease past the Padres for an 8-2 victory Saturday night in front of a sellout crowd of 44,149 at PETCO Park.$LABEL$1 +Nallen Loses in Playoff TUCSON, Ariz. (ussid) Former University of Arizona men #39;s golfer Chris Nallen lost in 19 holes in the semifinals of match play at the 2004 United States Amateur Championship Saturday at Winged Foot Golf Club in Mamaroneck, NY.$LABEL$1 +Rolen #39;s 31st HR gives Cards 3-0 lead Despite piling up impressive offensive numbers, the St. Louis Cardinals aren #39;t ready to bask in their success just yet. The Cardinals beat the Pittsburgh Pirates 10-6 on Saturday night, moving $LABEL$1 +Putin lays wreath at Akhmad Kadyrov #39;s grave TSENTOROI, Chechnya. Aug 22 (Interfax) - Russian President Vladimir Putin arrived in the Chechen village of Tsentoroi on Sunday morning and laid a wreath at the grave of former Chechen president Akhmad Kadyrov.$LABEL$0 +Cisco sees momentum in CRS-1 sales Executives at networking giant Cisco Systems say the company #39;s new CRS-1 core Internet router is ahead of revenue targets, just as the company announced on Sunday a smaller version of the product.$LABEL$3 +Nortel battles back Nortel Networks is only a shadow of what it was three years ago. It has shed 61,500 workers worldwide, and announced last week another 3,500 are slated to go.$LABEL$2 +Qantas points to upbeat outlook Barring negative impacts on the aviation industry, such as global terrorism, Australia #39;s flagship carrier had an upbeat future, Qantas #39; chief executive Geoff Dixon said.$LABEL$2 +Red Cross Calls For More Help For Hurricane Victims MANCHESTER, NH -- More victims of Hurricane Charley returned to the devastation Friday, Red Cross officials said more help is needed.$LABEL$2 +Internet phone service seen as growth industry Rising broadband penetration is keeping equipment makers for Internet phone service on their toes in light of their aggression participation in the upcoming Taipei telecom show, event organizers said yesterday.$LABEL$3 +Lindows Delays IPO In the latest setback for IPO hopeful tech companies, San Diego-based Lindows (www.lindows.com) has indefinately postponed its IPO.$LABEL$3 +Campbell takes bronze ATHENS, Greece - Veronica Campbell snatched Jamaica #39;s first Olympic medal at the 2004 Athens Olympic Games with a third-place finish in the women #39;s 100-metre final last night.$LABEL$1 +On deck: Marlins (60-60) at Padres (65-56), 7:05 tonight The Skinny: Beckett is facing the Padres for the first time in San Diego. In two career starts in Florida, Beckett is 2-0 against the Padres with a 1.93 ERA.$LABEL$1 +A wary sense of relief in Athens ATHENS At the end of the first week of the Olympic Games, security officials are generally pleased, even surprised, by the calm so far, though they caution that a safe opening ceremony and first week may encourage a laxness that could yet give terrorists $LABEL$1 +French reporters vanish in Iraq Two veteran French journalists have gone missing in Iraq as concern mounts over the fate of an Italian reporter. George Malbrunot of Le Figaro newspaper and Christian Chesnot of French radio have not been $LABEL$0 +Tibetans say Dalai Lama may not return in this life It is 45 years since Tibet #39;s god-king, the Dalai Lama, fled his homeland on horseback as Chinese shells rained down on his capital.$LABEL$0 +Burundian rebels: we #39;re ready to defend ourselves in court in <b>...</b> Leaders of a Burundian rebel group said Friday they were ready to defend themselves in an international court against war crimes charges after they took responsibility for the massacre of 163 refugees, their spokesman said.$LABEL$0 +Aziz calls for resolution of Kashmir issue ISLAMABAD: Pakistan #39;s prime minister-designate said he wants the dispute over Kashmir to be resolved according to the wishes of people living in the region.$LABEL$0 +U.S. Would Allow 720 Snowmobiles Daily at Yellowstone With federal courts in disagreement over how many snowmobiles should be permitted in Yellowstone National Park, the National Park Service proposed a temporary option.$LABEL$3 +Antidepressant Study Seen to Back Expert A government scientist had concluded last year that most antidepressants are too dangerous for children because of a suicide risk and a new study appears to confirm his findings.$LABEL$3 +Sir Godfrey Hounsfield, Who Helped Develop the CAT Scanner, Dies at 84 Sir Godfrey Hounsfield was a British electrical engineer whose work in creating the CAT scan won him a Nobel Prize.$LABEL$3 +Mars Rover Finds Mysterious Rocks and More Signs of Water Both rovers, the Spirit and the Opportunity, have more than doubled their intended lifetimes of three months.$LABEL$3 +Facing Middle Age and AIDS Although AIDS is thought of as a disease of the young, in the United States it is rapidly becoming one of the middle-aged and even the old.$LABEL$3 +The Making of an X Box Warrior The military has quietly become an industry leader in video-game design, creating games to train and even recruit the soldiers of the PlayStation generation. Will virtual boot camp make combat more real or more surreal?$LABEL$3 +When the Computer Opens the Closet For many women who marry gay men, the truth comes out late at night, not in the bedroom but in front of the family's computer screen.$LABEL$3 +Entrepreneurial Success via the Internet It took the death of his business partner at 21 for Josh Mohrer to get serious about trying to make their fledgling internet business a success.$LABEL$3 +Bangladesh in Shock as Blast Toll Hits 17 (Reuters) Reuters - Extra armed police patrolled the streets\of the Bangladeshi capital and traffic was light on Sunday, a\working day, as shocked Bangladeshis woke up to the aftermath\of grenade blasts that killed at least 17 people.$LABEL$0 +Nepal Seeks to Break Rebel Siege with Air Patrols (Reuters) Reuters - Military helicopters provided air\cover to vehicles ferrying crucial supplies to the Nepali\capital on Sunday, as a blockade called by Maoist rebels\stretched into its fifth day, a senior army officer said.$LABEL$0 +Pakistan PM shrugs off Indian allegations of cross-border infiltration (AFP) AFP - Pakistani Prime Minister Chaudhry Shujaat Hussain played down accusations by India's ruling party that Islamabad had not stopped militants from infiltrating Indian-controlled Kashmir.$LABEL$0 +Bangladesh in Shock as Blast Toll Hits 17 DHAKA (Reuters) - Extra armed police patrolled the streets of the Bangladeshi capital and traffic was light on Sunday, a working day, as shocked Bangladeshis woke up to the aftermath of grenade blasts that killed at least 17 people.$LABEL$0 +Car bomb explodes in north Iraq Two people die in a car bombing apparently targeting a provincial official in the Iraqi town of Baquba.$LABEL$0 +Qantas Doesn #39;t Need an Airline Replacement for BA, Dixon Says Qantas Airways Ltd. should not seek another airline to replace British Airways Plc if the UK carrier sells its stake in the business, Qantas Chief Executive Geoff Dixon said.$LABEL$2 +World #39;s Fastest Men Take Center Stage at Games For 10 pulsating seconds, the fastest men on earth take center stage on Sunday at the Olympics to run for the ultimate prize -- the 100 meters gold medal.$LABEL$1 +Vandy #39;s List gets in final of Amateur MAMARONECK, NY - Luke List has already made it further than he ever thought, so why stop now? That #39;s the attitude of the 19-year-old Vanderbilt sophomore, who continued his string of US Amateur upsets with $LABEL$1 +BEARS CAPTURE BOOKER The Chicago Bears have acquired hold-out Pro Bowl defensive end Adewale Ogunleye from the Miami Dolphins for wide receiver Marty Booker and a 2005 third-round pick.$LABEL$1 +Boks snatch Tri-Nations The Springboks have won the Tri-Nations title with a 23-19 win against the Wallabies in Durban. In a tense finish, the Wallabies scored twice in the final 10 minutes with the Springboks reduced to 13 men, but the home side held on for a deserved victory.$LABEL$1 +Pakistan sweep nets bomb suspects Pakistan has arrested more than five suspects in a plot to bomb several high-profile targets in Islamabad, including the US Embassy and the official residences of Pakistan #39;s president, Gen.$LABEL$0 +China celebrates Deng centenary China is celebrating the 100th anniversary of the birth of Deng Xiaoping, its late supreme leader. For most Chinese the diminutive figure was the man who set the country on a pragmatic reformist $LABEL$0 +Religion Feeds Sudan's Fire Political rivalries, ethnic strife and poverty have fueled the clashes, but that has not stopped combatants from invoking religion and challenging the devotion of their rivals.$LABEL$0 +Venezuela audit reveals no fraud - observers International observers in Venezuela say an audit of the referendum results which confirmed President Hugo Chavez #39;s mandate in office has revealed no evidence of fraud.$LABEL$2 +THE WEEK ON THE STREET NEW YORK (CBS.MW) -- It sure isn #39;t the Goldilocks Economy of yesteryear -- you know, not too hot, not too cold, but just right.$LABEL$2 +After Storm, a New Look at Stiffer Building Codes When structural engineers from Miami pushed the rest of Florida to adopt much stricter building codes after Hurricane Andrew, the response was generally blas.$LABEL$2 +Wal-Mart plaintiff tells story Melissa Howard hated the trips to Hooters for Wal-Mart management meetings. But the strip clubs were even worse, she said. While the store manager of a Wal-Mart in Bluffton, Howard traveled $LABEL$2 +Amazon \$75m purchases Chinese Joyo After quite a few of negotiations, China #39;s non-state-run Joyo.com Ltd. has finally reached a deal with Amazon.com Inc., the US E-commerce giant, which possibly meant a beginning $LABEL$3 +AT amp;T strikes VoIP deals with cable In an attempt to spark growth in its Net phone service, AT amp;T has turned to cable companies to pitch the technology to more consumers.$LABEL$3 +Cink still afloat AKRON -- What #39;s already been a great week for Stewart Cink could get even better today if he can finish the job he started Thursday in the \$7 million NEC Invitational at Firestone Country Club.$LABEL$1 +Woodgate Windfall Will Be Well Spent - Shepherd Newcastle chairman Freddy Shepherd has sought to reassure the Magpies fans that the money brought in by the sale of Jonathan Woodgate will be spent wisely.$LABEL$1 +Dhaka tense after grenade blasts kill 16 Police are patrolling the streets of the Bangladeshi capital, Dhaka, after a series of grenade blasts killed at least 16 people. At least seven grenades were thrown at a rally yesterday of more than 3,000 supporters of the main opposition Awami League.$LABEL$0 +Car Bomb Explodes North of Baghdad BAGHDAD, Iraq - Police say a car bomb has exploded north of the Iraqi capital, killing two people and injuring four others, including a deputy provincial governor.$LABEL$0 +18 Killed by Bombs at Bangladesh Rally (AP) AP - Soldiers and armed police patrolled the Bangladeshi capital on Sunday, a day after more than a dozen grenades were thrown at an opposition rally, killing at least 18 people and injuring hundreds.$LABEL$0 +Chavez urges opposition to recognize results of referendum CARACAS, August 22 (Itar-Tass) -- President of Venezuela Hugo Chavez has called on the opposition to recognize the results of a referendum on confidence in the president held on August 15.$LABEL$2 +IPO thrusts Google into new direction There #39;s the multibillion-dollar auction that snubs Wall Street #39;s powerful investment banks. There #39;s the IPO manifesto with the pledge to change the world.$LABEL$2 +Overtime changes create potential minefield Labor unions say 6 million workers could lose overtime pay when a redefinition of overtime regulations -he most sweeping change to wage-and-hour laws in half a century -es effect tomorrow.$LABEL$2 +Truckers strike, prices to soar NEW DELHi, AUGUST 21: Truckers went on a nation-wide strike from Saturday to protest against the imposition of the 10 per cent service tax in the Budget.$LABEL$2 +Make all mobile homes safer during hurricanes While the complete post-mortem about Hurricane Charley will take months to complete, some conclusions already are apparent. For one, houses fared much better in the Category 4 winds than mobile homes.$LABEL$2 +Brazil Tribe Has Great Excuse for Poor Math Skills Some people have a great excuse for being bad at math -- their language lacks the words for most numbers, US-based researchers reported on Thursday.$LABEL$3 +Judges suspended in gymnastics scandal The International Gymnastics Federation suspended three judges Saturday for a mistake in scoring the men #39;s all-around final but said results won #39;t be changed and American Paul Hamm will keep his gold medal.$LABEL$1 +Belgian makes golden comeback ATHENS, GREECE - Justine Henin-Hardenne of Belgium won the singles gold medal in tennis, beating Amelie Mauresmo of France 6-3, 6-3 in the final.$LABEL$1 +Listen to Greene roar ATHENS -- Maurice Greene flexed his arms, thumped his chest and gathered the media for a post-race announcement. quot;We #39;re going to have a party tomorrow and everybody #39;s invited -- I #39;m buying, quot; said the defending $LABEL$1 +Sluggish Seahawks buried by Broncos If last night #39;s Seahawks-Broncos exhibition game was a Super Bowl preview, as some have predicted, the Seahawks are in trouble.$LABEL$1 +Glavine shaky in first start since taxi crash SAN FRANCISCO - Mets left-hander Tom Glavine endured a shaky return in his first pitching appearance since he lost two front teeth in a taxi accident, as New York beat San Francisco 11-9 in 12 innings yesterday.$LABEL$1 +Angels win tale of 2 games They played a day-night singleheader at Yankee Stadium on Saturday, one game that felt like two, each with their own distinct heroes for the Angels.$LABEL$1 +Pakistan in #39;al-Qaeda #39; arrests At least five suspected terrorists, with alleged links to al Qaeda, have been arrested in Pakistan. It is claimed they had been plotting to launch suicide attacks on government leaders and the US Embassy.$LABEL$0 +2 killed in car bomb explosion north of Baghdad Two people were killed and four others injured when a car bomb went off on Sunday near Baquba, 65 km north of Baghdad, police sources said.$LABEL$0 +Over 100 undocumented asylum seekers rescued in Italy More than 100 undocumented asylum seekers claiming to be Palestinians rest after being rescued by the Italian Coast Guard off Sicily 21 August 2004 in the harbour of the Italian island of Lampedusa.$LABEL$0 +China college for Internet game industry A college to provide training for the Internet games industry has been opened in Beijing. Xinhua, China #39;s main government-run news agency, reported Saturday that China #39;s Ministry $LABEL$3 +Quite a spread JAY, Vt. -- From the top of the gondola building, 4,000 feet up on the summit of Jay Peak, the rolling hills of the Northeast Kingdom fade into the distance of hazy summer air. The forestland of this mountain gives way to a patchwork of fields, barns, and silos, with white steeples marking a village green. At the base, brown ...$LABEL$1 +Maine's Crocker part of record-setting team ATHENS -- Michael Phelps was sitting in the bleachers in his team shirt and shorts last night, waving a small American flag and exulting in every gold medal. Especially the one he got without swimming a stroke.$LABEL$1 +No gain on this return CINCINNATI -- At the height of his efforts to get out of this town, Corey Dillon declared, quot;Rudi ain't no C.D. quot; Dillon, now a Patriot, genuinely liked his former backup with the Bengals -- Rudi Johnson -- and really didn't mean it the way it sounded.$LABEL$1 +If this keeps up, they just may be able to swing it CHICAGO -- This national TV stuff, Terry Francona still has some work to do. quot;I showed up for the wrong inning, quot; said the Red Sox manager, who had been lined up to do a between-innings interview by Fox yesterday and eventually got on, but just a little later than he thought he would.$LABEL$1 +Costantino leads R.I. to win SOUTH WILLIAMSPORT, Pa. -- Chris Costantino struck out Jacob Maxwell with the bases loaded to end the game as Lincoln, R.I., held on to beat Davenport, Iowa, 3-2, last night in Little League World Series action. Costantino finished with 15 strikeouts and allowed just four hits in picking up the win.$LABEL$1 +Lakewood company in \$3B deal The Swedish company Gambro AB will sell its Lakewood-based division to a California company for \$3.05 billion in cash. The division, Gambro Healthcare US, operates clinics for patients undergoing kidney dialysis and has 565 clinics and 43,200 patients.$LABEL$2 +Loaiza elicits boos Esteban Loaiza is pitching his way out of the New York Yankees' rotation. Jose Guillen and Jeff DaVanon homered off the newest target of booing at Yankee Stadium, and Loaiza failed to make it out of the fourth inning yesterday in the Angels' storm-interrupted 6-1 win over New York.$LABEL$1 +Revolution lack magic touches FOXBOROUGH -- Taylor Twellman regained his scoring touch last night, but the Revolution squandered the lead in falling, 2-1, to the Kansas City Wizards, their first loss since July 4.$LABEL$1 +Footing shaky in San Jose The San Jose Earthquakes, winners of two of the last three MLS Cups, could be leaving the Bay Area after this season.$LABEL$1 +A breath of fresh heir at BU Incoming Boston University freshman Chris Bourque recently filled out the Terriers' standard player form that is kept on file at the school's sports information office. quot;It's all the usual stuff -- date of birth, height, weight, and all that, quot; said Ed Carpenter, who has headed up the sports information department for some 30 years. quot;But the part I liked best ...$LABEL$1 +State regulators, in a bid to ensure accurate auction ads, target firms Three companies accused of falsely advertising multimillion-dollar estate sales and auctions of property seized by the federal government or county sheriffs have signed settlement agreements with Massachusetts Attorney General Thomas F. Reilly.$LABEL$2 +Payton profile? Let George do it For the benefit of those who believe Gary Payton will arrive in Boston sometime before the start of training camp Oct. 4 (read: Danny Ainge and Doc Rivers), here is a primer of sorts on the veteran point guard. Everyone knows what Payton has done over a 14-year career that includes just about everything except an NBA championship. Everyone knows ...$LABEL$1 +Coming: IT that adapts to users' requirements The march of information technology into the workplace has been greeted with a mix of awe and resistance. For all their promise of productivity gains, computers, business software, and telecommunications gear have disrupted processes at the core of a company's identity.$LABEL$2 +La Salle selects Giannini PHILADELPHIA -- La Salle's monthlong search for a head men's basketball coach is over. Maine coach John Giannini will be named the coach at La Salle tomorrow, according to a source familiar with the school's coaching search.$LABEL$1 +Cink putts his way to 5-shot lead Stewart Cink seized control of the NEC Invitational with six straight one-putt greens and a chip-in from 50 feet for birdie on the 18th hole yesterday for a 2-under-par 68, giving him a five-shot lead over a trio of Ryder Cup teammates.$LABEL$1 +The Bush team's stealthy assault on tax policy You have to say this for President Bush and his advisers: They are not a timid bunch.$LABEL$2 +Modern technology for an ancient sport One sport that relies increasingly on GPS technology is horseback riding ( quot;Space-age sport, quot; Aug. 16). Horseback riders who practice trail riding for pleasure, or the more demanding cross country sports, are beginning to use GPS in large numbers.$LABEL$2 +Lawsuits hold good news for investors If you are looking for the most interesting fallout from the mutual fund scandals of the past year, don't go looking in old headlines. Look instead at some fairly new court cases.$LABEL$2 +Via a grave site, Spain relives harsh divisions GRANADA, Spain -- On a hillside overlooking the Sierra Nevada mountains, a gnarled olive tree and a simple granite marker stand where historians believe Spain's most celebrated 20th-century poet, Federico Garcia Lorca, was summarily executed and dumped in a communal grave.$LABEL$0 +Clashes in Najaf threaten peace bid NAJAF, Iraq -- Loyalists to Shi'ite Muslim cleric Moqtada al-Sadr remained in control of the gold-domed Imam Ali shrine yesterday after failing to reach an agreement with representatives of Iraq's most senior Shi'ite leader on how to hand over the holy site.$LABEL$0 +Pakistan says suicide-attack plot on leaders, embassy foiled ISLAMABAD, Pakistan -- At least five Al Qaeda-linked terrorists suspected of plotting suicide attacks on government leaders and the US Embassy have been arrested by Pakistan, officials announced yesterday.$LABEL$0 +Mideast, N. Africa terror warning set On the heels of a US indictment of Hamas figures, the State Department issued an updated warning yesterday that Americans in the Middle East and North Africa could be targets of terrorist attacks. quot;Anti-American violence could include possible terrorist actions against aviation, ground transportation, and maritime interests, quot; the department said. The indictment was unsealed Friday in Chicago against a political ...$LABEL$0 +Bombings kill 14 at a rally by Bangladesh opposition DHAKA, Bangladesh -- A series of bombs exploded yesterday as a Bangladeshi opposition leader was speaking at a rally. At least 14 people were killed and hundreds were wounded, witnesses and news reports said.$LABEL$0 +US shows flexibility on Israeli settlements CRAWFORD, Texas -- The Bush administration confirmed yesterday that it may accept limited growth within existing Israeli settlements in the West Bank in a shift that could help embattled Prime Minister Ariel Sharon.$LABEL$0 +China hails 100th anniversary of birth of nation #146;s modernizer GUANGAN, China -- Deng Xianyan ran his fingers over a bottle of Deng family liquor as he mulled the legacy of his famous cousin, the late Chinese leader Deng Xiaoping, on the 100th anniversary of his birth.$LABEL$0 +Rolling through rural China, train of doctors restores sight KASHGAR, China -- Impatiently, Gopur Samat stood at the ready as a nurse stripped the bandage from his right eye and steered his attention toward a chart 20 feet away. Smiling, Gopur pointed up. Still smiling as the nurse gestured toward another symbol, he pointed down. Then left, then right. Gopur, 68, suddenly could see clearly again.$LABEL$0 +Sampanis stripped of bronze Greek weightlifter Leonidas Sampanis is stripped of his bronze medal after testing positive for drugs.$LABEL$1 +Unclear on overtime rules In a landmark overhaul of pay eligibility, the Labor Department and unions clash over how much clarity has really been attained. By JEFF HARRINGTON, Times Staff Writer.$LABEL$2 +Big deals alter face of mall industry In the late 1980s, developers were breaking ground for new shopping centers in the United States at the rate of four a day. In 2004, only three regional malls are expected to open the whole year.$LABEL$2 +... we #39;d better get ready The argument against strengthening building requirements is simple: It would cost too much. And poor people couldn #39;t afford it.$LABEL$2 +Indian PM pledges to check spiraling inflation rate Indian Prime Minister Manmohan Singh Saturday said that controlling record-high inflation, which has soared in recent weeks to touch a new three-and-a-half year high, was $LABEL$2 +Sports:Greek weightlifter stripped of medal ATHENS, Greece Greek weightlifter Leonidas Sampanis has been stripped of his bronze medal for a doping offense. It was the first medal to be stripped from an athlete in Athens because of doping.$LABEL$1 +Our performance was 100 per cent #39; SCHINIAS, GreeceFor a few anxious moments, not knowing the colour of the Olympic medal he had just won was the best part of these Games for Canadian rowing star Barney Williams.$LABEL$1 +Moore ousts Overton in US Amateur Moore, a senior at UNLV who has already won the NCAA Division I, US Amateur Public Links and Western Amateur titles, will face Luke List, who beat Chris Nallen in 19 holes, in today #39;s 36-hole final.$LABEL$1 +Nepal capital at mercy of unseen menace in the mountains NAUBISE, Nepal : Somewhere on the other side of the mist-covered green hills that guard Nepal #39;s ancient capital Kathmandu, Maoist rebels are grinning.$LABEL$0 +Bird Flu Believed Endemic in Asia, Spreads to Pigs The discovery of a deadly bird flu strain in Malaysia after cases elsewhere in Southeast Asia signaled a major winter outbreak was likely, international health experts said on Friday.$LABEL$0 +Rolling through rural China, train of doctors restores sight Impatiently, Gopur Samat stood at the ready as a nurse stripped the bandage from his right eye and steered his attention toward a chart 20 feet away.$LABEL$0 +J amp;J Reportedly Eyes Guidant Johnson amp; Johnson (JNJ:NYSE - news - research) reportedly is negotiating to buy Guidant (GDT:NYSE - news - research) for \$24 billion, a transaction that would unite two big manufacturers of coronary devices.$LABEL$2 +The Rovers The Issue: Two vehicles are still puttering around the surface of Mars. Our View: Their mission is paying off in knowledge. While we go about our days, rather amazingly 34 million or so miles away, our pair $LABEL$3 +Surviving the IPO From Hell Months ago, when the idea of Google #39;s inevitable IPO could be discussed by its leaders only in hypothetical terms, cofounders Larry Page and Sergey Brin were trying to explain $LABEL$2 +Overtime law clarification is hard to figure Depending on who is doing the analysis, either an additional 1.3 million American workers will be eligible for overtime beginning tomorrow, or 6 million will be stripped of that right.$LABEL$2 +World #39;s lightest flying micro-robot unveiled The world #39;s lightest flying micro-robot has been developed by Japan #39;s Seiko Epson Corporation. The 12-gram robot resembles a small helicopter and is about 136 millimetres wide $LABEL$3 +IOC Bans Greek Medallist From Games The Olympics are less than a week away and organizers are pulling the pieces together for the Aug. 13 opening. Dana Vollmer will be one of those tales of courage that come up during the Olympics.$LABEL$1 +Bangladesh paralysed by strikes Opposition activists have brought many towns and cities in Bangladesh to a halt, the day after 18 people died in explosions at a political rally.$LABEL$0 +India withdraws patronage to EU visits in J amp;K Furious with a quot;biased quot; and interventionist report by a European parliamentary delegation, whose leader called Jammu and Kashmir quot;the world #39;s most beautiful prison, quot; India has withdrawn official patronage to such visits.$LABEL$0 +Zito Silences D-Rays' Bats in A's 5-0 Win (AP) AP - Barry Zito scattered four hits over eight shutout innings, leading the AL West-leading Oakland Athletics past the Tampa Bay Devil Rays 5-0 on Saturday night.$LABEL$1 +U.S. Aircraft Make New Attack on Rebels in Najaf NAJAF, Iraq (Reuters) - U.S. aircraft launched a fresh assault on Shi'ite rebels in the Iraqi city of Najaf early on Sunday after talks on surrendering control of the gold-domed mosque at the center of an 18-day siege ran into trouble.$LABEL$0 +Tigers Edge Mariners in 11 Wild Innings DETROIT - Craig Monroe hit an RBI single with one out in the 11th inning, leading the Detroit Tigers to a wild 11-10 victory over the Seattle Mariners on Saturday night. The teams combined for a Comerica Park-record 36 hits, including 21 by Seattle...$LABEL$0 +Militants Hold Najaf Shrine; Bombing Heard NAJAF, Iraq - Militants loyal to radical Shiite cleric Muqtada al-Sadr kept their hold on a revered shrine as clashes flared in Najaf on Sunday, raising fears a resolution to the crisis in the holy city could collapse amid bickering between Shiite leaders. An unofficial mediator and distant relative of the cleric pleaded with al-Sadr to disarm his militants, pull them out of the shrine and disband his militia immediately...$LABEL$0 +U.S. Men End 40-Year Rowing Drought ATHENS (Reuters) - The United States stormed to their first Olympic men's eights title in 40 years on Sunday.$LABEL$1 +Greece Shamed Again at Their Own Games ATHENS (Reuters) - The Greeks were shamed again at their own Olympics on Sunday when bronze medal weightlifter Leonidas Sampanis was kicked out after failing a dope test.$LABEL$1 +Venezuela Audit Results Support Vote Count (AP) AP - The results of an audit support the official vote count showing that President Hugo Chavez won this month's recall referendum in Venezuela, the head of the Organization of American States said Saturday.$LABEL$0 +China Executes Man for Killing Rapists (Reuters) Reuters - China has executed a 25-year-old\university dropout for killing six men, four of whom had raped\him after getting him drunk, the Beijing Youth Daily said on\Sunday.$LABEL$0 +Nepal Seeks to Break Rebel Siege with Air Patrols KATHMANDU (Reuters) - Military helicopters provided air cover to vehicles ferrying crucial supplies to the Nepali capital on Sunday, a senior army officer said, as a blockade called by Maoist rebels stretched into its fifth day.$LABEL$0 +N.Korea Dubs South 'Wicked Terrorist' Over Refugees SEOUL (Reuters) - North Korea has denounced South Korean authorities as ""wicked terrorists"" who orchestrated the airlift of 468 North Korean refugees as part of a plot to bring down the communist system.$LABEL$0 +Residents Return to Darfur After Fleeing Attack SANI DELAIBA, Sudan (Reuters) - ""Only God saved us when the Janjaweed attacked. We had to walk to safety and 12 men were killed,"" said Khultoum Eissa Abdallah, now back in her hometown in Sudan's troubled Darfur region.$LABEL$0 +Palestinians Denounce U.S. Over Settlement Shift RAMALLAH, West Bank (Reuters) - Palestinians accused the United States on Sunday of destroying hopes of negotiations with Israel for a Palestinian state, after Washington signaled it could accept some growth of settlements in the West Bank.$LABEL$0 +Charley hurts Disney workers Walt Disney World escaped serious storm damage from Hurricane Charley last weekend, but many central Florida residents, including employees of the Magic Kingdom and other Orlando theme parks, weren #39;t so lucky.$LABEL$2 +Tooele grapples with Wal-Mart Wal-Mart didn #39;t completely kill downtown Tooele - but it came pretty darn close. Today, 14 years after the giant retailer opened one of its first Utah stores here, Tooele #39;s old $LABEL$2 +Utah a Clean Air Act offender, study says A new national study identifies Utah as one of at least 29 states that have loopholes in their laws allowing for quot;accidental quot; pollution emissions beyond the limits of the federal Clean Air Act.$LABEL$3 +Apple Recalls 28,000 Faulty Batteries Sold with 15-inch PowerBook Apple has had to recall up to 28,000 notebook batteries that were sold for use with their 15-inch PowerBook. Apple reports that faulty batteries sold between January 2004 and August 2004 can overheat and pose a fire hazard.$LABEL$3 +Sampanis confirmed positive The IOC executive board met early on Sunday to rule on the case, which shocked the host nation days after its top sprint pair withdrew after missing an eve-of-Games dope test.$LABEL$1 +Olympic Soccer: Euphoric Iraq Reaches Semifinals Iraq #39;s footballers beat Australia 1-0 Saturday to reach the semifinals of the Olympic men #39;s tournament, triggering celebratory gunfire in their violence-racked country.$LABEL$1 +Roundup: Chelsea #39;s tactics yield another shutout win Chelsea beat Birmingham 1-0 yesterday on Joe Cole #39;s 68th-minute goal for its second straight shutout in the English Premier League.$LABEL$1 +Maoist rebels bomb government buildings Police in Nepal say more than 1,000 Maoist rebels have stormed a district headquarters in the country #39;s northwest, bombing government buildings and killing at least one soldier.$LABEL$0 +Police: Car Bomb Expodes North of Baghdad BAGHDAD, Iraq - A car bomb exploded north of the Iraqi capital on Sunday, killing two people and injuring four others, including a deputy provincial governor, police said.$LABEL$0 +Preparing your business for the unexpected That #39;s the estimate of how much damage Hurricane Charley has wracked upon Florida. Much of that has been done to small businesses.$LABEL$2 +Phelps simply a cut above Michael Phelps has proven he is the best swimmer ever -- in and out of the pool. Yesterday, the 6-ft. 5-in. 19-year-old from Baltimore won his sixth gold medal to add to his two bronze, making him the swimmer $LABEL$1 +South Korea to File Petition With CAS on Gymnast #39;s Case The South Korean delegation to the Athens Olympics will file a petition on the case of Yang Tae-young, bronze medallist in gymnastics mens individual all-around event, with the Court of $LABEL$1 +One gamble Bears really had to take The Bears traded Marty Booker to Miami for Adewale Ogunleye because they had no choice but to do so. Talent levels being equal, a defensive end is more valuable than a wide receiver.$LABEL$1 +Five terrorists arrested in Pak. Islamabad, Aug. 22. (PTI): Pakistan #39;s security agencies have arrested five al Qaeda-linked terrorists who were plotting suicide attacks on senior leaders and key installations in the country, including the $LABEL$0 +Shell shuts 30,000 bpd more due to Nigeria protest Royal Dutch/Shell has shut in another 30,000 barrels per day of oil output in Nigeria due to a protest by villagers over jobs, bringing its total cut to 100,000 bpd, a spokesman said on Tuesday.$LABEL$2 +He's running with it When NBC first called Bob Neumeier, he was asked if he'd be willing to work on Olympics wrestling and rowing coverage in Athens. quot;I was flattered and grateful for the opportunity, quot; he said. He was willing to learn the nuances of those sports at the Olympic level and start mastering the pronunciation of hundreds of new names.$LABEL$1 +Today's schedule Pro baseball: Eastern League -- Trenton vs. Portland (2) at Hadlock Field, Portland, Maine, 1 p.m.; New Hampshire vs. New Britain at New Britain (Conn.) Stadium, 1:30 p.m.; Northeast League -- North Shore vs. New Haven at Yale Field, New Haven, 2 p.m.; Elmira vs. Brockton (2) at Campanelli Stadium, Brockton, 5 p.m.$LABEL$1 +Santana exception to rule The next time you're inclined to dismiss baseball's Rule 5 draft in December as an exercise of little consequence, remember that Johan Santana, the pitcher Pedro Martinez said reminded him of a younger version of himself, only with better stuff, was a Rule 5 pick five years ago.$LABEL$1 +Transactions BASEBALL Kansas City (AL): Activated P Jeremy Affeldt from the 15-day DL; optioned P Jorge Vasquez to Wichita (Texas League).$LABEL$1 +Notables The Twins were 3 for 4 on stolen bases and lead the majors with 39 steals in 49 attempts since the All-Star break.$LABEL$1 +Green lifts Dodgers past Braves Shawn Green hit a grand slam and a solo homer to lead the host Los Angeles Dodgers past the Atlanta Braves, 7-4, yesterday, snapping Mike Hampton's string of seven straight wins.$LABEL$1 +The Missing Shoppers Something odd happened on the way to global recovery. The shoppers are not turning out the way they normally do when things start to look up.$LABEL$2 +Greek weightlifter stripped of medal for drugs Greek weightlifter Leonidas Sampanis, Greece #39;s first medal winner at the Athens Olympics, was stripped of his bronze medal and excluded from the Games Sunday for a doping offense, another big blow for the host nation which is welcoming the homecoming $LABEL$1 +DAVENPORT HANDED FINAL PLACE Lindsay Davenport will face Vera Zvonareva in the final of the Cincinnati Open, after Marion Bartoli was forced to withdraw with a hand injury.$LABEL$1 +Three tested for bird flu discharged from Malaysian hospital KUALA LUMPUR : Three Malaysians who fell ill in a village hit by the deadly H5N1 bird flu strain have been discharged from a hospital after tests showed no sign of the virus, a senior official said.$LABEL$0 +Rate hikes by Fed work in two ways If you #39;ve noticed that the price of everything from milk to gasoline to automobiles seems to be going up, you #39;re as observant as Federal Reserve chairman Alan Greenspan.$LABEL$2 +Santander May Drop Abbey on Competition Inquiry, Telegraph Says Santander Central Hispano SA, the biggest bank in Spain and Latin America, may drop its 8.2 billion (\$14.9 billion) offer to buy Abbey National Plc if rival bids lead to a long competition $LABEL$2 +Smart little suckers A new generation of robotic vacuums is ready to do battle with dirt, dust and dog hair with more cleaning power and cunning than their ancestors could muster.$LABEL$3 +Relaxed atmosphere lifts Moore, List into final At the US Amateur, players wear shorts and spectators get to walk right down the fairways. So compared with the US Open, which is run by the same outfit, everything about this championship is decidedly relaxed.$LABEL$1 +Pakistan cuffs Al-Qaida-linked terrorists ISLAMABAD, Pakistan - Military forces arrested at least five al-Qaida-linked terrorists plotting to launch suicide attacks on the US Embassy and Pakistani leaders, the government said yesterday.$LABEL$0 +Law: No feud with coach CINCINNATI -- Ty Law responded last night to reports published last week that he and coach Bill Belichick were feuding over a bonus for showing up at training camp in shape.$LABEL$1 +Cleaning up Washington #39;s #39;Iraqi problem #39;: invest authority in <b>...</b> Is there a quot;Sunni problem quot; in Iraq, as the United States would like us to believe? If there is, it is entirely of Washington #39;s making.$LABEL$0 +French victim's family come to UK The family of a French woman murdered in south-west London are travelling to the UK to meet detectives.$LABEL$0 +Pinsent considers future British rower Matthew Pinsent is undecided whether to go for a fifth gold medal in Beijing.$LABEL$1 +Volkswagen #39;s Mexican Workers Accept Pay Increase, Reforma Says Mexican union workers for Volkswagen AG, Europe #39;s largest carmaker, accepted the company #39;s offer for a 6.1 percent pay increase and will return to work today after going on strike Wednesday, Reforma newspaper said.$LABEL$2 +Bad news? It #39;s good news for Bush It is now official: The rich are getting richer and the poor poorer. Last week #39;s Congressional Budget Office tax-burden study confirms what the eye can see: John Edwards #39; quot;two Americas quot; continues to grow.$LABEL$2 +US men hot-foot it in heats On target and on fire, the US men #39;s 100-meter sprinters scorched the Olympic Stadium #39;s fast track through two rounds yesterday to advance to today #39;s $LABEL$1 +Agassi knocked out in surprising semifinal The top-seeded Agassi was eliminated in the semifinals of the Legg Mason Tennis Classic on Saturday in Washington by unseeded Gilles Muller.$LABEL$1 +Spain #39;s win puts Serbia on brink Spain clinched first place in Group A with a 76-68 victory yesterday in Athens, leaving Serbia-Montenegro in danger of failing to reach the quarterfinals.$LABEL$1 +Canada losing swagger In 1904 at the St. Louis Olympic Games, Canada won gold in soccer. In 1936 in Berlin, our nation won silver in basketball. That #39;s it for traditional team sports.$LABEL$1 +People flee storm-ravaged Philippine towns as rescuers search for <b>...</b> Panicked residents scrambled to flee three storm-ravaged coastal Philippine towns on Sunday while rescuers made last-ditch attempts to find survivors of the powerful storm that left more than 1,100 dead and missing.$LABEL$0 +In Mars rock, telltale ripples and mysteries NEW YORK With one Mars rover climbing into the hills and the other descending deep into a crater, scientists reported the discovery of several mysterious rock structures, along with yet more signs that Mars was once awash in water.$LABEL$3 +PINSENT WEIGHS UP FUTURE British rowing hero Matthew Pinsent is in no hurry make a decision over whether he will compete at the next Olympics in Beijing. Pinsent guided Britain to first place in the coxless fours at the Athens games $LABEL$1 +Some 50 rebels killed in Chechnya: spokesman Russian troops killed some 50 rebels in a recent operation in Russia #39;s breakaway republic of Chechnya, the Interfax news agency reported Sunday, quoting.$LABEL$0 +Sporadic Violence in Bangladesh After Rally Attack DHAKA (Reuters) - Angry mobs ransacked a railway station and burned train coaches in Bangladesh on Sunday, officials said, as sporadic violence erupted after grenade attacks on an opposition party rally killed at least 17 people.$LABEL$0 +Nesterenko of Belarus wins women #39;s 100m Olympic gold Belarus #39; Yuliya Nesterenko became the fastest woman in the world, winning the 100m gold medal at the Olympic Games here Saturday evening.$LABEL$1 +News Briefs Stewart Cink seized control of the NEC Invitational at Akron, Ohio, with six straight one-putt greens and a chip-in from 50 feet for birdie on the 18th hole Saturday for a 2-under 68, giving him a five-shot lead over a trio of Ryder Cup teammates.$LABEL$1 +HK wins first Olympic medal since 1997 Table tennis players Li Ching and Ko Lai Chak won here Saturday the first Olympic medal for Chinese Hong Kong since the former British-occupied territory returned to China on July 1, 1997.$LABEL$1 +Young French woman murdered in London park LONDON, Aug 21 (AFP) - A young Frenchwoman has been bludgeoned to death with a blunt instrument in a park on the outskirts of London and police do not rule out that she was the victim of an unknown serial killer, they said Saturday.$LABEL$0 +Three more Malaysians face bird flu checks Three children of a Malaysian vet have joined her in hospital for checks to see if they have bird flu, state media reported on Sunday.$LABEL$0 +Israel Bus Blast Said Mechanical Problem (AP) AP - An Israeli bus exploded in a Jerusalem neighborhood early Sunday, but officials said the blast had been caused by a mechanical problem. There were no injuries.$LABEL$0 +China's President Hails Deng Xiaoping (AP) AP - Speaking to hundreds of top leaders and ordinary citizens, China's President Hu Jintao hailed Deng Xiaoping as the architect of China's economic reforms on Sunday, the 100-year anniversary of the late supreme leader's birth.$LABEL$0 +Rivals: Cisco's tactics unfair (SiliconValley.com) SiliconValley.com - Cisco Systems' substantial influence over the #36;8 million technology plan for San Jose's new City Hall reflects a deliberate strategy by the networking giant: get involved in the planning process early to win more business down the road.$LABEL$3 +Workplace beware THE Labor Department #39;s trumpeting of its new regulations governing overtime, which go into effect this week, sounds a little tinny.$LABEL$2 +Metro briefs A Bolingbrook firm is recalling 406,000 pounds of frozen beef products that may be contaminated with E. coli, officials said. The Quantum Foods beef, including frozen patties and steaks, were produced June 23 and 24 and distributed nationwide.$LABEL$2 +The world is Borders #39; oyster Borders Group Inc. made \$120 million in profits in 2003, hauling in most of that money from its 450 Borders superstores in the United States.$LABEL$2 +Competition Probe Threatens Abbey Deal The Spanish bank poised to take over Abbey National will walk away if the 8.2 billion deal is stalled by competition concerns, it was reported today.$LABEL$2 +Greek weightlifter stripped of bronze Athens, Greece (Sports Network) - Greek weightlifter Leonidas Sampanis on Sunday was stripped of the bronze medal he won last week and banished from the Athens Games for failing an antidoping test.$LABEL$1 +Baffling day in baffling race It was another glorious opportunity for the Giants to provide an answer to the burning question of the day, namely, quot;How the hell are these guys in the wild-card race?$LABEL$1 +WOMENS POLE VAULT A huge comedown for defending champ Dragila Athens -- Stacy Dragila, the first great woman pole vaulter and 2000 Olympic champion, will not be defending her gold medal in Athens.$LABEL$1 +US military launches attack outside Najaf shrine US troops and warplanes pounded Mehdi Army positions outside the Imam Ali mosque in Najaf early Sunday, US military officials said.$LABEL$0 +Prime Minister says he #39;s satisfied Guantanamo Bay offers <b>...</b> Prime Minister John Howard said Sunday he remains satisfied that the US military trial awaiting Australian terror suspect David Hicks at Guantanamo Bay, Cuba, will be consistent with Australian criminal justice.$LABEL$0 +EA game #39;Madden #39; tops 1.3 million first week quot;Madden NFL 2005, quot; the latest version of Electronic Arts #39; pro football video game franchise, sold more than 1.3 million copies in its first week of release, the company said Thursday, citing internal figures.$LABEL$3 +Germany #39;s Schumann wins pistol gold : Germany #39;s Ralf Schumann Saturday claimed his third Olympic gold when he won the men #39;s 25 metres rapid pistol event scoring 694.$LABEL$1 +Critical penalty costs Raiders quot;There have been a lot of BS calls, just like that one, quot; Scott said, referring to the new interpretation of the 5-yard rule.$LABEL$1 +World News gt; US launches fresh offensive against Iraqi rebels: US aircrafts Sunday pounded positions held by militants loyal to Iraq #39;s radical Shia cleric Muqtada al-Sadr in the besieged sacred city of Najaf, Xinhua reports.$LABEL$0 +BA staff call off holiday strikes A planned strike by British Airways staff that threatened to disrupt the travel plans of half a million people was halted yesterday after management and workers reached an agreement.$LABEL$0 +Taking stock During the salad days of the Internet frenzy, it was common to hear murmurings like this in Silicon Valley: quot;That house on the corner was listed for \$1.$LABEL$2 +Hamid Karzai to arrive Islamabad on Monday ISLAMABAD : Afghan President Hamid Karzai is arriving in Islamabad on Monday on a two day visit to Pakistan. He will have talks with President Pervez Musharraf and Prime Minister Ch.$LABEL$2 +Gary airport development vital to entire state The US government made this clear in recent weeks as the Federal Aviation Administration held meetings to get the big airlines to reduce the number of flights they put through O #39;Hare.$LABEL$2 +Seiko Epson Develops Micro Flying Robot Seiko Epson Corp. is developing a flying robot that looks like a miniature helicopter and is about the size of a giant bug. The company hopes it #39;ll prove handy for security, disaster rescue and space exploration.$LABEL$3 +Phelps watches and wins Phelps tied the record for most medals by an athlete at a single Olympics, matching the achievement of Soviet gymnast Aleksandr Dityatin in the boycotted 1980 Moscow Games.$LABEL$1 +Williams happy with silver in 100 Nesterenko, a Belarusian who had never broken 11 seconds before the Olympics but did it in all four rounds here, won gold in 10.93 seconds.$LABEL$1 +Raiders #39; revamped defense still needs tinkering An online scouting service recently rated the Dallas Cowboys in a tie with the 49ers as the second least-talented offense in the NFL.$LABEL$1 +Everton to meet on Monday to discuss new funding Everton #39;s board of directors will meet on Monday to discuss new investment in the hard-up English Premier League side, the club said on Sunday.$LABEL$1 +Ten al-Qaeda suspects arrested in Pakistan for planned attacks Islamabad, Aug 22 (DPA) Pakistan #39;s Interior Minister Faisal Saleh Hayat said today that the security agencies have arrested at least ten suspected al-Qaeda operatives who were planning to attack important government and US targets in Islamabad last week.$LABEL$0 +Greenspan in Focus This Week LONDON (Reuters) - Federal Reserve chairman Alan Greenspan will hog the limelight in financial markets this week as investors seek clues on how quickly U.S. interest rates will rise as soaring oil prices start to affect economic activity.$LABEL$2 +Google Roadshows Left Small Investors Out NEW YORK (Reuters) - The initial public offering of Internet search engine Google Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=GOOG.O target=/stocks/quickinfo/fullquote"">GOOG.O</A> was billed as a bonanza for millions of U.S. investors -- but the little guy, with check in hand, was left out of the party.$LABEL$2 +U.S. OKs Status of 10 Guantanamo Prisoners GUANTANAMO BAY NAVAL BASE, Cuba - U.S. military review panels have decided not to release 10 Guantanamo Bay detainees, concluding they were properly classified as ""enemy combatants,"" a military official said Saturday...$LABEL$0 +Oil Falls from Highs After Missing \$50 Oil prices eased from new highs on Friday as dealers pocketed profits from a long record-breaking run after escalating violence in Iraq took US crude close to \$50 a barrel.$LABEL$2 +Business View: It #39;s looking like Madrid or bust for Abbey No Mates Are cracks appearing in the Abbey-Santander romance? Certainly, the engaged couple do not seem as close as they were a few days ago.$LABEL$2 +Judges rule file-sharing software legal update A federal appeals court has upheld a controversial court decision that said file-sharing software programs such as Grokster or Morpheus are legal.$LABEL$3 +Maine #39;s new gold standard Michael Phelps gave Ian Crocker a gift and Crocker made the most of it Saturday. As Phelps watched from the stands, cheering and waving a small American flag, Crocker $LABEL$1 +Profile: Chen Qi/Ma Lin, China #39;s new quot;golden pair quot; This time in Athens, the quot;golden pair quot; China had prepared for its rivals was Chen Qi and Ma Lin, two Olympic rookies. In the final match played in the Galatsi Olympic Hall in northwest Athens Saturday afternoon $LABEL$1 +Dhaka Rally Attack Kills 14, Injures Hundreds A grenade attack at a rally for the Awami Union Party in the Bangladeshi capital Dhaka left 14 people dead and more than 300 injured.$LABEL$0 +As countdown goes on, so does the killing SO, JUST the nine days to go. Nine days for the Sudanese government to clean up its act, disarm the Janjaweed militia and make Darfur safe for the 1.2 million people driven from their homes by the campaign $LABEL$0 +Peres demands early Israeli elections Israel #39;s opposition leader, Shimon Peres, today called for early elections that would effectively rule his party out of joining a coalition to prop up the prime minister, Ariel Sharon.$LABEL$0 +Competition rules could scupper Abbey deal The Spanish bank poised to take over Britain #39;s Abbey National will walk away if the 8.2bn (12.1bn) deal is stalled by competition concerns, it was reported today.$LABEL$2 +US court: Software can #39;t commit piracy Truly decentralised peer-to-peer (P2P) software can #39;t be held accountable for its misuse, according to a US federal appeals court.$LABEL$3 +Pinsent victory sparks gold rush Rower Matthew Pinsent has won a fourth consecutive Olympic gold medal in the coxless four, while Britain picked up further gold medals in the sailing, cycling and three-day eventing.$LABEL$1 +Cubs face music after suffering heartbreak Usually after a heartbreaking loss, the losing team #39;s locker room is as quiet as a tomb. Cubs closer LaTroy Hawkins, who allowed two runs in the bottom of the ninth and suffered the $LABEL$1 +US tanks advance toward Najaf shrine: Arabiya TV US military tanks advanced to a few hundred meters away from Imam Ali shrine for the first time during Najaf crisis, al-Arabiya TV channel reported on Sunday.$LABEL$0 +Straw to urge Sudan to end Darfur crisis and reach settlement with <b>...</b> Britain #39;s Foreign Secretary Jack Straw flies to Sudan on Monday to press the government to end the humanitarian crisis engulfing the western region of Darfur.$LABEL$0 +Washington Post Details Ex-Uri Party Head #39;s Downfall The resignation of Uri Party chairman Shin Ki-nam after disclosures that his father was a Japanese collaborator is an example showing that the memory of Japanese imperialism is still alive in China and South Korea, the Washington Post reported on Friday.$LABEL$0 +Greenspan in Focus This Week (Reuters) Reuters - Federal Reserve chairman Alan Greenspan\will hog the limelight in financial markets this week as\investors seek clues on how quickly U.S. interest rates will\rise as soaring oil prices start to affect economic activity.$LABEL$2 +Google Roadshows Left Small Investors Out (Reuters) Reuters - The initial public offering of\Internet search engine Google Inc. (GOOG.O) was billed as a\bonanza for millions of U.S. investors -- but the little guy,\with check in hand, was left out of the party.$LABEL$2 +Uma Bharti to quit over rioting charges (Reuters) Reuters - The chief minister of Madhya Pradesh has sought to resign after a court ordered her arrest in connection with a 10-year-old rioting case, the head of her Hindu nationalist party said on Sunday.$LABEL$0 +Softball: U.S. Thrashes Australia, Japan Wins ATHENS (Reuters) - The red, white and blue U.S. softball machine are one win away from their third straight gold medal after rolling over Australia 5-0 in their semi-final on Sunday.$LABEL$1 +Palestinian Carries Tune and His People's Dreams Palestinians are utterly consumed by the fate of the 26-year-old man who will compete in Lebanon in the final of the televised contest to be named the Arab worlds finest singer.$LABEL$0 +Please hand the opposition the silver bullet ... so it may finally <b>...</b> University de Los Andes (ULA) lecturer Jutta Schmitt writes: In the wake of the Presidential recall referendum and as soon as the preliminary results had been announced by the National Elections Council (CNE) in the early morning hours of Monday, August 16 $LABEL$2 +Pinsent will retire ... and then return: Redgrave Matthew Pinsent is to announce his retirement, according to Sir Steven Redgrave, but is likely to follow in his footsteps by changing his mind and returning to the sport.$LABEL$1 +Duvall rider, teammates awarded bronze medal ATHENS, Greece -- Duvall #39;s Amy Tryon will return home from the 2004 Olympics with a medal after all. Tryon and the other members of the US equestrian team earned the bronze medal in the team-eventing competition $LABEL$1 +Mob sets train on fire in Bangladesh DHAKA: An angry mob set fire to a passenger train in central Bangladesh Sunday, injuring at least 20 people after a grenade attack on an opposition rally that killed 18 people and wounded hundreds, police said.$LABEL$0 +Munch #39;s quot;The Scream quot; stolen Armed robbers have stolen masterpieces by Norwegian artist Edvard Munch from a museum in Oslo and national radio said a version of quot;The Scream quot; was part of the haul.$LABEL$0 +22 killed, several injured in Chechen separatist attack in Grozny MOSCOW: Attacks by Chechen militants in Grozny, left 22 people dead including policemen and injured several others. Several Chechen guerrillas attacked a police station and polling station in the north of $LABEL$0 +Palestinians Say U.S. Destroys Hope Over Settlements (Reuters) Reuters - Palestinians accused the\United States on Sunday of destroying the Middle East peace\process after Washington signaled it could accept some growth\of Israeli settlements in the West Bank.$LABEL$0 +Arsenal gunning to equal unbeaten record and take on Europe (AFP) AFP - English Premiership champions Arsenal play their first home game of the new season against Middlesbrough hoping to extend their unbeaten run to 42 league games, equalling a 26-year-old record.$LABEL$0 +Clashes Near Iraq's Najaf Kill 40 People-Govt. BAGHDAD (Reuters) - At least 40 Iraqis were killed on Saturday in fierce clashes near the southern city of Najaf, where Shi'ite militias are involved in a standoff with U.S.-led forces, the Interior Ministry said on Sunday.$LABEL$0 +Iran's Bushehr Atomic Power Plant Faces More Delays TEHRAN (Reuters) - Iran on Sunday announced a further substantial delay in the long overdue project to complete its first nuclear power plant, part of a program which Washington says could be used to make atomic arms.$LABEL$0 +Arsonists Set Fire to Parisian Jewish Soup Kitchen PARIS (Reuters) - Arsonists set fire to a Jewish soup kitchen in central Paris early on Sunday morning and daubed Nazi symbols on the building, police said, in the latest anti-Semitic act in France.$LABEL$0 +You Say You Wanna Revolution Do you hate the government? Do you want to smash the corporate slave state? Are you an anarchist, punk, eco-freak with a bad haircut and attitude? Is your idea of a fun hobby sitting in your basement practicing your bomb-making skills? Do you listen to Rage Against the Machine all the time and have your walls lined with posters of Che Guevara? Do you actually want to do something to bring about the Revolution instead of getting stoned and rambling about the Zapatistas? Well here's something easy and powerful you can do to help bring the walls down: Vote for Bush.$LABEL$3 +GB boss defends swimmers Britain's swimming coach Bill Sweetenham defends his team's record in Athens.$LABEL$1 +A Bridge Suspended in Controversy In the history of ambitious bridge projects, doubt -- and the controversy that stems from it -- tends to make regular appearances.$LABEL$2 +British Wiggins wins men #39;s individual pursuit at Athens Olympics New Olympic record holder British cyclist Bradley Wiggins won the men #39;s individual pursuit at the Athens Olympics with a time of 4:16.$LABEL$1 + #39;The Scream #39; stolen from museum Armed men stormed into an art museum Sunday, threatened staff at gunpoint and stole Edvard Munch #39;s famous paintings quot;The Scream quot; and quot;Madonna quot; before the eyes of stunned museum-goers.$LABEL$0 +Palestinians criticize US shift on settlements Palestinian officials on Sunday accused the United States of harming prospects for Mideast peace after the latest indications that Washington is ready to accept some Israeli expansion of West Bank settlements.$LABEL$0 +Programs: Turbine Builds the Buzz for 'Middle-Earth Online' (Reuters) Reuters - The people crammed into a\meeting room at the Providence Convention Center were\contemplating a long visit to an exotic land. They wanted to\know about the shape of the mountains and what the weather\would be like. They asked if the natives would be approachable.$LABEL$3 +Google Roadshows Left Small Investors Out NEW YORK (Reuters) - The initial public offering of Internet search engine Google Inc. was billed as a bonanza for millions of U.S. investors -- but the little guy, with check in hand, was left out of the party.$LABEL$2 +Wiggins Overcomes Mcgee Fear Bradley Wiggins had dreamed of winning an Olympic gold since he was 12, but the Londoner got the fright of his life when Brad McGee returned to track racing two years ago.$LABEL$1 +Attack On Israeli Army Backfires Militants attacking an Israeli armored bulldozer inadvertently killed three other Palestinians Tuesday during an Israeli operation to destroy weapons-smuggling tunnels from Egypt.$LABEL$0 +Report: Arafat seeking Abbas #39; return to activity Palestinian Authority Chairman Yasser Arafat is interested in returning former Prime Minister Mahmoud Abbas to activity, according to Fatah central committee member Sacher Habash.$LABEL$0 +Car Bomb in Iraq Kills 2, Wounds 4 Two Iraqis have been killed and at least four others wounded in a car bomb explosion north of the capital, Baghdad. The attack occurred in al-Khalis, a town just north of the volatile city of Baquba.$LABEL$0 +Tom Plate The Latest China Syndrome You can bet they have been salivating, waiting patiently for the delicious, divisive moment: for Cultural Revolution Two or Tiananmen Square Two.$LABEL$0 +U.S. Beats Australia, 5-0 Lisa Fernandez pitches a three-hitter Sunday and as the Americans roll to their eighth shutout in eight days, 5-0 over Australia, putting them into the gold medal game.$LABEL$1 +Munch's Famous 'Scream,' 'Madonna' Stolen OSLO, Norway - Armed men stormed into an art museum Sunday, threatened staff at gunpoint and stole Edvard Munch's famous paintings ""The Scream"" and ""Madonna"" before the eyes of stunned museum-goers. The thieves yanked the paintings off the walls of Oslo's Munch museum and loaded them into a waiting car outside, said a witness, French radio producer Francois Castang...$LABEL$0 +Hamm Goes for More Gold Amid Controversy ATHENS, Greece - Despite the controversy surrounding his gold medal in the all-around, Paul Hamm has a chance to win two more golds Sunday. The American will compete in the finals of the pommel horse and the floor exercise - the latter against his twin brother, Morgan...$LABEL$0 +U.S. Wins Rowing Gold The American men's elite eight crew ends a four-decade drought in rowing gold medals Sunday, pulling out to a big lead and fending off a late charge by the Netherlands.$LABEL$1 +Word Champion ATHENS -- With his big, thick right hand, Pete Clentzos slaps his belly. The hand bounces off.$LABEL$1 +Programs: Turbine Builds the Buzz for 'Middle-Earth Online' PROVIDENCE, R.I. (Reuters) - The people crammed into a meeting room at the Providence Convention Center were contemplating a long visit to an exotic land. They wanted to know about the shape of the mountains and what the weather would be like. They asked if the natives would be approachable.$LABEL$3 +It's a Bird, It's a Planet, It's the Space Station When the space station passes across the Sun or moon, the scene offers an interesting demonstration of how planet hunter's look for new candidates by measuring the periodic dimming of a parent star.$LABEL$3 +Water on Mars: More Evidences The Mars Exploration Rover mission is part of NASA #39;s Mars Exploration Program, a long-term effort of robotic exploration of the red planet.$LABEL$3 +U.S. Softball Team Wins, Closes in on Gold (AP) AP - One more victory and U.S. softball team will have its goal: a third Olympic gold. Right now, the Americans aren't just a Dream Team #151; they're more like the Perfect Team. Lisa Fernandez pitched a three-hitter Sunday and Crystl Bustos drove in two runs as the Americans rolled to their eighth shutout in eight days, 5-0 over Australia, putting them into the gold medal game.$LABEL$1 +Athens Track Set for Sizzling Men's 100 (AP) AP - The preliminaries in the 100 meters were perhaps just a sample of what's to come Sunday, when a talented group of qualifiers #151; including Americans Shawn Crawford, Justin Gatlin and defending champion Maurice Greene #151; will try to turn their competition into the fastest show at the Athens Games.$LABEL$1 +Airline, pilots trying for deal US Airways and its pilots #39; union failed to announce a tentative labor agreement on Friday, but both sides said they remained optimistic that a bargain would be struck soon.$LABEL$2 +Big week ahead for Bay Area in Legislature In an 11th-hour twist, the Bay Area is at the epicenter of political quakes that jolted lawmakers over the weekend and will rock the Legislature #39;s annual frenzied wrap-up this week.$LABEL$2 +Tech pros on what Google IPO means for Silicon Valley The initial public offering of Internet search leader Google riveted the attention of the technology world and served as a reminder that Silicon Valley remains a unique place in the business world.$LABEL$3 +US men fall again A stake in the heart of USA mens basketball was delivered Saturday by a player who was inches from doing it four years ago in Sydney, Australia.$LABEL$1 +Hamm Goes for More Gold Amid Controversy Despite the controversy surrounding his gold medal in the all-around, Paul Hamm has a chance to win two more golds Sunday. The American will compete in the finals of the pommel $LABEL$1 +Victor victorious led from the front They drank the champagne, bore smiles the width of the Vaal River and took the plaudits of a nation. And they deserved every single moment of the adulation.$LABEL$1 +Ogunleye traded for Bear receiver A messy contract holdout and the need for a top-flight wide receiver prompted the Dolphins to agree on a trade Saturday that will send defensive end Adewale Ogunleye to the Chicago Bears for Marty Booker and a 2005 third-round draft pick.$LABEL$1 +Fightings Continue in Najaf Militant supporters of radical Iraqi Shi #39;ite cleric Moqtada al-Sadr kept their hold on a sacred religious shrine Sunday as fighting flared around the holy city of Najaf, south of Baghdad.$LABEL$0 +Al Qaeda plot to blow up key installations in Pak foiled: Rashid : With the arrest of six Al Qaeda suspects, law enforcement agencies here claimed to have foiled a plot to blow up key sites, including President #39;s House, military headquarters, the US embassy and parliament, the country #39;s Information Minister Sheikh Rashid $LABEL$0 +BA plane makes emergency landing in Canada (AFP) AFP - A London-bound British Airways plane carrying 302 passengers from Phoenix, Arizona was diverted to Montreal for technical reasons, a spokesman for the airline told AFP.$LABEL$0 +Error Helps Mets Defeat Giants in 12 (AP) AP - Dustan Mohr allowed two runs to score when he dropped a fly ball in the 12th inning, and the New York Mets overcame a shaky return by Tom Glavine and a team-record six double plays to beat the San Francisco Giants 11-9 Saturday.$LABEL$1 +Angels Rough Up Loaiza in Win Over Yanks (AP) AP - Jose Guillen and Jeff DaVanon homer off Esteban Loaiza, who failed to make it out of the fourth inning Saturday, as the Anaheim Angels defeated the New York Yankees 6-1 in a storm-interrupted game.$LABEL$1 +Wrong target drama costs US shooting gold China #39;s Jia Zhanbo claimed the gold medal in the men #39;s 50-metre rifle three-position target event at the Athens Olympics, after American Matthew Emmons was ruled to have fired at the wrong target on the verge of victory.$LABEL$1 +U.S. Tanks Move Toward Najaf Shrine, Clashes Kill 40 NAJAF, Iraq (Reuters) - U.S. tanks rumbled to within 800 meters (yards) of a holy shrine in the Iraqi city of Najaf on Sunday as fierce clashes with Shi'ite rebels in a nearby town killed at least 40 Iraqis, officials said.$LABEL$0 +Table tennis: Gold for China Zhang Yining beats North Korea's Kim Hyang-Mi to win the table tennis women's singles.$LABEL$0 +Ciena Posts Wider 3Q Loss on Charges Ciena Corp., a maker of fiber optic products and services, posted a wider third-quarter loss Thursday on restructuring and acquisition charges, and warned that fourth-quarter revenue would be flat with third-quarter results due to quot;ongoing customer $LABEL$3 +Rampant England eye top spot after seven wins in a row Despite having won 10 out of 11 tests so far this year, England are still a long way from being the best team in the world. Arch-rivals Australia hold sway at the $LABEL$1 +Berlusconi to visit Libya ITALY #39;S Prime Minister Silvio Berlusconi said this weekend he would meet Libyan leader Muammar Gaddafi on Wednesday to discuss clandestine immigration and also reparation claims covering nearly two decades of Italian occupation of Libya.$LABEL$0 +Koch: I Support Bush, His Stance on Iraq (AP) AP - Calling himself a ""liberal with sanity,"" former mayor Ed Koch #151; a lifelong Democrat #151; said he decided to support President Bush in the 2004 election because of Bush's stance on Iraq.$LABEL$0 +Shooting: 'Wrong Target' Drama Costs U.S. Gold ATHENS (Reuters) - American Matthew Emmons fired at the wrong target on the verge of victory in the Olympics men's 50-meter rife three-position target event to surrender an almost certain gold medal to China's Jia Zhanbo on Sunday.$LABEL$1 +Clashes Across Bangladesh After Rally Attack DHAKA (Reuters) - Clashes between police and opposition supporters erupted across Bangladesh on Sunday in the aftermath of grenade attacks on a rally that killed 17.$LABEL$0 +Iconic Munch Painting Stolen from Museum in Norway Edvard Munch's paintings ""The Scream"" and ""Madonna"" were stolen from an art museum Sunday while armed men threatened the staff at gunpoint.$LABEL$0 +Athens Track Set for Sizzling Men's 100 ATHENS, Greece - The preliminaries in the 100 meters were perhaps just a sample of what's to come Sunday, when a talented group of qualifiers - including Americans Shawn Crawford, Justin Gatlin and defending champion Maurice Greene - will try to turn their competition into the fastest show at the Athens Games. Five men broke 10 seconds in qualifying Saturday, led by Crawford's time of 9.89...$LABEL$0 +U.S. Warplanes Bomb Najaf's Old City NAJAF, Iraq - U.S. warplanes bombed Najaf's Old City and gunfire rattled on Sunday amid fears a plan to end the standoff with radical Shiite cleric Muqtada al-Sadr could collapse...$LABEL$0 +Seiko Epson develops tiny flying robot Seiko Epson is developing a flying robot that looks like a miniature helicopter and is about the size of a giant bug. The company hopes it #39;ll prove handy for security, disaster rescue and space exploration.$LABEL$3 +US wins silver in 50m rifle; China gets gold Athens, Greece (Sports Network) - Michael Anti of the United States won the silver on Sunday in the men #39;s 50m rifle 3-position event at the Summer Olympics in Athens.$LABEL$1 +Pakistan: Al-Qaida Plot Intercepted Pakistani authorities say they have intercepted a plot by the al-Qaida terror network to kill high profile civil and military officials and attack key sites, including military headquarters and the US embassy in Islamabad.$LABEL$0 +The aftermath of the Grozny bomb Russian President Vladimir Putin has made a surprise visit to wartorn Chechnya ahead of presidential elections next week. He laid a wreath at the grave of the province #39;s recently assassinated Russian-backed leader.$LABEL$0 +Amelie killer #39;may be local #39; The killer of French woman Amelie Delagrange may be a local man with knowledge of the area, police said today. Detectives are examining the possibility based on the advice of an offender profiler who has been called in on the murder hunt.$LABEL$0 +NAM boycott stirs sanctions fears in Israel Measures adopted by the Non-Aligned Movement to boycott Israeli settlers and firms building the West Bank barrier have stirred real worries in the Jewish state of a broader sanctions campaign.$LABEL$0 +Cheney Is a Quiet Force Behind Bush Presidency (Reuters) Reuters - Dick Cheney is one of the most\powerful vice presidents in U.S. history, regarded as a driving\force behind the Iraq war and the Bush administration's\industry-friendly energy policy.$LABEL$0 +Building code back in hot seat With insurance claim projections from Hurricane Charley climbing above \$11 billion, some in the building industry believe the hurricane standards in the uniform Florida Building Code may $LABEL$2 +UPDATE 1-Gibernau cruises to victory at Czech GP Spaniard Sete Gibernau cruised to his third win of the season in the Czech MotoGP Grand Prix on Sunday, holding off a tough challenge from championship leader Valentino Rossi.$LABEL$1 +Singapore #39;s new PM delivers national day rally speech Singapore #39;s Prime Minister Lee Hsien Loong on Sunday night delivered his first National Day Rally speech since he was sworn in as the country #39;s third Prime Minister.$LABEL$0 +Marks and Spencer loses crown as Britain's top clothing retailer (AFP) AFP - Marks and Spencer has been overtaken as Britain's biggest clothing retailer by supermarket giant Asda, which is owned by the world's largest retail store Wal-Mart, industry figures showed.$LABEL$2 +Gymnast Khorkina Says 'Judges Robbed Me' MOSCOW (Reuters) - Russia's Svetlana Khorkina, who was second to American Carly Patterson in the women's all-round gymnastics competition, has accused the judges of robbing her of the gold medal and said ""everything was decided in advance.$LABEL$1 +Stocks May Rally if Oil Eases NEW YORK (Reuters) - Investors will watch for oil news from Russia and Iraq this week, but skepticism that crude prices will stay sky-high is growing and a break in the energy market would fuel a rally in the U.S. stock market.$LABEL$2 +COTE D IVOIRE: All sides pledge commitment to peace process again <b>...</b> ABIDJAN, 7 December (IRIN) - South African President Thabo Mbeki ended his mediation in Cote d #39;Ivoire having wrangled promises from all sides to revive the flagging peace process.$LABEL$0 +Palestinians Chide U.S. Over Settlements JERUSALEM - Palestinian leaders on Sunday accused the United States of harming prospects for Mideast peace after the latest indications that Washington is ready to accept some Israeli expansion of West Bank settlements. The New York Times reported Saturday that the United States will now tacitly support construction in built-up areas of major Jewish settlements, while remaining opposed to housing activity in undeveloped areas...$LABEL$0 +Greek Weightlifter Stripped of Olympic Medal, Ejected From Athens <b>...</b> The International Olympic Committee has stripped a Greek weightlifter of his bronze medal and expelled him from the Athens Games for a doping offense.$LABEL$1 +England humble Windies ONCE the tailenders of world cricket, England thumped the West Indies by 10 wickets at the Oval to complete a 4-0 whitewash yesterday and are now snapping at Australia #39;s heels for world dominance.$LABEL$1 +Iraq clashes kill 40, handover talks stall US tanks rumbled to within 800 metres of a holy shrine in the Iraqi city of Najaf today as fierce clashes with Shiite rebels in a nearby town killed at least 40 Iraqis, officials said.$LABEL$0 +Train set ablaze as violence spreads in Bangladesh Dhaka, Aug 22. (PTI, UNI, AP): Angry opposition protestors set fire to a passenger train and clashed with police in southern Bangladesh today amid general strikes in several cities to protest the series of $LABEL$0 +North Korea Denounces Mass Defection North Korea has denounced as quot;wicked terrorists quot; the South Korean officials who orchestrated last month #39;s airlift to Seoul of 468 North Korean defectors.$LABEL$0 +Judge gives United temporary reprieve A federal bankruptcy judge has given United Airlines a 30-day quot;test period quot; to show it can cooperate with its unions on a restructuring plan, rejecting union calls to open the process up to rival proposals immediately because United has not $LABEL$2 +UPDATE 1-Gibernau storms to pole for Czech GP Spaniard Sete Gibernau stormed into pole position for Sunday #39;s Czech MotoGP Grand Prix, edging out Brazilian Alex Barros at the end of the rain-affected second qualifying session.$LABEL$1 +Swiss pair eliminates Holdren, Metzger Stein Metzger screamed, as if the noise would somehow keep the ball off the sand for an extra split second. He threw his body parallel to the ground, but the ball bounced inches out of his reach, as partner Dax Holdren looked on.$LABEL$1 +Mob sets fire to train in protest at attack An angry mob set fire to a passenger train in central Bangladesh yesterday, injuring at least 20 people, in retaliation for a grenade attack on an opposition rally that killed 22 people and wounded hundreds, police said.$LABEL$0 +BA prepares new sick leave deal British Airways says it will introduce a company-wide sick leave policy giving managers greater powers to monitor employees #39; absence under a deal hammered out with unions to avert a 24-hour strike.$LABEL$2 +Asda clothing overtakes M amp;S Marks amp; Spencer is no longer the UK #39;s largest clothing retailer after losing its crown to supermarket chain Asda. Industry figures for the 12 weeks to July 25 are understood to show that Asda now has a leading $LABEL$2 +India News gt; Trucker #39;s strike enters second day: The Delhi government Sunday braced to tackle a rise in prices of essential commodities and vegetables as an indefinite nationwide truckers #39; strike entered its second day.$LABEL$2 +Amazon.com to Acquire Retailer Joyo.com Internet retail giant Amazon.com Inc. said Thursday that it signed a definitive agreement to acquire Joyo.com Ltd., China #39;s largest online retailer of books, music and videos, in a deal worth about \$75 million.$LABEL$3 +EPA must close loopholes in emissions law Loopholes in state laws that regulate hazardous emissions pose a serious risk to the health of millions of Americans and need to be revised, according to a report published this week.$LABEL$3 +Korea #39;s chances for duplicate gold appear slim The satisfaction of knowing they should have won gymnastics gold might be all the South Koreans get. While the country #39;s Olympic team met with lawyers Sunday to plan its appeal over the medal given to American $LABEL$1 +Baseball Today Minnesota at Texas (8:05 pm EDT). Kenny Rogers (15-5) goes for his 16th win as Texas resumes its AL West title chase. * Manny Ramirez and Jason Varitek, Red Sox.$LABEL$1 +Russian President Visits Chechnya Russian President Vladimir Putrin has made an unannounced trip to Chechnya to honor the memory of the assassinated leader of the restive southern republic, one week before a scheduled vote to replace him.$LABEL$0 +China executes man who killed his rapists Beijing - China has executed a university dropout for killing six men - four of whom had raped him, state media reported on Sunday.$LABEL$0 +Malaysia Teenager in Hospital for Bird Flu Checks A teenager from the village at the center of a bird flu outbreak has been hospitalized with cold symptoms, Malaysia #39;s health minister said on Friday, as poultry farmers counted their losses.$LABEL$0 +Iraq Keeps South Oil Pipeline Shut BAGHDAD (Reuters) - Authorities kept a main oil pipeline in southern Iraq shut on Sunday rather than risk it being attacked, restricting the country's exports to half normal levels, a South Oil Official said.$LABEL$2 +Volleyball: China Clinches Top Spot, U.S. Faces Crunch ATHENS (Reuters) - China underlined their gold medal ambitions in Olympic women's volleyball on Sunday, clinching top spot in Pool B with a straight sets win over Russia.$LABEL$1 +Schwarzenegger wins car ad case Arnold Schwarzenegger has settled a dispute with an Ohio car company which used photos of him in an advertising campaign without his permission.$LABEL$2 +JK gaffe costs Microsoft dear LONDON: It was a tiny software slip up - just eight pixels symbolising Jammu and Kashmir, which were coloured a different shade of green from the rest of India.$LABEL$3 +Athens champion album - Aug. 21 (1) Britain #39;s Yngling crew Shirley Robertson (M), Sarah Webb (R) and Sarah Ayton celebrate at award ceremony after winning the first title at the Athens Olympic Games on August 21, 2004.$LABEL$1 +New York Mets Team Report - August 22 (Sports Network) - Matt Ginter will get the start for an injured Victor Zambrano this afternoon when the New York Mets conclude their three-game series with the San Francisco Giants at SBC Park.$LABEL$1 +British Air to monitor sick leave British Airways PLC said Sunday it would introduce a company-wide sick leave policy giving managers greater powers to monitor employees #39; absence under a deal hammered out with unions to avert a 24-hour strike.$LABEL$2 +Marks and Spencer loses crown as Britain #39;s top clothing retailer LONDON : Marks and Spencer has been overtaken as Britain #39;s biggest clothing retailer by supermarket giant Asda, which is owned by the world #39;s largest retail store Wal-Mart, industry figures showed.$LABEL$2 +Inside the Yukos Endgame As in so many murder mysteries, the killing of the Russian oil giant Yukos - which began last fall with the arrest of its CEO, Mikhail Khodorkovsky, and could climax at any time with the firm #39;s bankruptcy or forced sale of assets -s being committed $LABEL$2 +Stumbling over SP2 People have Bill Gates all wrong. He doesn #39;t want to rule the world (or at least the computerized portion of it). And although he may secretly hope that all Linux source code spontaneously combusts, that isn #39;t his biggest wish.$LABEL$3 +AT amp;T will offer VoIP service in Hampton Roads The firm #39;s new Internet calling plan is cheaper than traditional phone service and has more features. AT amp;T has followed its recent announcement that it #39;s not marketing new residential telephone service by $LABEL$3 +EA Video Game #39;Madden #39; Tops 1.3 Million First Week quot;Madden NFL 2005, quot; the latest version of Electronic Arts Inc. #39;s ERTS.O pro football video game franchise, sold more than 1.3 million copies in its first week of release, the company said on Thursday, citing internal figures.$LABEL$3 +China college for Internet game industry A college to provide training for the Internet games industry has been opened in Beijing. Xinhua, China #39;s main government-run news agency, reported Saturday that China #39;s Ministry of Information Technology, the $LABEL$3 +Youth Movement for the US Begins The tattoo on Lauryn Williams #39;s right hip is new this year, but it is already dated. It is Mickey Mouse, baton in hand, dashing through the University of Miami logo.$LABEL$1 +Hewitt to face the unexpected Lleyton Hewitt has an unexpected rival in the final of the Legg Mason Tennis Classic after Andre Agassi was beaten in straight sets by unheralded Luxembourg player Gilles Muller on Saturday.$LABEL$1 +Gymnast Khorkina Says #39;Judges Robbed Me #39; Russia #39;s Svetlana Khorkina, who was second to American Carly Patterson in the women #39;s all-round gymnastics competition, has accused the judges of robbing her of the gold $LABEL$1 +Springboks prove passion is back SOUTH AFRICA completed their resurrection from international disgrace to rugby power with their most important win since the World Cup final in 1995, which briefly united the Rainbow Nation.$LABEL$1 +Venezuela plane crash #39;kills 25 #39; A Venezuelan air force plane has crashed, killing all 25 passengers and crew, aviation officials say. The aircraft came down in bad weather in a mountainous region in Carabobo state, west of the capital, Caracas, Reuters quoted an official as saying.$LABEL$0 +Google Roadshows Left Small Investors Out (Reuters) Reuters - The initial public offering of\Internet search engine Google Inc. was billed as a bonanza for\millions of U.S. investors -- but the little guy, with check in\hand, was left out of the party.$LABEL$2 +Iraq Keeps South Oil Pipeline Shut (Reuters) Reuters - Authorities kept a main oil pipeline in\southern Iraq shut on Sunday rather than risk it being\attacked, restricting the country's exports to half normal\levels, a South Oil Official said.$LABEL$2 +Pope Condemns Unethical Science, Cloning (AP) AP - Pope John Paul II warned in a statement released Sunday that humanity's speedy progress in science and technology risks overlooking moral values, citing with particular concern experiments in human cloning.$LABEL$3 +U.S. Aircraft Hit Militias in Najaf as Tanks Near Shrine NAJAF, Iraq (Reuters) - U.S. helicopter gunships pounded Shi'ite militias in the holy Iraqi city of Najaf on Sunday as tanks rumbled to within 800 meters (yards) of a holy shrine at the center of a near three-week insurgency.$LABEL$0 +U.S. Rolls Into Softball Gold-Medal Game ATHENS, Greece - Right now, the Americans aren't just a Dream Team - they're more like the Perfect Team. Lisa Fernandez pitched a three-hitter Sunday and Crystl Bustos drove in two runs as the Americans rolled to their eighth shutout in eight days, 5-0 over Australia, putting them into the gold medal game...$LABEL$0 +U.S. Soldiers, Militiamen Clash in Najaf NAJAF, Iraq - U.S. warplanes bombed Najaf's Old City and troops clashed with Shiite militiamen Sunday amid fears a plan to end the standoff could collapse...$LABEL$0 +Auction Remains Dutch Mainstay Google #39;s so-called Dutch auction may have intrigued Wall Street, but nobody here was buying it, figuratively or literally. Instead, Dutch people, the butts $LABEL$3 +Making A Splash What a week! Here #39;s to Phelps, Thorpe and all the other breakout stars - especially the unheralded Africans. It was an irresistible formula for concocting the most popular Olympic event of the first week.$LABEL$1 +Mactier collects pursuit silver Australian cyclist Katie Mactier has won silver behind New Zealand world champion Sarah Ulmer in the women #39;s 3000 metre individual pursuit at the Athens Olympics.$LABEL$1 +Lack of a successor clouds future after Arafat YASSER Arafat seems to have held off one more challenge to his rule. But his latest victory does not answer the question of what will happen when he finally does leave the political scene.$LABEL$0 +Stocks #39; second thoughts Indexes are up so far this week, but another record oil price could put some of those gains at risk. NEW YORK (CNN/Money) - US stock markets were set for a little slip at Friday #39;s open, but it would take a $LABEL$2 +The biggest Mac is resting THE Australian chief executive of McDonald #39;s is recuperating after more surgery, the world #39;s largest fast-food company said.$LABEL$2 +Schwarzenegger, auto dealer settle An Ohio auto dealership and Gov. Arnold Schwarzenegger have settled a legal dispute over the use of his photograph in a series of car advertisements, officials announced Friday.$LABEL$2 +EA Video Game #39;Madden #39; Tops 1.3 Million First Week quot;Madden NFL 2005, quot; the latest version of Electronic Arts Inc. #39;s pro football video game franchise, sold more than 1.3 million copies in its first week of release, the company said on Thursday, citing internal figures.$LABEL$3 +Seiko Epson unveil updated micro flying robot Seiko Epson have unveiled their latest wireless flying micro-robot named the FR-II. The successor to the FR robot the latest micromechatronic contraption has a number of improvements.$LABEL$3 +Powerful Nesterenko seizes the moment It was the final of the forgotten. Those who raced it, this weirdest of women #39;s 100-metres dashes, were a largely unknown lot; the winner, Yuliya Nesterenko, ran into history from the comfortable starting blocks of near-total anonymity.$LABEL$1 + #39;Who says we can #39;t play? #39; say goldstruck British papers From tail-dragging despair to unabashed joy, Britain #39;s newspapers rebounded on Sunday, swelling with pride after five gold medals in one day erased the pain of the first Olympic week in Athens.$LABEL$1 +Patterson answers history and defending champ ATHENS - She did not have the magnetic power of Mary Lou Retton, or the dizzy charm of Sarah Hughes, but Carly Patterson did have one final dance in front of her, one last chance to prove that her face belonged on those 70 million McDonald #39;s bags and $LABEL$1 +Straw to press Sudan on violence Foreign Secretary Jack Straw will seek to intensify the pressure on the government of Sudan to tackle the humanitarian crisis unfolding in the Darfur region.$LABEL$0 +Car bomb kills two in Baghdad A car bomb exploded north of the Iraqi capital Baghdad today, killing two people and injuring four others, including a deputy provincial governor, police said.$LABEL$0 +Abdullah flies flag of Mid-East reform HIGH above white-walled, seven-hilled Amman, in the heart of the Jordanian royal palace compound, a national flag flies in the desert breeze.$LABEL$0 +Greek Weightlifter Out Greek weightlifter Leonidas Sampanis is stripped of his bronze medal and expelled from the Olympics for a doping offense.$LABEL$1 +Still Under Wraps Although Joe Gibbs is back in Washington, we're unlikely to see any elements of his offensive system on display until Opening Day.$LABEL$1 +Emmons Loses Gold American shooter Matt Emmons fired at the wrong target on his final shot Sunday, blowing a commanding lead in the Olympic 50-meter three-position rifle event and allowing Jia Zhanbo of China to take the gold$LABEL$1 +New Doping Scandal at Games ATHENS (Reuters) - Almost 100 runners set out on Sunday to recreate history's legendary Marathon while a modern day doping scandal threatened the gold medal won by Russia at the first Olympic event held at Ancient Olympia in 1,600 years.$LABEL$1 +Vegetable prices shoot up due to truckers #39; strike Prices of vegetables, fruits and other perishable commodities shot up on Sunday though movement of essential goods across the country by and large remained unaffected as the truckers #39; strike to protest imposition of service tax entered the second day.$LABEL$2 +SAP migration part of Nortel #39;s cost-cutting plans A standartisation to SAP is part of Nortel Networks #39; restructuting plans and is part of a move that will also see 10 of its workforce, or around 3500 jobs, eliminated.$LABEL$3 +Nesterenko surprises field with speed Winning the 100 meters at the Olympics isn #39;t simply a tradition carried on by generations of American women sprinters, it #39;s an exercise in domination.$LABEL$1 +Mental lapse costs American shooting gold An almost unthinkable lapse of concentration Sunday cost American Matt Emmons an Olympic shooting gold medal. Emmons, far ahead going into his final shot in the three-position $LABEL$1 +OBL still untraced, says Pakistan Pakistan said Sunday it still has no information about the whereabouts of al-Qaida leader Osama bin Laden and his close associates.$LABEL$0 +One dead, six missing after Maoist attack More than 1000 Maoist rebels stormed a district headquarters in Nepal #39;s north-western mountains, bombing government buildings and killing at least one soldier, as they kept up a blockade $LABEL$0 +Israel PM vows to bring Labour into government despite vote by <b>...</b> JERUSALEM : Beleaguered Israeli Prime Minister Ariel Sharon persisted with plans to form a new government including the main opposition Labour party, bolstered by Washington #39;s backing for the expansion of West Bank settlements.$LABEL$0 +25 dead in Venezuela military plane crash CARACAS : A military airplane crashed in a mountainous region in northeastern Venezuela killing all 25 passengers, a spokesman for the air rescue service told AFP.$LABEL$0 +Thousands Registered to Vote in 2 States-Report (Reuters) Reuters - About 46,000 people are registered to\vote in two states, New York and Florida, a violation of both\states' laws that could affect the outcome of the November\presidential election, according to an investigation by the\Daily News.$LABEL$0 +Dollar May Fall on Concern Climbing Oil Prices Will Slow Growth The dollar may fall against the euro for a third week in four on concern near-record crude oil prices will temper the pace of expansion in the US economy, a survey by Bloomberg News indicates.$LABEL$2 +Our swimming saviours A FAST finish in the pool at Athens has delivered Australia #39;s best swimming medal haul since the 1956 Melbourne Games. A heroic butterfly leg from Petria Thomas in the women #39;s medley relay yesterday snared the team #39;s seventh and final gold medal.$LABEL$1 +Ulmer wins gold in pursuit cycling Sarah Ulmer of New Zealand continued her dominance of pursuit racing Sunday, breaking her own world record to win the Olympic gold medal.$LABEL$1 +Moore And List Advance To US Amateur Final Mamaroneck, NY - Ryan Moore, 21, of Puyallup, Wash., the NCAA Division I champion who has won all four golf events he has entered since late May, and Luke List, 19, of Ringgold, Ga.$LABEL$1 +Car bomb explodes near military convoy A car bomb detonated near a US military convoy on Sunday outside the northern city of Mosul, the military said. There were no immediate reports of casualties.$LABEL$0 +Arafat refuses to sign anti-corruption legislation Ramallah (AsiaNews/Agencies) - Yasser Arafat refused to sign anti-corruption legislation as demanded by Palestinian law-makers. In a long and tense speech to the Palestinian Legislative Council (PLC), the $LABEL$0 +Let UN chief get on with job: Blair TONY Blair threw his weight behind Kofi Annan yesterday amid a growing clamour in the US for the UN Secretary-General to resign over the Iraq oil-for-food scandal.$LABEL$0 +U.S. Rolls Into Softball Gold-Medal Game ATHENS, Greece - Right now, the Americans aren't just a Dream Team - they're more like the Perfect Team. Lisa Fernandez pitched a three-hitter Sunday and Crystl Bustos drove in two runs as the Americans rolled to their eighth shutout in eight days, 5-0 over Australia, putting them into the gold-medal game against the Aussies...$LABEL$0 +Pursuit team secure medal Britain's team pursuit quartet will race off for gold against Australia on Monday.$LABEL$1 +UK takes lead role in stem cell research POTTERS BAR, England At the end of a winding country road lined with hedgerows and tidy brick homes sits a new prefabricated building chock-full of monitors and filters.$LABEL$3 +User, beware of new XP patch Microsoft has a massive patch for some of the many bugs and security holes in Windows XP. If you #39;re using Windows XP, you might want to download the software patch and install it.$LABEL$3 +Ulmer wins gold in cycling Athens, Greece (Sports Network) - Sarah Ulmer of New Zealand won the women #39;s individual pursuit competition in track cycling Sunday at the Olympics.$LABEL$1 + #39;Sold out #39; signs going up at Games events In the midst of the heaving throng of more than 100,000 who turned out in Athens to welcome home the victorious Greek soccer team last month, someone asked how Athens would deal with the crowds during the Olympics.$LABEL$1 +China #39;s Zhang a gold medalist again in table tennis Athens, Greece (Sports Network) - China #39;s Zhang Yining, already a gold medalist here with doubles partner Wang Nan, won the women #39;s singles title Sunday with a four-set victory over Hyang Mi Kim of North Korea.$LABEL$1 +Travelers Could Soon Report to Work Mid-Flight (Reuters) Reuters - Business travelers will be able to\surf the Web securely on long-distance flights by combining\services from Boeing Co. (BA.N) and iPass Inc. (IPAS.O), the\companies plan to announce on Monday.$LABEL$3 +Brands Change Course to Combat Atkins NEW YORK (Reuters) - The biggest U.S. weight loss companies are taking aim at the low-carb diet craze with new programs, products and marketing campaigns they hope will boost membership rolls and revitalize sales.$LABEL$2 +U.S. Planes Hit Militias as Tanks Near Najaf Shrine NAJAF, Iraq (Reuters) - U.S. helicopter gunships pounded Shi'ite militias in the holy Iraqi city of Najaf on Sunday as tanks rumbled to within 800 meters (yards) of a holy shrine at the center of a near three-week insurgency.$LABEL$0 +Travelers Could Soon Report to Work Mid-Flight NEW YORK (Reuters) - Business travelers will be able to surf the Web securely on long-distance flights by combining services from Boeing Co. <A HREF=""http://www.reuters.co.uk/financeQuoteLookup.jhtml?ticker=BA.N qtype=sym infotype=info qcat=news"">BA.N</A> and iPass Inc. <A HREF=""http://www.reuters.co.uk/financeQuoteLookup.jhtml?ticker=IPAS.O qtype=sym infotype=info qcat=news"">IPAS.O</A>, the companies plan to announce on Monday.$LABEL$3 +Not All Dutch Auctions Are Equal Jeff Stacey, managing director of researcher IPO Monitor in Los Angeles, says Dutch auctions are designed to set the price accurately right away.$LABEL$2 +Update 1: Net Rivals Rise and Fall on Google IPO Rivals to Internet search giant Google Inc. rode the momentum of its long-awaited initial public offering and saw mixed gains in early trading Thursday, but sank near the closing bell as Google #39;s shares remained $LABEL$3 +American hits wrong target and loses gold Matthew Emmons is a trained accountant but he got his numbers terribly wrong at the Olympics. The American sharpshooter was just one shot away from a second Olympic gold $LABEL$1 +Car bomb explodes near military convoy A car bomb detonated near a US military convoy on Sunday outside the northern city of Mosul, the military said. Two children were injured in the blast, said Dr.$LABEL$0 +Iran delays nuclear plant opening Iran says it has delayed plans to start up its first nuclear reactor by a year - but it plans to build more plants with Russian help.$LABEL$0 +Singapore backs Beijing on Taiwan SINGAPORE #39;S new leader tried to mend fences with China today, saying the city-state would back Beijing if Taipei quot;provoked quot; armed conflict across the Taiwan Strait.$LABEL$0 +Blazers' Randolph Questioned by Police (AP) AP - Portland Trail Blazers forward Zach Randolph was questioned by police after witnessing the shootings of three men inside a bar early Sunday.$LABEL$1 +British Airways plane makes emergency landing in Montreal (AFP) AFP - A British Airways 747 en route from Phoenix, Arizona to London made an emergency landing in Montreal following a mechanical problem with the plane, a company spokesman told AFP.$LABEL$0 +I spy with my little... This state-of-the-art spy helicopter features its own computer, a digital camera and Bluetooth wireless technology so it can transmit instant pictures.$LABEL$3 +Ulmer gives New Zealand historic gold Athens - Sarah Ulmer gave New Zealand their first ever Olympic cycling gold medal and only their second of the Athens Games on Sunday, breaking her own world record for the women #39;s 3-km individual pursuit in the process.$LABEL$1 +Celtic tunes up with win over Inverness Aberdeen, Scotland (Sports Network) - Celtic remained perfect in Scottish Premier League play this season with a 3-1 win over Inverness at the Pittodrie.$LABEL$1 +Injured Gail Devers Can't Finish Hurdles (AP) AP - Gail Devers, the most talented yet star-crossed hurdler of her generation, was unable to complete even one hurdle in 100-meter event Sunday #151; failing once again to win an Olympic hurdling medal.$LABEL$1 +Martin meeting with Liberal caucus early test in art of compromise (Canadian Press) Canadian Press - OTTAWA (CP) - This week's gathering of federal Liberals will allow Paul Martin to hone his skills for the consensus-building exercise that is minority government.$LABEL$0 +Senate Republicans Weigh Dismantling CIA WASHINGTON - Senate Intelligence Committee Republicans proposed removing the nation's largest intelligence gathering operations from the CIA and the Pentagon and putting them directly under a new national intelligence director. Sen...$LABEL$0 +Palestinians Chide U.S. Over Settlements JERUSALEM - Palestinian leaders reacted angrily on Sunday to Washington's apparent readiness to allow construction inside Israeli settlements in the West Bank, warning that it would destroy the peace process. U.S...$LABEL$0 +Injured Gail Devers Can't Finish Hurdles ATHENS, Greece - Gail Devers, the most talented yet star-crossed hurdler of her generation, was unable to complete even one hurdle in 100-meter event Sunday - failing once again to win an Olympic hurdling medal. Devers, 37, who has three world championships in the hurdles but has always flopped at the Olympics, pulled up short and screamed as she slid under the first hurdle...$LABEL$0 +Audit of referendum supports Chavez An audit by international observers supported official elections results that gave President Hugo Chavez a victory over a recall vote against him, the secretary-general of the Organisation of American States announced.$LABEL$2 +M amp;S overtaken as top UK clothes retailer Marks amp; Spencer is no longer the UKs largest clothing retailer after losing its crown to supermarket chain Asda, it was reported today.$LABEL$2 +TXT-to-pay parking gets green light Wellington City Council will this week start replacing 1300 parking meters with 300 pay-and-display machines that can accept payments from mobile phones or credit cards.$LABEL$3 +Judge #39;s ruling too close to home quot;IG has verified that Colombian judge Oscar Buitrago Reyes, one of three officials suspended by the FIG (world gymnastics body) on August 21, has lived and worked in Ohio for several years, quot; the magazine #39;s website said on Sunday.$LABEL$1 +Rowing: Pinsent #39;s emotions run free after gold medal No 4 and it beat anything the 20th could offer either. A fourth successive gold medal for Matthew Pinsent by only just 0.08s. Barney Williams $LABEL$1 +Bears, Dolphins swap former Pro Bowlers The Chicago Bears have sent wide receiver Marty Booker and a 2005 third-round draft pick to the Miami Dophins for disgruntled defensive end Adewale Ogunleye.$LABEL$1 +Celtic reclaim lead with 3-1 win over 10-man Inverness Celtic returned to the top of the Scottish Premier League on Sunday with Wales striker John Hartson scoring twice for the champions in a 3-1 win over 10-man Inverness Caledonian Thistle.$LABEL$1 +Aggressive Springboks revive memories of World Cup win Two discards held centre stage yesterday as the Springboks revived memories of their World Cup triumph when they nailed the Tri-Nations title.$LABEL$1 +Palestinians say US destroys hope over settlements RAMALLAH: Palestinians yesterday accused the United States of destroying hopes of negotiations with Israel for a Palestinian state, after the US signalled it could accept some growth of settlements in the West Bank.$LABEL$0 +This gold tarnished Federation rules that judges #39; mistake cost S. Korea #39;s Yang a victory, but Hamm gets to keep medal. ATHENS, Greece - Paul Hamm was erroneously awarded the gold medal in the men #39;s all-around Wednesday night because $LABEL$1 +Hungarian fencing referee suspended for two years A Hungarian fencing referee was expelled from the Olympics and suspended for two years Sunday after making several errors during Saturday night #39;s gold-medal match in men #39;s team foil.$LABEL$1 +Injured Devers Can't Finish Hurdles (AP) AP - Gail Devers, the most talented yet star-crossed hurdler of her generation, failed once again in the Olympics as she was struck by injury before the first hurdle. Devers, 37, who has three world championships in the 100-meter hurdles, pulled up short and screamed as she slid under the first hurdle. She sat on the track for about two minutes, rubbing her left leg and grimacing.$LABEL$1 +Pope Condemns Unethical Science, Cloning CASTEL GANDOLFO, Italy - Pope John Paul (news - web sites) II warned in a statement released Sunday that humanity #39;s speedy progress in science and technology risks overlooking moral values, citing with particular concern experiments in human cloning.$LABEL$3 +Greek weightlifter stripped of bronze for doping In another embarrassing incident for the Olympic host nation, a Greek weightlifter has been stripped of his bronze medal for a doping offence.$LABEL$1 +Ulmer surprised with record time Sarah Ulmer #39;s blitzing gold medal ride at the Olympic Velodrome on Monday has left her eating her own words. Ulmer broke the women #39;s 3000m individual pursuit world record for the second time in two days in the final.$LABEL$1 +Paula Radcliffe gives up Paula Radcliffe has withdrawn in tears after just over two hours of the Olympic women #39;s marathon. The world record holder and big favourite was in fourth place at the time but was losing ground.$LABEL$1 +Jaguars Release Sack Leader Brackens (AP) AP - The Jacksonville Jaguars on Sunday released defensive end Tony Brackens, the team's all-time sack leader.$LABEL$1 +Chicago Orders Cubs to Fix Wrigley Field (AP) AP - The protective netting in place to protect fans from falling concrete at Wrigley Field must be replaced with a permanent solution if the Chicago Cubs want to play at the stadium next spring.$LABEL$1 +Halliburton Awaits Decision on Payments (AP) AP - After a week of flip-flops by the Army, Halliburton is waiting for a final decision on whether the military will withhold 15 percent of payments for some of its work in Iraq.$LABEL$0 +IOC Taking Back Women's Shot Put Gold ATHENS (Reuters) - Women's Olympic shot put champion Irina Korzhanenko of Russia will lose her gold medal after testing positive for a banned steroid, the head of the Russian Olympic Committee's anti-doping body said Sunday.$LABEL$1 +Radcliffe suffers marathon agony An exhausted Paula Radcliffe fails to finish in Athens as Japan's Mizuki Noguchi wins the women's marathon.$LABEL$0 +Google #39;s woes shouldn #39;t bury IPO auction idea Google Inc. #39;s stumbles shouldn #39;t be used to write off the idea of employing auctions to sell stock to the public. Certainly, the initial public offering of the Internet search $LABEL$2 +Arsenal equal record Arsenal came back from two goals down to equal Nottingham Forest #39;s 42-match unbeaten run that has stood for 25 years. The Gunners went ahead in the 26th minute through Thierry Henry, but Arsenal were stunned $LABEL$1 +Dope tests catch medallists A Greek Olympian has been stripped of his bronze medal after testing positive for drugs, and a Russian gold medallist has also reportedly failed a test.$LABEL$1 +Olympics: Ulmer smashes world record to bag pursuit cycling gold ATHENS : New Zealand #39;s Sarah Ulmer smashed her second world record in as many days on the way to claiming the 3000-metre individual pursuit cycling gold medal at the Athens Olympics.$LABEL$1 +Kastor takes bronze in marathon; Japan #39;s Noguchi wins American Deena Kastor crosed the finish line crying as she captured the bronze medal in the marathon Sunday. She finished the course in 2 hours, 27 minutes, 19 seconds.$LABEL$1 +Boston at Chicago Sox, 8:05 PM CHICAGO (Ticker) -- The Boston Red Sox will go for a three-game sweep when they face the Chicago White Sox at US Cellular Field on Sunday night.$LABEL$1 +Mob sets Bangladesh train alight An angry mob set fire to a passenger train in central Bangladesh yesterday as they protested against a grenade attack on an Opposition rally that killed at least 18 people and injured hundreds.$LABEL$0 +Kadyrov absolutely rejected extreme forms of Wahhabism Putin MOSCOW, August 22 (Itar-Tass) --Akhmad Kadyrov was absolutely against the extreme forms of Wahhabism, which some forces are still trying to plant on our land, President Vladimir Putin said in the RTR documentary, Akhmad Kadyrov.$LABEL$0 +Journalist Kidnapped in Iraq Is Released (AP) AP - U.S. journalist Micah Garen, who was kidnapped in Iraq more than a week ago, was released Sunday in the southern city of Nasiriyah. Garen spoke to Al-Jazeera television, confirming he was freed.$LABEL$0 +Noguchi Reduces Radcliffe to Tears, Kastor Wins Bronze ATHENS (Reuters) - Japan's diminutive Mizuki Noguchi put on an extraordinary display of front-running to win the Olympic women's marathon title on Sunday as Paula Radcliffe's challenge ended in bitter tears.$LABEL$1 +Murkowski Braces for Alaska Sen. Primary (AP) AP - Sen. Lisa Murkowski says she has not asked Alaskans to like the way she got her job #151; she was appointed by her father, Gov. Frank Murkowski.$LABEL$0 +Singapore 'would not back Taiwan' Singapore's new PM says he would not back Taiwan if it provoked a war with China over independence.$LABEL$0 +Irish sunken wreck likely Cromwell's flagship, archaeologists say (AFP) AFP - The wreck of a 17th-century ship found preserved in a sandbar in southern Ireland five years ago could well be the navy flagship of England ruler Oliver Cromwell, according to a Irish government archaeologist.$LABEL$0 +25 People Killed in Venezuela Plane Crash (AP) AP - A military plane crashed into a mountain in central Venezuela, killing 25 people, including five children, the air force rescue team said in a statement Saturday.$LABEL$0 +Injured Devers Can't Finish Hurdles ATHENS, Greece - Gail Devers, the most talented yet star-crossed hurdler of her generation, failed once again in the Olympics as she was struck by injury before the first hurdle. Devers, 37, who has three world championships in the 100-meter hurdles, pulled up short and screamed as she slid under the first hurdle...$LABEL$0 +U.S. Prepares for Guantanamo Arraignments GUANTANAMO BAY NAVAL BASE, Cuba - One man allegedly worked as an al-Qaida accountant. Another, a poet, is accused of crafting terrorist propaganda...$LABEL$0 +Henry wants silverware Arsenal striker Thierry Henry insisted there must be an end product to the Gunners #39; record-breaking run. As Arsenal equalled Nottingham Forest #39;s 42-game unbeaten League run Henry said: quot;Even on the pitch we didn #39;t realise what we had done.$LABEL$1 +Ticket Scalpers Not Doing Good Business in Athens The perennial Olympics pariah, commonly known as the ticket scalper, is having a hard time in Athens. Scalpers normally buy hard-to-get tickets, with hopes of selling them later at highly inflated prices.$LABEL$1 +Swiss Pair Eliminates Holdren, Metzger Dax Holdren could only watch helplessly as partner Stein Metzger made a desperate dive for the ball, screaming as if the noise could stop it from hitting the sizzling sand.$LABEL$1 +Family #39;s farewell to Amelie The devastated parents and sister of murdered French woman Amelie Delagrange left a heart-rending farewell at the scene where she was brutally attacked.$LABEL$0 +Singapore #39;s PM Backs China Over Taiwan Independence Singapore #39;s Prime Minister Lee Hsien Loong has warned Taiwan against moving toward independence, saying he supports the quot;one China quot; policy.$LABEL$0 +Oil addicts It lubricates all our lives. But can we live without the black stuff, asks Heather Stewart. Sky-high oil prices are already taking their toll, eating into consumers #39; spending power and squeezing corporate margins $LABEL$2 +Olympians pursuit of marketing gold begins long before medals <b>...</b> For millions of Americans, gymnast Paul Hamm #39;s fame began only when the broad-shouldered Olympian shrugged off a fall in the vaulting competition last week and made an inspired comeback to win gold.$LABEL$2 +Reporting to Work Mid-Flight Business travelers will soon take advantage of airborne internet if two companies have their way. Boeing and software maker iPass plan to use satellite and Wi-Fi to connect high fliers to the office.$LABEL$2 +Arsenal matches record of 42 league games without a loss Defending champion Arsenal matched a 25-year-old record of 42 league games without a loss in the top tier of English soccer by rallying past Middlesbrough 5-3 Sunday.$LABEL$1 +Najaf police: a thin blue line between foes US troops encircled the Shrine of Ali Sunday as fighting resumed. The standoff leaves Iraqi police with few allies. By Scott Baldauf Staff writer of The Christian Science Monitor.$LABEL$0 +Iran Announces Delays in First Nuclear Reactor Coming on Line Iran says its first nuclear reactor, being built with the help of Russia, will not go on line until October 2006, a year later than planned.$LABEL$0 +Family mourn quot;angel quot; slain in London The family of a French woman who police think might have been slain by a serial hammer killer have paid tribute to an quot;angel quot; who found happiness during her time in London.$LABEL$0 +25 people killed in Venezuela plane crash A military plane crashed into a mountain in central Venezuela, killing 25 people, including five children, the air force rescue team said in a statement Saturday.$LABEL$0 +Venezuelan Vote Audit Backs Chavez, Finds No Fraud An audit of Venezuela #39;s referendum results has confirmed President Hugo Chavez won the poll fairly and found no evidence to support the opposition #39;s claims $LABEL$2 +Venezuela plane crash kills 25 A Venezuelan air force plane carrying three crew members and 22 passengers has crashed in bad weather in central Venezuela, killing all on board, an aviation official said Sunday.$LABEL$0 +Injured Devers Can't Finish Hurdles (AP) AP - Gail Devers failed once again in the Olympic 100-meter hurdles, falling to injury just steps into her first race. Devers, 37, who has three world championships in the event, pulled up short and screamed as she slid under the first hurdle Sunday.$LABEL$1 +Japanese Woman Wins Marathon; Kastor Third (AP) AP - Mizuki Noguchi of Japan held on for the gold and American Deena Kastor used a late burst for a stunning bronze medal finish Sunday night in the Olympic marathon. Kastor's third place gave the United States its first marathon medal since Joan Benoit's gold in Los Angeles 20 years ago.$LABEL$1 +AP Reporter Recalls Deng for His Humor (AP) AP - Many Americans remember the late Deng Xiaoping as a little man with big ideas at a Houston, Texas, barbecue grinning up at the cameras from under a ten-gallon hat.$LABEL$0 +Women's Hoops Cruises America's Katie Smith reinjures her right knee early in a dominating 100-62 women's basketball victory over China on Sunday.$LABEL$1 +A Rash Product That Sells Itself COVINGTON, La. - Retired Louisiana pharmacist George Boudreaux hasn't needed Madison Avenue pitchmen to get the word out about his concoction to treat diaper rash...$LABEL$0 +4 U.S. Marines Killed in Iraq Incidents NAJAF, Iraq - Four U.S. Marines assigned to the 1st Marine Expeditionary Force have been killed in separate incidents in Iraq's volatile Anbar province, the military announced Sunday...$LABEL$0 +Smith Reinjures Knee in U.S. Hoops Win ATHENS, Greece - This latest victory for the U.S. women's basketball team came with a scare - from an injury, not the opponent...$LABEL$0 +Injured Devers Can't Finish Hurdles ATHENS, Greece - Gail Devers failed once again in the Olympic 100-meter hurdles, falling to injury just steps into her first race. Devers, 37, who has three world championships in the event, pulled up short and screamed as she slid under the first hurdle Sunday...$LABEL$0 +General Growth to become stronger with acquisition of Rouse General Growth Properties, the company that owns Ala Moana Center, Victoria Ward Ltd., and Hilo #39;s Prince Kuhio Plaza, stands to gain even more leverage with national retail chains after acquiring the Rouse Co.$LABEL$2 +Santos May Report 40 Drop in First-Half Profit as Output Fell Santos Ltd., Australia #39;s biggest natural gas producer, may report first-half profit fell 40 percent after a fire on New Year #39;s Day at its gas processing plant in central Australia cut production.$LABEL$2 +Agfa-Gevaert quits camera film business One of the best-known names in camera film, Agfa-Gevaert, is quitting the industry due to the booming popularity of digital cameras.$LABEL$2 +Santos increases gas fields SANTOS has moved to consolidate its gas exploration and production business in offshore Victoria, picking up a dominant position in the southern Gippsland Basin.$LABEL$2 +Microsoft pays dearly for insults through ignorance INSENSITIVE computer programmers with little knowledge of geography have cost the giant Microsoft company hundreds of millions of dollars in lost business and led hapless company employees to be arrested by offended governments.$LABEL$3 +Travel sites agree to changes for the blind Priceline.com and Ramada.com have agreed to make their Web pages easier to navigate for the blind and visually impaired as part of a settlement with New York Attorney General Eliot Spitzer.$LABEL$3 +Noguchi wins marathon, Kastor gives United States a surprising <b>...</b> Mizuki Noguchi of Japan held on for the gold and American Deena Kastor used a late burst for a stunning bronze medal finish Sunday night in the Olympic marathon.$LABEL$1 +US Pressures Rebels in Najaf as Talks to End Fighting Stall As negotiations between Moktada al-Sadr and the interim Iraqi government stalled today, American forces intensified pressure on rebels loyal to Mr.$LABEL$0 +Murder shows parallels with Marsha killing In a murder case echoing that of student Marsha McDonnell, police found the body of a young woman bludgeoned to death in Twickenham.$LABEL$0 +Make our case Last week, Attorney-General Menahem Mazuz submitted a reportedly dire study to the government on the ramifications of the International Court of Justice advisory opinion on the security fence, and warned that it could result in sanctions against Israel.$LABEL$0 +Car blast targets Iraqi official A car bomb has exploded north of the Iraqi capital, killing two people and injuring four others, including the deputy provincial governor of Diyala.$LABEL$0 +Indictment Said Issued in Colo. Scandal (AP) AP - A state grand jury has handed down an indictment regarding the use of prostitutes to entice football recruits to the University of Colorado, according to a published report.$LABEL$1 +Sudan Delegations in Nigeria for Peace Talks (Reuters) Reuters - Sudanese Darfur rebels arrived in Nigeria\on Sunday ahead of peace talks under the African Union (AU) to\resolve a conflict that has killed up to 50,000 and displaced\more than a million people.$LABEL$0 +El Guerrouj and Kaouch Lead Into 1,500 Final ATHENS (Reuters) - Moroccan duo Hicham El Guerrouj and Adil Kaouch led the way into the Olympic men's 1,500 meters final when they each won one of Saturday's semi-finals.$LABEL$1 +Sudan Delegations in Nigeria for Peace Talks ABUJA (Reuters) - Sudanese Darfur rebels arrived in Nigeria on Sunday ahead of peace talks under the African Union (AU) to resolve a conflict that has killed up to 50,000 and displaced more than a million people.$LABEL$0 +Jones Leads Cowboys to Stunning Win Over Seahawks Julius Jones scored on a 17-yard touchdown run with 37 seconds left as the Dallas Cowboys scored two touchdowns in the last two minutes to stun the Seattle Seahawks 43-39 in the National Football League Monday.$LABEL$1 +Ringtone chartshow to air on British TV (FT.com) FT.com - A new weekly music television show that will showcase charts for mobile phone ringtones and music downloads is to be aired on ITV1 in a sign of the growing influence of both the mobile phone and the internet on music sales.$LABEL$3 +Evocative, and Steamy, Marathon Goes to Japanese Woman ATHENS, Aug. 22 The marathon was inspired by suffering, and on the day an event that is as much a test of character as a test of endurance returned to its Olympic roots, the suffering returned, too.$LABEL$0 +Asda Tops Mark amp; Spencer on UK Clothing Sales, Telegraph Says Wal-Mart Stores Inc. #39;s Asda, the UK #39;s second biggest supermarket chain, surpassed Marks amp; Spencer Group Plc as Britain #39;s largest clothing retailer in the last three months, according to the Sunday Telegraph.$LABEL$2 +Olympics: New Doping Scandal, Judging Scandals at Games Japan #39;s Mizuki Nogushi won the first Olympic marathon raced from the historic site in 108 years on Sunday, but for Britain the race turned into heartbreak as its top runner quit in tears.$LABEL$1 +Khorkina Bitter at All-Around Defeat Svetlana Khorkina, who was second to American Carly Patterson in the women #39;s all-around gymnastics competition, has accused the judges of robbing her of the gold medal and said quot;everything was decided in advance.$LABEL$1 +Clashes break out in Najaf, but government says it hopes to <b>...</b> By Abdul Hussein Al-Obeidi, Associated Press, 8/22/2004 15:32. NAJAF, Iraq (AP) Explosions and gunfire shook Najaf #39;s Old City on Sunday in a fierce battle between US forces and Shiite militants, as negotiations $LABEL$0 +Putin Flies to Chechnya Ahead of Vote A week before the Chechen presidential election, President Vladimir Putin made a surprise visit to Chechnya on Sunday to lay red carnations on the grave of slain Chechen leader Akhmad Kadyrov.$LABEL$0 +E-Vote Machines: Secret Testing Even though tax money pays for voting machines, the three companies that certify the nation's voting technologies operate in secret. The reason? Their contracts with the voting machine makers specify secrecy.$LABEL$2 +Athletics: Powell leads the way into wide-open 100 final ATHENS - Asafa Powell led the way into what appears to be a wide-open Olympic 100m final on Sunday as the Jamaican won his semifinal in 9.95 seconds.$LABEL$1 +Australian Newbery wins women #39;s platform Olympic gold Chantelle Newbery won Australia #39;s first gold medal in diving since 1924 Sunday night, easily holding off China #39;s Lao Lishi and Aussie teammate Loudy Tourky in women #39;s 10-meter platform.$LABEL$1 +Sudanese Darfur Rebels Arrive for Peace Talks Rebel delegates from Sudan #39;s western Darfur region have arrived in Nigeria for talks with Sudanese officials on ending violence sparked by a rebel uprising 18 months ago.$LABEL$0 +Munch's famous painting The Scream stolen from Norway museum - again (Canadian Press) Canadian Press - OSLO, Norway (AP) - Armed men stormed into an art museum Sunday, threatened staff at gunpoint and stole Edvard Munch's famous paintings The Scream and Madonna before stunned museum-goers.$LABEL$0 +Mets Recall Ginter, Option 1B Brazell (AP) AP - The New York Mets recalled right-hander Matt Ginter from Triple-A Norfolk in time for him to start Sunday's game against the San Francisco Giants.$LABEL$1 +Leg Injury Knocks Devers Out of Hurdles ATHENS, Greece - Gail Devers failed once again in the Olympic 100-meter hurdles, falling to injury just steps into her first heat. Devers, 37, who has three world championships in the event, pulled up short and screamed as she slid under the first hurdle Sunday...$LABEL$0 +Boudreaux's Butt Paste Sells Itself COVINGTON, La. - Retired Louisiana pharmacist George Boudreaux hasn't needed Madison Avenue pitchmen to get the word out about his concoction to treat diaper rash...$LABEL$0 +Amazon buys into growing Chinese online retail market Amazon.com, the world #39;s biggest online retailer, is to buy Chinese rival Joyo.com for about \$75m in a deal that will give it a substantial presence in China #39;s growing internet market.$LABEL$3 +Michael Phelps Wins 6 Gold Medals in Swimming in Athens The eight days of Olympic swimming competition ended Saturday night at the Athens Summer Games. And the big star was American Michael Phelps.$LABEL$1 +Gatlin Wins 100 Meters; Greene Third Justin Gatlin ran the race of his life, barely holding off the field Sunday night to win the 100 meters in 9.85 seconds. Francis Obikwelu of Portugal got the silver $LABEL$1 +Ulmer has golden glow Exhausted cyclist Sarah Ulmer is still on a high from taking gold at the Olympics in world record time. She is back at the Olympic village and still cannot believe the number of New Zealanders at the velodrome to cheer her on.$LABEL$1 +Lleyton Hewitt beats Gilles Muller to win title in Washington Lleyton Hewitt strong first serve and excellent court coverage ended the best week of Gilles Muller #39;s career. Hewitt beat the Luxembourg player 6-3, 6-4 Sunday in the final of the Legg Mason Tennis Classic.$LABEL$1 +Newbery Wins Platform Diving Gold for Australia Chantelle Newbery became the first Australian to win the Olympic women #39;s platform diving title with a clearcut victory in the final on Sunday.$LABEL$1 +Molina ties career high with four hits BRONX, New York (Ticker) -- Kelvim Escobar was the latest Anaheim Angels #39; pitcher to subdue the New York Yankees. Escobar pitched seven strong innings and Bengie Molina tied a career-high with four hits, including $LABEL$1 +Bears have edge in Ogunleye trade (Aug. 22, 2004) -- The Miami Dolphins desperately needed a receiver. The Chicago Bears desperately needed a defensive end. But take a closer look, and it seems clear that the Bears came out on top in the deal -- by a lot.$LABEL$1 +Group frees US journalist hostage in Iraq fiance who spent three months with me in Nassiriya, quot; Garen told Arab satellite television Al Jazeera by telephone. He was speaking from the Nassiriya office of rebel Shi #39;ite cleric Moqtada al-Sadr.$LABEL$0 +Tramps victim to suspected Brazil death squad One vagrant died and three were badly beaten in overnight attacks in Brazil #39;s biggest city of Sao Paulo, raising the number of victims of a suspected death squad to 14 in four days.$LABEL$0 +Wood, Baker, Oswalt Tossed From Game (AP) AP - Chicago Cubs pitcher Kerry Wood, manager Dusty Baker and Houston Astros pitcher Roy Oswalt were ejected Sunday during the NL Central rivals' final game of a three-game series.$LABEL$1 +Pakistan defeats Chairman #39;s XI at Lilac Hill An impressive century by opening batsman Salman Butt helped Pakistan notch up their first tour win with a 43-run victory over a Cricket Australia Chairman #39;s XI at Lilac Hill in Perth.$LABEL$1 +Noguchi wins Olympic marathon as tearful Radcliffe crashes out (AFP) AFP - Mizuki Noguchi kept the Olympic Games women's marathon title in Japan when she clinched gold here in a time of 2hrs 26min 20sec.$LABEL$0 +9/11 Commission Details Lax U.S. Controls (AP) AP - A new report from the now-defunct Sept. 11 commission details the lax controls on immigration and customs that the hijackers exploited to carry out their plot.$LABEL$0 +In Mr. Bush's Neighborhood, a Peculiar Intersection The relationship between President Bush and Wall Street has always been layered with paradox and outright contradiction.$LABEL$0 +Oil price a concern for US economy High oil prices, which have been a factor in virtually all US recessions over the past three decades, are surging again this year.$LABEL$2 +Taste solution to pigeon predators Pigeon fanciers in Britain, tired of having their prize racing birds snatched by predators, have a plan to save them - by making them taste too nasty for other birds to eat.$LABEL$3 +Can Radcliffe Rise from Athens Ashes? So Paula Radcliffe is mortal, and probably now destined never to win an Olympic gold medal. For the past two years she has run like a goddess inexorably heading towards Athens glory.$LABEL$1 +Stefan Holm win #39;s high jump gold Stefan Holm of Sweden won the Olympic high jump Sunday, clearing 7 feet, 8 inches (2.36 meters) as Sweden took three gold medals in the first two days of competition.$LABEL$1 +Raffarin pledges to be quot;extremely severe quot; against anti-semitism <b>...</b> French Prime Minister Jean-Pierre Raffarin declared Sunday that quot;France will be extremely severe against those who perpetrate anti-semitism, quot; after visiting the Jewish social $LABEL$0 +Blue Jays Beat Orioles 8-5 for Sweep (AP) AP - Eric Hinske and Vernon Wells homered, and the Toronto Blue Jays completed a three-game sweep of the Baltimore Orioles with an 8-5 victory Sunday.$LABEL$1 +Gatlin Takes 100 Meter Gold ATHENS (Reuters) - American Justin Gatlin shot to victory in the Olympic 100 meters final on Sunday in an atmosphere of fevered excitement.$LABEL$1 +Gatlin Wins 100 Sprint America's Justin Gatlin runa the race of his life, barely holding off the field Sunday to win the 100 meters in 9.85 seconds.$LABEL$1 +Blue Jays Sweep O's Miguel Tejada went 4 for 5 with a homer, three doubles and five RBI for the Orioles, but it could not prevent the O's from being swept by the now hot-hitting Blue Jays, 8-5, on Sunday.$LABEL$1 +Gatlin Takes 100 Meters Gold ATHENS (Reuters) - American Justin Gatlin shot to victory in the Olympic 100 meters final on Sunday in an atmosphere of fevered excitement.$LABEL$1 +New Afghan Army asserts itself Rivals in western Afghanistan agreed to a cease-fire last week after the arrival of the Afghan National Army.$LABEL$0 +Series of explosions mark ETA's return At least seven small bombs have exploded in Spain's seaside resorts this month.$LABEL$0 +Moscow on the Mediterranean? Russia's yacht craze Yachting is one of the new luxuries for Moscow's superrich.$LABEL$0 +France: A year after the heatwave Is the country better prepared to prevent a repeat of last August's deadly crisis?$LABEL$0 +Doctor, heal thyself During a recent visit to Jaipur I was informed that in the last two years the clinics and nursing homes of over 30 doctors had been attacked by attendants and friends of patients and the public.$LABEL$2 +Novell Turns A Q3 Profit Novell Inc. is reporting a big turnaround in its financial picture. The networking company is reporting a third-quarter profit of \$23.$LABEL$3 +Evocative, and Steamy, Marathon Goes to Japanese Woman The marathon was inspired by suffering, and on the day an event that is as much a test of character as a test of endurance returned to its Olympic roots, the suffering returned, too.$LABEL$1 +US hold on 100 broken ATHENS - Lauryn Williams never heard of Yuliya Nesterenko until this weekend. The same might be said about the Belarussian #39;s knowledge of the 20-year-old American.$LABEL$1 +Sudan jails some Darfur security forces - report Sudan said it had imprisoned some Darfur militia and police for crimes including rape, the first admission that government security forces have committed human rights abuses there, a Khartoum daily said on Sunday.$LABEL$0 +Pakistan Details Suicide Attacks Plot ISLAMABAD, Pakistan Aug. 22, 2004 - Security forces hunted for more terror suspects, officials said Sunday, as Pakistan revealed it has arrested a dozen al-Qaida-linked militants planning to launch simultaneous $LABEL$0 +War Crimes Hearings to Begin for 4 Guantanamo Prisoners Four suspected al Qaeda fighters will be formally charged with war crimes this week as the US military opens the first legal hearings for foreign $LABEL$0 +Dole Questions Kerry's Vietnam Wounds CRAWFORD, Texas - Former Republican Sen. Bob Dole suggested Sunday that John Kerry apologize for past testimony before Congress about alleged atrocities during the Vietnam War and joined critics of the Democratic presidential candidate who say he received an early exit from combat for ""superficial wounds."" Dole also called on Kerry to release all the records of his service in Vietnam...$LABEL$0 +Munch's Iconic 'Scream' Stolen in Norway OSLO, Norway - Armed, masked thieves burst into a lightly guarded Oslo museum Sunday and snatched the Edvard Munch masterpiece ""The Scream"" and a second Munch painting from the walls as stunned visitors watched in shock. It was the second time in a decade that a version of the iconic ""Scream,"" which depicts an anguished, opened-mouthed figure grabbing the sides of its head, had been stolen from an Oslo museum...$LABEL$0 +Gatlin Takes 100 Meter Gold American Justin Gatlin shot to victory in the Olympic 100 meters final on Sunday in an atmosphere of fevered excitement. Gatlin flew across the line in 9.85 seconds, one $LABEL$1 +Underneath the competition, sportsmanship ethic prevails Many athletes exude ideals of Games, from embraces in the pool to a fencing timeout. By Mark Sappenfield Staff writer of The Christian Science Monitor.$LABEL$1 +Sharing the Gold After years of sacrificing, athletes don #39;t come to the Olympics to put self-interest aside; they come to be No. 1. Get all of today #39;s headlines, or alerts on specific topics.$LABEL$1 +Americans lose again ATHENS, Greece - Lithuanian guard Sarunas Jasikevicius, whose off-target three-pointer kept his team from pulling off the biggest upset of the Sydney Olympics, didnt miss when it counted on Saturday night against the Americans in a thrilling 94-90 $LABEL$1 +US jets hit Sadr men as tanks near Najaf shrine NAJAF (Iraq) - US helicopter gunships pounded supporters of Moqtada Al Sadr in the holy Iraqi city of Najaf yesterday as tanks rumbled to within 800 metres of a holy shrine at the centre of a near three-week insurgency.$LABEL$0 +Singapore #39;would not recognise #39; independent Taiwan Singapore #39;s new Prime Minister, in his first policy speech since taking office, has warned of the dangers of war if Taiwan makes a miscalculation in its relations with China.$LABEL$0 +A monkey off their back Danielle Rhoades still remembers the taste of debt: peanut butter and jelly sandwiches and tuna fish. That #39;s mainly what she subsisted on for a year - after living more extravagantly during her first year $LABEL$2 +Record-breaking Kiwi relegates Mactier to silver Southern stars: 3000 metres women #39;s pursuit gold medallist Sarah Ulmer, right, hug #39;s Australia #39;s silver medallist Katie Mactier after beating her in a record breaking final.$LABEL$1 +Sri Lankas finest hour Sri Lankas emphatic victory over the South Africans must count among the finest in their cricketing history. Graeme Smiths side were taken apart with the efficiency of crew changing tyres at a car race.$LABEL$1 +UPDATE 2-Gibernau beats Rossi in Czech GP revenge Spaniard Sete Gibernau cruised to his third win of the season in the Czech MotoGP Grand Prix on Sunday, holding off a tough challenge from championship leader Valentino Rossi.$LABEL$1 +Ramirez Hits 3-Run Homer, Cubs Beat Astros (AP) AP - Aramis Ramirez hit a three-run homer, Moises Alou also homered and the Chicago Cubs beat the Houston Astros 11-6 on Sunday in the testy conclusion of a three-game series between the NL Central rivals.$LABEL$1 +Islamic group posts alleged pictures of Nepalese abducted in Iraq (AFP) AFP - An Islamic militant group published on a website the alleged pictures of twelve Nepalese citizens whom it said it had abducted for cooperating with US forces in Iraq.$LABEL$0 +Gymnastics: Misery for Hamm, Khorkina ATHENS (Reuters) - All-round champion Paul Hamm's Olympic fortunes took a downward turn on Sunday when he was outdone by the mastery of Kyle Shewfelt and Teng Haibin in the men's apparatus finals.$LABEL$1 +Bush campaign aide resigns amid controversy over campaign ads (AFP) AFP - The highly-charged debate over John Kerry's record in the Vietnam War raged, after a veteran working to help re-elect incumbent president George W. Bush resigned, while the Democratic challenger lodged a formal complaint with election authorities.$LABEL$0 +Exhausted Agassi Withdraws from Long Island Tournament NEW YORK (Reuters) - American Andre Agassi has withdrawn from the TD Waterhouse Cup, starting on Monday on Long Island, citing fatigue.$LABEL$1 +Nigeria Wants AU Troops to Disarm Darfur Rebels ABUJA (Reuters) - Nigerian President Olusegun Obasanjo on Sunday proposed to give a greater role to African Union (AU) troops in restoring peace to Sudan's Darfur region on the eve of talks between the Sudanese government and rebels.$LABEL$0 +U.S. Planes Hit Militias as Tanks Near Najaf Shrine NAJAF, Iraq (Reuters) - U.S. helicopter gunships pounded Shi'ite militias in the holy Iraqi city of Najaf on Sunday as tanks rumbled to within 800 meters (yards) of a besieged shrine at the center of a near three-week insurgency.$LABEL$0 +India reduces steel import tax to rein in prices MUMBAI India has cut the import tax on steel for a third time this year and canceled customs duty on raw materials to contain prices after they rose to their highest in a decade.$LABEL$2 +Foul Taste to Keep Pigeons Safe Racing pigeon owners are planning to make their birds less tasty in a bid to stop them being eaten by peregrine falcons, it was revealed today.$LABEL$3 +100-meter winners are new crew ATHENS Justin Gatlin of the United States held off a late charge by Francis Obikwelu, a Nigerian-born Portuguese, on Sunday to win one of the fastest 100-meter finals in Olympic history.$LABEL$1 +Where it all began, Noguchi wins marathon ATHENS The marathon was inspired by suffering, and on the day an event that is as much a test of character as a test of endurance returned to its Olympic roots and the evocative marble horseshoe that is Panathanaiko stadium, the suffering returned, too.$LABEL$1 +Cyclist gets gold plus the record ATHENS Capping a perfect year, Sarah Ulmer of New Zealand set a stunning world record and won Olympic gold to add to her world title in the three-kilometer pursuit on Sunday.$LABEL$1 +I was robbed, Khorkina tells Russian paper MOSCOW Russia #39;s Svetlana Khorkina, who was second to Carly Patterson of the United States in the women #39;s all-round gymnastics competition, has accused the judges of robbing her of the gold medal, saying quot;everything was decided in advance.$LABEL$1 +Strike is averted by deal with British Airways LONDON British Airways and union leaders said over the weekend that they had agreed to a three-year pay deal for check-in employees and baggage handlers and that a strike scheduled for Friday had been suspended.$LABEL$0 +Basketball: U.S. Women Win Again, Greece Qualify ATHENS (Reuters) - The United States ran their preliminary round record to a perfect 5-0 with a 100-62 drubbing of China at the women's Olympic basketball tournament on Sunday, remaining on course for a third consecutive gold medal.$LABEL$1 +Angels Take Third Straight From Yankees Bengie Molina went 4-for-4 with a three-run homer, Kelvim Escobar outpitched Kevin Brown and the Anaheim Angels completed a three-game sweep.$LABEL$1 +Update 12: Judge Won #39;t Block United Pension Plans A federal bankruptcy judge approved United Airlines #39; amended financing plan Friday, rejecting union arguments that United didn #39;t try hard enough to come up with an alternative that would continue company contributions to employee pension funds.$LABEL$2 +German group Nanno and two US groups buy Agfa-Gevaert photo <b>...</b> German private equity firm Nanno and two US groups have reportedly joined forces to back the management buy-out of the troubled consumer photo business from Belgian-based Agfa-Gevaert for a reported E175m.$LABEL$2 +Tribe has great excuse for poor math skills Some people have a great excuse for being bad at math -- their language lacks the words for most numbers, US-based researchers reported on Thursday.$LABEL$3 +No news is good news on Athens #39; security front The 17-day Olympic Games passed the halfway point this weekend, and the best news on the security front was that there was no news at all.$LABEL$1 +Final scores from 2004 US Amateur Semifinals - Saturday, August 21 ----- Ryan Moore (1) def. Jeff Overton (20), 2 and 1 Luke List (6) def. Chris Nallen (10), 19 Holes.$LABEL$1 +Twins finish homestand with sweep Brad Radke pitched seven strong innings while Torii Hunter had three hits and three RBIs as the Twins knocked down the Indians again with a 7-3 victory Sunday.$LABEL$1 +Nigeria Wants AU Troops to Disarm Darfur Rebels Nigerian President Olusegun Obasanjo on Sunday proposed to give a greater role to African Union (AU) troops in restoring peace to Sudan #39;s Darfur region on the eve of talks between the Sudanese government and rebels.$LABEL$0 +Bogus Degrees Lawsuit An online university that supposedly granted a business degree to a cat has been sued for consumer fraud. The lawsuit was filed by the Pennsylvania Attorney General #39;s Office against Dallas-based Trinity Southern $LABEL$3 +India News: Truckers #39; strike enters second day (NIGHT LEAD) The finance minister said he suspected a role for transport booking agents in misguiding the truck operators and inciting them to go on strike.$LABEL$2 +ZOYSA PUTS SOUTH AFRICA TO THE SWORD Nuwan Zoysa ripped through South Africa #39;s upper order to power Sri Lanka to a 37-run victory in the second One Day International in Colombo.$LABEL$1 +Fierce gunfire erupts in Najaf after mortar fire NAJAF: A fierce gunbattle erupted between US troops and radical Shi #39;ite militants near Najaf #39;s holy shrine this morning, a Reuters witness said.$LABEL$0 +Three Dead In Roadblock Incident In Afghanistan 22 August 2004 -- The US-led coalition forces said that troops fired on a truck that attempted to run through a joint Afghan National Army and coalition checkpoint near Ghazni, killing three and wounding two others.$LABEL$0 +Moribund 'lad mag' market in Britain gets a boost (AFP) AFP - A decade ago, Britain's magazine market was shaken up by a series of men's titles which offered an unsubtle mix of football, humour and scantily-clad women. Now a new revolution has begun, using much the same formula.$LABEL$0 +Fiorentina, Atalanta Win at Italian Cup (AP) AP - Fiorentina, Atalanta, Messina and Livorno all won their first-round matches of the Italian Cup on Sunday, stepping closer to qualification for the next round.$LABEL$1 +Kerry, Bush battle for crucial military vote (AFP) AFP - Republican President George W. Bush and Democratic challenger John Kerry are battling feverishly for the support of soldiers and veterans, but Bush seems to have gained the upper hand as Kerry's military past comes under attack.$LABEL$0 +Shuttle repair plan remains in the works The space shuttle may begin flying before NASA has a reliable plan to fix damage similar to that which doomed the Columbia shuttle in February 2003, the manager of the shuttle program said Monday.$LABEL$3 +Transport owners wrongly advised: FM NEW DELHI: Union finance minister P Chidambaram on Sunday said truck operators and owners, who are on strike protesting the imposition of service tax, have been wrongly advised and misguided by goods transport agents even as the government $LABEL$2 +Pope Condemns Human Cloning and Arrogance of Man Pope John Paul on Sunday condemned human cloning as an arrogant attempt to improve on God #39;s creation. quot;The sense of power that every technical progress inspires in man is $LABEL$3 +Sony tries to win back flat-panel TV market TOKYO - Sony Corp is attempting to claw back market share of the domestic flat-panel TV market with the launch of eight new televisions.$LABEL$3 +One, two, ... er, too many Researchers claim to have solved the mystery of the people who simply do not count. It could be because they are lost for words. The Piraha of the Amazon have almost legendary status in language research.$LABEL$3 +Web sites agree to be accessible to blind In one of the first enforcement actions of the Americans with Disabilities Act on the Internet, two major travel services have agreed to make sites more accessible to the blind and visually impaired.$LABEL$3 +Earnings Grow at Salesforce Salesforce.com (CRM:NYSE - commentary - research), a provider of Internet-based customer relationship management software, posted its first quarterly profit as a public company after the bell Thursday.$LABEL$3 +Hewitt ends drought LLEYTON HEWITT further fine-tuned his game ahead of the US Open with a convincing 6-3 6-4 win over Gilles Muller to capture the Washington Open today.$LABEL$1 +Mactier #39;s pursuit halted by Kiwi gold CHAMPION Kiwi cyclist Sarah Ulmer denied Victorian Katie Mactier the Olympic Games 3000m individual pursuit gold medal today by smashing the world record.$LABEL$1 +Super Saturday Britain finally struck gold at the Athens Games. Germany lost two golds but won one more in equestrian. Swimming events concluded and track and field heated up on day eight.$LABEL$1 +Arsenal win thriller, equal Notts record LONDON, AUGUST 22: Arsenal equalled Nottingham Forests 42-match unbeaten league record in heart-stopping style on Sunday when the Premier League champions roared back from 1-3 down to beat Middlesbrough 5-3 at Highbury.$LABEL$1 +Edgar powers streak to four The Cardinals may or may not ever see the dominant Matt Morris of 2001 ever again, the pitcher who finished third in Cy Young balloting and was the undisputed No.$LABEL$1 +Violence erupts following Bangladesh attack Sporadic violence has erupted in Bangladesh in response to a deadly grenade attack on an opposition rally, which killed at least 19 people and wounded more than 100.$LABEL$0 +Calling the shots KATHMANDU, AUGUST 22: Nabil bank chairman Satyendra Shrestha, who earlier headed the RBI equivalent, the Rashtra Bank of Nepal, cant understand that the Royal Nepalese Army (RNA), which is performing wonders under the UN mission in Congo, is still to $LABEL$0 +Report: Consumers tuning in to plasma TVs First-quarter shipments of plasma televisions in the United States more than doubled from the previous year, according to research firm iSuppli.$LABEL$3 +Helicopter Stunt Pilots to Snag Stardust for NASA NASA has recruited two Hollywood helicopter stunt pilots for an especially tricky maneuver -- snagging a capsule full of stardust as it parachutes back to Earth next month, mission managers said on Thursday.$LABEL$3 +US e-commerce sales rise in second quarter WASHINGTON - US retail sales over the Internet rose 0.9 percent in the second quarter of 2004 and gained 23.1 percent compared with the same period last year as consumers continued to turn to e-commerce to make purchases, a government report showed on $LABEL$3 + quot;Microsoft #39;s Actions Validate Our Linux Strategy Every Day, quot; Says <b>...</b> Novell earned \$23 million, or six cents a share, on revenues of \$305 million in its fiscal third quarter ended July 31. It derived \$12 million in revenues from its presumably unprofitable SUSE Linux business $LABEL$3 +American Gatlin becomes world #39;s fastest man Justin Gatlin of the United States became the fastest man in the world after winning the men #39;s 100 meters dash at the 28th Olympic Games here on Sunday.$LABEL$1 +Surfing rides new wave of popularity in Britain's lukewarm seas (AFP) AFP - The teenage girls squint into the sun, watching the surfer expertly ride a rolling wave into the shoreline. ""He's good,"" one says to the other. ""And cute,"" comes the giggled response.$LABEL$0 +AL Wrap: Molina Leads Angels to Sweep of Yankees (Reuters) Reuters - Bengie Molina had four hits, including\a three-run homer, as the Anaheim Angels completed a three-game\series sweep with a 4-3 win over the New York Yankees on\Sunday.$LABEL$1 +Music Mogul Davis Challenges Retailers (AP) AP - Legendary music mogul Clive Davis has some advice for music retailers looking to persuade music fans to return to traditional record shops: Make shopping more fun.$LABEL$2 +AL Wrap: Molina Leads Angels to Sweep of Yankees NEW YORK (Reuters) - Bengie Molina had four hits, including a three-run homer, as the Anaheim Angels completed a three-game series sweep with a 4-3 win over the New York Yankees on Sunday.$LABEL$1 +Blasts, Gunfire Shake Najaf As Talks Drag NAJAF, Iraq - Explosions and gunfire shook Najaf's Old City on Sunday in a fierce battle between U.S. forces and Shiite militants, as negotiations dragged on for the handover of the shrine that the fighters have used for their stronghold...$LABEL$0 +U.S. Gymnasts Win 3 Medals; Hamm Angry ATHENS, Greece - Three got medals, and Paul Hamm got mad. The United States upped its gymnastics medal haul to seven Sunday night, the most since the Americans won 16 at the boycotted Los Angeles Games in 1984...$LABEL$0 +Thieves Grab 'The Scream' From Museum OSLO, Norway - Armed, masked thieves burst into a lightly guarded Oslo museum Sunday and snatched the Edvard Munch masterpiece ""The Scream"" and a second Munch painting from the walls as stunned visitors watched in shock. It was the second time in a decade that a version of the iconic ""Scream,"" which depicts an anguished, opened-mouthed figure grabbing the sides of its head, had been stolen from an Oslo museum...$LABEL$0 +Venezuelan president appeals for unity Pledging to respect private wealth and fight corruption, Venezuelan President Hugo Chavez has told his opponents they should not fear his left-wing quot;revolution quot;.$LABEL$2 + #39;Dutch auction #39; finds few takers in the Netherlands NIJMEGEN, Netherlands Google #39;s so-called Dutch auction may have intrigued Wall Street, but nobody here was buying it, figuratively or literally.$LABEL$3 +Sony unveils new flat-screen TVs TOKYO - Electronics conglomerate Sony have unveiled eight new flat-screen televisions in a product push it hopes will help it secure a leading share of the domestic market.$LABEL$3 +Climbing Back Up Mary Meeker can tell you first hand about bubbles bursting. For much of the 1990s, she was called quot;Queen of the Net, quot; for her knack for picking tech stocks and helping companies like Netscape go public.$LABEL$3 +Outsider wins marathon JAPAN #39;S Mizuki Noguchi foiled premature British celebrations to win the women #39;s marathon today, beating world record-holder and scorching favourite Paula Radcliffe.$LABEL$1 +Men #39;s Singles : Interview with N. MASSU (CHI) NICOLAS MASSU: Yeah, I think it #39;s I #39;m so happy and I cannot believe this. Is too much in two days to win two medals, gold medals.$LABEL$1 +Olympic Basketball: Lithuania Guard Shoots Down US The United States crashed to its second defeat in the Olympic men #39;s basketball tournament Saturday when a late shooting spree by Sarunas Jasikevicius propelled Lithuania to a 94-90 victory.$LABEL$1 +Silver to McGee, Mactier into final There were a couple of near misses for Australia on the second night of track cycling competition, with a silver medal to Brad McGee in the 4000m individual pursuit and fourth place to the team sprint trio.$LABEL$1 +Track and field: Big night for Lauryn Williams Moments after the women #39;s Olympic 100-meter final last night, US sprinter Lauryn Williams looked up at the giant scoreboard in Olympic Stadium and saw an inspiring image, captured $LABEL$1 +Four-in-row to Davenport AMERICAN Lindsay Davenport won her fourth consecutive title of the year today, beating second seed Vera Zvonareva 6-3 6-2 in the final of the Cincinnati Open.$LABEL$1 +Arsenal fight back to match record Arsenal equaled Nottingham Forest #39;s 42-match unbeaten league record by battling back from 3-1 down to beat Middlesbrough 5-3 at Highbury, with French international striker Thierry Henry scoring twice.$LABEL$1 +Biffle, Martin give Roush 1-2 punch at Michigan BROOKLYN, Mich. (SportsTicker) - Greg Biffle took over the lead with 17 laps left and held off teammate Mark Martin to win the NASCAR Nextel Cup Series GFS Marketplace 400 at Michigan International Speedway on Sunday.$LABEL$1 +Key moments in the Darfur rebellion KHARTOUM, Aug 22 (AFP) -- Since early 2003, Sudan #39;s western Darfur region has been in the throes of armed conflict between government forces backed by Arab militias and several rebel movements.$LABEL$0 +PA in talks with World Bank over Gaza after pullout The Palestinian Authority is negotiating with the World Bank and, indirectly, with Israeli representatives, regarding economic and administrative arrangements for the post-disengagement Gaza Strip.$LABEL$0 +Braves Score 8 in 2nd Inning, Beat Dodgers (AP) AP - Chipper Jones' three-run homer capped an eight-run second inning, J.D. Drew hit a two-run double and the Atlanta Braves beat the Los Angeles Dodgers 10-1 on Sunday for a split of the four-game series.$LABEL$1 +U.N. Says Darfur Camps in Chad Close to Capacity (Reuters) Reuters - Refugee camps in Chad housing\200,000 Sudanese fleeing fighting in Darfur are near capacity\and placing a huge burden on Sudan's impoverished western\neighbor, the United Nations said Friday.$LABEL$0 +Apple recalls 15in PowerBook batteries Apple has asked anyone who has a certain 15in PowerBook G4 models to return the battery, which could be faulty. The recall follows four complaints made to the US Consumer Product Safety Commission regarding batteries that have overheated.$LABEL$3 +BHP Billiton, Alcoa to Sell Shares in Metal Distribution Unit BHP Billiton, the world #39;s biggest mining company, and Alcoa Inc. said they plan to sell shares in their metal-processing and distribution venture.$LABEL$2 +Santander plans 2,500 Abbey cuts Banco Santander will today tell Abbey National #39;s union that about 2,500 jobs will go if the Spanish bank is successful in its takeover bid.$LABEL$2 +Most allowed to return home after gas fire MOSS BLUFF -- Hundreds of people who were evacuated last week when a tower of burning natural gas began roaring from an underground storage cavern were allowed to return home this morning.$LABEL$2 +Cink cruises to wire-to-wire victory If anyone had questions about Stewart Cink being chosen for the Ryder Cup team, he answered them with authority Sunday at the NEC Invitational, never letting anyone within two shots and becoming the first wire-to-wire winner this year on the PGA Tour.$LABEL$1 +NEWBERY DIVES AND BINGS UP GOLD Chantelle Newbery has jumped into sporting history by winning Australias first Olympic diving gold medal since 1924 in the women #39;s 10 metre platform in Athens.$LABEL$1 +Major attack by rebels on Nepalese town KATHMANDU - Hundreds of Maoist rebels stormed a town in the north-west of Nepal yesterday, bombing government buildings and killing a soldier, while others kept up a blockade on roads surrounding the capital, Kathmandu, for a fifth day.$LABEL$0 +Hicks #39; dad just wants to hug son THE parents of Australian terrorist suspect David Hicks are headed for Cuba for an emotional reunion with their son, who has been in US military detention for almost three years.$LABEL$0 +Pavano Homers As Marlins Beat Padres 8-3 (AP) AP - Carl Pavano pitched six solid innings, hit a home run and drove in two runs to lead the Florida Marlins to an 8-3 win over the San Diego Padres on Sunday.$LABEL$1 +Truckers #39; stir evokes mixed response New Delhi, Aug 21.(PTI): The indefinite nationwide truckers #39; strike protesting the imposition of service tax today evoked mixed response with a section of transporters in Karnataka and Tamil Nadu staying away from the protest.$LABEL$2 +Gold a family affair for champion Newbery Chantelle Newbery gave up diving after her son was born, but she returned to the sport, and on Monday morning she became the first Australian to win an Olympic diving title in 80 years.$LABEL$1 +Secrecy shrouds US e-vote machines THE three companies that certify the US #39; voting technologies operate in secrecy, and refuse to discuss flaws in the ATM-like machines to be used by nearly one in three voters in the presidential poll in November.$LABEL$2 +Foster #39;s Group Probably Turned to Second-Half Loss on Charges Foster #39;s Group Ltd., Australia #39;s biggest beer and winemaker, probably turned to a loss in the second-half after taking charges to restructure its Beringer Blass wine business, analysts said.$LABEL$2 +Cink eases to four-shot win at NEC Invitational Stewart Cink maintained his composure to register an even par final round score of 70 for a four-shot victory at the \$7 million WGC-NEC Invitational on Sunday, his second win of the season.$LABEL$1 +Gatlin Wins Olympic 100 Meters; Greene Finishes Third (Update4) Justin Gatlin of the US ran the fastest time in the world this year to become the youngest Olympic 100 meters champion for 36 years.$LABEL$1 +Arsenal equal record Arsenal matched Nottingham Forest #39;s record of 42 consecutive league games without defeat at Highbury on Sunday afternoon after defeating a stubborn Middlesbrough side in an extraordinary eight goal thriller.$LABEL$1 +Tanks close in on sacred shrine as US launches fresh assault on <b>...</b> US forces renewed their assault yesterday on Mehdi Army positions in and around Najaf #39;s old city with an early morning bombing raid and an advance which brought tanks at some points $LABEL$0 +Violence spreads after rally ends in 19 deaths Violence spread across Bangladesh yesterday, as mobs set railway coaches on fire and smashed cars in retaliation for grenade attacks on an opposition rally in Dhaka that left 19 people dead and 200 injured.$LABEL$0 +Vet and three children show no bird flu symptoms SEREMBAN: A veterinarian and three of her children, who have been warded for observation at the Kota Baru Hospital, do not have a persistent fever or sore throat - the common symptoms of avian influenza.$LABEL$0 +Karzai set for visit to Pakistan Afghan President Hamid Karzai is due to arrive in Pakistan on Monday for a two-day official visit, originally scheduled for last month.$LABEL$0 +Crude Oil Steady as Fighting in Southern Iraq Limits Exports Crude oil futures were little changed in New York after falling Friday on expectations reduced fighting in Iraq #39;s holy city of Najaf may enable the country to restore oil exports to full capacity.$LABEL$2 +Strike Ends at VW Factory in Mexico Workers at Volkswagen #39;s Mexico plant agreed to end a three-day-old strike Saturday and accept a pay package very close to the company #39;s original offer, officials $LABEL$2 +Japanese Stocks May Gain After Oil Declines; Toyota May Advance Japanese stocks may rise after oil prices fell from a record in New York, easing concern higher energy costs will damp consumer spending and corporate profits.$LABEL$2 +Sorry Hamm Flops on Apparatus Paul Hamm had hoped to continue the American gymnastics carnival at the Olympics Games on Sunday. Instead, as well as facing a battle to hold onto the individual gold that $LABEL$1 +Noguchi wins marathon as Radcliffe pulls up World record holder Paula Radcliffe pulled up in tears before the end of the women #39;s marathon today as Mizuki Noguchi ensured the gold medal would be returning to Japan.$LABEL$1 +Parks Canada sends managers from Ottawa to Alberta to help during strike (Canadian Press) Canadian Press - BANFF, Alta. (CP) - Parks Canada brass from Ottawa are trading their three-piece suits for park uniforms to help relieve managers in Alberta who have been working without a break since a strike began over a week ago.$LABEL$0 +Jolts of Electricity Reviving Coral Reef (AP) AP - As the late-afternoon sun bathes the beach with a soft warmth, gentle waves lap quietly at the shore #151; and strollers occasionally stumble over a thick wad of white cables embedded in the fine, black sand.$LABEL$3 +NL Wrap: Ramirez Lifts Cubs Over Astros After Wood Exit NEW YORK (Reuters) - Aramis Ramirez hit a three-run homer as the Chicago Cubs survived the ejection of starting pitcher Kerry Wood to defeat the Astros 11-6 in National League play in Houston on Sunday.$LABEL$1 +Bush advisers wary of oil In shift of tone, White House says high energy prices are now dragging on US economy. CRAWFORD, Texas (Reuters) - President Bush #39;s economic advisers are warning that high energy prices have become a drag on $LABEL$2 +10 seconds that change everything ATHENS - Ten seconds. Barely time enough to tie a shoe, wash a glass, get the paper off the porch. But when the moment comes, and eight men kneel at their blocks and peer down the empty, waiting track, it is as if the entire Olympics stop to watch.$LABEL$1 +Giant Gilles slays Andre WASHINGTON: Luxembourg #39;s Gilles Muller stunned top-seeded Andre Agassi 6-4, 7-5 to reach the final of the Washington Classic on Saturday, depriving the American veteran an opportunity of picking up a sixth victory at this event.$LABEL$1 +Wenger #39;s dashing Musketeers cut Middlesbrough to pieces Try telling Arsenal the Premiership is a marathon not a sprint. The champions have come out of the blocks at an extraordinary pace, racking up nine goals in two games and $LABEL$1 +Juanjo #39;s early exit paves way for Celtic joy Cliches and elbows were out in force yesterday. quot;I honestly didn #39;t see it, quot; said Celtic manager Martin O #39;Neill, but Caley coach John Robertson did.$LABEL$1 +Franchitti wins Pikes Peak after pit mishap Although Dario Franchitti was criticized for making the jump to the IRL from the former CART series, his decision is starting to look like a good one.$LABEL$1 +Nine held in plot to attack key buildings ISLAMABAD: Federal Information Minister Sheikh Rashid Ahmed said on Sunday that law enforcement agencies had arrested nine people including Farooq Usman and Ghulam Mustafa in connection with the plot to blow up key buildings in Islamabad and Rawalpindi.$LABEL$0 +SOMALIA ENDS 13 YEARS OF ANARCHY International mediators have sworn in all the main warlords who will become members of Somalia #39;s new parliament in a major step towards ending 13 years of anarchy.$LABEL$0 +Settlers #39; compensation board formed A disengagement administration that would handle compensation to the evacuated Gaza Strip and northern West Bank settlers was established Sunday.$LABEL$0 +Analysts Debate Effect of High Oil Prices High oil prices, which have been a factor in virtually all US recessions over the past three decades, are surging again this year.$LABEL$2 +Child soldiers square up to US tanks Struggling to lift a Kalashnikov, a 12-year-old with the Mahdi army militia said he could do anything in battle except fly a helicopter.$LABEL$0 +Four Dead After Attack on Homeless Man Four homeless men were bludgeoned to death and six were in critical condition on Friday following early morning attacks by unknown assailants in downtown streets of Sao Paulo, a police spokesman said.$LABEL$0 +Cink Eases to Four-Shot Win at NEC Invitational AKRON, Ohio (Reuters) - Stewart Cink maintained his composure to register an even par final round score of 70 for a four-shot victory at the \$7 million WGC-NEC Invitational on Sunday, his second win of the season.$LABEL$1 +Tokyo Stocks Open Higher TOKYO (Reuters) - Japan's Nikkei average rose 0.67 percent at the opening on Monday after crude oil dropped back from record highs above \$49 a barrel, encouraging some investors to return to the Tokyo stock market in search of bargains.$LABEL$2 +Beach Volleyball: Brazil Veterans Reach Semis ATHENS (Reuters) - Veterans Adriana Behar and Shelda Bede beat Sandra Pires and Ana Paula Connelly in an all-Brazil women's beach volleyball contest on Sunday, showing experience counts as they advanced to the Olympic semi-finals.$LABEL$1 +Underwater Archaeologists Dig for History (AP) AP - Instead of wearing khakis, students this summer at Croton Point Park donned wet suits and scuba gear as they dug up discoveries beyond the reach of landlocked archaeologists.$LABEL$3 +More Tramp Victims of Suspected Brazil Death Squad SAO PAULO, Brazil (Reuters) - One vagrant died and three were badly beaten in overnight attacks in Brazil's biggest city of Sao Paulo, raising the number of victims of a suspected death squad to 14 in four days.$LABEL$0 +Gatlin Blazes to 100 Gold; Greene Third ATHENS, Greece - Justin Gatlin ran the race of his life Sunday night, barely holding off the fastest Olympic 100 field in history to win the gold in 9.85 seconds. Francis Obikwelu of Portugal got the silver in 9.86...$LABEL$0 +Parks Canada sends managers from Ottawa to Alberta to help during <b>...</b> BANFF, Alta. (CP) - Parks Canada brass from Ottawa are trading their three-piece suits for park uniforms to help relieve managers in Alberta who have been working without a break since a strike began over a week ago.$LABEL$2 +Blumenthal to examine hospital medical supply charges NEW HAVEN, Conn. -- State Attorney General Richard Blumenthal is working with federal investigators to examine whether Yale-New Haven Hospital and other nonprofit hospitals in Connecticut are overcharging government agencies for medical supplies.$LABEL$2 +Google #39;s debut in the stock market sends a mixed signal A weaker-than-expected premarket auction, followed by two brisk days of trading, tell a tale of tech IPO market. By Daniel B. Wood Staff writer of The Christian Science Monitor.$LABEL$2 +Daiei slipping away The latest twist on the thrashings of dying retail giant Daiei developed last week when it emerged that Wal-Mart has been in talks with the IRCJ, the government #39;s turn-around fund, to possibly taking a position in Daiei.$LABEL$2 +Make inheritance tax fairer, urges thinktank Tony Blair and Gordon Brown will today be urged to risk the wrath of wealthier voters by reforming the tax laws on inheritance so as to close loopholes on gifts that allow the better-off to escape the Treasury #39;s grip.$LABEL$2 +Qantas in talks with Singapore Air on A380 cost cuts SYDNEY: Australia #39;s flagship carrier, Qantas, said yesterday it is talking with Singapore Airlines on ways to cut costs as both prepare to roll out the colossal A380 jet.$LABEL$2 +College-savings plan will gain flexibility The tax-sheltered plan, cited as one of the nation #39;s worst by researcher Morningstar Inc., could feature mutual funds from Fidelity Investments by early 2005, and more flexible account options are on the way.$LABEL$2 +Kiwi gold beats Mactier #39;s effort SARAH ULMER gave New Zealand its first ever Olympic cycling gold medal and only their second gold of the Athens Games overnight. And she broke her own world record for the women #39;s 3km individual pursuit.$LABEL$1 +Shot put earns a dubious distinction as first and last test <b>...</b> The executive board of the IOC will meet at 5am for the second day running, this time to take away the women #39;s shot put gold medal from Russian Irina Korzhanenko.$LABEL$1 +Evening Attire spoils Funny Cide homecoming The other gutsy gelding in the field ruined Funny Cide #39;s homecoming Sunday at Saratoga. Evening Attire, a 6-year-old gelding, ended a year of frustration by returning $LABEL$1 +NL Wrap: Ramirez Lifts Cubs Over Astros After Wood Exit Aramis Ramirez hit a three-run homer as the Chicago Cubs survived the ejection of starting pitcher Kerry Wood to defeat the Astros 11-6 in National League play in Houston on Sunday.$LABEL$1 +European team starts to take shape Luke Donald made an early charge in a late bid to make his first Ryder Cup team, but now must wait one week to see if European captain Bernhard Langer finds him worthy of a captain #39;s pick.$LABEL$1 +Singapore announces relaxation of rules on political expression Singapore #39;s new Prime Minister, Lee Hsien Loong, has announced a partial relaxation of rules on political expression. But, he warns race and religion will remain sensitive issues subject to restrictions.$LABEL$0 +25 arrested ahead of Karzais visit ISLAMABAD: Twenty-five people were arrested in raids at Afghan slums on the outskirts of Islamabad on Sunday and illegal weapons were seized from them, police said.$LABEL$0 +News in brief More than 20 passengers were injured when a train was set ablaze yesterday near Bhairab, 50 miles east of Dhaka in central Bangladesh, apparently in retaliation for 22 deaths and hundreds of injuries caused by explosions at an opposition rally.$LABEL$0 +Arson attack raises fears of anti-Semitic epidemic in France An arson attack destroyed a Jewish social club in the heart of Paris yesterday, alarming and infuriating French politicians and Jewish leaders who are struggling to halt an epidemic of anti-Semitic incidents across France.$LABEL$0 +Somalians sworn in NAIROBI International mediators swore in members of Somalia #39;s new Parliament on Sunday, a move seen as a crucial step toward establishing the first central government in the country since 1991.$LABEL$0 +Pakistan and Egypt favourites for World Team Squash title ISLAMABAD: Pakistan and Egypt will start their campaign as top seeds for the 22-country 13th PIA World Junior Mens Team Squash Championship starting at the Mushaf Squash Complex on Monday (today).$LABEL$0 +Arkansas Farm Produces Most U.S. Goldfish (AP) AP - There is a good chance that the colorful carp you won at the county fair or picked up at the local pet shop came from Pool Fisheries, which sits in the middle of an Arkansas field in Lonoke County, the self-proclaimed baitfish capital of the world where more than 6 billion minnows and goldfish are bred each year.$LABEL$3 +Agassi Withdraws from Long Island Tournament NEW YORK (Reuters) - American Andre Agassi has withdrawn from the TD Waterhouse Cup, starting in Long Island on Monday, citing fatigue.$LABEL$1 +Biffle Dominates at GFS Marketplace 400 Greg Biffle drove to an easy victory, pulling away from gambling teammate Mark Martin at the end of the Nascar Nextel Cup race Sunday in Michigan.$LABEL$1 +Tokyo Stocks Open Higher Japan #39;s Nikkei average rose 0.67 percent at the opening on Monday after crude oil dropped back from record highs above \$49 a barrel, encouraging some investors to return to the Tokyo stock market in search of bargains.$LABEL$2 +Will hydrogen soon kill Middle East crude? driven by the continuing power struggle in Iraq, by fears for the solvency of the Russian oil giant Yukos, and by surging demand for oil in Asia, notably in China.$LABEL$2 +Australia #39;s Fortescue China Deal On Pilbara Rail MELBOURNE (Dow Jones)--Australian iron ore company Fortescue Metals Group Ltd. (FMG.AU) said Monday it has entered into a contract with China Railway Engineering Corp.$LABEL$2 +Shewfelt's shining moment: Calgary gymnast gives Canadians reason to cheer (Canadian Press) Canadian Press - (CP) - Kyle Shewfelt is Canada's golden boy.$LABEL$0 +Gatlin Sprints from Unknown to Olympic Gold American Justin Gatlin roared from virtual unknown to win the blue ribband Olympic men #39;s 100 meters race on Sunday, upstaging defending champion Maurice Greene and other more illustrious rivals.$LABEL$1 +Roundup: Colts receiver Walters might need surgery Indianapolis Colts wide receiver Troy Walters might need surgery on his broken right arm that he injured in Saturday #39;s night preseason game against the New York Jets.$LABEL$1 +Graham Admits Sending THG Syringe to USADA Trevor Graham, the coach of Olympic 100 meters champion Justin Gatlin, admitted on Monday he had been the unidentified coach who sent a syringe of the designer steroid THG (tetrahydrogestrinone) to the United States Anti-Doping Agency $LABEL$1 +Human rights group have criticised hearings Four suspected al Qaeda fighters held at Guantanamo Bay will be formally charged with war crimes this week. The men, captured during the war in Afghanistan, will be arraigned before a panel of US military officials on Tuesday at the base in Cuba.$LABEL$0 +Deng work goes on, says Hu The achievements and theories of the late leader Deng Xiaoping will continue to change and influence China and the world, President Hu Jintao said yesterday.$LABEL$0 +Independent judges vital A series of prohibitions recently issued by the Higher People #39;s Court of the Beijing Municipality on judges #39; dealings with cases are expected to help maintain justice if strictly implemented, says an article in Beijing Youth Daily.$LABEL$0 +Marks And Spencer Loses Crown As Britain #39;s Top Clothing Retailer LONDON, Aug 22 (AFP) - Marks and Spencer has been overtaken as Britain #39;s biggest clothing retailer by supermarket giant Asda, which is owned by the world #39;s largest retail store Wal-Mart, industry figures showed Sunday.$LABEL$2 +Mizuki Noguchi of Japan wins women #39;s marathon gold Japan #39;s Mizuki Noguchi captured the gold medal in the women #39;s marathon at the Olympic Games in Athens on August 22. Noguchi, silver medalist in last year #39;s world championships in Paris, took over the lead $LABEL$1 +Hearn Earns First Nationwide Tour Victory (AP) AP - David Hearn of Canada earned his first Nationwide Tour victory Sunday, closing with a 1-under 71 and beating David Mckenzie by a stroke at the Alberta Classic.$LABEL$1 +Santander soothes unions #39; fears over Abbey jobs The chairman of Santander Central Hispano, the Spanish bank which is bidding for Abbey National, will tell unions today that a successful acquisition by his company will result in less than $LABEL$2 +Snapshots from the men #39;s 100 I wrote down my picks before the race started and I had them in this order: Asafa Powell, Shawn Crawford, and Maurice Greene. I picked Justin Gatlin for fourth.$LABEL$1 + #39;She isn #39;ta quitter... it was heartbreaking sight #39; The former mile world record holder Steve Cram claimed last night that Paula Radcliffe should not be considered quot;a quitter quot; for failing to complete the marathon in Athens yesterday.$LABEL$1 +Athletics: Suspended judge lives near Hamm ATHENS - The Colombian judge suspended for giving South Korea #39;s Yang Tae-young an incorrect score in the Olympic men #39;s all-round event lives in gold medallist Paul Hamm #39;s home state, International Gymnast magazine reported on Sunday.$LABEL$1 +The Sputtering Yankees Look for a Jump Start ne bad breaking ball did in the Yankees yesterday. Usually, one mistake does not cost them so dearly, but the Yankees are not usually scrounging for hits either.$LABEL$1 +Insider Racing News Nextel Cup and NASCAR are registered trademarks of the National Association for Stock Car Auto Racing, Inc. This web site is not affiliated with, endorsed by, or sponsored by NASCAR.$LABEL$1 +China celebrates Deng anniversary BEIJING, China -- China has hailed its late former leader Den Xiaoping on the 100th anniversary of his birth. President Hu Jintao praised Deng as a man who made the people #39;s interests a priority.$LABEL$0 +US Forces Kill 3 Afghans at Checkpoint KABUL, Afghanistan Aug. 22, 2004 - US soldiers sprayed a pickup truck with bullets after it failed to stop at a roadblock in central Afghanistan, killing two women and a man and critically wounding two other $LABEL$0 +Germany repeats rowing glory in Athens German rowers repeated their Olympic glory in Athens with two gold medals in women #39;s quadruple sculls and women #39;s single sculls.$LABEL$0 +NYMEX Oil Ticks Higher on Iraq Fighting (Reuters) Reuters - NYMEX crude futures traded\slightly higher on Sunday amid fresh violence in the holy Iraqi\city of Najaf.$LABEL$2 +Palestinians Cheer 'Superstar' Contestant (AP) AP - Worn down by four years of bloody conflict with Israel, Palestinians found a welcome diversion Sunday: watching Ammar Hassan, one of their own, compete for the title of best singer in the Arab world.$LABEL$0 +Report: Indictment in Colo. Football Case (AP) AP - A state grand jury has handed down an indictment regarding the use of prostitutes to entice football recruits to the University of Colorado, according to a published report.$LABEL$1 +Tokyo Stocks Firmer as Oil Drops Back TOKYO (Reuters) - Japan's Nikkei average rose 0.91 percent in early trade on Monday after crude oil dropped back from record highs above \$49 a barrel, encouraging some investors to return to the Tokyo stock market in search of bargains.$LABEL$2 +Mother of Dead UK Soldier to Sue Government -Report LONDON (Reuters) - The mother of a young British soldier killed in Iraq plans to sue the government for breaching its duty of care to her son by not supplying key defensive equipment, the Guardian newspaper reported on Monday.$LABEL$0 +Tokyo Stocks Open Up on Oil Price Retreat TOKYO - Tokyo stocks opened higher Monday as investors regained confidence from Wall Street's rally and a retreat in surging oil prices. The U.S...$LABEL$0 +Tata Steel springs surprise price cut Mumbai, Aug. 22: Ratan Tata rousted industry shoguns out of their Sunday siestas with the announcement that Tata Steel would reduce prices by Rs 2,000 per tonne in a decision that takes immediate effect.$LABEL$2 +Overtime Rules Change I have been talking about this for a month, and I am finally starting to see more stories about the remarkable changes that begin today.$LABEL$2 +Qantas #39;must open its register #39; if BA sells QANTAS should open up its share register rather than seek another airline owner if British Airways ever decided to sell its stake, Qantas chief executive Geoff Dixon said yesterday.$LABEL$2 +Rail defect likely case of Pilbara derailment The company managing Rio Tinto iron ore #39;s rail lines in the Pilbara, in north-west Western Australia, says equipment failure rather than human error is to blame for a major derailment last week.$LABEL$2 +Stock market advances THE local stock market advanced today after a slide in oil prices sparked a rally on Wall Street on Friday. A fall in the price of crude oil was expected to ease investor concerns about high fuel costs crimping $LABEL$2 +New dossier fans flames of Collins Stewart row with analyst The battle between Collins Stewart and its former employee James Middleweek took yet another bizarre twist this weekend, as a new dossier containing refuted allegations of insider dealing against $LABEL$2 +How Google floated past Wall St By going Dutch, the geeks of the search engine taught the bankers a lesson in finance, writes John Naughton. If you were seeking a case study in schadenfreude, then last week #39;s coverage of the Google flotation $LABEL$3 +Fertilizer thieves targeted with stain Farmers fed up with methamphetamine cooks stealing their fertilizer may soon catch them pink handed, thanks to a new dye developed by a Southern Illinois farmer.$LABEL$3 +Cink wins by four shots STEWART CINK cruised to a comfortable four-shot win at the NEC Invitational in Akron, Ohio today. Cink started the day with a five-shot cushion and, while it wasn #39;t all smooth sailing, Rory Sabbatini was the $LABEL$1 +SA coach Simons could quit South Africa coach Eric Simons is considering resigning because of the team #39;s poor performances in Sri Lanka. South Africa drew the first Test but lost the second by 313 runs and they have already been defeated in the first one-day international.$LABEL$1 +Oswalt #39;s ejection untimely Roy Oswalt received the backing of his teammates when it looked like Michael Barrett was heading toward the mound for an unfriendly visit.$LABEL$1 +Nepalese struggle to break rebel hold on capital Essential supplies were being ferried into Kathmandu yesterday under the protection of military helicopters, after Maoist rebels cut off Nepal #39;s capital from the rest of the Himalayan kingdom for the fifth day.$LABEL$0 +We Are the People For politicians who remember 1989 and the fall of the Berlin wall, the historic echo must be deafening. It all began in Leipzig, where in a Monday-night ritual marchers took $LABEL$0 +Captured mercenaries escape mass execution Seventy suspected mercenaries standing trial in Harare escaped a possible death sentence yesterday when Zimbabwe announced that they will not be extradited to Equatorial Guinea.$LABEL$0 +Mystery of Wales turtle 'solved' Scientists think they may know why the world's largest leatherback turtle was washed up on a Welsh beach.$LABEL$3 +Santander may cut 4,500 jobs as part of 8bn Abbey National <b>...</b> Emilio Botin, head of Banco Santander Central Hispano, is today expected to tell union officials that the Spanish bank #39;s 8bn takeover of Abbey National might cause up to 4,500 job losses over three years.$LABEL$2 +Why Bush is on the carpet with Hoover We are likely to hear a lot about former United States president Herbert Hoover in the coming months as the US election approaches in November.$LABEL$2 +Catching Meth Cooks Pink-Handed WICHITA, Kan. -- It may fall a shade shy of catching thieves redhanded, but for farmers fed up with methamphetamine cooks filching their fertilizer, staining them pink will do just fine.$LABEL$3 +Gatlin dethrones Greene in 100 meters ATHENS, Greece -- Greek quot;sirtaki quot; music that starts slow and finishes fast whipped the Olympic Stadium audience into a frenzy Sunday night before the most exciting 10 seconds in sports.$LABEL$1 +Questions Remain for the Jets ith half the preseason over and the annual ritual of facing the Giants looming, the Jets seem to possess a powerful offense, but their now-speedy defense is still having trouble halting the run.$LABEL$1 +Germans mass against benefit changes Tens of thousands of Germans are expected on the streets of Berlin today for the latest of a series of demonstration which the organisers say will continue until the government withdraws its plans to cut social benefit payments.$LABEL$0 +Mugabe refuses extradition Robert Mugabe, Zimbabwe #39;s president, has rejected a request from Equatorial Guinea for the extradition of 70 alleged mercenaries accused of plotting a coup in the west African country.$LABEL$0 +U.S. Gymnasts Win 3 Medals; Hamm Angry (AP) AP - Three got medals, and Paul Hamm got mad. The United States upped its gymnastics medal haul to seven Sunday night, the most since the Americans won 16 at the boycotted Los Angeles Games in 1984. And they might not be finished yet.$LABEL$1 +Asian Stocks Rise After Oil Drops From Record; Toyota Gains Asian stocks advanced after oil prices fell from a record Friday in New York, easing concern higher energy costs will damp consumer spending and corporate profits.$LABEL$2 +Brown accused of #39;baby bonds bribe #39; A treasury plan to distribute baby bond vouchers worth almost 1 billion weeks before the likely date of the next election was condemned by the Tories last night as a quot;cynical bribe quot;.$LABEL$2 +Chilean #39;s Endurance Feat Frustrates the US Again Somehow, Nicolas Massu of Chile summoned the strength and the shots to win his second gold medal of the Olympic Games. That is twice as many medals as the entire United States tennis team won.$LABEL$1 +Gatlin turns on the power to take gold When Justin Gatlin became entangled in the drug-testing net three years ago, he managed to wriggle out of it on the grounds of suffering from Attention Deficit Hyperactivity Disorder.$LABEL$1 +Franchitti climbs to IRL triumph at Pikes Peak FOUNTAIN, Colo. (SportsTicker) - It appears Dario Franchitti is getting the hang of the Indy Racing League. Franchitti dominated Sunday #39;s Honda Indy 225 at Pikes Peak International Raceway for his second IRL win of the season.$LABEL$1 +Sunday #39;s Golf Capsules Stewart Cink closed with an even-par 70 to beat Tiger Woods and Rory Sabbatini by four strokes Sunday at the NEC Invitational, becoming the first wire-to-wire winner on the PGA Tour this year.$LABEL$1 +The Call Is Cheap. The Wiretap Is Extra. Wiretapping Internet phones to monitor criminals and terrorists is costly and complex, and potentially a big burden on new businesses trying to sell the phone service.$LABEL$3 +Google Is One for the Books, Leaving Some With Regrets Top Silicon Valley venture capitalists who missed out on the Google deal are scratching their heads.$LABEL$3 +Ideas for Buyers and Renters An idea to make it easier to purchase a house, and another idea to make it easier to pay rent.$LABEL$3 +Fantasy Leagues Attract Money From Advertisers Free or low-cost services from AOL, NFL.com and even Best Buy are attracting advertising dollars for fantasy sports leagues.$LABEL$3 +Lawsuit Claims Free Speech for Online Casino Ads An Internet company that publishes information about online gambling has asked a judge to decide whether advertisements for Internet casinos are protected forms of speech.$LABEL$3 +Arsonists Destroy Jewish Center in Paris (AP) AP - Arsonists destroyed a Jewish community center in eastern Paris before dawn on Sunday, leaving behind red graffiti with menacing anti-Semitic messages such as ""Jews get out.$LABEL$0 +Panthers Contending With Banged Up O-Line (AP) AP - Once considered a rebuilding project, the Carolina Panthers' offensive line has become a concern as injuries mount.$LABEL$1 +U.S. Journalist Held in Iraq Is Released (AP) AP - U.S. journalist Micah Garen, who was kidnapped in Iraq more than a week ago, was released Sunday in the southern city of Nasiriyah. Garen spoke to Al-Jazeera television, confirming his release.$LABEL$0 +Sudan says it will cut number of paramilitary forces operating in Darfur (Canadian Press) Canadian Press - KHARTOUM, Sudan (AP) - In a goodwill gesture on the eve of peace talks in Nigeria, Sudan said Sunday it will cut the number of paramilitary forces operating in Darfur by 30 per cent in a bid to ease tensions in the troubled region, where an 18-month conflict has claimed the lives of an estimated 30,000 people.$LABEL$0 +A New Way to Spell Pain Relief: M-I-N-T-Y F-R-E-S-H Tylenol Cool Caplets, adult-strength headache tablets with a strong mint taste, are hoped to make the brand more hip.$LABEL$2 +Trip to Olympics or Feel-Good Talk? The Answer Was a Surprise to Many Michael Weisman, producer of some of the biggest games in sports, has become the executive producer of ""The Jane Pauley Show.$LABEL$2 +Wal-Mart Unit Passes Rival in Britain Asda, a unit of Wal-Mart, has overtaken Marks Spencer as Britains biggest clothing retailer, industry figures showed.$LABEL$2 +Supermarket giant usurps title MARKS amp; Spencer has lost its much-coveted crown as the UKs largest clothing retailer, to the supermarket chain Asda. Industry figures for the 12 weeks to 25 July show that Asda now has a leading 9.4 per $LABEL$2 +New twist in Middleweek saga as FSA enters fray FINANCIAL regulators will today examine fresh allegations about the professional conduct of James Middleweek, the analyst who has been embroiled in a bitter feud with former employer Collins Stewart.$LABEL$2 +Post-9/11 Mergers Brought Problems Government service firms often leaped before they looked as they scrambled to buy their way into the booming intelligence and anti-terrorism field.<br><FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2"" color=""#666666""><B>-The Washington Post</B></FONT>$LABEL$3 +Toyota's Prius Proving to Be the Hotter Hybrid The trouncing of the Civic calls into question the depth of the hybrid phenomenon, suggesting that what seems like a new consumer appetite for clean technology could be more a hunger for one cool car.<br><FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2"" color=""#666666""><B>-The Washington Post</B></FONT>$LABEL$3 +California Beats N. Carolina 9-2 in LLWS (AP) AP - Danny Leon hit a two-run homer, and Tyler Carp and John Lister added solo homers to lead Conejo Valley Little League to a 9-2 victory over Morganton, N.C., on Sunday in the Little League World Series.$LABEL$1 +Rookie Taylor Wins Playoff at Reno-Tahoe (AP) AP - Rookie Vaughn Taylor claimed his first PGA Tour victory Sunday, rolling in an 11-foot birdie putt on the first extra hole to win a four-way playoff at the Reno-Tahoe Open.$LABEL$1 +Death and taxes are certain - but so are con tricks quot;INHERITANCE tax to rise 50 per cent, quot; thundered some Sunday newspapers. quot;Blair plans relief from inheritance tax, quot; suggested others.$LABEL$2 +Parks strike helping Alta. town business The rotating strike by workers at Canada #39;s national parks is having an unexpected impact in some places: it #39;s helping -- not hurting -- business.$LABEL$2 +The Call Is Cheap. The Wiretap Is Extra. t first glance, it might seem like the simple extension of a standard tool in the fight against the bad guys. But in fact, wiretapping Internet phones to monitor criminals and terrorists is costly $LABEL$3 +Thwarting Meth Kansas could be getting some help soon in its fight against methamphetamine. That #39;s thanks to a new product that could deter thefts of the fertilizer anhydrous ammonia, a component of meth production.$LABEL$3 +Hackers revive iTunes music sharing - OurTune A group of anonymous programmers has released new software that allows music to be swapped via Apple Computer #39;s popular iTunes jukebox.$LABEL$3 +Gatlin becomes world #39;s fastest man Justin Gatlin became the fastest man in the world after winning the men #39;s 100 meters dash at the 28th Olympic Games Sunday evening.$LABEL$1 +Korea to lodge appeal South Korea confirmed yesterday they will lodge an appeal with sport #39;s supreme legal body over scoring errors at the Olympic gymnastics tournament which robbed them of a gold medal.$LABEL$1 +Olympia champion has drug positive The Russian who made history when she became the first woman to win a gold medal at the sacred site of ancient Olympia has tested positive for an anabolic steroid.$LABEL$1 +Davenport reaches Cincinnati Open final CINCINNATI (Ohio): American Lindsay Davenport advanced to the final of the WTA Cincinnati Open on Saturday after Frances Marion Bartoli pulled out with a blister on her right hand.$LABEL$1 +Arsenal equal Nottingham Forest #39;s 42-match unbeaten record with a <b>...</b> It was not enough for Arsenal to make their mark by pulling level with Nottingham Forest #39;s record of 42 League matches undefeated.$LABEL$1 +Train set on fire by mob DHAKA: A mob torched a train in central Bangladesh yesterday as anger over a grenade attack which killed 19 people and narrowly missed opposition leader Sheikh Hasina Wajed erupted in violence and protests, officials said.$LABEL$0 +Guantanamo alert for terror hearings GUANTANAMO BAY US NAVAL BASE: US military authorities yesterday defended the special trials for war on terror detainees that start this week as they stepped up security at the Guantanamo Bay base in Cuba for the hearings.$LABEL$0 +Somalia swears in new MPs SOMALIA, the only country without a national government, took a step towards ending its failed-state status yesterday as international mediators swore in members of its new parliament.$LABEL$0 +Lee eases curbs on political expression SINGAPORE: Prime Minister Lee Hsien Loong of Singapore yesterday announced a partial relaxation of rules on political expression but warned that race and religion will remain sensitive issues subject to restrictions.$LABEL$0 +Schrder #39;s Best quot;PR Campaign quot; The German chancellor #39;s decision to adopt a young child has unleashed massive media coverage. Schrder #39;s been fighting revelations about his private life but the current attention could help rather than harm his career.$LABEL$0 +Ashour Conquers World Junior Squash Title ISLAMABAD, Pakistan : Aug 23 (PNS) - Egypt Ramy Ashour became the newest World Junior Squash Champion following a 3-0 finals victory in the PIA 13th World Junior Squash Championships against Yasir Butt of Pakistan at the Mushaf Ali Mir Squash Complex $LABEL$0 +Post-9/11 Mergers Brought Problems Government service firms often leaped before they looked as they scrambled to buy their way into the booming intelligence and anti-terrorism field. <FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2"" color=""#666666""><B>-The Washington Post</B></FONT>$LABEL$2 +Anaheim Claims Sweep The red hot Angels completed their first sweep of the Yankees since the 1999 season with a 4-3 win, their fifth straight, Sunday in New York.$LABEL$1 +NBC's Five-Ring Circus If Roone Arledge invented the modern TV Olympics, Dick Ebersol has imploded it. Everyone wants to watch the Olympics, but they're just too unwatchable -- too much, too fragmented, too staged, too jingoistic, too hyped, too commercialized, too long, too <em>everything</em>. The Olympics no longer feel Olympian. They feel like a sweeps-week sports reality show.$LABEL$1 +THECHAT <em> Dean Cain has spent much of his life in a uniform. He's done time as an all-American safety at Princeton (where he established a since-broken single-season Division I-AA record for interceptions), an undrafted free agent with the Buffalo Bills (before a preseason knee injury ended his football career), a sportsman of the future (in the aptly named movie ""Futuresport"") and an iconic superhero (in television's ""Lois and Clark: The New Adventures of Superman""). Next up is a set of pinstripes -- Cain plays star third baseman Conrad Dean in the CBS drama ""Clubhouse,"" which is scheduled to debut next month. </em>$LABEL$1 +Title No.22 for Hewitt in Washington Australian Lleyton Hewitt has claimed his third title of the year with victory in the Legg Mason Classic in Washington. The South Australian No.$LABEL$1 +Honda Indy 225 Top-Three Finishers Transcript DAN WHELDON: Especially following last week, it was one of the most challenging races of the year. The flag was just changing completely the whole day.$LABEL$1 +Funny Cide Finishes Second in His Return Home Because of setbacks in his training, Funny Cide didn #39;t have the chance to run in the Travers Stakes last summer after he won the Kentucky Derby and the Preakness Stakes.$LABEL$1 +US planes pound militants in Najaf NAJAF: US planes pounded Iraqi militias in Najaf last night after tanks rumbled to within 800 metres of a holy shrine at the centre of a near three-week insurgency.$LABEL$0 +Putin flies to Chechnya for tribute to slain president THE Russian president, Vladimir Putin, made an unannounced visit to Chechnya yesterday to lay flowers at the grave of the regions assassinated president a week before the election to replace him.$LABEL$0 +Venezuelan president reshuffles cabinet Venezuelan President Hugo Chavez Sunday appointed new ministers of interior and justice and information, a cabinet reshuffle after his victory in a recall referendum.$LABEL$2 +Australia #39;s Woolworths second-half profit up Australian supermarket giant, Woolworths, beat forecasts on Monday with a 12 per cent rise in second-half profit on vigorous cost savings and its ability to drive margins despite a competitive onslaught.$LABEL$2 +US economy buffeted by record high oil prices High oil prices, which have een a factor in virtually all US recessions over the past three decades, are surging again this year. And the higher crude oil prices climb, the more risk energy $LABEL$2 +Ministers deny interest in raising inheritance tax Downing Street distanced itself last night from reports that inheritance tax will rise to 50 per cent for the wealthiest families.$LABEL$2 +THE REVIEW It #39;s easy to spot ESPN NFL 2K5 on the shelf: It #39;s the one that #39;s \$20, making it the least expensive sports video game available for PlayStation2 and Xbox.$LABEL$3 +Track team is tops for NBC NBC #39;s Olympic track and field production and announcing unit needed just three days of competition to show it is one of the network #39;s best groups in Athens.$LABEL$1 +Mets #39; Aggressive Bonds Strategy Backfires Barry Bonds lounged in his personal leather recliner, watching his personal big-screen television, flanked by three of his devoted handlers.$LABEL$1 +Reporter Freed as Rebel Cleric Brokers a Deal A kidnapped American journalist was released Sunday after the intervention of the cleric Moktada al-Sadr, even as his Shiite militia engaged $LABEL$0 +Nikkei Up Over 1 Percent at Midday TOKYO (Reuters) - The Nikkei stock average rose 1.02 percent by midsession on Monday as investors were encouraged to seek bargains by a recovery in U.S. stocks after crude oil prices retreated from record highs.$LABEL$2 +Mets' Aggressive Bonds Strategy Backfires The Mets attacked Barry Bonds as if they had a brand-new scouting report on him, and he basically deposited it in McCovey Cove.$LABEL$1 +Reporter Freed as Rebel Cleric Brokers a Deal A kidnapped American journalist was released, even as Moktada al-Sadr's militia engaged in heavy fighting in Najaf.$LABEL$0 +A G.O.P. Senator Proposes a Plan to Split Up C.I.A. The proposed legislation would break up the C.I.A. and divide its responsibilities among three new spy agencies.$LABEL$0 +Kerry TV Ad Pins Veterans' Attack Firmly on Bush The ad blames President Bush for a campaign by a ""front group"" of veterans that Senator John Kerry said had smeared his Vietnam record.$LABEL$0 +Nikkei Up Over 1 Percent at Midday The Nikkei stock average rose 1.02 percent by midsession on Monday as investors were encouraged to seek bargains by a recovery in US stocks after crude oil prices retreated from record highs.$LABEL$2 +Google #39;s Offering Proves Stock Auctions Can Really Work t worked. Google #39;s auction process, both criticized and feared on Wall Street, could have gone much more smoothly, and investors might yet regret putting money into a company that plans to go its own way regardless of what others think.$LABEL$3 +Pigeon fanciers use taste to ward off falcons London - British pigeon fanciers are developing methods to make their birds taste so awful that peregrine falcons in the wild are put off preying on them, the Sunday Telegraph reported.$LABEL$3 +Windows upgrade helps hold down the fort Are you nervous about viruses, worms, spyware and other threats to your computer? Wish you had the power to appoint an intelligence czar to safeguard your PC?$LABEL$3 +Shot-putter Korzhanenko to be stripped of gold: Russians Russian Olympic shot put champion Irina Korzhanenko will lose her gold medal after testing positive for a banned steroid, the head of the Russian Olympic Committee #39;s anti-doping body said overnight.$LABEL$1 +Young drivers rule in today #39;s Indy Racing League Last week at Kentucky Speedway, 41-year-old Adrian Fernandez became just the second driver older than 30 to win a race this season.$LABEL$1 +Berths in Semifinals for Two Americans On aqua-colored walls and giant blue columns, Patricia Miranda saw all she needed to see. The message was written in white inside Ano Liossia Olympic Hall, even next to the wrestling mats in case anyone forgot.$LABEL$1 +Four Marines killed in Anbar province BAGHDAD, Iraq Four Marines have been killed in separate incidents in Iraq #39;s volatile Anbar province. The US military says one Marine was killed in action yesterday, while two others died of wounds sustained $LABEL$0 +Oil raises economists #39; concerns WASHINGTON - Crude oil prices soaring to nearly \$50 a barrel have heightened concerns that sustained high energy costs could drag the slowing US and world economies into a more serious downturn.$LABEL$2 +Advanced Model of World #39;s Smallest Flying Microrobot from Epson Epson has long been engaged in the research and development of microrobots and in the development of applications for their enabling technologies.$LABEL$3 +Which Candidates Do Tech Companies Support? In a down year for tech industry contributions to political groups, political action committees (PACs) and employees from computer and Internet companies have contributed just over \$1.$LABEL$3 +Moore battles back to top List at US amateur championship Ryan Moore staged a remarkable comeback to overhaul Luke List in the 36-hole final of the US amateur championship at the Winged Foot Golf Club on Sunday.$LABEL$1 +CMS Energy to Offer \$200 Million Notes CMS Energy Corp., the holding company for utility Consumers Energy, said Tuesday that it plans to offer \$200 million of convertible senior notes due 2024, subject to market conditions.$LABEL$2 diff --git a/text_defense/204.AGNews10K/AGNews10K.valid.dat b/text_defense/204.AGNews10K/AGNews10K.valid.dat new file mode 100644 index 0000000000000000000000000000000000000000..2e35cc37f468bb0a841e4b7c7ad754714bcf951d --- /dev/null +++ b/text_defense/204.AGNews10K/AGNews10K.valid.dat @@ -0,0 +1,1000 @@ +Rebels withdraw blockade of Kathmandu Nepalese rebels said today they were removing a blockade of the capital that had cut Kathmandu off from the rest of the country for a week.$LABEL$0 +Typhoon Aere Pounds Northern Taiwan At least seven people are confirmed dead as Typhoon Aere pounded northern Taiwan with high winds and heavy rain. The storm hit the area with maximum sustained winds of 130 kilometers-an-hour.$LABEL$0 +Greenpeace Protests Ford's Plans for Cars (AP) AP - Greenpeace activists scaled the walls of Ford Motor Co.'s Norwegian headquarters Tuesday to protest plans to destroy hundreds of non-polluting electric cars.$LABEL$0 +Online Music Goes Back to School (washingtonpost.com) washingtonpost.com - In this era of high-speed Internet access, the back-to-school season features college students streaming back into their broadband-wired dormitory rooms, booting up their computers and letting gigabytes of digital tunes flow like a waterfall -- and for many students, the question of whether the downloading violates copyright laws plays second fiddle. However, a legal, affordable alternative has a chance to thrive in this potentially huge market, or at least that's what the digital music business and the universities are hoping.$LABEL$3 +EDS to Pay #36;50M to Extend Opsware Deal (AP) AP - Electronic Data Systems Corp. said Tuesday it has agreed to pay #36;50 million to extend an agreement with Opsware Inc. for software used in running data centers.$LABEL$3 +National Commerce, Stockholders Settle NEW YORK (Reuters) - National Commerce Financial Corp.<A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=NCF.N target=/stocks/quickinfo/fullquote"">NCF.N</A> said on Tuesday it agreed to settle previously disclosed shareholder class-action lawsuits challenging its proposed merger with SunTrust Banks, Inc.<A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=STI.N target=/stocks/quickinfo/fullquote"">STI.N</A>.$LABEL$2 +New York Jets Sign Quincy Carter HEMPSTEAD, N.Y. - Quarterback Quincy Carter signed with the New York Jets on Tuesday, three weeks after his surprising release by Dallas...$LABEL$0 +Abuse Judge Forcing Intelligence Testimony MANNHEIM, Germany - The U.S. military judge hearing the Abu Ghraib abuse said Tuesday that prosecutors have until Sept...$LABEL$0 +Kodak buying National Semi #39;s image sensor business Eastman Kodak Co. says it #39;s agreed to buy the Imaging business of National Semiconductor Corp., which develops and manufactures complimentary metal oxide semiconductor image sensor devices.$LABEL$2 +National Semiconductor to Sell Imaging Unit National Semiconductor Corp. said Monday it agreed to sell its imaging business, which makes chips used in small cameras and cell phones, to camera giant Eastman Kodak Co., as it focuses on its main business of making analog chips.$LABEL$3 +Briefly: EDS extends Opsware contract roundup Plus: AOL signs up for Omniture traffic tool...Friendster hires ex-AOL ad exec...HP inks deal with energy firm.$LABEL$3 +Shell settles with SEC for \$120 mln DALLAS (CBS.MW) -- Royal Dutch/Shell Group will pay a \$120 million penalty to settle a Securities and Exchange Commission investigation of its overstatement of nearly 4.5 billion barrels of proven reserves, the federal agency said Tuesday.$LABEL$2 +US Airways: More Turbulence Ahead? Attempting to ward off a second bankruptcy filing, management and pilots of US Airways (Nasdaq: UAIR) took discussions of concessions that might keep the airline afloat through this past weekend.$LABEL$2 +Citigroup to buy First American Bank Citigroup of New York said Tuesday it will acquire First American Bank of Bryan, Texas. The transaction is expected to be immediately accretive to Citigroup #39;s earnings.$LABEL$2 +Heinz Profit Rises, Shares Higher Ketchup maker HJ Heinz Co. (HNZ.N: Quote, Profile, Research) on Tuesday said quarterly profit rose 7.8 percent, excluding a year-earlier tax benefit, as demand for new products $LABEL$2 +Northern Ireland #39;s only brewery to close BELFAST, Northern Ireland -- Northern Ireland #39;s only brewery must close after a suitable buyer failed to come forward, its Belgian owner Interbew announced Tuesday.$LABEL$2 +Adelphia seeks \$3.2B from Rigases Bankrupt cable operator asks court to force payments, says family already admitted they owe money. NEW YORK (Reuters) - Adelphia Communications Corp.$LABEL$2 +British Gas bills to rise The energy provider said household gas bills would rise by 12.4 per cent and electricity by 9.4 per cent from September 20. The company blamed the increases on the record price of wholesale gas, which also impacts on the cost of producing electricity.$LABEL$2 +Cisco to acquire software developer P-Cube for \$200M AUGUST 24, 2004 (IDG NEWS SERVICE) - Cisco Systems Inc. said yesterday that it has agreed to acquire Sunnyvale, Calif., software developer P-Cube Inc.$LABEL$3 +Windows XP SP2 Automatic Update due tomorrow Windows XP users with Automatic Update enabled will have a rather hefty download tomorrow (August 25), as Microsoft plans to release Service Pack 2 for Windows XP via Automatic Update.$LABEL$3 +Indiana man charged with hacking into former employer #39;s systems AUGUST 24, 2004 (COMPUTERWORLD) - A Columbus, Ind., man was charged yesterday in federal court with hacking into the systems of his Gloucester, Mass.$LABEL$3 +Russian teenager wins cycling gold Russian teenager Mikhail Ignatyev gave his nation their first medal of the Olympic track cycling competition on Tuesday, winning gold in the men #39;s points race.$LABEL$1 +Newcastle United Football Club back in for Rooney? Everton Football Club have rejected an offer of 20million from Newcastle United Football Club for Wayne Rooney - although they may return with an improved offer.$LABEL$1 +The first Guantanamo trials are set to take place The historic military trials of four al Qaeda suspects are set to get under way at the US military base in Cuba. The Guantanamo Bay cases mark the first time military commissions have been held for more than 50 years.$LABEL$0 +Eastern provinces prepare for typhoon The eye of typhoon Aere will move northwestward after sweeping past a sea area off Taipei and will hit East China coastal areas between Tuesday night and Wednesday morning.$LABEL$0 +Tehran Threatens To Retaliate If Israel Strikes Nuclear Facilities Iran has reiterated that it will retaliate if Israel carries out a preemptive strike against its nuclear program. The escalating war of words comes as a top US arms-control official has charged that Tehran $LABEL$0 +Luddite <em>Reg</em> readers want flat weather, please <strong>Letters</strong> Oh, and don't be mean to spamvertised sites$LABEL$3 +Russians Complain About Gymnastics Scoring (AP) AP - The Russian Olympic delegation joined the growing list of Olympic malcontents Tuesday, arguing that its two biggest stars got cheated in the gymnastics competition.$LABEL$1 +Verizon, Qwest Ask Court to Block New FCC Rules (Reuters) Reuters - Verizon Communications Inc. and\Qwest Communications International Inc. asked a federal court\on Tuesday to block temporary rules by the U.S. Federal\Communications Commission forcing the companies to lease phone\lines to rivals for at least another six months.$LABEL$2 +Quincy Carter Finds a Home with the Jets (Reuters) Reuters - The New York Jets\solved their backup quarterback problems by signing Quincy\Carter, who was recently released by the Dallas Cowboys. Terms\of the deal were not announced.$LABEL$1 +Verizon, Qwest Ask Court to Block FCC WASHINGTON (Reuters) - Verizon Communications Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=VZ.N target=/stocks/quickinfo/fullquote"">VZ.N</A> and Qwest Communications International Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=Q.N target=/stocks/quickinfo/fullquote"">Q.N</A> asked a federal appeals court Tuesday to block temporary rules by the U.S. Federal Communications Commission forcing the companies to lease phone lines to rivals for at least another six months.$LABEL$2 +U.S. Blue Chips Near Flat; Verizon Weighs NEW YORK (Reuters) - U.S. blue chips were lower on Tuesday, as a drop in phone company Verizon Communications Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=VZ.N target=/stocks/quickinfo/fullquote"">VZ.N</A> overshadowed a brokerage upgrade on Caterpillar Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=CAT.N target=/stocks/quickinfo/fullquote"">CAT.N</A> and a three-session drop in oil prices.$LABEL$2 +US Airways: More Turbulence Ahead? Management and pilots break off talks, making liquidation more likely.$LABEL$2 +Typhoon Aere Menaces Taiwan, Markets Close (Reuters) Reuters - Strong winds and heavy rain from Typhoon\Aere pounded Taiwan on Tuesday, disrupting air and sea traffic\and forcing financial markets, schools and businesses in Taipei\and nearby counties to close.$LABEL$3 +Heinz Squeezes Out Results Heinz (NYSE: HNZ) is probably one of the most efficiently run public companies and continues to quot;remove clutter quot; and quot;squeeze out cost quot; to improve cash management and balance sheet performance.$LABEL$2 +DBCC says Philippines not in a fiscal crisis situation Malacaang allayed fears yesterday that the Philippines is on the brink of a financial crisis as it assured that the government is exerting its best efforts to bring down the widening $LABEL$2 +UPDATE 1-Citigroup to acquire First American Bank of Texas Citigroup Inc. (CN: Quote, Profile, Research) the world #39;s largest financial services company, said on Tuesday it will acquire First American Bank in the quickly-growing Texas market.$LABEL$2 +Belfast brewery to close after 107 years Northern Ireland #39;s only brewery is to close with the loss of up to 85 jobs after failing to find a buyer, its Belgian owner Interbrew says.$LABEL$2 +National Commerce to Settle Suits National Commerce Financial Corp. said Tuesday that it agreed to settle shareholder lawsuits challenging SunTrust Banks Inc. #39;s proposed purchase of the financial services company.$LABEL$2 +Kodak buys National Semis imaging business ROCHESTER, NYEastman Kodak will acquire the imaging business of National Semiconductor Corp., which develops and manufactures metal oxide semiconductor image sensor devices.$LABEL$2 +Verizon, Qwest Ask Court to Block FCC Verizon Communications Inc. (VZ.N: Quote, Profile, Research) and Qwest Communications International Inc. (QN: Quote, Profile, Research) asked a federal appeals court Tuesday to block $LABEL$2 +Paying an ARM and a Leg Shares of Motley Fool Stock Advisor recommendation ARM Holdings (Nasdaq: ARMHY) tumbled 19 on Monday in response to the company #39;s buyout offer initially valued at \$913 million $LABEL$2 +Microsoft To Resume SP2 Auto Updating Wednesday Microsoft will resume rolling out Windows XP Service Pack 2 (SP2) Wednesday when it starts pushing the massive update to business users via Windows Automatic Update and the Windows Update Web site.$LABEL$3 +Cingular to use AT amp;T brand six months after merger Cingular Wireless LLC, AT amp;T Wireless Services Inc. and AT amp;T Corp. reported an agreement resolving issues related to the use of the AT amp;T brand in connection with Cingulars pending acquisition of AWS, as $LABEL$3 +Intel Cuts Prices in Preparation for New Product Line Intel is moving to reduce its chip inventory and make way for new products by deeply discounting some of its Pentium 4 and Itanium processors.$LABEL$3 +T-Mobile Checks in at Red Roof T-Mobile Hotspot #39;s network of public venues with Wi-Fi is extensive and its partners are big names you #39;ve heard of(Starbucks, FedEx Kinko #39;s, Borders Books).$LABEL$3 +Virtual Girlfriend Sven-Erik writes quot; BBC News reports about a Hong Kong based company called Artificial Life that has developed a solution for men without a partner, in the form of a virtual girlfriend that appear as an animated figure on the video screen of a mobile phone $LABEL$3 +Gartner optimistic about chip numbers But that optimism isn #39;t matched by Infineon, which said that while the market worldwide remains buoyant, the US is a special case and cautioned that growth might not be as strong as it expected.$LABEL$3 +Study: Apple, Dell lead PC customer satisfaction index The PC industry is doing a better job of satisfying its US customers than in recent years, and improvements to technical support seem to have done the trick, according to the $LABEL$3 +SAP To Build New Human Resources System for US Postal Service The US Postal Service has awarded SAP a \$35 million contract to supply a new human-resources system. SAP has benefited from a series of big customer wins this year, showing strong revenue growth $LABEL$3 +Backyard telescope helps find new planet With the help of a modified backyard telescope, astronomers have discovered a giant planet orbiting another star. It is the first extrasolar world found with such modest equipment.$LABEL$3 +Upset Russians ask IOC to take long look at gymnastics The Russian Olympic delegation joined the growing list of Olympic malcontents Tuesday, arguing that its two biggest stars got cheated in the gymnastics competition.$LABEL$1 +Italians brush off kidnapping threat Italy #39;s government insisted Tuesday it will keep its troops in Iraq despite a demand by militants holding an Italian journalist hostage that Italian forces pull out within 48 hours.$LABEL$0 +Nepal rebels suspend blockade for a month Nepal #39;s Maoist rebels have temporarily called off a crippling economic blockade of the capital effective on Wednesday, saying the move was in response to popular appeals.$LABEL$0 +Consumers set for huge bill rises British Gas have announced a large bill increase for its millions of customers. The energy giant said household gas bills would rise by 12.$LABEL$2 +Briefly: Real touts one week, 1 million songs roundup Plus: Chipmaker Fujitsu prepares WiMax chip...EDS extends Opsware contract...AOL signs up for Omniture traffic tool.$LABEL$3 +Minor Earthquake Shakes Athens; No Damage or Injuries A minor earthquake rattled Olympic venues in Athens Tuesday, but there were no reports of injuries or damage. The tremor was measured at 4.5 on the Richter scale, with an epicenter about 70 kilometers northeast of the Greek capital, under the Aegean Sea.$LABEL$1 +Carter - joined the Jets. (Getty Images) Less than three weeks after being released by the Dallas Cowboys, quarterback Quincy Carter has landed with the New York Jets. Carter arrived in New York on Tuesday and signed a one-year contract.$LABEL$1 +Uncle Bobby speaks out on Rooney Newcastle boss Sir Bobby Robson has insisted his club #39;s interest in Wayne Rooney is genuine amid talk of conspiracy theories. The 71-year-old confirmed for the first time that United are chasing the teenager #39;s $LABEL$1 +Chipmaker Fujitsu prepares WiMax chip Company preps single chip WiMax compliant part for use in wireless broadband gear.$LABEL$3 +HP puts choke hold on virus throttling product After unveiling cutting-edge technology for choking off the spread of viruses in March, Hewlett-Packard Co. (HP) is quietly shelving the project, citing conflicts with Microsoft Corp.'s Windows operating system, a company executive said.$LABEL$3 +Study: Apple, Dell lead PC customer satisfaction index The PC industry is doing a better job of satisfying its U.S. customers than in recent years, and improvements to technical support seem to have done the trick, according to the results of a study released Tuesday by the University of Michigan in Ann Arbor.$LABEL$3 +Calif. Wins at Little League World Series (AP) AP - Jordan Brower struck out eight batters and knocked in the winning run to lead Thousand Oaks, Calif., into the United States semifinals with a 3-1 win over Lincoln, R.I., at the Little League World Series on Tuesday.$LABEL$1 +Oil Prices Fall to \$45 as Iraq Oil Flows LONDON (Reuters) - Oil prices fell sharply to \$45 on Tuesday, extending losses to a third day as a more optimistic Iraq export picture helped unwind some of the supply worries that have lifted the market to historic levels.$LABEL$2 +Verizon, Qwest Ask Court to Block New FCC Rules WASHINGTON (Reuters) - Verizon Communications Inc. and Qwest Communications International Inc. asked a federal court on Tuesday to block temporary rules by the U.S. Federal Communications Commission forcing the companies to lease phone lines to rivals for at least another six months.$LABEL$2 +Blue Chips Near Flat; Verizon Weighs NEW YORK (Reuters) - U.S. blue chips were lower on Tuesday, as a drop in phone company Verizon Communications Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=VZ.N target=/stocks/quickinfo/fullquote"">VZ.N</A> overshadowed a brokerage upgrade on Caterpillar Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=CAT.N target=/stocks/quickinfo/fullquote"">CAT.N</A> and a three-session drop in oil prices.$LABEL$2 +Check Ears Before You Pick a Fight, Study Advises (Reuters) Reuters - It may be wise to check out a\stranger's ears before picking a fight, U.S. researchers\advised on Monday.$LABEL$3 +Scientists to Flesh Out George Washington's Appearance (Reuters) Reuters - Americans know George\Washington as the dour founding father with white hair and\ponytail depicted on U.S. currency, but most people have little\idea what the nation's first president really looked like\beyond this stock image.$LABEL$3 +Poultry Producer's Stock Falls 23 Percent NEW YORK (Reuters) - Poultry producer Sanderson Farms Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=SAFM.O target=/stocks/quickinfo/fullquote"">SAFM.O</A> on Tuesday said it is being hurt by lower wholesale prices and higher grain costs in the current quarter, sparking a 23 percent drop in its stock and pulling down shares of its rivals.$LABEL$2 +Dollar Climbs, But Real Money on Sideline NEW YORK (Reuters) - The dollar was mostly stronger across the board on Tuesday as dealers pared back bets against the currency in predominantly technical trading.$LABEL$2 +Botswana firm 'dismisses' workers Botswanan diamond mining firm Debswana dismisses workers who took part in an illegal strike, agency reports say.$LABEL$2 +Italian troops 'to stay in Iraq' Italy says it has no intention of withdrawing its troops from Iraq despite the demands of kidnappers who seized an Italian journalist.$LABEL$0 +Shell Settles Oil Reserve Fraud Case for \$150.7 Million Shell agreed today to finalized settlements with U.S. and UK regulators over its mis-statement of proven oil reserves.$LABEL$2 +U.S. Sprinters Take Aim at 200M Semifinals ATHENS, Greece - Three Americans, including 100-meter gold medalist Justin Gatlin, will attempt to advance to the semifinals in the 200 meters Tuesday when action resumes on the Olympic Stadium track at 1 p.m. EDT...$LABEL$0 +Ad spending predicted to rise Fueled by optimism for a growing US economy, two advertising forecasters yesterday predicted notable gains for the industry next year, despite the absence of the presidential $LABEL$2 +PUTIN ON RUSSIAN-BELARUSSIAN COMPROMISE IN GAS PRICES Russia and Belarus achieved compromise and settled the gas pricing problem, Russian President Vladimir Putin said at a joint press conference with his Belarussian counterpart Alexander Lukashenko.$LABEL$2 +AT amp;T Cell-Phone Brand Will Live On The enterprise customers doing cell-phone business with the confusing mix of AT amp;T Wireless, Cingular Wireless, and AT amp;T now have a future roadmap, after the three companies $LABEL$3 +Vonage, NETGEAR to Offer VoIP/WLAN Devices Vonage has teamed with NETGEAR Inc. to develop a suite of broadband telephony devices incorporating the latest version of Texas Instruments #39; VoIP and WLAN chipsets.$LABEL$3 +Olympic Results: Tuesday, August 24 Australia has pulled off an upset win in the Olympic baseball semi-final, defeating gold medal favorite Japan, 1-0. Two Australian pitchers shut down Japan #39;s all-professional lineup Tuesday while Aussie first $LABEL$1 +Saints behaviour unacceptable: Barnwell Southampton have been told it was quot;unacceptable quot; they parted company with manager Paul Sturrock after just two games into the Barclays Premiership season.$LABEL$1 +Rangers seek Champions League riches against CSKA Moscow Rangers can reduce their grim 68 million pound (\$123 million) debt by beating CSKA Moscow in Wednesday #39;s final Champions League qualifier but manager Alex McLeish $LABEL$1 +Jets end not subject to suspension New York Jets defensive end John Abraham, alleged to have violated the terms of his aftercare treatment, will meet with league officials Wednesday to appeal the findings of a recent random test.$LABEL$1 +Bali bomb conspirator escapes punishment for the crime One of the key members of the Bali bomb conspiracy, Idris, has escaped punishment for the crime. Indonesia correspondent Tim Palmer reports, the man confessed to his involvement in the Bali bombing, but the $LABEL$0 +Verizon, Qwest Ask Court to Block Rules Verizon and Qwest asked a federal court to block temporary rules forcing the companies to lease phone lines to rivals for at least another six months. <FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2"" color=""#666666""><B>-Reuters</B></FONT>$LABEL$3 +Fosters restructure proves costly Australia #39;s largest beer and wine company, Foster #39;s Group, said its second-half net profit fell 72 per cent on costs to restructure its wine business, and forecast modest growth for 2005.$LABEL$2 +Internets Google goes public After a series of missteps, Google finally pulled off its much-hyped initial public offering last week. The good news about this unusual IPO, which sought to deprive Wall Street banks of full control over $LABEL$2 +UK Regulator Calls Shell Misconduct Unprecedented #39; (Update2) UK regulators said Royal Dutch/Shell Group, Europe #39;s second-largest oil company, was guilty of unprecedented misconduct #39; #39; in overstating reserves that led to fines of \$151.$LABEL$2 +Markets lower as falling price for oil and BMO earnings fail to <b>...</b> TORONTO (CP) - A strong profit report from the Bank of Montreal and a lower price for oil weren #39;t enough to spark buying interest as North American stock markets edged lower Tuesday.$LABEL$2 +UPDATE 4-Sanderson warns on prices, costs, 3rd-qtr net up Poultry producer Sanderson Farms Inc. (SAFM.O: Quote, Profile, Research) on Tuesday said it is being hurt by lower wholesale prices and higher grain costs in the $LABEL$2 +She Loves You; well, Virtually Hong Kong-based phone technology firm, Artificial Life, has announced the upcoming release of its new 3G game Virtual Girlfriend. Virtual Girlfriend is a mobile phone game that is based on intelligent animated $LABEL$3 +Microsoft leaves UN industry group Microsoft has followed a European company in withdrawing from a UN software standards group for commerce. Known as the United Nations Center for Trade Facilitation and Electronic $LABEL$3 +Gold medalist Noguchi pondering future ATHENS - While world record holder Paula Radcliffe is still picking up the pieces after burning out in the women #39;s marathon at Athens Olympics, gold medal winner Mizuki Noguchi is simply basking in the glory and pondering her next move.$LABEL$1 +Australian rowers reprimanded ATHENS: The Australian Olympic women #39;s eight have been reprimanded for a breach of team protocol over an ugly war of words between crew members after one quit rowing three quarters of the way through the Olympic final.$LABEL$1 +Italian troops #39;to stay in Iraq #39; Italy says it has no intention of withdrawing its 3,000 troops from Iraq in the face of demands from kidnappers who have seized an Italian journalist.$LABEL$0 +Locusts invade ""Passion of Christ"" town (Reuters) Reuters - It seemed like an invasion of Biblical proportions in the Italian town of Matera, the outdoor setting for Mel Gibson's film\""The Passion of The Christ"".$LABEL$0 +Afghans to Free 400 Pakistani Prisoners (AP) AP - Afghan President Hamid Karzai promised Tuesday to repatriate 400 Pakistani prisoners who fought with the former ruling Taliban regime and have been held in Afghan jails since 2001, a Pakistani official said.$LABEL$0 +Oil Prices Fall to \$45 as Iraq Oil Flows LONDON (Reuters) - Oil prices fell more than a dollar to \$45 on Tuesday, in a third day of losses as a more optimistic Iraq export picture helped unwind some of the supply worries that have lifted the market to historic levels.$LABEL$2 +Jets Sign Quincy Carter Quarterback Quincy Carter signed with the Jets on Tuesday, three weeks after his surprising release by Dallas.$LABEL$1 +Treasuries Slip on Lower Crude Oil CHICAGO (Reuters) - U.S. Treasury prices fell for a third session on Tuesday as oil prices simmered down and dealers became convinced of future Federal Reserve rate hikes after upbeat comments by Fed Governor Ben Bernanke.$LABEL$2 +United Adds Fee for Frequent-Flier Phone Bookings United Airlines is adding a \$15 fee for booking frequent-flier trips by telephone.$LABEL$2 +Rulon Gardner Wins First Two Matches ATHENS, Greece (AP) -- Rulon Gardner won two pool matches Tuesday, his first in the Olympics since his monumental gold-medal upset of Russia's supposedly unbeatable Alexander Karelin in Sydney, to move within one victory of reaching the Greco-Roman wrestling semifinals at 264 1/2 pounds (120kg).$LABEL$0 +Polish Cops Bust 100-Member Computer Piracy Gang WARSAW (Reuters) - Polish police have broken up a gang of more than 100 hackers who sold pirated music and films, using academic computer systems around the world to store their wares, a police spokeswoman said on Tuesday.$LABEL$3 +Amazon lists PlayStation 3 Retailer's Japanese arm posts product page for hotly anticipated game console.$LABEL$3 +Bank Shares Higher As M amp;A Hits Market Financial stocks got a lift Tuesday as speculation about merger and acquisition activity was injected into the market after Citigroup Inc.$LABEL$2 +US Home Sales Slow In July Home sales slowed in the Untied States in July, but experts say they still moved at a healthy pace. Tuesday #39;s report from a business group (the National Association of Realtors) says sales of previously-owned homes dropped 2.9 percent in July.$LABEL$2 +Group urges EPA to cut pollution If the government required deeper cuts in air pollution from power plants, at least 3,000 lives would be saved and 140,000 children would avoid asthma and other respiratory ailments, an environmental group said Tuesday.$LABEL$3 +International hacker ring busted p2pnet.net News:- A large international network of hackers who stole computer programmes, films and music and then sold them on the black market has been broken up by Polish police.$LABEL$3 +Argentina beat Italy for place in football final Favourites Argentina beat Italy 3-0 this morning to claim their place in the final of the men #39;s Olympic football tournament. Goals by leading goalscorer Carlos Tevez, with a smart volley after 16 minutes, and $LABEL$1 +Katie Smith tears cartilage; disappointment for Serbia amp; <b>...</b> Athens, Greece (Sports Network) - US women #39;s basketball player Katie Smith will miss the remainder of the Olympics after an MRI exam revealed torn cartilage in her right knee.$LABEL$1 +Argos #39; Bishop grabs weekly CFL award CBC SPORTS ONLINE - Toronto fans weren #39;t the only people who took notice of quarterback Michael Bishop #39;s first start of the season.$LABEL$1 +Study: Apple, Dell lead PC customer satisfaction index (MacCentral) MacCentral - The PC industry is doing a better job of satisfying its U.S. customers than in recent years, and improvements to technical support seem to have done the trick, according to the results of a study released Tuesday by the University of Michigan in Ann Arbor.$LABEL$3 +Karzai declares Afghanistan and Pakistan ""brothers in fighting terror"" (AFP) AFP - Pakistan and Afghanistan have reaffirmed they are partners in fighting terrorism, Afghan President Hamid Karzai declared at the end of a two-day visit.$LABEL$0 +Citigroup to Acquire First American Bank NEW YORK (Reuters) - Citigroup Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=C.N target=/stocks/quickinfo/fullquote"">C.N</A> the world's largest financial services company, said on Tuesday it will acquire First American Bank in the quickly-growing Texas market.$LABEL$2 +Short Ride to Disaster Selling stocks short is a very, very risky move that shouldn't be attempted by new investors.$LABEL$2 +Khan guarantees medal British lightweight Amir Khan beats South Korean Baik Jong-sub to secure at least a bronze medal.$LABEL$1 +Holmes on course for double Britain's Kelly Holmes stays on track for a medal double as she qualifies for the 1500m semi-finals.$LABEL$1 +Najaf's Residents Feel Trapped in Battle (AP) AP - For nearly three weeks, Amer al-Jamali hasn't been able to go to work. He cannot visit his father, find medication for his diabetic children or even sleep on his roof to escape the city's suffocating heat made worse by power outages.$LABEL$0 +China braces for Typhoon Aere after seven feared dead in Taiwan, Japan (AFP) AFP - Typhoon Aere pounded northern Taiwan with heavy rain and powerful winds triggering landslides and causing widespread disruption to transport, and leaving at least seven people feared dead.$LABEL$0 +Web Scribe Ranks Olympic Last-Place Losers (Reuters) Reuters - For those who believe the adage ""all\Olympic athletes are winners,"" a Canadian man has dedicated the\past 10 days to proving you wrong.$LABEL$3 +RealNetworks Sells 1 Million Songs Since Price Cut (Reuters) Reuters - RealNetworks Inc. (RNWK.O) has sold\more than a million song downloads since launching a 49 cent\per song campaign a week ago, the Internet media and software\company said on Tuesday.$LABEL$3 +UPDATE 4-Possis tumbles after disappointing heart trial Shares of Possis Medical Inc. (POSS.O: Quote, Profile, Research) tumbled as much as 41 percent on Tuesday after the company cut its earnings outlook due to $LABEL$2 +Russia, Belarus set new deadline for common currency Sochi. (Interfax) - Russian President Vladimir Putin and Belarussian President Alexander Lukashenko announced they have set a new deadline - January 1, 2006 - for the introduction of a common currency in their nations.$LABEL$2 +85 jobs to go with closure of Belfast brewery A brewery in west Belfast which produces Bass beer is to close in January with the loss of up to 85 jobs. It will bring to an end 107 years of brewing at Ulster Brewery on Glen Road.$LABEL$2 +RealNetworks Sells 1 Million Songs Since Price Cut RealNetworks Inc. (RNWK.O: Quote, Profile, Research) has sold more than a million song downloads since launching a 49 cent per song campaign a week ago, the Internet media and software company said on Tuesday.$LABEL$2 +Cingular, AT amp;T Reach Branding Agreement It #39;s official. Cingular Wireless may continue to use the AT amp;T Wireless brand in its advertising, at least in the short term, following its planned merger with the carrier.$LABEL$3 +Of Marathon Mice And Fat Men NEW YORK - By attacking the same basic biology drug companies are targeting for new anti-fat drugs, researchers have genetically engineered mice with abilities far beyond those of normal rodents.$LABEL$3 +Gartner: Chip revenue to see steady growth Worldwide semiconductor revenue is expected to rise by over 27 percent during 2004, according to a new report. Revenue this year will reach \$226 billion, market research company Gartner said Tuesday.$LABEL$3 +T-Mobile, Colubris Land Wi-Fi Hotel Deals T-Mobile USA has inked a deal to deliver Wi-Fi access to Accor Hotels #39; Red Roof Inns. Separately, Colubris Networks has been tapped by i-Hotel International to help it deliver high-speed wireless access to hotels across Canada.$LABEL$3 +Hadash Party joins prisoners #39; strike for 24 hours The Democratic Front for Peace and Equality Party (Hadash) is organizing a 24-hour hunger strike on Wednesday at a protest tent being set up at the Umm el-Fahm junction in solidarity with Palestinian security prisoners.$LABEL$3 +Wi-Fi Adapters Turn Inward Those wireless LAN cards that insert into a laptop, Tablet PC or PDA have just gone on the endangered species list, according to a new report published this week.$LABEL$3 +McPeak collects elusive Olympic medal ATHENS - Holly McPeak finally won the Olympics medal that has eluded her for so long, teaming with Elaine Youngs to win a bronze medal for the United States in beach volleyball Tuesday night.$LABEL$1 +Discus Champion Thrown Out of Games Hungarian Olympic discus champion Robert Fazekas will lose his gold medal and be expelled from the Games after breaking doping rules, the International Olympic Committee (IOC) said Tuesday.$LABEL$1 +American Decathlete Clay Currently in Third World record holder Roman Sebrle moved ominously close to Dmitriy Karpov with just two disciplines remaining in the Olympic decathlon Tuesday.$LABEL$1 +Jets sign Quincy Carter Quarterback Quincy Carter signed with the New York Jets on Tuesday, three weeks after his surprising release by Dallas. Carter, who started every game for the Cowboys last season, was released Aug. 4, before the team #39;s first exhibition game.$LABEL$1 +Father and son collect consecutive holes-in-one as partners in <b>...</b> Tradition goes that if you #39;re lucky enough to shoot a hole-in-one, then you buy the drinks back at the clubhouse. Steve Percassi, 57, and his 28-year-old son, Steve Jr.$LABEL$1 +Chechen Government: 12 Militants Killed Chechnya #39;s Kremlin-backed government says its forces have killed 12 militants in the latest clashes in the breakaway republic.$LABEL$0 +IRAQ VIOLANTE DO NOT SURRENDER TO TERROR BLACKMAIL (AGI) Rome, Italy, Aug 24 The president of the Left Democrat MPs, Luciano Violante, speaking of the abduction of the Italian journalist Enzo Baldoni in Iraq said that it was necessary not to surrender to the blackmail of terrorists.$LABEL$0 +BIG HIKE IN ENERGY BILLS The company says the record price of wholesale gas, which also effects the cost of electricity, is to blame. A spokesman said the increases would add an extra 7p a day to electricity bills.$LABEL$2 +Putin Says Belarus Gas Spat Is Over President Vladimir Putin said Monday that Russia and Belarus have put a sharp dispute over natural gas deliveries behind them and that there are no obstacles to good relations.$LABEL$2 +Vonage Teams With Netgear on VoIP Tech According to a June 2004 report by industry research firm In-Stat/MDR, more than 10 percent of all broadband subscribers will use broadband IP telephony by the end of 2008.$LABEL$3 +Iraqi ministers escape attacks BAGHDAD (BBC)-- Two Iraqi interim government ministers have survived apparent assassination attempts in the capital Baghdad. Convoys carrying the environment and education ministers were attacked on their way to offices in the city.$LABEL$0 +Blue Chips Nudge Ahead, Oil Eases NEW YORK (Reuters) - U.S. blue chips were little changed on Tuesday as an upgrade on Caterpillar Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=CAT.N target=/stocks/quickinfo/fullquote"">CAT.N</A> and a three-session drop in oil prices offset weakness in technology shares.$LABEL$2 +U.S. Takes the Bronze in Women's Beach Volleyball ATHENS (Reuters) - Americans Holly McPeak and Elaine Youngs beat an injured Natalie Cook and partner Nicole Sanderson of Australia to claim the bronze medal in the Olympic women's beach volleyball competition Tuesday.$LABEL$1 +German Officials' Growth Outlook Better (AP) AP - German finance professionals grew less pessimistic about the country's economic growth outlook, but remain concerned that the euro's record highs against the U.S. dollar will weigh on exports, a monthly survey showed Tuesday.$LABEL$2 +Twenty Schools Sign Up for Legal Song Downloads WASHINGTON (Reuters) - U.S. colleges and universities are increasingly giving students free access to download services like Roxio Inc.'s Napster to discourage illegal song copying, the recording industry said Tuesday.$LABEL$3 +Bin Laden Driver Charged at Guantanamo GUANTANAMO BAY NAVAL BASE, Cuba - Osama bin Laden's chauffeur was formally charged Tuesday in the first U.S. military tribunal since World War II, appearing at a pretrial hearing where his lawyer challenged the process as unfair...$LABEL$0 +Eclipse to consider open-source data reporting Business intelligence software company Actuate proposes an open-source Java-based reporting tools.$LABEL$3 +Gartner: Chip revenue to see steady growth At the same time, an increase in inventory is making chip vendors and distributors worried.$LABEL$3 +AMD chips edge ahead of Intel Figures from ZDNet Germany labs indicate that AMD's fastest chips outpace those of Intel for mainstream applications.$LABEL$3 +Nokia to offer encryption tool The handset maker is teaming up with a Swedish security company to offer encryption software for some of its phones.$LABEL$3 +Colgate to Cut 12 Percent of Work Force (Reuters) Reuters - Colgate-Palmolive Co. said on\Tuesday it would cut about 12 percent of its 37,000-person work\force as part of a four-year restructuring plan for which it\anticipates after-tax charges of #36;550 million to #36;650 million.$LABEL$2 +PluggedIn: Lost? Your Phone Knows a Way Out (Reuters) Reuters - Back when everyone\believed the world was flat, people thought these rocky shores\on Spain's windswept ""coast of death"" were the end of the\world. In today's world, you only need a mobile phone to get\there ... and back.$LABEL$3 +Polish Cops Bust 100-Member Computer Piracy Gang (Reuters) Reuters - Polish police have broken up a gang of\more than 100 hackers who sold pirated music and films, using\academic computer systems around the world to store their\wares, a police spokeswoman said on Tuesday.$LABEL$3 +Twenty Schools Sign Up for Legal Song Downloads (Reuters) Reuters - U.S. colleges and universities are\increasingly giving students free access to download services\like Roxio Inc.'s Napster to discourage illegal song copying,\the recording industry said Tuesday.$LABEL$3 +Blue Chips Are Flat, Caterpillar Gains NEW YORK (Reuters) - U.S. blue chips were little changed on Tuesday as an upgrade on Caterpillar Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=CAT.N target=/stocks/quickinfo/fullquote"">CAT.N</A> and a three-session drop in oil prices offset weakness in technology shares.$LABEL$2 +Trial Letdown Hits Possis Medical Disappointing trial data regarding the AngioJet catheter takes a 38 bite out of Possis Medical's stock.$LABEL$2 +Colleges Rally Against Music Piracy The nation's colleges and universities are taking more aggressive steps to curb rampant Internet music piracy, according to a report released today. <FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2"" color=""#666666""><B>-washingtonpost.com</B></FONT>$LABEL$3 +Stocks to Watch Tuesday (Reuters) Reuters - Stocks to watch on Tuesday: JOHNSON \JOHNSON , GUIDANT CORP.$LABEL$2 +HP Shelves Virus Throttler Security service was discontinued because of compatibility problems with Windows.$LABEL$3 +A missed chance RBI could rue OIL continues to set new records by the day. Last Friday, it was in whispering distance of \$50 a barrel as Iraq and the woes of the giant Russian producer, Yukos, kept markets on tenterhooks.$LABEL$2 +Shell Shocked? Long-suffering investors in Royal Dutch Petroleum (NYSE: RD) and Shell Transport (NYSE: SC) likely spent the day wondering whether this morning #39;s news might finally clear the air.$LABEL$2 +Trial Letdown Hits Possis Medical Shares of device maker Possis Medical (Nasdaq: POSS) are down 38 to \$19.20 after the company cut its fiscal 2005 earnings outlook after a trial involving its AngioJet blood clot treatment yielded disappointing results.$LABEL$2 +Sumitomo puts \$29 bn takeover bid for UFJ Sumitomo Mitsui Financial Group (SMFG), Japans second largest bank, today put forward a 3,200 billion (\$29 billion) takeover bid for United Financial Group (UFJ), the countrys fourth biggest lender, in an effort to regain initiative in its bidding $LABEL$2 +Japan Tobacco #39;s Canadian Unit Files for Bankruptcy Protection Japan Tobacco Inc. #39;s Canadian unit, JTI-Macdonald, filed for bankruptcy protection after the Quebec government sued it for C\$1.$LABEL$2 +Cognos Makes \$52.2 Million Offer for Frango Business-software maker Cognos will buy Swedish financial-reporting software company Frango for \$52.2 million. Cognos says the acquisition will strengthen its portfolio of corporate performance $LABEL$2 +Cisco Systems Acquires P-Cube P-Cube develops service control platforms, which help service providers identify subscribers, classify applications, improve service performance and charge for multiple services without costly infrastructure upgrades, Cisco said.$LABEL$3 +OMB Names Timothy Young As No. 2 IT Exec As associate administrator for E-government and IT, he #39;s being assigned to identify, develop, and implement the government #39;s E-government priorities.$LABEL$3 +Apple tops US consumer satisfaction Recent data published by the American Customer Satisfaction Index (ACSI) shows Apple leading the consumer computer industry with the the highest customer satisfaction.$LABEL$3 +Rangers coach calls on fans to back spurned Australian Olympian Rangers coach Alex McLeish has called on fans to back the likely return of Australian Olympian Craig Moore for the crucial Champions league return leg against CSKA Moscow here.$LABEL$1 +Noguchi looks back quot;I really feel its weight, quot; Noguchi said. quot;Every time I look at it, my eyes well up in tears. I want to show it to all the people who made it possible.$LABEL$1 +NBA stars face formidable challengers Winning a gold medal would ease the sting of two Olympic qualifying defeats for the United States team of NBA stars. But their path to defending the throne is a rocky one, with unbeaten Spain coming up first $LABEL$1 +Italy upsets Americans in semifinals US women #39;s water polo coach Guy Baker was seething so much about an unusual call that he could barely speak. His world champion squad was too quot;crushed quot; to explain what happened.$LABEL$1 +UPDATE 1-Argentina outplay Italy to secure easy passage Favourites Argentina swept Italy aside on Tuesday to march into the final of the Olympic Games soccer tournament without having conceded a goal in five games.$LABEL$1 +Karzai declares Afghanistan and Pakistan quot;brothers in fighting <b>...</b> ISLAMABAD : Pakistan and Afghanistan have reaffirmed they are partners in fighting terrorism, Afghan President Hamid Karzai declared at the end of a two-day visit.$LABEL$0 +S P Lifts Calif. Bond Rating 3 Notches (Reuters) Reuters - Standard Poor's Ratings\Services on Tuesday raised its general obligation bond rating\on California to 'A' from 'BBB,' citing an easing of the Golden\State's cash crunch.$LABEL$2 +Colleges Rally Against Music Piracy (washingtonpost.com) washingtonpost.com - Colleges and universities across the country are taking new steps to fight rampant Internet music piracy by beefing up their education efforts, offering legal music downloading options and stiffening penalties for illegal file sharing, according to a report released today.$LABEL$3 +Intel Cuts Prices in Preparation for New Product Line (NewsFactor) NewsFactor - Intel has slashed prices by up to 35 percent on some of its \Pentium 4 and Itanium processors, bringing down the costs of some desktop and notebook computers by as much as #36;200.$LABEL$3 +Gateway Adds Micro Center to Its Distribution Channel (NewsFactor) NewsFactor - Gateway has added another marquee name to the roster of retailers that sell its line of personal computers and other products: Micro Center. Gateway's new line of notebooks, desktops and monitors are now available at the retailer's 20 stores nationwide, says a corporate statement.$LABEL$2 +Whale trapped at N.S. power plant after swimming through sluice gates (Canadian Press) Canadian Press - ANNAPOLIS ROYAL, N.S. (CP) - A hydroelectric plant in Nova Scotia remained shut down Tuesday after a wayward whale swam through the underwater gates that connect the facility with the Bay of Fundy.$LABEL$0 +Product Review: IBM ThinkPad X40 (NewsFactor) NewsFactor - The ultra-portable sector of the notebook industry over the last few years has become a showcase for the engineering prowess of the world's largest computer companies.$LABEL$3 +A Golden Moment for Misty May and Kerri Walsh ATHENS (Reuters) - Americans Misty May and Kerri Walsh finished off their Olympic beach volleyball competition with a perfect record and a gold medal after beating Brazil in straight sets in the final match Tuesday.$LABEL$1 +Ex-Member of Kerry Legal Team Arraigned (AP) AP - A former member of Democratic presidential nominee John Kerry's legal team pleaded innocent Tuesday to a charge of soliciting a prostitute.$LABEL$0 +JTI-Macdonald Files for Court Protection VANCOUVER, British Columbia (Reuters) - Japan Tobacco's <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=2914.T target=/stocks/quickinfo/fullquote"">2914.T</A> JTI-Macdonald Corp. unit filed for court protection from creditors on Tuesday in a fight with Quebec tax officials, who have accused the firm of smuggling to avoid more than \$1 billion in taxes.$LABEL$2 +S P Lifts Calif. Bond Rating 3 Notches SAN FRANCISCO (Reuters) - Standard Poor's Ratings Services on Tuesday raised its general obligation bond rating on California to 'A' from 'BBB,' citing an easing of the Golden State's cash crunch.$LABEL$2 +Iraq Forces Advance on Najaf Shrine, Battle Rages NAJAF, Iraq (Reuters) - Iraqi security forces tightened their grip on the streets around a sacred shrine in Najaf Tuesday after the government warned Shi'ite rebels inside they would be killed if they did not surrender.$LABEL$0 +Oil Prices Fall to \$45 as Iraq Oil Flows Oil prices dropped sharply today, extending losses to a third day as a more optimistic Iraq export picture helped partly unwind some supply worries.$LABEL$2 +Food Prices Up As India Strike Continues Prices for food and essential commodities spiraled upward Tuesday as thousands of truck drivers in India ignored a government appeal to call off a four-day-old nationwide strike.$LABEL$2 +Failed European first Mars probe, Beagle 2, still a mystery Scientists are no closer to discovering what happened to the ill-fated space probe Beagle 2, which vanished while attempting to land on Mars, according to an investigation released Tuesday.$LABEL$3 +Global chip sales to increase 27 percent in 2004: study Worldwide semiconductor revenue is forecast to reach 226 billion US dollars in 2004, a 27.4 percent increase from 2003 revenues, according to the latest quarterly update released Tuesday by Gartner.$LABEL$3 +Pay heed to domestic market, IT firms told Indian software companies, which have been busy conquering the world and neglecting their backyard, should not continue doing so. This is because the domestic market is going to grow into a huge opportunity $LABEL$3 +EDS Signs With Opsware, Again Global IT services powerhouse EDS extended it contract with Opsware (Quote, Chart) for data center automation software and services, the company said Tuesday.$LABEL$3 +Nokia to offer encryption tool Nokia plans to work with Swedish security company Pointsec Mobile Technologies to develop an encryption tool for high-end phones, the companies said Tuesday.$LABEL$3 +Highlights from NBC #39;s Olympic coverage, and a look ahead HIGHLIGHT: Gymnastics team Al Trautwig and Tim Daggett #39;s superb job on the audience #39;s protest of Alexei Nemov #39;s score on the high bars.$LABEL$1 +Italy #39;s military presence in Iraq will continue despite abduction Italy will do whatever is possible to secure the release of an Italian freelance journalist kidnapped byIraqi insurgents, but will not bow to demands to withdraw its troops, the Italian government said Tuesday.$LABEL$0 +Typhoon Aere Lashes Taiwan #39;s Capital Typhoon Aere battered northern Taiwan on Tuesday with howling winds and sheets of rain that grounded flights, shut down financial markets and triggered mudslides on the densely populated island.$LABEL$0 +Execs upbeat on IT spending Amid mixed indications of software industry's health, polled tech execs predict spending rise.$LABEL$3 +AMD desktop chips edge ahead of Intel Figures from ZDNet Germany labs show AMD's fastest chips outpacing its rival's for mainstream applications.$LABEL$3 +Vonage connects with Linksys, Netgear on VoIP Vonage teams with Wi-Fi equipment makers Linksys and Netgear on voice over Internet Protocol.$LABEL$3 +Adelphia Wants Rigas Family to Repay Billions WASHINGTON (Dow Jones/AP) -- Adelphia Communications wants its founder to pay more than \$3 billion the cable company says it #39;s owed.$LABEL$2 +Challenges Face Mideast Leaders (CBS/AP) Israeli Prime Minister Ariel Sharon said Thursday that he would push ahead with a withdrawal from the Gaza Strip despite a stinging setback to the plan from his Likud Party.$LABEL$0 +Shell Settles Corporate Fraud Charges for \$120 Million Royal Dutch/Shell, one of the world #39;s largest oil companies, agreed yesterday to pay \$120 million in penalties to settle charges of corporate fraud with the Securities and Exchange Commission for overstating its oil reserves.$LABEL$2 +TD, Banknorth in Talks on Possible Deal Canada #39;s Toronto Dominion Bank (TD.TO: Quote, Profile, Research) said on Wednesday that it is in talks with US-based Banknorth Group (BNK.$LABEL$2 +Update 4: Kuwait Foreign Minister Discusses Oil Kuwait #39;s foreign minister said Wednesday that Middle East oil exporters are producing at maximum capacity to stabilize prices that are being driven up by speculators from outside the region.$LABEL$2 +Japan #39;s banking revival starts with a cleanup quot;Revival starts with a cleanup, quot; said post-World War II finance minister Juichi Tsushima on August 17, 1945. And a convoluted cleanup in Japan #39;s banking business is what is under way today.$LABEL$2 +EU will probe Microsoft, Time Warner buy European antitrust regulators have announced they will conduct an in-depth investigation into a plan by Microsoft and Time Warner to acquire digital rights management company ContentGuard, a move that #39;s seen as a setback for the deal.$LABEL$2 +Toll Brothers profit jumps 56 percent NEW YORK - Toll Brothers Inc., a US builder of luxury homes, said on Wednesday third-quarter profit rose 56 percent, easily beating analysts forecasts, helped by record home-building revenue.$LABEL$2 +Durable Goods Orders Rise on Plane Demand Orders for US durable goods -- items meant to last at least three years -- posted a larger-than-expected rise in July, boosted by an increase in demand for passenger $LABEL$2 +HHG buoyed by return to profits British insurer and fund manager HHG was back in the black at the half-year stage today as it recovered from losses of 902m (1.$LABEL$2 +ATA says its not leaving Midway Airport INDIANAPOLIS ATA Airlines is denying reports that it wants to sell its gates at Chicago #39;s Midway Airport. The Indianapolis-based airline released a brief statement from chairman J-George Mikelsons, saying $LABEL$2 +Stocks to Open Higher, Oil Still Focus US stocks are expected to open modestly higher Wednesday, as oil prices remain center stage but thin summer volumes are likely to continue.$LABEL$2 +Microsoft announces SP2 support for Singapore users The days of piece-meal patching and shipped updates are over as Microsoft Singapore urged users to take advantage of the Automatic Updates feature in Windows XP to upgrade to Service Pack 2 (SP2).$LABEL$3 +UT club has dreams of a mission to the red planet and a small but determined group of engineering graduate students is organizing to get the word out. Members of the campus chapter of $LABEL$3 +NTT DoCoMo, Motorola Strike Phone Deal NTT DoCoMo, Japan #39;s top mobile-phone carrier, and Motorola Inc., the world #39;s No. 2 cell-phone maker, plan to develop a next-generation mobile phone that subscribers in Japan can also use while traveling in $LABEL$3 +Semiconductor sales booming in 2004 Worldwide semiconductor sales will reach \$226bn in 2004, a 27.4 per cent increase from 2003, according to the latest prediction from Gartner.$LABEL$3 +New RealPlayer Software Manages Media From Different Stores <b>...</b> Harmony, which is incorporated in version 10.5 (and will also be in the next version of the RealRhapsody music service), allows the player to manage Digital Rights Management (DRM)-protected $LABEL$3 +Aussie teacher quits after web threats AN AUSSIE teacher has quit after 35 years after his students threatened him on a web page. Greg Frawley was one of about 10 teachers threatened on the page set up by students at Hurlstone Agricultural High School.$LABEL$3 +Yahoo! loses US appeal over French ruling on Nazi auctions Yahoo! has lost an appeal against a US district courts ruling which said that the company does not have to obey a French courts decision requiring it to block French citizens from accessing internet auctions of Nazi memorabilia at Yahoo!$LABEL$3 +Cisco boosts carrier offerings with P-Cube buy Cisco Systems has confirmed that it is to spend \$200m to acquire privately held P-Cube, a California-based developer of internet protocol (IP) service control platforms.$LABEL$3 +Microsoft pulls out of standards group over intellectual property <b>...</b> Microsoft has pulled out of an international standards body because of concerns over control of intellectual property contributed to the group.$LABEL$3 +US tops the spam league The US is the originator of over 42 of the worlds unsolicited commercial e-mail, making it the worst offender in a league table of the top 12 spam producing countries published yesterday by anti-virus firm Sophos.$LABEL$3 +SMIC to challenge latest TSMC infringement claims Semiconductor Manufacturing International Corp. (SMIC) said Wednesday it will defend itself against the latest allegations of patent infringement and trade secret misappropriation $LABEL$3 +UN organizes open-source software day across Asia The United Nations, through its International Open Source Network (IOSN) will organize the first annual Software Freedom Day on Saturday in an effort to educate Asian users $LABEL$3 +Hollywood sues DVD-chip makers The Motion Picture Ass. of America (MPAA) yesterday confirmed the organisation has begun legal proceedings against two makers of DVD chip alleging that the pair #39;s willingness to offer their products more widely than they should.$LABEL$3 +Actuate Joins Eclipse; Starts Open Source BI Project Actuate Corp. announced that it has joined the Eclipse Foundation, the organization focused on delivering an open source development environment, and has launched a new Eclipse project to focus on open-source business intelligence and reporting tools.$LABEL$3 +SAP Delivers for the Mailman Neither rain nor sleet nor gloom of night can keep the US Postal Service from its appointed rounds, but a 25-year-old Human Resources software system is apparently stopping the mailman in his tracks.$LABEL$3 +NASA Picks Swede Launch Site for Balloons STOCKHOLM, Sweden Aug. 24, 2004 - NASA has agreed to launch its largest scientific balloons from a site in northern Sweden, a spokesman said Tuesday.$LABEL$3 +Google #39;s Real Rivals: Yahoo, MSN, And Amazon A customer-satisfaction study of E-business Web sites says Google has a huge lead among search-engine sites but will face still challenges from portals.$LABEL$3 +3rd time proves golden charm for El Guerrouj Hicham El Guerrouj was likening the meaning of his daughter #39;s name to the precious gold he had earned, but the Moroccan might as well have been describing the last half of the men #39;s 1,500 meters at Olympic Stadium last night.$LABEL$1 +Olympic Results: Wednesday, August 25 The first of 18 gold medals to be awarded Wednesday, on the 12th day of the summer Olympics in Athens goes to Kate Allen of Austria.$LABEL$1 +Greek judo star dies after leap ATHENS A member of Greeces Olympic judo squad who leaped from a third-story apartment after an argument with her boyfriend just days before the Athens Games has died, a hospital source said Tuesday.$LABEL$1 +Isinbayeva aims to be female Bubka Yelena Isinbayeva beat her own world record to clinch the Olympic women #39;s pole vault gold on Tuesday coming one step closer to matching the performances of her idol, Sergei Bubka.$LABEL$1 +Olympic diary: Day 12 Brazilian fans got a little bit too excited during the final of the women #39;s beach volleyball competition. Seeing that their team of Shelda Bede and Adriana Behar was struggling $LABEL$1 +Moorcroft Would Back Radcliffe Bid David Moorcroft believes Paula Radcliffe is capable of making the impossible possible by competing in the Olympic 10,000metres in Athens.$LABEL$1 +Foudy Improves, Remains Game-Time Decision ATHENS, Greece - US soccer captain Julie Foudy #39;s sprained right ankle showed signs of improvement Wednesday, although she remains a game-time decision for Thursday #39;s gold-medal game against Brazil.$LABEL$1 +US boxer topples the Russian giant He saw the looks and he heard the snickers and he guessed that the joke was at his expense. Boxing has never been the subtlest of sports, and Ward has never been the largest of light heavyweights.$LABEL$1 +Danish player strike is called off Danish league players suspended their weeklong strike on Wednesday, allowing the Brondby and Aalborg clubs to field their full squads for Thursday #39;s UEFA Cup matches.$LABEL$1 +Sudan accepts deployment of more AU peacekeepers: official Sudan is to accept the deployment of more African peacekeepers for the cantonment of the rebels in Darfur, Sudanese Agriculture Minister Majzoub al-Khalifa said Wednesday, as $LABEL$0 +Settling Israeli Settlements Palestinian officials have called on the Bush administration to clarify its position on the expansion of Israeli settlements in the West Bank.$LABEL$0 +Polio threatening to reach epidemic proportions in Africa The crippling Polio disease has spread to at least one dozen countries in West and Central Africa and is threatening to become an epidemic, the United Nations has said.$LABEL$0 +Palestinian intelligence chief shot Gunmen ambushed the head of the Palestinian intelligence service in Gaza City today, seriously wounding him in the chest and killing two bodyguards after opening fire on his convoy, Palestinian officials said.$LABEL$0 +BA cancels four more flights British Airways has cancelled four domestic flights but says other services have returned to normal at Heathrow Airport after severe disruptions earlier this week.$LABEL$0 +Pakistan #39;s Caretaker Prime Minister Steps Down Pakistan #39;s caretaker prime minister has stepped down, clearing the way for Finance Minister Shaukat Aziz to take control of the country #39;s Parliament.$LABEL$0 +Hopes for peace talks as Nepal rebels lift blockade Nepal #39;s ruling coalition has expressed hopes for peace talks with Maoist rebels, as the capital, Kathmandu, returned to normal after the rebels lifted a week-long blockade.$LABEL$0 +Japan #39;s NTT DoCoMo, Motorola strike deal to develop mobile phone TOKYO Schaumburg(Illinois)-based Motorola and Japan #39;s top mobile-phone carrier plan to develop a more sophisticated mobile phone that subscribers in Japan can use while traveling to other parts of Asia and to Europe.$LABEL$3 +Rulon Gardner Loses Bid for Repeat Gold (AP) AP - Rulon Gardner was in another Olympic wrestling upset #151; his own. One of the biggest stars of the 2000 Summer Games, Gardner was thrown to the mat in overtime Wednesday by Kazakhstan's Georgi Tsurtsumia and lost 4-1 in his Greco-Roman semifinal match.$LABEL$1 +Durable Goods Orders Rise on Plane Demand (Reuters) Reuters - Orders for U.S. durable goods --\items meant to last at least three years -- posted a\larger-than-expected rise in July, boosted by an increase in\demand for passenger aircraft, a Commerce Department report on\Wednesday showed.$LABEL$2 +Oil Prices Halt Three-Day Losing Streak (Reuters) Reuters - Oil prices rose modestly on Wednesday,\halting a three-day losing streak on profit-taking from record\highs near #36;50 a barrel.$LABEL$2 +Two Russian Planes Crash, Cause Unclear (Reuters) Reuters - Two Russian passenger planes crashed\almost simultaneously, killing all 89 people on board in what\investigators said on Wednesday was probably a freak\coincidence but might have been a terrorist attack.$LABEL$0 +Beltre Hits 40th in Dodgers' Win (AP) AP - Adrian Beltre hit a grand slam to become the first player to reach 40 home runs this season, leading the Los Angeles Dodgers to a 10-2 victory over the Montreal Expos on Tuesday night. His previous career high for homers was 23, set last season.$LABEL$1 +TD, Banknorth in Talks on Possible Deal (Reuters) Reuters - Canada's Toronto Dominion Bank (TD.TO)\said on Wednesday that it is in talks with U.S.-based Banknorth\Group (BNK.N) about a possible deal.$LABEL$2 +DoubleClick Signs on MSN to Use Its Rich Media Ads (Reuters) Reuters - A top executive for Web marketing\company DoubleClick (DCLK.O) on Tuesday said Microsoft Corp's\(MSFT.O) MSN Web portal will use its rich media ads online,\paving the way for wider use of a key DoubleClick product.$LABEL$3 +EU Probes Microsoft/Time Warner Venture (Reuters) Reuters - The European Commission on Wednesday\launched an in-depth investigation of plans by Microsoft Corp.\and Time Warner Inc. to acquire joint control of U.S.\ContentGuard Holdings Inc.$LABEL$2 +Jeter Helps Yankees Steal One in Cleveland (AP) AP - A night after he was hit on the left elbow by a pitch, Derek Jeter stole two bases in the ninth inning and scored on Hideki Matsui's two-out single to lead the visiting New York Yankees past Cleveland 5-4 Tuesday night, handing the Indians their ninth straight loss.$LABEL$1 +Typhoon Aere Pounds Taiwan, Heads Into China (Reuters) Reuters - A powerful typhoon triggered landslides\and flash floods in northern Taiwan on Wednesday before plowing\into China where hundreds of thousands of people have been\evacuated.$LABEL$0 +Justice Dept. to Announce Cyber-Crime Crackdown (washingtonpost.com) washingtonpost.com - The Justice Department is set to announce a major crackdown on cyber-crime that will include arrests, subpoenas and property seizures of alleged e-mail spammers and online scam artists, according to law enforcement and industry sources.$LABEL$3 +Redefining Swedishness (and causing a stir in the literary world) (AFP) AFP - In once uniform Sweden, a book being hailed as the ultimate generational novel serves as a reminder that you no longer need to be a blond, blue-eyed, beer-guzzling giant, or even speak the language correctly, to be considered truly Swedish.$LABEL$0 +NTT DoCoMo, Motorola Strike Phone Deal (AP) AP - NTT DoCoMo, Japan's top mobile-phone carrier, and Motorola Inc., the world's No. 2 cell-phone maker, plan to develop a more sophisticated mobile phone that subscribers in Japan can also use while traveling to other parts of Asia as well as Europe, the companies said Wednesday.$LABEL$3 +Gunmen Attack Senior Palestinian Officer (AP) AP - Gunmen opened fire at a convoy carrying the deputy Palestinian intelligence chief on Wednesday, seriously wounding him in the chest and killing two bodyguards, Palestinian officials said.$LABEL$0 +Jets Sign Quarterback Quincy Carter (AP) AP - Herman Edwards believes not giving Quincy Carter a second chance would be a crime.$LABEL$1 +Canada Picks Same-Sex Advocates As Judges (AP) AP - Two judges known for supporting same-sex unions were nominated Tuesday to fill vacancies on Canada's Supreme Court, and they will be assessed in the country's first-ever public screening of such appointments.$LABEL$0 +Mortgage Applications Off in Aug. 20 Week (Reuters) Reuters - New applications for U.S. home loans\fell last week after a brief bounce, as 30-year mortgage\interest rates edged up, an industry group said on Wednesday.$LABEL$2 +NTT DoCoMo, Motorola to develop 3G mobile handset for business users (AFP) AFP - Japan's top cellphone operator NTT DoCoMo and US telecoms giant Motorola announced a deal to jointly develop a third-generation handset for business users, marking the American company's first major foray into the lucrative Japanese mobile phone market.$LABEL$3 +Zimbabwe Opposition to Boycott Elections (AP) AP - Zimbabwe's main opposition Movement for Democratic Change said Wednesday that it would boycott future elections until the government reforms election laws, ends what the movement calls state-sponsored political violence and repeals what it terms repressive media and security laws.$LABEL$0 +Bryant Judge Restricts Courtroom Cameras (AP) AP - The judge in the Kobe Bryant rape case on Tuesday sharply restricted how the news media may cover the trial using television and still cameras, saying he was worried too much exposure could threaten the fairness of the proceedings.$LABEL$1 +Actuate Joins Eclipse, Starts Open-Source BI Project (Ziff Davis) Ziff Davis - After joining the Eclipse Foundation, the company launches a project to create open-source business intelligence and reporting tools.$LABEL$3 +Baseball Today (AP) AP - San Francisco at Florida (7:05 p.m. EDT). Giants rookie Noah Lowry (3-0) starts against Dontrelle Willis (9-9).$LABEL$1 +Fact and Comment (Forbes.com) Forbes.com - The news from Iran is grim. This Islamic dictatorship--the biggest source of terrorist training and financing in the world and the nation that's doing all it can to stir up trouble in already combustible Iraq--is clearly on the cusp of becoming a nuclear power. The clerical fascists running the country have dropped just about all pretense of their atomic programs being energy-related only. Tehran announced in July that it had resumed making the centrifuges needed to produce highly enriched uranium, a key ingredient for nuclear bombs. ...$LABEL$2 +Toronto hostage-taker holds woman at gunpoint, shot dead by police: reports (Canadian Press) Canadian Press - TORONTO (CP) - An armed hostage-taking at the height of morning rush-hour in front of Toronto's busy Union Station on Monday morning ended with a police sharpshooter killing a male suspect, broadcast reports said.$LABEL$0 +EU Extends Review of Microsoft Deal (AP) AP - Software giant Microsoft Corp. and the media and entertainment powerhouse Time Warner Inc. ran into fresh trouble with the European Union on Wednesday as antitrust regulators ordered an in-depth probe of their deal to collaborate in making anti-piracy software.$LABEL$3 +Critical Netscape Flaw Found (PC World) PC World - Web servers may be vulnerable to attack, security company warns.$LABEL$3 +Sharapova Loses to Wild Card in Conn. (AP) AP - Wimbledon champion Maria Sharapova was upset in three sets by wild card Mashona Washington Tuesday in the Pilot Pen tennis tournament. Sharapova had 12 double-faults in the match. Three of them occurred in the two games that Washington broke the fourth-seeded Russian in the deciding set of her 6-3, 2-6, 6-2 win.$LABEL$1 +Els Reflects on Season of Heartache (AP) AP - ""To be No. 1 in the world is one thing, but to win a major, that's what we all strive for. That's what we all want."" #151; Ernie Els, three weeks before the Masters.$LABEL$1 +Humpback Whale Trapped at Power Plant (AP) AP - A hydroelectric plant in Nova Scotia remained closed Tuesday after a wayward humpback whale swam through the underwater gates connecting the facility with the Atlantic Ocean.$LABEL$3 +Trading Privacy for Convenience A test project, now in use at Reagan National Airport, aims to give frequent fliers a quicker pass through security checkpoints by using the latest biometric technologies -- such as eye scans -- to verify a passenger's identity.$LABEL$2 +NASA Picks Swede Launch Site for Balloons (AP) AP - NASA has agreed to launch its largest scientific balloons from a site in northern Sweden, a spokesman said Tuesday.$LABEL$3 +Project Shows Promise for Grape Growers (AP) AP - Since the discovery five years ago that a ravenous insect was spreading grape-killing Pierce's Disease in California, grape growers have contributed millions of dollars to fund research projects they hope can end the scourge.$LABEL$3 +Skilled Labor in High Demand, Low Supply Some contend that low-cost labor in India, China and elsewhere is far from the only thing inhibiting job growth in the United States -- skilled workers just aren't out there. American adults rank 12th in literacy among those of 20 high-income, industrialized countries, according to a study.$LABEL$2 +Blueberry Compound Fights Cholesterol, Study Finds (Reuters) Reuters - A compound used by blueberries and\grapes to fight off fungal infections could help lower\cholesterol, U.S. researchers reported on Tuesday.$LABEL$3 +Fishing Warnings Up Due to Mercury Pollution-EPA (Reuters) Reuters - Americans were cautioned about\eating fish from more than one-third of U.S. lakes and nearly\one-fourth of its rivers last year due to pollution from\mercury and other chemicals, the U.S. Environmental Protection\Agency said on Tuesday.$LABEL$3 +Weak El Nino Forecast in Pacific by End August-NOAA (Reuters) Reuters - A weak El Nino, a weather pattern\that distorts wind and rainfall patterns worldwide, is expected\to develop in the central Pacific by the end of this month,\U.S. government forecasters said on Tuesday.$LABEL$3 +Molineux joy at Hoddle deal Former England manager Glenn Hoddle has been unveiled as the new boss of Championship strugglers Wolves. Hoddles appointment was announced at a Molineux press conference this morning, and he will take charge of the side for an initial six-month period.$LABEL$1 +Inhaled Anthrax Vaccine Protects in Animals-Report (Reuters) Reuters - A powdered anthrax vaccine that\people potentially could take by themselves protects rabbits\against the deadliest form of the bacteria, researchers said on\Tuesday.$LABEL$3 +Durable Goods Orders Rise in July America's factories saw orders for costly manufactured goods in July post the biggest gain in four months, an encouraging sign that the economy is emerging from an early summer funk.$LABEL$2 +China raises domestic fuel prices China is planning to raise domestic petrol and diesel retail prices by about 6 as crude oil prices stay near record highs.$LABEL$2 +Cigarette firm acts in tax row One of Canada's biggest cigarette firms seeks creditor protection after a C\$1.4bn(US\$1bn) tax claim over alleged smuggling.$LABEL$2 +US house sales fall in July Sales of non-new houses in the US fell last month but still exceeded analyst forecasts.$LABEL$2 +Famous film maker put up for sale Ilford Imaging, the world's largest producer of black and white camera film, is up for sale after going into administration.$LABEL$2 +State discloses venture results Treasurer Timothy P. Cahill yesterday released results for the 103 venture capital funds the state pension plan invested in from 1986 through 1998, which ranged from a searing 127 percent annual gain to a dismal 46 percent annual decline.$LABEL$2 +Funeral director suspended for 5 years A state regulatory board yesterday handed a five-year suspension to a Lawrence funeral director accused of unprofessional conduct and deceptive practices, including one case where he refused to complete funeral arrangements for a client because she had purchased a lower-priced casket elsewhere.$LABEL$2 +Putnam as pariah The flagship George Putnam fund has managed to beat the Dow Jones industrial average by four percentage points in this year's trying market.$LABEL$2 +Shakedown street Whether you live in Brookline or Scituate or Framingham, it is a good day when the town finally gets around to doing something about your beaten-up street. The potholes get filled, and the street gets repaved. New sidewalks and lighting go in. Trees and even some flowers are planted.$LABEL$2 +Jeter Walks, Runs and Pulls Yanks to Victory Derek Jeter, who suffered a bone bruise on his left elbow when he was plunked by a pitch Monday, not only played Tuesday, but he turned out to be the star.$LABEL$1 +In place of dollars, a cool change Cash has never been so cool. Usher Raymond IV, the 25-year-old R amp;B singer who has been dubbed the king of pop, launched the Usher Debit MasterCard late last month. The sleek black card, which features the artist's face, has been passed out to concertgoers during his nationwide ''The Truth Tour. quot; The card is also available through a website, ushermc.com.$LABEL$2 +Jets Turn to Carter to Back Up Pennington Dissatisfied by the performance of three backups who have never taken a regular-season snap in the N.F.L., the Jets signed Quincy Carter.$LABEL$1 +July home sales strong An expected spike in mortgage rates was supposed to cool off the red-hot housing market, but that spike failed to happen, and real estate sales remained strong in July both locally and nationally, according to reports released yesterday.$LABEL$2 +Prices for oil fall for 3d day WASHINGTON -- Oil prices tumbled for a third consecutive day yesterday, briefly falling below \$45 a barrel, as geopolitical concerns that had brought the market to a boil in recent weeks appeared to cool off.$LABEL$2 +Yukos suffers another setback MOSCOW -- Russian oil company Yukos suffered a fresh setback yesterday in its survival struggle against multibillion-dollar tax bills when one of its appeals was thrown out and another adjourned by a Moscow court.$LABEL$2 +Royal Dutch/Shell fined \$120m WASHINGTON -- A \$120 million fine levied on Royal Dutch/Shell Group by the Securities and Exchange Commission resolves the company's part in the SEC inquiry into the overstatement of oil and gas reserves, but the role of individuals is still under investigation, regulators said yesterday..$LABEL$2 +A young monk opens a rare window of candor in Tibet He confirms Chinese are diluting traditional Buddhist culture and the monks' role.$LABEL$0 +Fresh face lift ATHENS -- In a race of attrition that resembled a demolition derby as much as an Olympic final, Joanna Hayes of the United States captured gold in the 100-meter hurdles last night because she managed to keep her feet while others were losing theirs.$LABEL$1 +Toronto-Dominion seeks Banknorth stake Toronto-Dominion Bank is in the final stages of negotiations to take a controlling interest in New England regional bank Banknorth Group Inc. in a transaction worth as much as \$3.5 billion, according to executives involved in the talks.$LABEL$2 +Give handball a sporting chance ATHENS -- I saw a game that featured, with only the slightest expansion of our basic concepts, fast breaks, fouled in the act of shooting, sneakaways, pivotmen, turnovers, weaves, give-and-gos, lookaway passes, backward bounce passes, skip passes, a penalty shot, a backdoor play, and great shot blocking worthy of a Russell or a Roy.$LABEL$1 +Hunt for clues to Russia crashes Russian investigators refuse to rule out sabotage after two airliners crash minutes apart, killing 89 people.$LABEL$0 +Middle management TORONTO -- The life of the setup reliever, lived to the fullest here last night by Mike Timlin, is rarely rewarded in the box score with the capital S' (as in save, or seal of approval).$LABEL$1 +Another one-run game won? This is too good TORONTO -- Maybe the capricious forces that rule the baseball universe, the ones that so far this summer have dictated that 26 of the 30 teams in the major leagues would have won more one-run games than the Red Sox, finally are tilting in the Sox' favor. After last night's 5-4 escape over the Toronto Blue Jays, the one in ...$LABEL$1 +On tap: aluminum bottles PITTSBURGH -- How much would you pay for a bottle of beer that stays cold nearly an hour longer?$LABEL$2 +Top Shia leader returns to Iraq Grand Ayatollah Ali Sistani, seen by many as crucial to ending the Najaf crisis, is back in Iraq from the UK.$LABEL$0 +July Durable Good Orders Rise 1.7 Percent America's factories saw orders for costly manufactured goods post the biggest gain in four months, a sign that the economy is emerging from an early summer funk.$LABEL$2 +Cheney rejects gay marriage ban US Vice-President Dick Cheney opposes a federal ban on gay marriage - seemingly contradicting George Bush.$LABEL$0 +A Bank Takeover in Japan Breaks Tradition The biggest takeover battle in Japanese history got even bigger as the Sumitomo Mitsui Financial Group sought to disrupt a rival's expansion plans with a \$29 billion hostile bid for UFJ Holdings.$LABEL$2 +Carter signs with Jets Quarterback Quincy Carter signed a one-year deal with the New York Jets yesterday, three weeks after his surprising release by Dallas.$LABEL$1 +BC freshmen forced to stand on own feet Kicker Ryan Ohliger of Newark, Del., and punter Johnny Ayers of Oakton, Va., will have the huge responsibility of being the only freshman starters on the Boston College football team this season. Pressure? What pressure?$LABEL$1 +Dozens Charged in Crackdown on Spam and Scams Federal and state law enforcement agencies have quietly arrested or charged dozens of people with crimes related to junk e-mail, identity theft and other online scams.$LABEL$2 +Clearing the hurdle of doping scandals ATHENS -- Evita Agiasoteli has been counting Greece's Olympic medals. Each one comes with a celebration from the boy next door, who likes to run through their neighborhood in the northern Athenian suburb of Nea Ionia yelling quot;Hellas! quot; with each gold. Other neighbors often leave their evening yogurts unfinished so they can join the boy's victory cheer.$LABEL$1 +Some Light Shed on Panel Decision to Deny Aid to United Members of a federal loan board said they felt United Airlines bid for \$1.6 billion in assistance was based on a faulty business plan.$LABEL$2 +After comeback, comedown for US Playing from behind finally doomed the US women's volleyball team. After struggling just to get out of the preliminary round, the Americans were eliminated from the Olympics yesterday in Athens when a late rally fizzled against Brazil in a quarterfinal defeat, 25-22, 25-20, 22-25, 25-27, 15-6.$LABEL$1 +Zimbabwe opposition poll boycott Zimbabwe's main opposition party say they will not take part in elections unless major reforms are made.$LABEL$0 +No finishing kick left for Pappas ATHENS -- Tom Pappas, a US gold medal favorite in the decathlon, saw his quest for an Olympic crown dashed yesterday by a serious foot injury that forced him to withdraw from the pole vault portion of the 10-event competition.$LABEL$1 +Europe helps tackle Morocco fires France, Spain and Italy are sending water-bomber planes to Morocco to fight a major forest fire . $LABEL$0 +Ward: No size too great ATHENS -- As the deeply religious Andre Ward, the 20-year-old from Oakland, Calif., waited through the day for last night's match with two-time world champion Evgeny Makarenko, he pondered his predicament. Not only was he facing the pre-Olympic gold medal favorite in the quarterfinals of the light heavyweight division, but he was stepping in against a 6-foot-6-inch opponent who towered ...$LABEL$1 +Aussies face Cuba in final Brendan Kingman's sixth-inning RBI single sent Australia to a stunning 1-0 victory yesterday over Japan, putting the Aussies in today's gold medal game against Cuba.$LABEL$1 +Lincoln's summer run comes to end Sidearm curveballs, regular fastballs, and even some knuckleballs. No matter the direction or the spin, Jordan Brower was nearly unhittable.$LABEL$1 +Hmong ordered from Thai camp Soldiers order about 1,500 ethnic Hmong people to leave a refugee camp in central Thailand.$LABEL$0 +US sailors lose guessing game In the course of an hour, the notorious Meltemi wind yesterday cost American sailors Tim Wadlow of Marblehead and Pete Spaulding their chance to win a medal in their first Olympics.$LABEL$1 +NL notables Braves right fielder J.D. Drew cut his head when he hit it on the dugout railing following batting practice and was removed from the starting lineup against Colorado. Drew was taken to Piedmont Hospital in Atlanta, where he received two staples to close the wound. He returned to Turner Field and was in uniform by the fourth inning but did ...$LABEL$1 +Beltre's slam lifts Dodgers Adrian Beltre hit a grand slam to become the first player to reach 40 home runs this year, and Alex Cora homered and had five RBIs to lead the Los Angeles Dodgers to a 10-2 rout of the Expos in Montreal.$LABEL$1 +Israel wins first Olympic gold Israeli windsurfer Gal Fridman makes sporting history by winning his country's first gold medal in the men's Mistral.$LABEL$0 +Thousands at Bangladesh funeral Up to 30,000 people attend the funeral of a Bangladeshi opposition politician killed in a grenade attack in Dhaka.$LABEL$0 +AL notables The Yankees posted their 48th come-from-behind victory, most in the majors. Chris Young -- the Rangers' 16th starter this season -- became the first pitcher from Princeton to start a major league game since Dave Sisler of the 1961 Washington Senators.$LABEL$1 +Indian politician sent to prison Top Hindu nationalist politician Uma Bharti is remanded in an Indian jail over charges of inciting religious violence 10 years ago.$LABEL$0 +Software Seeks Online Bargains Consumers in the United States are already spending record amounts of money online. One e-commerce company has a novel way to help Net shoppers hunt for bargains this holiday season.$LABEL$2 +Controversy mishandled all around ATHENS -- For a while, if the Olympic repo men were to come looking for his gold medal, it seemed as if Paul Hamm would have to do the old twin spin that used to work so well back home in Wisconsin. quot;Sorry, I'm his brother Morgan, quot; Paul would say. quot;Paul's down at the Parthenon. Or maybe the Plaka. No, ...$LABEL$1 +Dominant US women's squad a true dream team ATHENS -- Through five games, the US women are outscoring opponents by 29 points a game. They've been dominant to the point of ennui. They crush their opponents on the glass, hand out twice as many assists per game, and, generally, have it their way, every game. They lead the Olympics in nine statistical categories.$LABEL$1 +Barents Sea 'faces major threats' The pristine Arctic waters of the Barents Sea are overfished and face serious pollution problems, the UN says.$LABEL$0 +Going deep -- for memories TORONTO -- Last night, Doug Mientkiewicz was on call as the Red Sox' emergency catcher in case calamity befell Doug Mirabelli , raising the uncomfortable specter of the one-time minor league catcher trying to corral Tim Wakefield's knuckleball. He escaped that duty, serving only as a pinch runner and defensive replacement at first base for Kevin Millar in last night's ...$LABEL$1 +They're quick to impress ATHENS -- Another night, another strong showing for America's sprinters. Allyson Felix , at 18 years old the youngest of the young lions, cruised to victory in her 200-meter heat, and then easily won her semifinal heat (22.36) to advance to the finals.$LABEL$1 +'DNA analysis' spots e-mail spam Computational biologists at IBM develop an anti-spam filter that works in the same way scientists analyse DNA.$LABEL$0 +Coach still fighting mad at Estrada ATHENS -- It had been 24 hours since Providence super heavyweight Jason Estrada not only lost a boxing match but also his dignity, and US boxing coach Basheer Abdullah still wasn't over it.$LABEL$1 +Band 'dumps sewage on tourists' The Dave Matthews Band is sued for allegedly dumping human waste from a bus onto a boat in the Chicago River.$LABEL$0 +Efforts to eradicate polio falter JOHANNESBURG -- The global effort to eradicate polio will not meet its deadline to stop transmission of the virus by the end of the year, a World Health Organization official acknowledged yesterday, citing the spread of cases from northern Nigeria.$LABEL$0 +Magazine offers reward for return of paintings OSLO -- The weekly magazine Se og Hoer offered a \$14,800 reward yesterday for information leading to the return of two priceless Edvard Munch masterpieces stolen from an Oslo museum over the weekend. The city-owned Munch Museum reopened yesterday, two days after three masked robbers, including at least one with a pistol, snatched ''The Scream quot; and ''Madonna quot; and fled in ...$LABEL$0 +Naples police in huge mafia swoop Hundreds of carabinieri police are taking part in an operation to crush a wave of mafia killings in Naples.$LABEL$0 +Afghan leader vows to release 400 Pakistani prisoners ISLAMABAD, Pakistan -- Afghan President Hamid Karzai promised yesterday to repatriate 400 Pakistani prisoners who fought with the former ruling Taliban regime and have been held in Afghan jails since 2001, a Pakistani official said.$LABEL$0 +A Trail of 'Major Failures' Leads to Defense Secretary's Office In tracing responsibility for the abuses at Abu Ghraib prison, a panel drew a line that extended to Donald H. Rumsfeld.$LABEL$0 +Bush Campaign's Top Outside Lawyer Advised Veterans Group Benjamin L. Ginsberg said the veterans attacking John Kerry's Vietnam War record asked for his help and that he agreed.$LABEL$0 +Outsourcing issue flares up at chip conference STANFORD, CALIFORNIA - On Monday, the same day the California Senate passed a bill that would ban state agencies from contracting services out to companies that use overseas labor, opponents and proponents of offshore outsourcing clashed during a conference at Stanford University.$LABEL$2 +Actuate moves to take enterprise reporting to open source Business intelligence software vendor Actuate Corp. is hitching its wagon to the open-source movement in the hope of seeing its applications get even broader acceptance in the marketplace.$LABEL$2 +Top Cleric Looks to Broker Deal in Najaf NAJAF, Iraq - Iraq's most powerful Shiite cleric returned to the country from Britain on Wednesday and his aides called for a nationwide march to Najaf to end nearly three weeks of fierce fighting between U.S. forces and Shiite militants in this holy city...$LABEL$0 +Israel Wins First-Ever Olympic Gold ATHENS, Greece - A windsurfer whose first name means ""wave"" in Hebrew gave Israel its first Olympic gold medal ever Wednesday, taking a plunge in the Saronic Gulf to celebrate. Gal Fridman sailed a remarkably consistent regatta, never finishing worse than eighth in the 11-race series...$LABEL$0 +Stocks to Watch Tuesday NEW YORK (Reuters) - Stocks to watch on Tuesday: JOHNSON JOHNSON <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=JNJ.N target=/stocks/quickinfo/fullquote"">JNJ.N</A>, GUIDANT CORP. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=GDT.N target=/stocks/quickinfo/fullquote"">GDT.N</A>$LABEL$2 +Preston Bows Out Matt Daniels had a homer and four RBIs, and tossed a two-hitter to lead Richmond, Texas, to a 13-1 win over Preston, Md., at the Little League World Series on Tuesday.$LABEL$1 +Top Cleric Looks to Broker Deal in Najaf NAJAF, Iraq - Iraq's most powerful Shiite cleric returned home from Britain on Wednesday to help broker an end to nearly three weeks of fighting in Najaf and is calling on his followers to join him in a march to reclaim the holy city, his spokesmen and witnesses said. Grand Ayatollah Ali Husseini al-Sistani return came as heavy fighting persisted in Najaf's Old City...$LABEL$0 +Adrian Beltre Hits His 40th Home Run Adrian Beltre's first five full seasons in the majors were marked by stretches of inconsistency and only flashes of power potential. This year, the Los Angeles Dodgers' third baseman has become one of baseball's most prolific sluggers...$LABEL$0 +Midfield Now Strength Not so long ago, D.C. United was throwing inexperienced players into the starting lineup and calling up minor leaguers to fill the roster.$LABEL$1 +Russian Jet Crashes Kill at Least 135 BUCHALKI, Russia - A Russian airliner crashed and another apparently broke up in the air almost simultaneously after taking off from the same airport, officials said, killing all 89 people aboard and raising fears of a terrorist attack. Authorities said rescuers found wreckage from a Tu-154 jet with at least 46 on board, about nine hours after it issued a distress signal and disappeared from radar screens over the Rostov region some 600 miles south of Moscow...$LABEL$0 +Unit's Report Supports Kerry's Version WASHINGTON - The Navy task force overseeing John Kerry's swift boat squadron in Vietnam reported that his group of boats came under enemy fire during a March 13, 1969, incident that three decades later is being challenged by the Democratic presidential nominee's critics. The March 18, 1969, weekly report from Task Force 115, which was located by The Associated Press during a search of Navy archives, is the latest document to surface that supports Kerry's description of an event for which he won a Bronze Star and a third Purple Heart...$LABEL$0 +Mitch Decides to Stay Ryan Mitch, a backup quarterback who had missed two practices and a team meeting, returned Tuesday and pledged to remain with the Maryland program the next four years.$LABEL$1 +Prison Abuse Report Cites Top Commanders WASHINGTON - Inattention to prisoner issues by senior U.S. military leaders in Iraq and at the Pentagon was a key factor in the abuse scandal at Abu Ghraib prison, but there is no evidence they ordered any mistreatment, an independent panel concluded...$LABEL$0 +Wide-Open Receiving The wide receivers position is the one truly unsettled position for the Virginia Cavaliers as they begin a season of great expectations.$LABEL$1 +2 Russian Jets Crash Within Minutes Officials made no immediate statements about the possible causes of the twin crashes but the timing raised suspicions of a terrorist attack.$LABEL$0 +MLB, D.C. Talk Major League Baseball negotiators held day-long sessions with District officials Tuesday and toured RFK Stadium as part of efforts to find a new home for the Montreal Expos.$LABEL$1 +A Push for More Power At Iraq Plant The story of Baiji power station, which can produce more electricity than any plant in Iraq, helps explain why power generation remains one of the most vexing reconstruction challenges in the country.$LABEL$0 +Money Is Driving Moscow Makeover For decades, pilgrims to Red Square have first passed in the shadow of the stolid Moskva hotel and the elegant Manezh exhibition hall. Once they made it across the square's cobblestoned expanse, they found their view obscured by the modernist concrete hulk known as the Hotel Rossiya.$LABEL$0 +From Coal to Culture This old mining town in the northeast of England used to be a grimy industrial wasteland. Now it's becoming a gleaming cultural center and -- who would have thought it? -- tourist destination$LABEL$0 +Slopes Only for Bloom Two-sport star Jeremy Bloom lost an appeal to an NCAA panel on Tuesday to keep his college eligibility as a football player at Colorado while still being allowed to receive endorsements as a professional skier.$LABEL$1 +On the Road to Greatness Based on Che Guevara's early days, <I>The Motorcycle Diaries</i> is a tender tribute to the young man, not the myth$LABEL$0 +Nice Witch of the North Comedienne Shabana Rehman's Pakistani roots and Norwegian lifestyle make a provocative comic brew$LABEL$0 +Justice to Announce Cyber-Crime Crackdown The Justice Department is set to announce a major crackdown on cyber-crime that will include arrests, subpoenas and property seizures of alleged e-mail spammers and online scam artists, according to law enforcement and industry sources. <BR><FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2""\ color=""#666666""><B>-The Washington Post</B></FONT>$LABEL$3 +Verizon, Qwest to Fight FCC Rate Freeze Verizon Communications Inc. and other parties have asked a federal court to throw out a set of temporary regulations banning giant regional phone companies from raising the wholesale rates they charge competitors for at least six months. <FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2""\ color=""#666666""><B>-The Washington Post</B></FONT>$LABEL$3 +Northwest Ticket Fees Urge Web Use Beginning Friday, travelers on Northwest Airlines will have to pay as much as \$10 extra to buy tickets by phone or in person, rather than through Northwest's Web site. <BR>\<FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2""\ color=""#666666""><B>-The Washington Post</B></FONT>$LABEL$3 +Report Says Air Force's Space Programs Improved The Air Force's management of its space programs has improved during the past year but some systems, including an early warning missile contract, will continue to need special attention, according to an advisory panel review released yesterday.$LABEL$3 +Md. Machines Seek Vote Of Confidence Critics say the state has been too quick to embrace electronic voting and could be headed for a fiasco in November elections.$LABEL$3 +EU Extends Review of Microsoft-Time Warner Deal Software giant Microsoft Corp. and the media and entertainment powerhouse Time Warner Inc. ran into fresh trouble with the European Union on Wednesday as antitrust regulators ordered an in-depth probe of their deal to collaborate in making anti-piracy software.$LABEL$3 +'NFL 2K5' Edges Out 'Madden NF' The virtual football championship matchup this year pits ""Madden NFL 2005"" against ""ESPN NFL 2K5"" from Sega's ESPN Videogames division. Both E-rated titles excel at delivering the National Football League experience to your living room through a combination of excellent controls, online gameplay and improved defensive features.$LABEL$3 +Museum welcomes flesh-eating bugs London museum takes charge of 100 flesh-eating beetles used to strip animal carcasses down to bare bones.$LABEL$3 +Fear and Loathing in #133; Lobsterland When lobsters flirt or fight they first signal their intention by urinating in one another's faces. Strange facts like this are published in a new book about the little-known life of these familiar crustaceans.$LABEL$3 +Secret Sex Lives Of High-flying Finch Uncovered In The Rockies To shed light on the secretive sex lives of rosy-finches, birds that nest high in the Rocky Mountains, researchers clip on crampons and get climbing.$LABEL$3 +Textile Fragments Provide Details of Ancient Lives Charred and brittle bits of fabric are providing new insights into the lives of prehistoric people, thanks to advances in chemical analysis of textiles.$LABEL$3 +Who Knew? U.S. Presidential Trivia Just 11 weeks remain in the race for the White House. Getting into the campaign spirit, National Geographic News reviews presidential trivia.$LABEL$3 +US deserter reunited with family arrived on a remote island in northern Japan to start a new life with his Japanese wife and their two daughters. court-martial last month after saying he deserted from South Korea because he was frightened.$LABEL$0 +Grains Found in Georgia Traced to Huge Asteroid Impact ATLANTA (AP) -- A layer of quartz grains found in an east Georgia kaolin mine have been traced to the impact of a giant asteroid that crashed near the mouth of the Chesapeake Bay 35 million years ago. The 54-mile-wide crater left by the meteor, the sixth-largest in the world, has previously been identified as the source of a rare mineral called Georgiaite...$LABEL$3 +NASA Picks Swede Launch Site for Giant Balloons By TOMMY GRANDELL STOCKHOLM, Sweden (AP) -- NASA has agreed to launch its largest scientific balloons from a site in northern Sweden, a spokesman said Tuesday. To launch them, the Swedish Space Corp., which owns Esrange, has signed a \$1.32 million contract with the Swedish construction company NCC to double the size of the present launch pad...$LABEL$3 +Space Radiation May Harm Astronauts' Blood Cells In the time it takes you to read this sentence, more than 10 million red blood cells in your body will die. Don't be alarmed; it's natural, and stem cells in your bone marrow are constantly making enough new cells to replace the dying ones. But what if those blood-making cells stopped working? This could be a concern for astronauts taking long trips beyond Earth orbit.$LABEL$3 +Meteorites Supplied Earth Life with Phosphorus University of Arizona -- University of Arizona scientists have discovered that meteorites, particularly iron meteorites, may have been critical to the evolution of life on Earth. Their research shows that meteorites easily could have provided more phosphorus than naturally occurs on Earth -- enough phosphorus to give rise to biomolecules which eventually assembled into living, replicating organisms...$LABEL$3 +Health Highlights: Aug. 24, 2004 Here are some of the latest health and medical news developments, compiled by editors of HealthDay: ----- Contaminated Fish in Many U.S. Lakes and Rivers Fish that may be contaminated with dioxin, mercury, PCBs and pesticides are swimming in more than one-third of the United States' lakes and nearly one-quarter of its rivers, according to a list of advisories released by the Environmental Protection Agency...$LABEL$3 +EU will probe Microsoft, Time Warner buy The decision is a setback for the two companies and their plan to acquire ContentGuard, a digital rights management firm.$LABEL$3 +Briefly: Microsoft IPTV to woo Swiss test group roundup Plus: Sony speeds up Memory Stick cards...Real touts one week, 1 million songs...Chipmaker Fujitsu prepares WiMax chip.$LABEL$3 +SP2: Bad for your blood pressure? That's what some IT managers say, a survey finds. Even more believe it'll be the toughest Windows update ever.$LABEL$3 +Report: companies expect fast IT spending growth But IDC researchers voice a more cautious view, based on factors including high oil prices.$LABEL$3 +Actuate pushes open-source data reporting The software maker proposes open-source Java-based reporting tools for consideration by the Eclipse open-source foundation.$LABEL$3 +IBM lays claim to extension of server reign Says new research shows that it remains the top server computer vendor. But HP trumpets leadership in ""high growth"" segments.$LABEL$3 +Japan designers shoot for supercomputer on a chip The MDGrape 3 chip will calculate faster than most supercomputers in existence, its creators say.\$LABEL$3 +Nanotech will tap nature's potential, investor says Venture capitalist says a revolution is at hand, despite a setback like Nanosys' canceled IPO.$LABEL$3 +Latest International news on mobile: sms INT to 7333 Hamid Karzai was sworn in on Tuesday as Afghanistan #39;s first elected president in a ceremony attended by several foreign dignitaries, including US Vice President Dick Cheney and Defense Minister Donald Rumsfeld, report agencies.$LABEL$0 +Verizon blames federal rules for broadband holdup Company is holding back high-speed fiber service out of fear that it will have to lease the links to rivals at below its own cost.$LABEL$3 +CompactFlash card takes licking, keeps ticking Bridge demolition destroys digital camera, but CompactFlash card hangs on to bridge's final moments.$LABEL$3 +Sony speeds up Memory Stick cards Starting in October, the company will begin selling higher-speed cards that transfer data at rates of up to 80mbps.$LABEL$3 +ISS: Critical Netscape flaw could be widespread Security company Internet Security Systems is warning of a critical security hole in a commonly used technology from the Mozilla Foundation called the Netscape Network Security Services library that could leave Web servers vulnerable to remote attack.$LABEL$3 +Washington State Ferries expands ferryboat Wi-Fi service Washington State Ferries expects to provide passengers on its high-traffic Puget Sound routes with free Wi-Fi service it will begin rolling out next month.$LABEL$3 +Tight security as Karzai is sworn in AFGHANISTANS capital Kabul was placed under tight security today for the historic inauguration of Hamid Karzai as the countrys first popularly elected president.$LABEL$0 +EDS extends IT automation deal with Opsware for three years Outsourcing vendor Electronic Data Systems has renewed an agreement for IT services from automation and utility software company Opsware that could be worth \$145 million over eight years.$LABEL$3 +Actuate moves to take enterprise reporting to open-source Business intelligence software vendor Actuate is teaming up with the open-source movement in an effort to give its applications more exposure in the marketplace.$LABEL$3 +HP shelves virus-throttling product Virus Throttler, unveiled by HP in February, was one of two new security services developed by company researchers that debuted at the RSA Security Conference.$LABEL$3 +New IRS accounting system, a year late, nears completion With the deployment of a new financial accounting system for the IRS running a year late, officials involved with the project now say it will go live in October.$LABEL$3 +Study: E-business customer satisfaction on the rise Users of portals, news sites and search engines were a bit less satisfied than average consumer scores overall, a University of Michigan survey show. Scores were higher for online travel, retail, auction and brokerage sites.$LABEL$3 +Indiana man charged with hacking into former employer's systems Patrick Angle, was charged with intentionally deleting the source code for software he had been developing for Massachusetts-based Varian Semiconductor Equipment Associates.$LABEL$3 +Connexion by Boeing partners with iPass The agreement with Connexion by Boeing will give iPass customers Wi-Fi access while flying, while Boeing gets a partner that knows how to sell service contracts for hot spot connectivity to business travelers.$LABEL$3 +EU extends MS, Time Warner probe The European Commission (EC) opened an in-depth investigation on Wednesday into plans by Microsoft Corp. and Time Warner Inc. to take over U.S. digital rights management (DRM) company ContentGuard Holdings Inc.$LABEL$3 +SMIC to challenge latest TSMC infringement claims Semiconductor Manufacturing International Corp. (SMIC) said Wednesday it will defend itself against the latest allegations of patent infringement and trade secret misappropriation made by rival Taiwan Semiconductor Manufacturing Co. Ltd. (TSMC).$LABEL$3 +Intel to launch tri-mode Wi-Fi chip set Fulfilling a long-time goal, Intel Corp. is set to introduce on Thursday its first chip set that supports all three current forms of Wi-Fi, according to sources familiar with the announcement.$LABEL$3 +Rossi named new Atalanta coach Serie A strugglers Atalanta have named Delio Rossi as their new coach, the club announced on its website on Tuesday. Rossi, the 44-year-old who previously coached Salerno and Lecce in Italy #39;s top-flight, replaces Andrea Mandorlini.$LABEL$1 +Outsourcing issue flares up at chip conference STANFORD, CALIF. -- On Monday, the same day the California Senate passed a bill that would ban state agencies from contracting services out to companies that use overseas labor, opponents and proponents of offshore outsourcing clashed during a conference at Stanford University.<p>ADVERTISEMENT</p><p><img src=""http://ad.doubleclick.net/ad/idg.us.ifw.general/ibmpseries;sz=1x1;ord=200301151450?"" width=""1"" height=""1"" border=""0""/><a href=""http://ad.doubleclick.net/clk;9824455;9690404;u?http://ad.doubleclick.net/clk;9473681;9688522;d?http://www.ibm.com/servers/eserver/pseries/campaigns/boardroom/index.html?ca=pSeries met=boardroom me=E P_Creative=P_InfoW_RSS"">Introducing IBM eServer p5 systems.</a><br/>Powered by IBMs most advanced 64-bit microprocessor (POWER5(tm)), p5 systems can run UNIX and Linux simultaneously. Learn more about eServer p5 systems.</p>$LABEL$3 +BEA departures continue BEA Systems continues to see an exodus of high-level executives, with Chief Marketing Officer Tod Nielsen exiting this week.$LABEL$3 +India beats Germany in Champions Trophy field hockey India rallied to outscore Germany 3-1 for its first victory in the men #39;s Champions Trophy field hockey tournament in Lahore, Pakistan on Tuesday.$LABEL$1 +Gartner: '04 chip revenue growth strong, '05 weaker BOSTON - The semiconductor industry remains on track to record a significant increase in revenue during 2004, according to Gartner Inc.'s latest forecast for the year released Tuesday. After that, however, the outlook takes a turn for the worse.$LABEL$3 +Yahoo's legal battle over Nazi items continues PARIS - Yahoo Inc. may after all find itself having to answer to the French courts for its failure to block French users' access to information about the sale of Nazi memorabilia on its U.S. Web sites.$LABEL$3 +ISS: Critical Netscape hole could be widespread Security company Internet Security Systems Inc. (ISS) is warning its customers about a critical security hole in a commonly used technology from the Mozilla Foundation called the Netscape Network Security Services (NSS) library that could make Web servers vulnerable to remote attack.$LABEL$3 +Players get a chance to beat Tiger Woods at his own game Tiger Woods is faltering on the PGA Tour these days, while Vijay Singh has taken over the No. 1 ranking in the world. If only Woods could play like his video game character in quot;Tiger Woods PGA Tour 2005.$LABEL$1 +Yahoo Faces New Court Battle over Nazi Items U.S. court says it's a French matter; plaintiff organizations want ban on sale of Nazi memorabilia.$LABEL$3 +NBC's Olympic Coverage Irks HDTV Owners HDTV sports fans are disappointed that there's a limited menu of Olympic sports that can be seen on high definition and that many of these events are shown 24 hours or later than they are on NBC.$LABEL$3 +Report Shows Universities Curtailing Online Piracy By ALEX VEIGA LOS ANGELES (AP) -- Despite evidence that sharing music and movies online remains popular, a report issued Tuesday by a committee of entertainment and university leaders says universities have made strides the past year to curtail online piracy. The report, submitted to Congress by the Joint Committee of the Higher Education and Entertainment Communities, highlights steps taken by the universities to tackle Internet piracy but offers few details of their effectiveness...$LABEL$3 +University Offers Free Microsoft Software to Students PULLMAN, Wash. (AP) -- Students returning to Washington State University this week found free Microsoft software waiting for them...$LABEL$3 +NTT DoCoMo and Motorola Strike Phone Deal TOKYO (AP) -- NTT DoCoMo, Japan's top mobile-phone carrier, and Motorola Inc. (MOT), the world's No...$LABEL$3 +Bank of America Exec to Get Severance Pay Bank of America Corp. said a departing executive is eligible to collect about \$20.7 million in severance and other payments from the company.$LABEL$2 +Boeing wins \$7.35B airplane order Singapore Airlines, Asia #39;s most profitable airline, eyes growth with plans to buy up to 31 jets. SINGAPORE (Reuters) - Singapore Airlines said Wednesday it planned to buy up to 31 Boeing Co.$LABEL$2 +Jamaica to Provide Free Internet Access KINGSTON, Jamaica (AP) -- Jamaica's government on Tuesday announced a \$5 million program to provide free Internet access in poor communities across the island. The ""e-Jamaica"" initiative will establish 60 Internet centers across the country by 2010, mostly in post offices, said Commerce and Technology Minister Phillip Paulwell...$LABEL$3 +Microsoft offers SP2 compatibility guide Microsoft has launched a do-it-yourself kit to help IT professionals assess their software #39;s compatibility with Windows XP Service Pack 2. Fears among system administrators and IT managers that XP SP2 may $LABEL$3 +BenQ wins ODM contract from Nokia SOME INDUSTRY OBSERVERS had predicted that BenQ had shot itself in the foot by promoting its own branded mobile handsets at the recent European footie (soccer) fest in Portugal.$LABEL$3 +More delays for British Airways passengers in London (AFP) AFP - British Airways cancelled four more flights due to what it called lingering problems from a staff shortage at London's Heathrow Airport which delayed thousands of travellers earlier in the week.$LABEL$0 +Indian Software Giant Shares Start Trading (AP) AP - Shares of India's top software firm, Tata Consultancy Services Ltd., soared as much as 41 percent in their first day of trading Wednesday.$LABEL$0 +Williams-Sonoma Profit Up; Keeps Forecast (Reuters) Reuters - Williams-Sonoma Inc. (WSM.N) on\Wednesday posted a better-than-expected 55 percent increase in\quarterly profit, sending its stock up 6 percent, as sales\jumped at its Pottery Barn chain.$LABEL$2 +Nobel prizes to be announced in October, Blair and Bush in the running (AFP) AFP - The 2004 Nobel prizes will be announced between October 4 and 11, the Nobel Foundation said, with US president George W. Bush and British Prime Minister Tony Blair in the running for the prestigious Peace Prize.$LABEL$0 +Hockey teams seek foreign secrets of success (Reuters) Reuters - When India play Pakistan, it is a classic hockey match, their historic rivalry sucking in the whole stadium.$LABEL$0 +Astra Cancer Drug Tied to More Pneumonia (Reuters) Reuters - AstraZeneca Plc. said on Wednesday a new\study in Japan showed a higher rate of a potentially fatal side\effect in patients taking its lung cancer pill Iressa than that\demonstrated in an earlier analysis.$LABEL$2 +Aussies finish 1-2 in women #39;s triathlon Austrian Kate Allen won gold in the Olympic women amp;apos;s triathlon Wednesday while American Susan Williams took the bronze. Allen was time in two hours, four minutes, 43.$LABEL$1 +Banknorth, TD Bank Are in Talks Canada #39;s TD Bank Financial Group is discussing quot;a possible transaction quot; with the Northeast regional bank Banknorth Group Inc.$LABEL$2 +Heat is on MTFG to place UFJ bid Mitsubishi Tokyo Financial Group Inc. was under pressure Wednesday to come up with a takeover offer for UFJ Holdings Inc. that would fend off an unexpectedly generous \$29 billion rival bid by Sumitomo Mitsui Financial Group Inc.$LABEL$2 +Two Turks kidnapped in Iraq, risk execution: TV report (AFP) AFP - A Turkish television channel aired footage showing two Turks believed to be held hostage in Iraq by armed militants who have threatened to execute them unless their company withdraws from the country within 72 hours.$LABEL$0 +Two Israelis among dead in Russian plane crash At least two Israeli citizens were among 89 people killed in two passenger plane crashes in Russia late on Tuesday, an Israeli embassy official said on Wednesday.$LABEL$0 +Typhoon forces 240,000 to flee CHINA evacuated hundreds of thousands of people as Typhoon Aere lashed neighbouring Taiwan yesterday, triggering landslides and leaving at least seven people feared dead.$LABEL$0 +More BA flights canceled More British Airways flights were canceled Wednesday after thousands were stranded by canceled flights at London #39;s Heathrow Airport because of staff shortages at the airline.$LABEL$0 +Hicks charged with war crimes ACCUSED Australian Taliban fighter David Hicks was charged with war crimes by a US military tribunal today after meeting his father for the first time in five years.$LABEL$0 +Experts Say Nepal Rebels #39; Plan Resembles Peru #39;s Shining Path Nepal #39;s communist insurgency has been flexing its muscles, with a successful blockade of the capital Kathmandu. Experts say the Maoists have modeled themselves on Peru #39;s Shining Path, using violence to end Nepal #39;s rigid caste system.$LABEL$0 +India, GCC agree to promote economic cooperation New Delhi, Aug 25 (VNA) - India and the Gulf Cooperation Council (GCC) signed on Wednesday a Framework Agreement on Economic Cooperation to boost economic and trading ties as well as to explore the possibility of a free trade area between India and GCC $LABEL$2 +US economy boosted by rise in manufacturing orders Fears of a slowdown in the US economy today eased as factories reported a jump in orders for costly manufactured goods during July.$LABEL$2 +Toll Brothers 3Q Profits Beat Estimates Luxury home builder Toll Brothers Inc. reported Wednesday that strong demand pushed third-quarter profits well above Wall Street expectations.$LABEL$2 +Sprint provides VoIP to eighth-largest cable company Sprint Corp. said Wednesday that it will provide Internet telephone service to cable operator Mediacom Communications Corp. #39;s customer base of 2.7 million homes in 23 states.$LABEL$2 +Stocks Edge Lower As Oil Prices Climb Stocks edged lower Wednesday as investors weighed rising oil prices against a pair of government reports that gave a mixed picture about the economy.$LABEL$2 +UPDATE 2-US mortgage applications fall 6.3 percent in week Applications for US home loans fell 6.3 percent last week after a brief bounce in early August spurred by a drop in mortgage rates, an industry group said on Wednesday.$LABEL$2 +Last call for Jack Daniel #39;s? Brown-Forman #39;s whiskey sales are strong but Wall Street sees cracks in the company #39;s china sales. By Parija Bhatnagar, CNN/Money staff writer.$LABEL$2 +HHG gets out of red zone AMP spin-off HHG plc has produced a pound stg. 46 million (\$A117 million) profit for the six months to June 30 - a massive turnaround from the pound stg.$LABEL$2 +Motorola takes step into Japan market TOKYO Motorola and NTT DoCoMo said on Wednesday that they would jointly develop third-generation cellphones, giving the American company an important foothold in the Japanese market.$LABEL$3 +Dragging the Net for Cyber Criminals In an attempt to stem the growing tide of online scams, identity theft and the proliferation of junk e-mail, the Justice Department and state law enforcement officials have initiated what $LABEL$3 +Sheep put brave face on stress LONDON, England -- Sheep have shown researchers why stressed-out people are comforted by the sight of a friendly face. Scientists at the Babraham Institute in the eastern English city of Cambridge discovered $LABEL$3 +Small #39;scope spots big planet A new extra-solar planet has been identified orbiting a star 500 light years from our solar system. The discovery was made by a team using a four-inch diameter telescope to make their observations - a size $LABEL$3 +Linksys, Vonage In Equipment Deal Irvine-based Linksys (www.linksys.com) announced that it is in a deal with Voice over IP (VoIP) provider Vonage (www.vonage.com) to provide equipment for home and small businesses.$LABEL$3 +Semiconductor Market Grow 27 Percent in 2004 However, the Gartner Dataquest Semiconductor Inventory Index showed inventories in the supply chain at the low end of the quot;caution quot; zone.$LABEL$3 +EFF wins JibJab case p2pnet.net News:- Still smiling because of its victory over Hollywood, the EFF has chalked up another win. This time, Music publisher Ludlow Music has officially backed down on its threats against web animation $LABEL$3 +MS anti-Linux ad #39;misleading #39; p2pnet.net News:- A Microsoft UK quot;WEIGHING THE COST OF LINUX VS. WINDOWS? LET #39;S REVIEW THE FACTS quot; magazine ad has been nailed as misleading by Britain #39;s Advertising Standards Authority (ASA).$LABEL$3 +Yahoo Continues Fight Over Nazi Paraphernalia Furthering a story that began in 2000, the US Court of Appeals has ruled that US District Court judge operated outside the realm of his jurisdiction by attempting to rule on a case with international ramifications.$LABEL$3 +Beware #39;Peeping Tom Webcam Worm #39; A warning was issued today about a Peeping Tom computer virus which can hijack webcams and spy on users. The virus, or worm as it is technically $LABEL$3 +Sony preparing high-speed Memory Stick Pro Sony is continuing development of its Memory Stick format, with a new high-speed variety due out this fall. Backward compatible with existing devices, it will be recognizable by a red and white color scheme.$LABEL$3 +El Guerrouj: destiny fulfilled The great Moroccan reveals hidden depths to fit the final piece into a reign that was lacking just one achievement, reports Len Johnson.$LABEL$1 +In memory of Luke, Loretta races for her life LUKE. His name is tattooed forever on her right ankle. His memory, just as permanently, in her heart. Loretta Harrop ran the race of her life in Athens yesterday, the inspiration of her late $LABEL$1 +Victory is golden for city cyclist Edmonton #39;s Lori-Ann Muenzer defied two of the world #39;s best cyclists Tuesday to top the field of 500-metre sprinters, laying claim to the first gold medal ever won by a Canadian track cyclist.$LABEL$1 +More blazers than tracksuits at Games If you picture an Olympic team as athletes in tracksuits with a few blazer-clad types in the background to look after them, it is time for a radical rethink.$LABEL$1 +Formula One statistics for Belgian Grand Prix Michael Schumacher #39;s Hungarian Grand Prix victory was the German #39;s 12th in 13 races this year, a Formula One record for a single season.$LABEL$1 +Sri Lanka spinners throttle South Africa Sri Lanka spinners Rangana Herath and Tillakaratne Dilshan shared six wickets to help bowl South Africa out for 191 in the third one-day international on Sunday.$LABEL$1 +McLEISH GOING FOR GLORY Rangers manager Alex McLeish insists the prestige of taking on European football #39;s elite is the only thing spurring him on to steer the club into the Champions League.$LABEL$1 +Iraq #39;s Sistani Returns, Plans to End Najaf Crisis Iraq #39;s top Shi #39;ite cleric made a sudden return to the country on Wednesday and said he had a plan to end an uprising in the quot;burning city quot; of Najaf, where fighting is creeping ever closer to its holiest shrine.$LABEL$0 +Royal Dutch/Shell Fined \$150 Million Description: Royal Dutch/Shell agrees to pay more than \$150 million to settle fraud charges in the United States and Britain. The company was accused of overstating its proven oil and gas reserves by more than 20 percent.$LABEL$2 +Kuwait pumping crude oil at maximum levels Kuwaiti FM says his country is producing oil at maximum capacity to try to stabilise oil prices. NEW DELHI - Kuwait #39;s foreign minister said Wednesday his government was pumping crude to maximum capacity to $LABEL$2 +Europe starts new Microsoft probe The European Commission has opened a probe into Microsoft #39;s and Time Warner #39;s plans to buy anti-piracy software manufacturer ContentGuard.$LABEL$2 +US July Durable Goods Orders Probably Rose 1, Survey Shows US orders for durable goods may have risen for a second straight month in July, paced by more bookings for commercial aircraft, computers and machinery, according to a survey of economists ahead of today #39;s government report.$LABEL$2 +Motorola To Develop FOMA Mobile Phone Handset for DoCoMo DoCoMo previously procured FOMA handsets only from domestic manufacturers. The two companies -- Motorola and DoCoMo -- said they aim to market the new handset from next spring targeting business users.$LABEL$3 +Dozens charged in spam, scam crackdown Federal and state law enforcement agencies have quietly arrested or charged dozens of people with crimes related to junk e-mail, identity theft and other online scams in recent weeks, according to several people involved in the actions.$LABEL$3 +Sheep pine for absent friends: official The Cambridge University team which discovered that sheep prefer happy, smiley people has once again pushed back the envelope of ovine understanding with the revelation that sheep cheer up when they see snaps of friends and relatives.$LABEL$3 +Advertising watchdog reprimands Microsoft over #39;facts #39; Microsoft recently launched a #39;Get the Facts #39; ad campaign telling consumers Linux isn #39;t cheaper than Windows. The Advertising Standards Authority (ASA) thinks they should get the facts too -- but it #39;s warned Microsoft to make sure its are straight first.$LABEL$3 +Rbot virus spies on surfers A new worm has been discovered in the wild that #39;s not just settling for invading users #39; PCs - it wants to invade their homes too.$LABEL$3 +Computer Associatates Bonus Proposal Defeated The management of Computer Associates (CA:NYSE - news - research) on Wednesday defeated three efforts by shareholders and corporate governance advocates to punish the company for an accounting scandal that led to the restatement of \$2 billion in revenue $LABEL$3 +Israelis celebrate first gold medal Israel #39;s first gold medalist ever, Gal Fridman, Wednesday met an outburst of joy seconds after he won the men #39;s Mistral sailing race at the Olympics.$LABEL$1 +Humpback Whale Trapped at Power Plant ANNAPOLIS ROYAL, Nova Scotia - A hydroelectric plant in Nova Scotia remained closed Tuesday after a wayward humpback whale swam through the underwater gates connecting the facility with the Atlantic Ocean.$LABEL$3 +Bronze possible for Hill ATHENS -- Shawn Hill #39;s Olympics are over, but it remains to be seen if he will bring back a medal from Athens. The 23-year-old Mississauga pitcher tossed six quality innings in Canada #39;s 8-5 loss to Cuba on Tuesday night, ending up with a no decision.$LABEL$1 +Radcliffe is running again Paula Radcliffe stepped up her training in Athens this morning as she prepares to make a final decision over whether to run the 10,000m on Friday night.$LABEL$1 +Flight Data Recorders Found of 2 Crashed Planes in Russia Investigators picked through the scattered wreckage today of two Russian passenger jets that crashed nearly simultaneously Tuesday night after leaving Moscow, and reported $LABEL$0 +Paris marks liberation from Nazis Thousands of people in Paris are preparing to mark the anniversary of the city #39;s liberation in World War II. Sixty years ago, the Nazi troops who had occupied the French capital for four years, surrendered.$LABEL$0 +Durable Goods Orders Up; Homes Sales Down WASHINGTON (Reuters) - Orders for U.S. durable goods posted a larger-than-expected rise in July, but new home sales showed signs of buckling under the weight of higher interest rates, two government reports showed on Wednesday.$LABEL$2 +Astra Cancer Drug Tied to More Pneumonia TOKYO (Reuters) - AstraZeneca Plc. said on Wednesday a new study in Japan showed a higher rate of a potentially fatal side effect in patients taking its lung cancer pill Iressa than that demonstrated in an earlier analysis.$LABEL$2 +Toronto-Dominion in Talks With Banknorth of Maine (Update2) Toronto-Dominion Bank, Canada #39;s second-largest bank by assets, said it #39;s in talks for a possible transaction #39; #39; with Banknorth Group Inc.$LABEL$2 +Music Publisher Settles Copyright Skirmish Over Guthrie Classic San Francisco, CA - Music publisher Ludlow Music, Inc., has officially backed down on its threats against web animation studio JibJab Media Inc.$LABEL$3 +CA #39;s Cron To Remain Interim CEO Don #39;t expect Ken Cron to become CEO of Computer Associates International. At least, not anytime soon. Cron, currently CA #39;s interim CEO, will likely retain that status after the company #39;s annual stockholders $LABEL$3 +Olympics Chiefs Want Bush Campaign to Back Off (Reuters) Reuters - Olympic officials are seething at a\campaign ad for President Bush which, they say, hijacks the\Olympic brand.$LABEL$0 +Durable Goods, Housing Data Trip Stocks NEW YORK (Reuters) - U.S. stocks were slightly lower on Wednesday after government reports for July on durable goods orders and new home sales cast some doubt on the strength of the economy.$LABEL$2 +Mortgage Applications Fall 6.3 Percent NEW YORK (Reuters) - Applications for U.S. home loans fell 6.3 percent last week after a brief bounce in early August spurred by a drop in mortgage rates, an industry group said on Wednesday.$LABEL$2 +Palestine condemns attack on deputy intelligence chief Brig. Rashid Abu Shbak, chief of Palestinian preventive security in Gaza, described on Wednesday the attack on the deputy chief of security intelligence Tareq Abu Rajab as quot;a condemned crime quot;.$LABEL$0 +Economic Doubts Rally Treasuries NEW YORK (Reuters) - Treasury debt prices rallied on Wednesday as the latest U.S. economic data contained enough soft spots to keep the economic outlook uncertain.$LABEL$2 +S.Africa Police Arrest Thatcher Son in Coup Probe CAPE TOWN (Reuters) - The son of former British Prime Minister Margaret Thatcher was arrested in South Africa on Wednesday on suspicion of involvement in a mercenary plot against the government of oil-rich Equatorial Guinea.$LABEL$0 +Australian may get family reunion before war crime tribunal GUANTANAMO BAY, Cuba : The father of accused Australian terrorist David Hicks hopes to hold an emotional reunion with his son before he appears before a US war crimes tribunal.$LABEL$0 +Gaza Gunmen Shoot Palestinian Intelligence Chief GAZA (Reuters) - Gunmen ambushed the commander of the Palestinian intelligence service in the Gaza Strip on Wednesday, wounding him, killing two bodyguards and fueling fears of spreading chaos.$LABEL$0 +Singapore Air Sets \$7.35 Bln Boeing Order SINGAPORE (Reuters) - Singapore Airlines Ltd., the world's second most valuable airline, said on Wednesday it planned to buy up to 31 Boeing Co 777-300ER planes worth about US\$7.35 billion to support growth plans.$LABEL$2 +Two Russian Planes Crash, Cause Unclear MOSCOW (Reuters) - Two Russian passenger planes crashed almost simultaneously, killing all 89 people on board in what investigators said on Wednesday might have been a terrorist attack or simply a mysterious coincidence.$LABEL$0 +Typhoon Aere Pounds Taiwan, Heads Into China TAIPEI (Reuters) - A powerful typhoon triggered landslides and flash floods in northern Taiwan on Wednesday before plowing into China where hundreds of thousands of people have been evacuated.$LABEL$0 +TD, Banknorth in Talks on Possible Deal TORONTO (Reuters) - Canada's Toronto Dominion Bank <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=TD.TO target=/stocks/quickinfo/fullquote"">TD.TO</A> said on Wednesday that it is in talks with U.S.-based Banknorth Group <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=BNK.N target=/stocks/quickinfo/fullquote"">BNK.N</A> about a possible deal.$LABEL$2 +U.S. New Home Sales Fall in July WASHINGTON (Reuters) - U.S. new home sales fell more than expected in July to the their lowest pace since December, as higher mortgage rates cooled the housing market, a government report showed on Wednesday.$LABEL$2 +Sudan Govt. Agrees to Bigger AU Force in Darfur ABUJA (Reuters) - Sudan's government agreed in a breakthrough at peace talks on Wednesday to allow more African Union troops to enter the Darfur region to confine rebel fighters to their bases, a possible precursor to disarmament.$LABEL$0 +Bulgaria Won't Pay Libya Over HIV Case (AP) AP - A senior Bulgarian official ruled out paying any compensation to get Libya to reconsider the death sentences of five Bulgarian nurses accused of infecting children with HIV.$LABEL$0 +Paris Fetes 1944 Liberation from Nazi Occupation PARIS (Reuters) - Two columns of Second World War tanks, trucks and cars rumbled through Paris on Wednesday to re-enact the arrival of French and United States forces 60 years ago to liberate the city from four years of Nazi occupation.$LABEL$0 +Shell 'faces \$1.5bn Nigeria bill' The Senate in Nigeria reportedly passes a motion requiring Shell's operation in the country to pay \$1.5bn in compensation to oilfield communities.$LABEL$2 +Europe starts new Microsoft probe The European Commission opens a probe into Microsoft and Time Warner's plans to buy anti-piracy firm ContentGuard.$LABEL$2 +MmO2 leapfrogs rivals with super-fast 3G Telecoms provider mmO2 says it will adopt extra fast 3G network technology from next summer, although the ultra-high-speed network initially will be available only in the Isle of Man.$LABEL$3 +Indian low-cost airline expands India's first low-cost airline, Air Deccan, offers cheap flights between Bangalore and New Delhi.$LABEL$2 +Bahrain eyes power grid upgrade Middle East island nation Bahrain is to spend \$1.86bn upgrading its electricity network after Monday's blackout brought the country to a standstill.$LABEL$2 +Student #39;s Projects Win \$100,000 in Siemens Westinghouse <b>...</b> Aaron Goldin, a senior San Dieguito High School Academy in Encinitas, CA, won the \$100,000 Grand Prize scholarship in the individual category for inventing the Gyro-Gen, a gyroscope that converts ocean wave energy into electricity.$LABEL$3 +Pinochet to testify in Jara case Chile's ex-leader Augusto Pinochet is told to give written testimony in the 1973 murder of singer Victor Jara.$LABEL$0 +Oil Prices Halt Three-Day Losing Streak Oil prices rose modestly today, halting a three-day losing streak on profit-taking from record highs near \$50 a barrel.$LABEL$2 +Can Lifeway Survive a Disaster? What happens when a great company gets hit by unforeseen circumstances?$LABEL$2 +Don't Make the Babies Cry The telecom industry has endured some tough times. They haven't seen anything yet.$LABEL$2 +Bush Campaign's Top Outside Lawyer Resigns An election lawyer for President Bush also has been advising a veterans group running TV ads against John Kerry.$LABEL$0 +Sleepless sheep can count on familiar faces The way to soothe an anxious sheep is to show it a picture of another sheep. British scientists believe that - like humans - sheep need to see a familiar face when they are alone.$LABEL$3 +Consumers Trade in Home Phones for Mobile and Web Laura Bekke moved into her new Amsterdam flat last week and declined to have a fixed phone line installed. Merijn Groenhart, a $LABEL$3 +Microsoft Leaves UN Standards Group pk2000 writes quot;Microsoft withdrew from a United Nations software standards group for commerce. quot; #39;Unfortunately, for now, we have made the decision to stop participating in UN/Cefact for business reasons and this serves as notification of our immediate $LABEL$3 +Harrop wins silver FORMER Aussie backpacker Kate Allen pipped Australian favourite Loretta Harrop in sight of the finish to win the Olympic women #39;s triathlon today, but will take the gold medal home to Austria.$LABEL$1 +South Africa opts to bat first at Dambulla Dambulla: South African captain Graeme Smith won the toss and decided to bat in the third One-dayer against Sri Lanka in Dambulla.$LABEL$1 +Two Russian Planes Crash, 89 Die, After Hijack Alarm (Update7) Two Russian passenger airliners from Moscow crashed within minutes of each other, killing all 89 passengers and crew, the greatest number of civilian Russian air deaths in a single day for more than three years.$LABEL$0 +'On Death and Dying' Author Dies at 78 PHOENIX - Elisabeth Kubler-Ross, a psychiatrist who revolutionized the way the world looks at terminally ill patients with her book ""On Death and Dying"" and later as a pioneer for hospice care, has died. She was 78...$LABEL$0 +Russia Probes Cause of Two Plane Crashes BUCHALKI, Russia - Russian emergency workers searched heaps of twisted metal and tall grass Wednesday for clues about what caused two airliners to plunge to earth within minutes of each other, killing all 89 people aboard. Officials said one jet sent a hijack distress signal, raising fears terrorists had struck...$LABEL$0 +Thatcher's Son Charged in Coup Plot CAPE TOWN, South Africa - Mark Thatcher, the son of former British Prime Minister Margaret Thatcher, was arrested Wednesday and charged with helping to finance a foiled plot to overthrow the government of oil-rich Equatorial Guinea. Thatcher, a 51-year-old businessman who has lived in South Africa since 2002, was arrested at his Cape Town home shortly after 7 a.m...$LABEL$0 +Australian Detainee Meets With Father GUANTANAMO BAY NAVAL BASE, Cuba - The father of an imprisoned Australian cowboy accused of fighting with Afghanistan's ousted Taliban saw his son for the first time in five years Wednesday, as he prepared to go before an American military tribunal on war crimes charges. After the meeting, David Hicks, 29, wore a suit and tie as he arrived for a tribunal hearing on charges of conspiracy to commit war crimes, aiding the enemy and attempted murder for allegedly firing at U.S...$LABEL$0 +Sistani Returns to Iraq, Calls for March on Najaf Iraq's most influential Shiite cleric, Grand Ayatollah Ali Sistani, returned to the country on Wednesday and urged Iraqis to march on the ""burning city"" of Najaf, where fighting is creeping ever closer to its sacred shrine.$LABEL$0 +July Durable Good Orders Rise 1.7 Percent WASHINGTON Aug. 25, 2004 - America #39;s factories saw orders for costly manufactured goods in July post the biggest gain in four months, an encouraging sign that the economy is emerging from an early summer funk.$LABEL$2 +Tata Consulting Services makes successful IPO Indian software and services giant Tata Consultancy Services (TCS) made its stock market debut today, jumping 16 per cent over the day as investors piled money into the firm.$LABEL$2 +Politics cloud debate on Philippine #39;crisis #39; MANILA When President Gloria Macapagal Arroyo declared this week that the Philippines was quot;already in the midst of a fiscal crisis, quot; many thought she was just stating the obvious.$LABEL$2 +Macrovision CDS-300 version 7 beta <strong>Exclusive</strong> A CD lock-in tech that only annoys P2P traders?$LABEL$3 +Wayward whale yet to leave NS power plant area ANNAPOLIS ROYAL, NS - Nova Scotia Power officials continued to keep the sluice gates open at one of the utility #39;s hydroelectric plants Wednesday in hopes a wayward whale would leave the area and head for the open waters of the Bay of Fundy.$LABEL$3 +American Susan Williams Takes Triathlon Bronze Kate Allen produced a stunning run to overhaul long-time leader Loretta Harrop in the last 150 meters of the women #39;s Olympic triathlon Wednesday and win Austria #39;s first gold medal at Athens.$LABEL$1 +Programs: for Stealth Lovers, 'Thief' Is a Steal PROVIDENCE, R.I. (Reuters) - One of the joys of the games in the ""Thief"" series is the ability to sneak up on opponents, quietly take them out with a good knock on the noggin, and then dump their body in the shadows so you can resume your hunt for loot.$LABEL$3 +Livewire: Beep! Beep! Ultra-Fast Broadband Is Here LONDON (Reuters) - For Rainer Kinnunen, life has been a bit of a blur since he signed up for a superhigh-speed Internet service three years ago.$LABEL$3 +Consumers Trade in Home Phones for Mobile and Web AMSTERDAM (Reuters) - Laura Bekke moved into her new Amsterdam flat last week and declined to have a fixed phone line installed. Merijn Groenhart, a disc jockey in the same city, has lived without a home phone for over a year.$LABEL$3 +Playboy Posts Unused Google Excerpt to Web Site SAN FRANCISCO (Reuters) - Playboy magazine on Tuesday posted to its Web site an unpublished portion from its interview with Google's founders, which raised regulatory eyebrows not for what it revealed, but for its timing -- just before the Internet search engine's much-anticipated initial public offering.$LABEL$3 +DoubleClick Signs on MSN to Use Its Rich Media Ads NEW YORK (Reuters) - A top executive for Web marketing company DoubleClick <A HREF=""http://www.reuters.co.uk/financeQuoteLookup.jhtml?ticker=DCLK.O qtype=sym infotype=info qcat=news"">DCLK.O</A> on Tuesday said Microsoft Corp's <A HREF=""http://www.reuters.co.uk/financeQuoteLookup.jhtml?ticker=MSFT.O qtype=sym infotype=info qcat=news"">MSFT.O</A> MSN Web portal will use its rich media ads online, paving the way for wider use of a key DoubleClick product.$LABEL$3 +New Project Shows Promise for Grape Growers By DAISY NGUYEN RIVERSIDE, Calif. (AP) -- Since the discovery five years ago that a ravenous insect was spreading grape-killing Pierce's Disease in California, grape growers have contributed millions of dollars to fund research projects they hope can end the scourge...$LABEL$3 +Early Heart Attacks Likelier in Smokers If you're under 40 and smoke, your risk of having a heart attack is significantly greater than someone your age who doesn't, a new study finds. According to the report, male smokers between the ages of 35 and 39 were almost five times as likely to have a nonfatal heart attack as were nonsmokers.$LABEL$3 +Draining Brain Toxins May Slow Alzheimer's Cognitive test scores remained stable in treated patients HealthDayNews -- Reducing levels of specific toxins in the brain may help stabilize cognitive decline in Alzheimer's disease patients. That's the finding of preliminary research from the University of Pennsylvania School of Medicine, published in the August issue of the Journal of Alzheimer's Disease...$LABEL$3 +CA execs can keep bonuses--for now Computer Associates International shareholders vote down a proposal to recoup money paid to top execs during an accounting scandal.$LABEL$3 +Gartner sees solid server sales IBM, HP, Sun and Dell lead the market, which saw 7.7 percent revenue growth in the second quarter, compared with a year earlier.$LABEL$3 +Programs: for Stealth Lovers, 'Thief' Is a Steal (Reuters) Reuters - One of the joys of the games\in the ""Thief"" series is the ability to sneak up on opponents,\quietly take them out with a good knock on the noggin, and then\dump their body in the shadows so you can resume your hunt for\loot.$LABEL$3 +U.S. Women's Hoops Team Cruises Into Semis (AP) AP - Hushing a boisterous crowd with its all-around domination, the United States defeated Greece 102-72 Wednesday in the quarterfinals of the Olympic women's basketball tournament. The Americans, seeking their third straight gold medal, will play Russia in the semifinals Friday.$LABEL$1 +Livewire: Beep! Beep! Ultra-Fast Broadband Is Here (Reuters) Reuters - For Rainer Kinnunen, life has been a bit\of a blur since he signed up for a superhigh-speed Internet\service three years ago.$LABEL$3 +Consumers Trade in Home Phones for Mobile and Web (Reuters) Reuters - Laura Bekke moved into her new\Amsterdam flat last week and declined to have a fixed phone\line installed. Merijn Groenhart, a disc jockey in the same\city, has lived without a home phone for over a year.$LABEL$3 +Soft Margins Cut Bombardier Profit (Reuters) Reuters - Second-quarter profit fell by\two-thirds at plane and train maker Bombardier Inc. (BBDb.TO)\as its regional aircraft business lagged a rebound in the\business jet market, the company said on Wednesday.$LABEL$2 +US Women's NBA stars get the message - gold or failure (AFP) AFP - Hours before the United States women's basketball Dream Team routed Greece 102-72 to reach the Olympic semi-finals, US captain Dawn Staley gathered the squad to make sure they knew the stakes.$LABEL$1 +Over 100 Arrested in U.S. Spam Crackdown (AP) AP - The Justice Department has made a series of arrests against purveyors of e-mail ""spam"" as part of a nationwide crackdown against Internet scam artists, a marketing group said Wednesday.$LABEL$3 +Gartner: Q2 server shipments up on Sun, Dell strength Server shipments and revenue increased in the second quarter as Sun Microsystems Inc. and Dell Inc. gained market share at the expense of Hewlett-Packard Co. (HP) and IBM Corp., according to research released by Gartner Inc. Wednesday.$LABEL$3 +Intel Eyes Tri-Mode Wi-Fi (PC World) PC World - Upcoming chip set will support 802.11a, b, and g networks.$LABEL$3 +Typhoon Aere slams into China after claiming 12 lives elsewhere (AFP) AFP - Typhoon Aere slammed into China after killing at least 12 people in the region and forcing more than half a million Chinese to evacuate their homes and thousands of fishing boats to return to port.$LABEL$0 +Europeans on Ryder Cup Scramble at BMW (AP) AP - Sergio Garcia can afford to look relaxed at the BMW International Open. The Spaniard is one of six players to have sealed berths on the 12-man European Ryder Cup team that faces the United States at Oakland Hills in Michigan on Sept. 15-17.$LABEL$1 +Basketball: U.S., Russia Set for Semifinal Showdown ATHENS (Reuters) - The unbeaten U.S. women's basketball team cruised to another victory Wednesday, pummeling Greece 102-72 to advance to the Olympic semi-finals.$LABEL$1 +Japan Plans to Launch Spy Satellites (AP) AP - A Japanese government panel has approved plans to send two spy satellites into Earth's orbit beginning next year, a media report said Wednesday.$LABEL$3 +Williams-Sonoma Profit Up; Stock Jumps CHICAGO (Reuters) - Williams-Sonoma Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=WSM.N target=/stocks/quickinfo/fullquote"">WSM.N</A> on Wednesday posted a better-than-expected 55 percent increase in quarterly profit, sending its stock up 10 percent, as sales jumped at its Pottery Barn chain.$LABEL$2 +Soft Margins Cut Bombardier Profit MONTREAL (Reuters) - Second-quarter profit fell by two-thirds at plane and train maker Bombardier Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=BBDb.TO target=/stocks/quickinfo/fullquote"">BBDb.TO</A> as its regional aircraft business lagged a rebound in the business jet market, the company said on Wednesday.$LABEL$2 +Montgomerie, Donald Paired in Ryder Cup Race MUNICH (Reuters) - The two favorites for a Ryder Cup wildcard, youngster Luke Donald and seven-time European number one Colin Montgomerie, have been paired for the first two rounds of the BMW International Open that begins Thursday.$LABEL$1 +AL Wrap: Matsui's Late Single Leads Yankees Past Indians NEW YORK (Reuters) - Hideki Matsui drove in the winning run with a ninth-inning single to earn the rallying New York Yankees a 5-4 victory over the host Cleveland Indians in the American League Tuesday.$LABEL$1 +Gymnastics: Russia Chief Blasts 'Judging Mafia' MOSCOW (Reuters) - Russia's gymnastics chief Leonid Arkayev has added his voice to a chorus of public opinion calling for major reforms in his sport, saying Olympic gymnasts are powerless against what he called ""judging mafia.$LABEL$1 +RIAA Cheers College Music Deals Penn State, Cornell University among those offering paid download services to students.$LABEL$3 +Prisoners 'to get Afghan trials' The US says many of the prisoners it is holding in Afghanistan will stand trial under Afghan law.$LABEL$0 +U.S. Cruises Past Greece The women's basketball team advances to the semifinals with a 102-72 win over Greece, which had heart, the home court and little else.$LABEL$1 +Australian Detainee Meets With Father GUANTANAMO BAY NAVAL BASE, Cuba - The father of an imprisoned Australian cowboy accused of fighting with Afghanistan's ousted Taliban saw his son for the first time in five years Wednesday as he headed into an American military tribunal to face war crimes charges. David Hicks, 29, wore a suit and tie as he arrived for a tribunal hearing on charges of conspiracy to commit war crimes, aiding the enemy and attempted murder for allegedly firing at U.S...$LABEL$0 +Israel Wins First Olympic Gold A windsurfer whose first name means ""wave"" in Hebrew gave Israel its first Olympic gold medal ever Wednesday, taking a plunge in the Saronic Gulf to celebrate.$LABEL$1 +Pakhalina Leads Springboard Preliminaries Yulia Pakhalina of Russia leads the Olympic preliminaries of 3-meter springboard diving, beating out Canada's Blythe Hartley and China's Guo Jingjing.$LABEL$1 +Slyusareva Wins Women's Points Race Russia's Olga Slyusareva adds an Olympic gold medal to her collection of world championships, easily winning the points race Wednesday.$LABEL$1 +Google Blesses Blogger Users with AdSense Advertising Google Blesses Blogger Users with AdSense Advertising\\Blogger, having replaced the default Google powered AdSense ads with a search enhanced Blogger task bar, has recently announced that they will now make Google AdSense advertisements available to Blogger members and other personal blog owners via a new program. Biz Stone, a Google ...$LABEL$3 +Friendster Names Ex-AOL Executive VP of Sales Friendster Names Ex-AOL Executive VP of Sales\\Friendster today announced that it has named Charles Barrett as Vice President of Sales, effective immediately. Charlie will oversee all aspects of advertising sales. His first initiatives will include building a world-class national ad sales team and creating new revenue producing programs. In addition, ...$LABEL$3 +Real Networks iTunes Price Cutting Bags 1 Million Sales Real Network's iTunes Price Cutting Bags 1 Million Sales\\Real Network's recent price cutting of iPod compatible song downloads may not be bringing profit to the company, but it is cutting into the iTunes market as well as carving their own song download market before Microsoft enters the picture. Real has ...$LABEL$3 +Infocus: Using Libwhisker This article discusses the use of Libwhisker, a PERL module which allows for the creation of custom HTTP packets and can be used for penetration testing various web applications.$LABEL$3 +Reactors Trim Radioactive Waste Researchers at a Department of Energy lab are developing fuel rods that could halve the amount of nuclear waste produced. That's good news for Yucca Mountain, Nevada, where 40 years' worth of radioactive material is slated to be stored. By John Gartner.$LABEL$3 +Copyright Bill Needs Big Changes Technology companies and public-interest groups want to narrow the scope of the controversial Induce Act to focus on those who engage in 'mass, indiscriminate infringing conduct.' By Katie Dean.$LABEL$3 +JibJab Is Free for You and Me Turns out that Ludlow Music, which claims to own the copyright on a classic Woody Gutherie song, may not actually own it after all. Which means JibJab, a scrappy web animation site, gets to use 'This Land Is Your Land' to its heart's content. By Katie Dean.$LABEL$3 +Poll: Voters Want Paper Trail Almost three-quarters of likely voters think electronic voting systems should produce a paper record the voter can verify, according to a new poll. But that's not likely to happen for many of them in November. By Laila Weir.$LABEL$3 +Attacking the Fourth Estate A series of subpoenas issued to reporters as part of the Justice Department's investigation of the leak of a CIA operative's identity seems more like a tactic of intimidation than legitimate information gathering. Commentary by Adam L. Penenberg.$LABEL$3 +Master of the Nerdiverse Craig Newmark could become a dot-org millionaire. He'd rather help you find a cheap sublet, a cool job and maybe even a date. By Josh McHugh from Wired magazine.$LABEL$3 +Music Services Score an A-Plus More colleges and universities are embracing music services for their students in an effort to cut down on peer-to-peer traffic that clogs school networks and puts students at risk for lawsuits. By Katie Dean.$LABEL$3 +The New American Idol Politics as usual? Hasta la vista, baby. The radical center has flexed its muscle in California, short-circuiting the parties and going directly to the people. Now it could sweep the nation. By Jill Stewart from Wired magazine.$LABEL$3 +Dozens Charged in Push Against Spam and Scams Federal and state law enforcement agencies have quietly arrested or charged dozens of people with crimes related to junk e-mail, identity theft and other online scams.$LABEL$3 +European Union Extends Review of Microsoft Deal Microsoft and Time Warner ran into fresh trouble in Europe today as antitrust regulators ordered an in-depth probe of their deal to collaborate in making anti-piracy software.$LABEL$3 +Polish Cops Bust Computer Piracy Gang Polish police have broken up a gang of more than 100 hackers who sold pirated music and films, using academic computer systems around the world.$LABEL$3 +UPDATE 3-Williams-Sonoma quarterly profit up; stock jumps Williams-Sonoma Inc. (WSM.N: Quote, Profile, Research) on Wednesday posted a better-than-expected 55 percent increase in quarterly profit, sending its stock up 10 $LABEL$2 +Update 3: EU Probes Microsoft-Time Warner Deal Risking another trans-Atlantic tussle over Microsoft Corp., European Union antitrust regulators said Wednesday they were investigating whether the software giant #39;s deal with media conglomerate Time Warner Inc.$LABEL$2 +Seven Brokerages Fined Total \$3.65M by SEC Seven regional brokerage firms have been fined a total \$3.65 million by federal regulators for allegedly failing to disclose that they received payments for issuing research on certain companies, in a settlement announced Wednesday.$LABEL$2 +Durable Goods Orders Up; Homes Sales Down Orders for US durable goods posted a larger-than-expected rise in July, but new home sales showed signs of buckling under the weight of higher interest rates, two government reports showed on Wednesday.$LABEL$2 +Soft Margins Cut Bombardier Profit Second-quarter profit fell by two-thirds at plane and train maker Bombardier Inc. (BBDb.TO: Quote, Profile, Research) as its regional aircraft business lagged a rebound $LABEL$2 +US Economy: July New Home Sales Fall, Durable Goods Rise US new home sales in July fell 6.4 percent to a 1.134 million annual rate, the year #39;s slowest pace and a sign housing may provide less fuel for the economy in coming months.$LABEL$2 +Gartner: Q2 server shipments up on Sun, Dell strength Server shipments and revenue increased in the second quarter as Sun Microsystems Inc. and Dell Inc. gained market share at the expense of Hewlett-Packard Co.$LABEL$2 +DoCoMo, Motorola Partner on 3G Phone US and Japanese mobile-phone giants Motorola and DoCoMo are teaming up to develop a FOMA handset that runs on GSM/GPRS networks. The third-generation device will allow Japanese business users $LABEL$3 +CA execs can keep bonuses--for now Computer Associates International shareholders on Wednesday struck down a proposal to recoup money paid out to executives during a long-running accounting scandal.$LABEL$3 +Intel Eyes Tri-Mode Wi-Fi Fulfilling a long-time goal, Intel is set to introduce this week its first chipset that supports all three current forms of Wi-Fi, according to sources familiar with the announcement.$LABEL$3 +Israel celebrates joy of first gold medal Israel has celebrated its first Olympic gold medal, saying Gal Fridman #39;s win gave pride and joy to Jewish people around the world.$LABEL$1 +Cricket: Officials Call Off Australia-Pakistan Match Due to Heavy <b>...</b> Organizers in Amstelveen, the Netherlands have called off the cricket match between Australia and Pakistan after heavy rain overnight soaked the pitch.$LABEL$1 +Cricket: Herath puts South Africa in spin DAMBULLA, Sri Lanka : Little-known spinner Rangana Herath grabbed three wickets as Sri Lanka boosted their chances of wrapping up the one-day series when they restricted South Africa to a modest 191 in the third match here.$LABEL$1 +Anky van Grunsven continues domination in dressage Athens, Greece (Sports Network) - Anky van Grunsven of the Netherlands successfully defended her gold medal in the individual dressage event on Wednesday at the Olympics.$LABEL$1 +Michael Reiziger out with shoulder injury MIDDLESBROUGH, Aug 24 (SW) - Michael Reiziger will be sidelined for the coming six to eight weeks. The player dislocated his shoulder a few weeks ago and is unable to play on.$LABEL$1 +Quarter million Chinese flee typhoon Typhoon Aere made landfall in southeastern China Wednesday after killing five people and flooding Taiwan, the BBC reported. The storm system packing winds of 86 mph and gusts $LABEL$0 +Occupation army invades Nablus, detains leader of al-Aqsa group The Israeli occupation army yesterday renewed its invasion of Nablus city to the north of the West Bank and imposed curfew, while the Israeli military vehicles were deployed intensively in several areas of the city.$LABEL$0 +Guantanamo detainee visits with parents An Australian detainee being arraigned Wednesday before a US military commission on charges of attempted murder and aiding al Qaeda met with his parents, their first visit together in five years.$LABEL$0 +Hungarian prime minister resigns, pre-empting ouster (AFP) AFP - Hungarian Prime Minister Peter Medgyessy resigned, pre-empting a move by his ruling Socialist party to oust him in a no-confidence vote in parliament next month.$LABEL$0 +Olympic Gold's Price: #36;12 Bln for Athens (Reuters) Reuters - The Athens Olympics will cost a total of\almost 10 billion euros ( #36;12.09 billion), more than double the\original target, pushing Greece's budget gap well above EU\limits, finance ministry sources said on Wednesday.$LABEL$2 +Militants Threaten Turkish Hostages' Lives (AP) AP - Militants in Iraq are threatening to kill two Turkish hostages if their company does not withdraw from the country within three days, Turkish media reported Wednesday.$LABEL$0 +Sardine Migration One of Nature's Great Wonders (Reuters) Reuters - Once a year the\normally-tranquil waters off South Africa's balmy east coast\bubble as billions of sardines migrate north with sharks and\dolphins in hot pursuit.$LABEL$3 +Ad watchdog warns Microsoft to 'Get the Facts' Linux 10 times more expensive? U.K. standards body says company's ""Get the Facts"" ad campaign may be misleading.$LABEL$3 +Virgin plans China mobile service Virgin boss Sir Richard Branson has said the group is in talks with a Chinese company over setting up a mobile phone service in mainland China.$LABEL$2 +CA shareholders reject compensation proposal Computer Associates shareholders have defeated a stockholder proposal calling for current and former executives to return bonuses based on restated results, the company said.$LABEL$2 +Stocks Up on Conflicting Economic Reports Stocks inched higher in quiet trading Wednesday as a pair of government reports offered conflicting signals about the economy and oil prices declined.$LABEL$2 +Second-Quarter Server Sales Grow 8 Economic worries notwithstanding, the server market continued to grow at a healthy clip in the second quarter, according to research firm Gartner.$LABEL$2 +Brokerage unit saps H amp;R Block but will it be sold? A day after H amp;R Block Inc. (HRB.N: Quote, Profile, Research) reported its first-quarter loss some analysts wondered if the largest US tax preparation firm would consider selling its brokerage business.$LABEL$2 +Applebee #39;s: Olympics ate our sales Applebee #39;s International Inc. shares fell more than 4 percent Wednesday after the restaurant company reported weak August sales and said it expects the Olympics will hurt sales for the first week of September.$LABEL$2 +Windows XP Service Pack 2 Comes Complete With Errors Microsoft began rolling out SP2 last week, claiming that the software offers the latest security #39;innovations, #39; fixes several major security holes, and provides new protective features.$LABEL$3 +DoCoMo, Motorola to build FOMA/GSM handset Increasing NTT DoCoMo #39;s reach outside Japan, the Japanese carrier has partnered with Motorola to build a 3G FOMA phone that also does GSM/GPRS.$LABEL$3 +Sheepish portraits can calm woolly nerves London - British scientists have found a seemingly unlikely way to soothe anxious sheep, a report said on Wednesday - by showing them photographs of other sheep.$LABEL$3 +Tiny telescope spots giant planet A tiny telescope has spotted a giant planet circling a faraway star, using a technique that could open a new phase of planetary discovery, according to scientists.$LABEL$3 +JibJab Is Free For You and Me Ludlow Music dropped its demands that JibJab, a small web animation site, stop using Woody Guthrie #39;s quot;This Land is Your Land quot; in a satirical Flash cartoon.$LABEL$3 +Japan win baseball bronze Japan #39;s all-professional team have overpowered newcomers Canada 11-2 to win the Olympic baseball bronze medal, restoring some of their pride following a shock 1-0 semi-final loss to Australia.$LABEL$1 +Don #39;t do the math in the Hamm controversy If everybody always agreed with me, there wouldn #39;t be any sense in writing a column. So in the true Olympic spirit, it #39;s your turn.$LABEL$1 +Van Grunsven wins sixth equestrian medal Anky van Grunsven of the Netherlands successfully defended her Olympic title Wednesday by winning the individual dressage competition.$LABEL$1 +Thatcher #39;s son arrested over coup plot claims Mark Thatcher, the son of the former prime minister Baroness Thatcher, has been arrested at his home in Cape Town . South African authorities say he has been detained by police investigating an alleged coup attempt in Equatorial Guinea .$LABEL$0 +Passengers face more delays British Airways has cancelled four domestic flights as the effects of yesterday #39;s problems continued to disrupt operations from Heathrow.$LABEL$0 +Israeli FM praises French fight against anti-Semitism Israeli Foreign Minister Sylvan Shalom said here Wednesday that he was confident French authorities are making every effort to fight against anti-Semitism.$LABEL$0 +PM Shujaat tenders resignation, federal cabinet dissolved ISLAMABAD: Prime Minister Chaudhry Shujaat has resigned from his office and the federal cabinet has also been dissolved. The national assembly will elect the leader of the house on Friday while the new prime minister will take oath on Saturday.$LABEL$0 +Instant Messaging On Rise at Work and Mobile Instant Messaging On Rise at Work and Mobile\\Instant Message use in the workplace and on mobile phones and Personal Digital Assistants (PDAs) is on the rise, according to a new survey from America Online Inc. The second annual survey on instant messaging use in America, released today by the world's ...$LABEL$3 +RIAA Cheers College Music Deals (PC World) PC World - Penn State, Cornell University among those offering paid download services to students.$LABEL$3 +Britain to deploy fighter planes to Afghanistan (AFP) AFP - Britain said it would deploy six Royal Air Force Harrier jets to Afghanistan, the first time it has sent combat planes to the country following the fall of the Taliban regime.$LABEL$0 +Server Sales Continue to Soar (Ziff Davis) Ziff Davis - According to Gartner, worldwide server revenue increased in the second quarter by 7.7 percent over the year-ago period, and server shipments jumped 24.5 percent.$LABEL$3 +Gardner Unable to Defend His Olympic Title ATHENS (Reuters) - U.S. heavyweight Rulon Gardner lost his Olympic title Wednesday after being beaten in the semi-final stage of the 120kg Greco-Roman wrestling event by Georgiy Tsurtsumia of Kazakhstan.$LABEL$1 +Spokane diocese files for bankruptcy By becoming only the third diocese nationally to seek shelter in bankruptcy court, the Roman Catholic Diocese of Spokane is hoping the court will help provide a clearer picture of its financial liability in mounting sex-abuse lawsuits and goad its $LABEL$2 +Singapore Air Sets \$7.35 Bln Boeing Order SINGAPORE/CHICAGO (Reuters) - Singapore Airlines Ltd. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=SIAL.SI target=/stocks/quickinfo/fullquote"">SIAL.SI</A> plans to buy up to 31 Boeing Co. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=BA.N target=/stocks/quickinfo/fullquote"">BA.N</A> long-range 777-300ER planes worth about \$7.35 billion, the carrier said on Wednesday.$LABEL$2 +Sick Serbians Bow Out in Volleyball ATHENS (Reuters) - Reigning champions Serbia and Montenegro, hit by a virus, were eliminated from the men's Olympic volleyball tournament Wednesday in an outstanding match with Russia.$LABEL$1 +Gambro Sells US Clinics Business Gambro, the Swedish medical technology group controlled by the Wallenberg family, on Tuesday confirmed the sale of its US dialysis clinics business to DaVita and also unveiled $LABEL$2 +Churches 'snap up Passion DVDs' Makers of The Passion of the Christ are tempting US churches with bulk orders, says The New York Times.$LABEL$0 +A Small Cap for Any Market The market may be stuck in neutral, but your portfolio doesn't have to be.$LABEL$2 +Iraq's Leading Shiite Cleric Looks to Broker Deal With Rebels Grand Ayatollah Ali al-Sistani returned after surgery, raising hopes that the rebellion led by Moktada al-Sadr would be resolved.$LABEL$0 +Jury Rules WTC Attacks Were Two Events; Silverstein May Recover 2x <b>...</b> The second of three scheduled trials to determine the amount of the recovery for the destruction of the World Trade Center #39;s twin towers ended in a victory for master lease holder Silverstein Properties, and its head Larry Silverstein.$LABEL$2 +Hollywood battles DVD chip makers Hollywood has made legal moves against two chip makers in its bid to combat DVD piracy.$LABEL$3 +US cracks down on spam mountain John Ashcroft, the attorney General of the US, is expected to announce on Thursday dozens of lawsuits against alleged spammers following a low key campaign against the practise across the US.$LABEL$3 +Microsoft Pulls Out of UN Talks In an e-mail message sent Monday to two officials of the UN standards group, Dave Welsh, a Microsoft program manager, wrote: quot;Microsoft regularly evaluates its standards participation and its $LABEL$3 +Bad Hair Day for Sir Mark First, the son of former Prime Minister Margaret Thatcher was caught in his pyjamas when police raided his Cape Town home. Then he was robbed in a holding cell while waiting to be charged with helping finance a foiled coup attempt in Equatorial Guinea.$LABEL$0 +Italian troops to stay on in Iraq despite hostage ultimatum The Italian government said Tuesday it would maintain its 3,000 troops in Iraq despite an ultimatum from a radical Muslim group holding an Italian journalist and demanding that Rome withdraw its forces within 48 hours.$LABEL$0 +Bills QB Losman to Have Surgery on Leg (AP) AP - Buffalo Bills rookie quarterback J.P. Losman will have surgery Thursday to repair the left leg he broke in practice.$LABEL$1 +Nigerian Senate Orders Shell Unit to Pay (AP) AP - Nigeria's Senate has ordered a subsidiary of petroleum giant Royal/Dutch Shell to pay a Nigerian ethnic group #36;1.5 billion for oil spills in their homelands, but the legislative body can't enforce the resolution, an official said Wednesday.$LABEL$0 +Australian Taliban charged at US military tribunal after meeting family (AFP) AFP - A US military tribunal charged Australian Taliban fighter David Hicks with warcrimes after he was allowed to meet his family for the first time in five years.$LABEL$0 +Report: Iraqi Official's In-Law Abducted (AP) AP - Militants said Wednesday they had kidnapped the brother-in-law of Iraqi Defense Minister Hazem Shaalan and demanded he end all military operations in the holy city of Najaf, according to a video, Al-Jazeera television reported. The authenticity of the video could not immediately be verified.$LABEL$0 +Accreditation Team Criticizes U. of Ill. (AP) AP - A panel from the association that accredits the University of Illinois chastised the school Wednesday for failing to resolve the long-standing controversy over its American Indian mascot, which supporters argue is an honored tradition and others say is racially offensive.$LABEL$1 +Edwards Stumps in Democratic Stronghold (AP) AP - Vice presidential candidate John Edwards on Wednesday sought to assure black supporters that he and John Kerry have ""fought for this community our entire lives"" #151; and would continue doing so #151; on a day devoted to reaching out to the base in the Democratic stronghold of northeast Ohio.$LABEL$0 +GM Pulls 'Jack Flash' Corvette Ad DETROIT (Reuters) - Protests from seven safety groups prompted General Motors Corp. to pull a television ad that shows a young boy driving a Corvette sports car so recklessly that it goes airborne, officials of the automaker said on Wednesday.$LABEL$2 +Boeing and Airbus clash The US and the EU have agreed to hold further talks in order to avoid legal action in the trade dispute over government support for Airbus and Boeing.$LABEL$2 +Canada bank, Banknorth talk \$2B deal Canada #39;s Toronto Dominion Bank said Wednesday it is in talks with US-based Banknorth Group about a possible deal, while a published report said the two parties are in advanced negotiations that could lead to a \$2.$LABEL$2 +Williams-Sonoma Delivers Value If you received a cool catalog in the mail recently, most likely it came from one of the companies under the umbrella of Williams-Sonoma (NYSE: WSM).$LABEL$2 +Boston Scientific Gets FDA Balloon OK Medical device company Boston Scientific Corp. said Wednesday the Food and Drug Administration granted the company US marketing clearance for its peripheral cutting balloon microsurgical dilation device to improve blood flow to diseased kidneys.$LABEL$2 +Investors Pull Out of Homebuilder Stocks Investors pulled out of homebuilder stocks on Wednesday after a pair of economic reports on the pace of home sales indicated the once-hot market might be cooling.$LABEL$2 +Smucker Spreads It On Thick The latest earnings report from jam specialist JM Smucker (NYSE: SJM) heralds quot;Record First Quarter Results. quot; Read carefully, though.$LABEL$2 +Beer Shows Its quot;Metal quot; Early 2000 we took a look at beermeister Miller as it prepared to take some of its nice, cold, frosty brew doggies out of their traditional glass bottles and aluminum $LABEL$2 +Key Windows update fully rolls out Computer giant Microsoft has fully rolled out its crucial security update to computers running its Windows XP. Last week, it quot;soft launched quot; Service Pack 2 (SP2) security update, making it available for some $LABEL$3 +Motorola, DoCoMo Team For 3G Handsets Motorola and NTT DoCoMo plan to target Japanese business travelers with a new 3G handset next spring that will run on W-CDMA and GSM networks.$LABEL$3 +Update 8: Justice Dept. Cracks Down Internet Crime The Justice Department on Wednesday shut down a network allegedly used to illegally share copyrighted music, movies, software and games and, separately, has embarked a nationwide campaign against purveyors of e-mail quot;spam.$LABEL$3 +Semiconductor Sales Booming in 2004 Worldwide semiconductor sales will reach US\$226 billion in 2004, a 27.4 percent increase from 2003, according to the latest prediction from Gartner.$LABEL$3 +WS-I tackles Web services attachments Standards body the Web Services Interoperability Organization, or WS-I, on Tuesday published updated standards compliance guidelines for applications that use file attachments.$LABEL$3 +Hollywood battles DVD chip makers The Motion Picture Association of America #39;s (MPAA) campaign against movie piracy has taken another turn after it confirmed it was suing two chip makers.$LABEL$3 +One dream inspires El Guerrouj Throughout the chilly Moroccan winter, one dream burned bright for Hicham El Guerrouj as he trained in the thin air of the Atlas mountains.$LABEL$1 +Fridman: #39;My Dream has Come True #39; Gal Fridman today added a glorious chapter to Israels tragic Olympic history and sent a nation into delirious bewilderment by winning their first ever gold medal.$LABEL$1 +Bayley wins Keirin gold medal, capping Australia #39;s golden show Australia #39;s Ryan Bayley won the men #39;s Keirin final Wednesday, becoming the only cyclist to win two individual gold medals at the Athens Games.$LABEL$1 +Athletics: She #39;s the Bahamas #39; darling ATHENS - Tonique Williams-Darling has claimed the Bahamas #39; first individual athletics gold by blasting to the women #39;s 400m title.$LABEL$1 +Argentina Continues to Stifle, Will Play for Gold rgentina swept aside Italy, 3-0, yesterday in Athens to advance to the final of the Olympic men #39;s soccer tournament without conceding a goal in five games.$LABEL$1 +NATO says #39;so far so good #39; on Olympic security BRUSSELS : NATO remains on alert to protect the Olympics from extremists, even if no incidents have occurred and the perceived threat remains low as the Games move into their last few days, an official said.$LABEL$1 +Not Normal Routine for Gymnastics The gymnastics competition at the 2004 Olympic Games produced some extraordinary performances, but ultimately was overshadowed by judging controversies that pitted nation against $LABEL$1 +Son of #39;Iron Lady #39; a coup plotter? Former British PM Margaret Thatcher #39;s son arrested in South Africa for possible connection to alleged coup plot. After numerous rumors and allegations linking him to a plan to overthrow the leader of oil-rich $LABEL$0 +Sistani returns as US forces trap Mehdi Army Iraq #39;s Shi #39;a spiritual leader rushed back from abroad on Wednesday to quot;save Najaf quot; after American forces smashed militia defences to trap hundreds of supporters of rebel cleric Moqtada al-Sadr in the city #39;s shrine.$LABEL$0 +2 More Nations Report Polio Cases Cases of polio have been found in Mali and Guinea, bringing to 12 the number of African countries recently reinfected by an ongoing polio epidemic in Nigeria.$LABEL$0 +Pakistan #39;s caretaker PM resigns Pakistan #39;s interim Prime Minister Chaudhry Shaujaat Hussain has announced his resignation, paving the way for his successor Shauket Aziz.$LABEL$0 +Washington ignores North #39;s verbal attacks Washington shrugged off harsh verbal attacks from North Korea against US President George W. Bush, saying that the insults would not hinder efforts to end nuclear crisis on the peninsula.$LABEL$0 +WHO Official Seeks More Money for Bird Flu The world #39;s wealthier nations must contribute more money and intellectual power to fighting bird flu or risk a worldwide epidemic that spreads to people, a Vietnam-based official from the World Health Organization (WHO) warned Wednesday.$LABEL$0 +Israelis to Expand West Bank Settlements Description: Israeli Prime Minister Ariel Sharon says he is committed to dismantling Jewish settlements in Gaza. But Israel says it will continue to expand Jewish settlements in the West Bank, and cites the tacit approval of the Bush administration.$LABEL$0 +BA services #39;back to normal #39; British Airways today said it had resumed normal service for most of its operations as it reduced the number of cancelled flights to four.$LABEL$0 +Pakistan PM makes way for Aziz Pakistan #39;s caretaker prime minister has resigned and his cabinet dissolved in a formality to allow the finance minister to take over as head of the government.$LABEL$0 +Fuji Readies 16X DVDs (PC World) PC World - Fuji joins the fray of makers of 16X DVD media with scheduled fall release.$LABEL$3 +Hurt Leopold Off U.S. Team at World Cup (AP) AP - Jordan Leopold of the Calgary Flames pulled out of the World Cup on Wednesday because of a concussion, the third key defenseman lost by the defending champion United States.$LABEL$1 +'Super Earth' Discovered at Nearby Star (SPACE.com) SPACE.com - In a discovery that has left one expert stunned, European astronomers have \ found one of the smallest planets known outside our solar system, a world about \ 14 times the mass of our own around a star much like the Sun.$LABEL$3 +U.S. Overcomes Cuban Jamming of Broadcasts (AP) AP - The Bush administration has successfully overcome Cuban jamming of U.S. government radio and television broadcasts through transmission from a military aircraft, the State Department said Monday.$LABEL$0 +Sky Capture: How NASA Will Bring Genesis Down to Earth (SPACE.com) SPACE.com - An experienced team of pilots, engineers and scientists are relying on a reinforced skydiving parachute and a helicopter's hook to safely return the first samples from space since the Apollo era.$LABEL$3 +OmniVision's No Flash in the Pan The specialty chip maker predicts a lean transition quarter, but it plans a rebound in 2005.$LABEL$2 +Prosecutors Seize Medical Files of Greek Sprint Stars Prosecutors seize the hospital records of two Greek sprinting stars who withdrew from the Olympics after they missed a doping test and were involved in a suspicious motorcycle accident.$LABEL$1 +Door open for silicon replacement A breakthrough in the way scientists make crystals could lead to a replacement for silicon in chips for devices.$LABEL$3 +Card fraud prevention 'pays off' Fraud on UK credit cards has fallen - but identity fraud is on the up, a survey from analysts Datamonitor finds.$LABEL$3 +Europeans investigate Microsoft #39;s intentions The European Commission announced Wednesday it will extend an antitrust investigation of a move by Microsoft and Time Warner to take control of technology that could help the music and movie industries fight piracy.$LABEL$2 +Windows XP SP2 Has a Dangerous Hole Windows XP Service Pack 2 promises to raise the security bar for the sometimes beleaguered operating system. Unfortunately, one of the new features could be spoofed so that it reports misleading information $LABEL$3 +Tiny telescope spots new Jupiter-sized planet WASHINGTON - Astronomers have used a network of small telescopes to discover a planet circling a far-off star. quot;This discovery demonstrates that even humble telescopes can make huge contributions to planet $LABEL$3 +Ad claimed Linux 10 times more expensive than Windows LOS ANGELES (CBS.MW) - A Microsoft advertisement claiming that the Linux operating system is much more expensive to operate than its own Windows was found to be misleading by the a UK regulator on Wednesday.$LABEL$3 +Real Sells 1 Million Songs in First Week of Promotion RealNetworks says it sold a million songs in the first week of its 49-cent-per-track promotion. The digital-media firm also signed agreements with the University of California at Berkeley and $LABEL$3 +Liverpool Progresses to Champions League; Monaco, Inter Advance Four-time champion Liverpool progressed to soccer #39;s Champions League 2-1 on aggregate, overcoming a 1-0 home defeat to AK Graz in the second leg of qualifying.$LABEL$1 +Justice Dept. Cracks Down on Internet Crime Moving against Internet crime, the Justice Department on Wednesday disrupted a network allegedly used to illegally share copyrighted files and was engaged in a series of arrests against purveyors of e-mail ""spam."" <FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2"" color=""#666666""><B>-AP</B></FONT>$LABEL$3 +Music Industry Sues 744 More for File Sharing The trade group representing the\U.S. music industry has filed a new round of lawsuits against\744 people it alleges used online file-sharing networks to\illegally trade in copyrighted materials, it said on Wednesday. <FONT face=""verdana,MS Sans Serif,arial,helvetica"" size=""-2"" color=""#666666""><B>-Reuters</B></FONT>$LABEL$3 +Squeezing Out Monkey Clones Researchers who once dismissed another team's cloning method used the disputed process to create monkey embryos. By Kristen Philipkoski.$LABEL$3 +Smallest 'Earth-like' planet seen European scientists have discovered what they describe as the smallest Earth-like planet orbiting a star outside of our Solar System.$LABEL$3 +Door open for silicon replacement A breakthrough in the way scientists make crystals could lead to a replacement for silicon in electronic devices.$LABEL$3 +Site Bars Black Box Voting Head A politically progressive website at the forefront of discussions about electronic-voting machines and election irregularities is barring Black Box Voting founder Bev Harris from posting to its site. By Joanna Glasner.$LABEL$3 +Open-source developers focus on accessibility KDE'S developers unveil plans to make things easier for people with disabilities through their Linux desktop software.$LABEL$3 +Briefly: WS-I tackles Web services attachments roundup Plus: Newspaper sites take up paid search ads...Microsoft IPTV to woo Swiss test group...Sony speeds up Memory Stick cards...Real touts one week, 1 million songs.$LABEL$3 +WS-I tackles Web services attachments Standards body publishes three technical compliance guidlines regarding how attached files exchange data.$LABEL$3 +Amazon to sell AT T's Net phone service Second such partnership in one week underscores the importance of VoIP in Ma Bell's long-term plans.$LABEL$3 +Justice Department Cracks Down On Spammers It disrupted a network allegedly used to illegally share copyrighted files and is making a series of arrests against purveyors of spam.$LABEL$3 +China's Inbreeding Pandas to Be Given More Space (Reuters) Reuters - China is trying to stop its pandas,\rebounding from the brink of extinction, from inbreeding by\building them a giant safari park, Xinhua news agency said on\Wednesday.$LABEL$3 +US Military, Spy Satellites Need More Coordination (Reuters) Reuters - U.S. troops increasingly rely on\data collected by satellites, but the intelligence and military\communities lack a process for coordinating which technologies\to fund, an Air Force official said on Tuesday.$LABEL$3 +Roads Go Wild, Get Safer No street signs. No crosswalks. No accidents. Surprise: Making driving seem more dangerous could make it safer. By Tom McNichol from Wired magazine.$LABEL$3 +Japan's Hot Springs Sullied by Scandal (AP) AP - For at least four centuries, the rust-colored waters that bubble out of the mountainside behind the Ikaho Shrine have been as good as gold to this little spa village. Shared by dozens of inns, the spring waters are among the most venerable in the country.$LABEL$0 +Hurricane Charley Leaves Cuba \$1 Billion Bill HAVANA (Reuters) - Hurricane Charley caused more than \$1 billion in damage to Havana and its surrounding provinces when it roared through western Cuba on Aug. 13, killing four people, a leader of the ruling Communist Party said on Wednesday.$LABEL$0 +Intel Unit Members Faulted in Iraq Abuse WASHINGTON - Twenty-seven members of an intelligence unit at Abu Ghraib prison either requested or condoned certain abuses of Iraqi prisoners there, an Army investigation found. ""We discovered serious misconduct and a loss of moral values,"" said Gen...$LABEL$0 +Stocks Up on Conflicting Economic Reports NEW YORK - Stocks inched higher in quiet trading Wednesday as a pair of government reports offered conflicting signals about the economy and oil prices declined. Despite the modest rise in share prices, investors have been in no hurry to commit new money to stocks...$LABEL$0 +Video Feeds Follow Podcasting Just as people currently use newsreaders to read syndicated text from blogs and news sites, a few hackers are creating applications that let users view syndicated video feeds. Think of it as TiVocasting. By Daniel Terdiman.$LABEL$3 +Atlanta Fed chief sees respectable US job growth Atlanta Federal Reserve President Jack Guynn said on Wednesday he expected quot;respectable quot; US job growth in the coming months.$LABEL$2 +Singapore Air signs \$7 billion Boeing deal SINGAPORE Singapore Airlines, Asia #39;s fourth-largest carrier, said on Wednesday that it had chosen Boeing to supply as many as 31 new long-range jetliners, a deal that could be worth more than \$7 billion to the US aerospace company.$LABEL$2 +Sprint, Mediacom agreement could lead to wireless reseller deal Sprint Corp. announced a multiyear agreement with the countrys eighth-largest cable operator Mediacom Communications Corp., enabling Mediacom to provide telephony services in nearly all of its markets currently covering 2.7 million homes in 23 states.$LABEL$2 +Global server sales up in second quarter Global sales of servers, powerful computers used by large companies, rose 7.7 percent in the second quarter to \$11.55 billion (6.4 billion pounds) as demand for information technology remained strong after a three-year downturn $LABEL$3 +Fuji Readies 16X DVDs Fuji Photo Film, better known by its FujiFilm brand name, will begin selling 16X DVDR media and double-layer DVDR media later this year.$LABEL$3 +Report: US Leads in Spam Production The United States tops the quot;Dirty Dozen quot; list of spam-producing countries released by security firm Sophos. quot;The problem is that there is so much money to be made with spam, and it is very $LABEL$3 +Custom-System Builders: Intel Price Cuts Move Processor Sweet Spot System builders say Intel #39;s latest price cuts will help them clear out old inventory and should move the sweet spot of the company #39;s processor lineup to the 3GHz Pentium 4 from the 2.8GHz Pentium 4. After $LABEL$3 +Sam Kellerman / FOXSports.com Posted: 2 minutes ago I confess that I am a complete ignoramus when it comes to women #39;s beach volleyball. In fact, I know only one thing about the sport - that it is the supreme aesthetic experience available on planet Earth.$LABEL$1 +Countdown to Spa. As the F1 circus leaves Hungary in Eastern Europe, the build up begins to F1s eagerly awaited return to the great Spa-Francorchamps circuit in Belgium this weekend.$LABEL$1 +Iran #39;s Supreme Leader Warns US About Najaf Siege Iran #39;s Supreme Leader Ayatollah Ali Khamenei says the United States is facing what he called quot;decades of hatred quot; in the Islamic world because of the US-led military siege in the Iraqi Shi #39;ite holy city of Najaf.$LABEL$0 +The semantics of Israeli occupation Every few months, an Israeli official creates a public-relations nightmare for government spokesmen by simply pointing out the obvious.$LABEL$0 +H R Block Files One Away Declining mortgage margins sink the tax-preparation specialist's first quarter.$LABEL$2 +Second Career for Old Robot: Art A German art group reprograms old assembly-line robots to become autonomous artists. The machines draw, spin tunes and dance in public. The group wants to show that the industrial beasts can create beauty. By David Cohn.$LABEL$3 +Open source makes noise Developers forum looks at Linux for the disabled. Also: Microsoft chided for ad campaign.$LABEL$3 +Microsoft wraps up MOM 2005 management tool Microsoft Corp. on Wednesday said it has finished work on Microsoft Operations Manager (MOM) 2005, a major update to its MOM 2000 performance management software.$LABEL$3 +Italian transport minister in call to unions over Alitalia crisis (AFP) AFP - Italian Transport Minister Pietro Lunardi urged trade unions to cooperate in efforts to end the crisis at Alitalia, warning that the government had already done all it could.$LABEL$0 +Florida E-Vote Study Debunked Statisticians release an analysis debunking a previous Berkeley study that said President Bush received more votes than he should have in Florida counties that used touch-screen voting machines. By Kim Zetter.$LABEL$3 +Nigerian Senate orders Shell to pay 1.5 billion dollar compensation (AFP) AFP - The Nigerian Senate has ordered Anglo-Dutch oil giant Shell to pay 1.5 billion dollars (1.2 billion euros) compensation for damages caused by nearly 60 years of exploration in the Niger Delta, a Senate document said.$LABEL$0 +Sunlight to Fuel Hydrogen Future Solar power these days comes from cells that turn light into electricity, but researchers are now working on materials that can crank out hydrogen. By John Gartner.$LABEL$3 +Seeking a Sleeping Giant (Los Angeles Times) Los Angeles Times - BAMIAN, Afghanistan #8212; Archeologist Zemaryalai Tarzi can barely bring himself to look at the ravaged cliff face where two ancient Buddhas towered until the Taliban infamously blasted them to bits.$LABEL$0 +Plans to Expand Settlements Spark Anger (AP) AP - The recent announcement of plans to add more than 1,800 housing units to West Bank settlements may have sparked world anger, but on the ground it's just business as usual. The fact is #151; settlement building never stopped.$LABEL$0 +Civilian aircraft keep US factories busy in July (AFP) AFP - Roaring demand for civilian planes added thrust to the US manufacturing sector in July, government figures showed, an encouraging sign for factories.$LABEL$2 +Dollar Shrugs Off Overvalued U.S. Housing NEW YORK (Reuters) - The dollar so far has brushed off signs the U.S. property market could be overheating as house prices keep rising quickly and consumer demand stays robust.$LABEL$2 +Basketball: U.S., Russia, Brazil in Semifinals ATHENS (Reuters) - The unbeaten U.S. women's basketball team cruised to another victory Wednesday, pummeling Greece 102-72 to advance to the Olympic semifinals where it will meet Russia.$LABEL$1 +Top Seed Federer Handed Tough Opener at U.S. Open NEW YORK (Reuters) - World number one Roger Federer faces a stern test in the first round of the U.S. Open after being pitted against Spaniard Albert Costa in Wednesday's draw.$LABEL$1 +Shell increases 2004 spending in Europe LONDON -- Royal Dutch/Shell Group on Wednesday announced a \$150 million increase in the amount of money it will spend in 2004 on exploration and production in Europe, bringing the total to \$1.$LABEL$2 +Possible Bank Merger: Banknorth, TD Bank are in talks Canada #39;s TD Bank Financial Group says it #39;s discussing a quot;possible transaction quot; with Portland, Maine-based Banknorth Group.$LABEL$2 +FDA OKs Boston Scientific Cutting Balloon Boston Scientific Corp. (BSX.N: Quote, Profile, Research) said on Wednesday it received US regulatory approval for a device to treat complications that arise in patients with end-stage kidney disease who need dialysis.$LABEL$2 +H amp;R Block Files One Away One quarterly earnings report cannot make or break a company. Sure, it can provide a fair depiction of a company #39;s current state of affairs, but by definition it is a backward-looking tool.$LABEL$2 +Civilian aircraft keep US factories busy in July WASHINGTON : Roaring demand for civilian planes added thrust to the US manufacturing sector in July, government figures showed, an encouraging sign for factories.$LABEL$2 +Northwest Sues Sabre Over Contract Northwest Airlines Corp. said Wednesday it is suing Sabre Travel Network for breach of contract in a Minnesota district court. The airline alleges the unit of Sabre Holdings Corp.$LABEL$2 +Stocks stick close to the flatline The Dow Jones industrial average is down four points at ten-thousand-94. Decliners on the New York Stock Exchange hold a narrow lead over advancers.$LABEL$2 +Microsoft Releases MOM 2005 to Manufacturing Microsoft on Wednesday reached another milestone in its multiyear Dynamic Systems Initiative when it released to manufacturing the latest version of its Microsoft Operations Manager.$LABEL$2 +Toll Brothers #39; profit soars 56 HUNTINGDON VALLEY, Pa. (Dow Jones/AP) -- Toll Brothers Inc. Wednesday said profit for its latest quarter surged 56 percent as demand for new luxury homes remained strong.$LABEL$2 +TCS shares close at 16 premium on debut Mr Ratan Tata, Chairman, Tata Consultancy Services Ltd, and Mr S. Ramadorai, Managing Director, look at the TCS shares being listed on the National Stock Exchange in Mumbai on Wednesday.$LABEL$2 +Citigroup Resets \$1.18 Billion Credit for Cinram International Citigroup Inc. refinanced a \$1.18 billion credit facility for Cinram International Inc., the world #39;s second-biggest maker of digital video disks, that will reduce the company #39;s borrowing costs, the company said.$LABEL$2 +Justice Dept. Cracks Down Internet Crime WASHINGTON Aug. 25, 2004 - Federal agents seized computers and software Wednesday as part of an investigation targeting an Internet network used to illegally share copyrighted music, movies, software and games, Attorney General John Ashcroft said.$LABEL$3 +Gartner sees solid server sales Global revenue from server sales climbed to \$11.5 billion in the second quarter, according to new data from Gartner. This represents a 7.7 percent revenue increase over the same period last year, the market researcher said Wednesday.$LABEL$3 +New Technique to Advance Semiconductors In an advance that could lead to lighter spacecraft and smarter cars, researchers have developed a new technique for producing a high-quality semiconductor that #39;s much more resistant to extreme conditions than the silicon found in most of today #39;s $LABEL$3 +Under Fire, CA Pledges To Right Its Ship Facing palatable shareholder anger, top executives of Computer Associates International pledged Wednesday to add 150 new employees to aid its channel efforts and to overcome distractions created by the accounting scandal that continues to haunt the company $LABEL$3 + #39;Super Earth-like #39; planet discovered PARIS - European astronomers announced Wednesday the discovery of what they say is the smallest known planet orbiting a star other than our sun.$LABEL$3 +Best Software overhauls Act Best Software launched this week an overhaul of its Act contact management software, adding to the product line a second version with more scalability and advanced functionality.$LABEL$3 +WS-I Addresses Web Services Attachments Interoperability The Web Services Interoperability Organization (WS-I) on Tuesday announced three new profiles have been published as quot;Final Material: quot; Basic Profile 1.1, Attachments Profile 1.0, and Simple SOAP Binding Profile 1.0.$LABEL$3 +Webcam worm watches from afar A new version of an old computer worm has a nasty twist, anti-virus firm Sophos warned on Monday. The Rbot-GR worm can use webcams attached to infected computers to spy on users.$LABEL$3 +Athletics: Champion of champions quot;Hee-sham! Hee-sham! Hee-sham! quot; they called, pressing flesh against the chest-high fence that separates the champions from the hordes in the belly of the Olympic Stadium.$LABEL$1 +Record Run Gives American Joanna Hayes Hurdles Gold Joanna Hayes of the United States stamped her authority on a chaotic Olympic 100 meters hurdles competition when she blazed to the gold medal in a Games record 12.$LABEL$1 +Isinbayeva cleared high five OLYMPIC pole vault champion Yelena Isinbayeva said today she cleared five metres in training earlier this year under competition conditions, nine centimetres more than the world record she set in winning gold in Athens.$LABEL$1 +Hicks fronts military commission DAVID Hicks, the Australian accused of fighting with the Taliban, appeared before a US military commission panel overnight, with defence lawyers challenging the impartiality of one panel member once praised for quot;tracking and killing quot; Taliban fighters.$LABEL$0 +Bali bombers may be brought here THE Australian Government may try to bring those behind the Bali bombings to Australia for trial if they avoid jail time in Indonesia.$LABEL$0 +New Polio Cases Reported in Sudan Global health officials say war-torn Sudan is one of three sub-Saharan African countries reporting new cases of polio. The new polio virus is believed to the same strain registered in a major outbreak in northern Nigeria.$LABEL$0 +Rebels lift blockade, warn of more Maoists rebels have lifted a blockade that cut Nepal #39;s capital Kathmandu off from the rest of the country for a week. In a statement released Tuesday, however, the rebels warned the $LABEL$0 +Former Enron Executive Will Pay \$1.49 Million Enron Corp. #39;s former director of investor relations has agreed to pay \$1.49 million to settle fraud charges related to the bankrupt energy company, US securities regulators said on Wednesday.$LABEL$2 +Can You Live with Windows XP SP2? Service Pack 2 (SP2) for Microsoft Windows XP is expected to start showing up on many more desktops today (Wednesday 8/25), as Microsoft starts to deliver it to XP Professional users who have automatic updates turned on, as well as via Windows Update.$LABEL$3 +It #39;s out there somewhere Astronomers are claiming to have found a quot;super-Earth quot; orbiting a star some 50 light years away. They say the finding could significantly boost the hunt for worlds beyond our Solar System.$LABEL$3 +Briefly: Music promoter offers concert downloads Music promoter the Mean Fiddler has signed a deal with Universal Records that will let fans download live tracks from bands who are playing at events such as the Reading Festival.$LABEL$3 +Vonage doubles its money Broadband Internet telephony company Vonage raised \$105 million in its latest round of funding, which will be used to expand its reach in the United States and internationally.$LABEL$3 +ATHENS OLYMPICS 2003 / Hayes captures bizarre 100-meter hurdles <b>...</b> As the American sliced to victory in Tuesday night #39;s final of the women #39;s 100-meter hurdles at the Athens Olympics, a crash early in the race had taken out two of her main rivals.$LABEL$1 +Israeli dedicates first gold to Munich victims Israel #39;s first Olympic gold medallist has dedicated his victory to his 11 countrymen killed in the Munich massacre of 1972, vowing he would visit their memorial to show them his medal.$LABEL$1 +Brazilians win gold at the beach Athens, Greece (Sports Network) - Brazil #39;s Ricardo Sanos and Emanuel Rego won their country #39;s first-ever gold medal in men #39;s beach volleyball Wednesday night with a straight set victory over Javier Bosma and Pablo Herrera of Spain.$LABEL$1 +Ba #39;asyir transferred to Cipinang, formal charges expected in days Investigators submitted the case file on cleric Abu Bakar Ba #39;asyir to prosecutors on Wednesday, paving the way for his trial on charges of involvement in a string of terrorist attacks across the country.$LABEL$0 +Netherlands Panel Suggests Turkey-EU Talks (AP) AP - An influential Dutch advisory body said Wednesday that Islam was not a bar to membership in the European Union and recommended the organization open talks with Turkey, while insisting Ankara do more to meet EU human rights standards.$LABEL$0 +Bryant Prosecutors Question Defense DNA Evidence (Reuters) Reuters - Prosecutors in the rape case against\U.S. basketball star Kobe Bryant are questioning the validity\of DNA evidence crucial to the defense's case, saying data\appeared to have been manipulated and might have to be thrown\out.$LABEL$1 +Wiesel urges swift action in Sudan; Danny Glover arrested at Sudanese embassy (AFP) AFP - Nobel Peace Prize laureate Elie Wiesel urged the international community to take swift action to end the humanitarian crisis in Sudan's embattled Darfur region.$LABEL$0 +Ridge: Convention Security Measures Solid (AP) AP - Homeland Security Secretary Tom Ridge said Wednesday that security measures for the Republican National Convention are as strong and well-coordinated as officials have had for any event.$LABEL$0 +A Low-Key Olympic Return for Marion Jones ATHENS (Reuters) - Triple champion Marion Jones made a low-key return to Olympic competition Wednesday by successfully qualifying for Friday's women's long jump final.$LABEL$1 +India wins \$77m steel investment Australia's largest steelmaker BlueScope is to build three manufacturing plants in India, as part of an ongoing expansion across Asia.$LABEL$2 +Dirrell Boosts American Title Hopes in Boxing ATHENS (Reuters) - Middleweight Andre Dirrell boosted the United States' slim hopes of winning an Olympic boxing title by booking a place in the semi-finals with a narrow victory over Cuba's Yordani Despaigne Wednesday.$LABEL$1 +Awesome Halkia Stuns Sad Pittman in Hurdles ATHENS (Reuters) - Greek sensation Fani Halkia blitzed to gold in the Olympic women's 400 meters hurdles on Wednesday to confirm her meteoric rise in the world elite.$LABEL$1 +Iraqi killed on 'march to Najaf' At least one person is killed apparently heeding a top Iraqi cleric's call to march on Najaf, where a stand-off continues.$LABEL$0 +Man shot dead in Canada stand-off Police shoot and kill an armed man who had taken a woman hostage in a dramatic stand-off in the Canadian city of Toronto.$LABEL$0 +M. Jones Advances American Marion Jones advances to the final of the long jump in her first appearance of the Athens Olympics but Allen Johnson exits the second round of the 110-meter hurdles.$LABEL$1 +Ridge Reviews Security in N.Y., Declaring 'We Are Prepared' The homeland security secretary today inspected arrangements for the Republican convention that starts next week.$LABEL$0 +Stocks Rally on Lower Oil Prices NEW YORK - Stocks rallied in quiet trading Wednesday as lower oil prices brought out buyers, countering a pair of government reports that gave a mixed picture of the economy. In the final hour of trading, the Dow Jones industrial average added 83.62, or 0.8 percent, to 10,182.25...$LABEL$0 +US Stocks Gain as Oil Prices Tumble US stocks made strong gains in late-day trading on Wednesday, as a tumble in oil prices boosted investor confidence about the economy, but thin volume meant dealers were skeptical about the strength of the rally.$LABEL$2 +Altria, Kraft Foods raise dividend payouts NEW YORK, August 25 (New Ratings) - Altria Group Inc (MO.NYS), the parent group of the tobacco company, Philip Morris, raised its regular quarterly dividend today from \$0.$LABEL$2 +JB Oxford Sued by SEC for Improper Mutual Fund Trades (Update2) JB Oxford Holdings Inc., a Beverly Hills-based discount brokerage firm, was sued by the Securities and Exchange Commission for allegedly allowing thousands of improper trades in more than 600 mutual funds.$LABEL$2 +Oil falls \$1-a-barrel as gasoline prices slide Oil prices fell more than \$1 to just over \$44 a barrel Wednesday, dragged down by heavy losses in US gasoline futures after summer driving demand failed to meet expectations.$LABEL$2 +Global server revenue up 8 percent in second quarter Worldwide server revenue surpassed 11.5 billion US dollars in the second quarter of 2004, up 7.7 percent from the same quarter a year ago, according to a study released Wednesday by Gartner.$LABEL$3 +Sprinting Toward VoIP Telecom network operator Sprint (Quote, Chart) will provide VoIP services to cable operator Mediacom Communications under a multi-year deal announced today.$LABEL$3 +MPAA sues DVD chipmakers The Motion Picture Association of America #39;s war on piracy took an unexpected turn this week with a new lawsuit. This time, instead of targeting pirates directly the MPAA has sued two microchip makers, Sigma Designs, Inc.$LABEL$3 +Greek sprinter rides cheers to victory ATHENS - Homeland favorite Fani Halkia of Greece, cheered on by her compatriots in Olympic Stadium, roared to victory in the women #39;s 400 meter hurdles Wednesday night, taking the gold medal in a time of 52.$LABEL$1 +Sa #39;adi Thawfeeq reporting from Dambulla DAMBULLA, Wednesday - Sri Lanka spinners strangled the South African batting dismissing them for 191 in 50 overs on a slow two-paced pitch at the Rangiri Dambulla Stadium here today - venue of the third one-day international played under lights.$LABEL$1 +India gt; India-Kuwait sign extradition treaty New Delhi, Aug 25 Learning a quick lesson from the ongoing Indian hostage crisis in Iraq, India and Kuwait tonight pledged to jointly combat terrorism by signing an extradition treaty and an agreement on mutual legal assistance in criminal matters.$LABEL$0 +US agents raid five locations in digital piracy probe (AFP) AFP - US federal agents raided five locations in what authorities described as the first criminal enforcement action targeting copyright piracy of films, music and software on peer-to-peer networks.$LABEL$3 +Microsoft Releases MOM 2005 to Manufacturing (Ziff Davis) Ziff Davis - The latest version of its Microsoft Operations Manager includes 20 new Microsoft Management Packs that encapsulate intimate knowledge about how specific applications should work, with the aims of cutting operational cost and complexity.$LABEL$3 +New Technique to Advance Semiconductors (AP) AP - In an advance that could lead to lighter spacecraft and smarter cars, researchers have developed a new technique for producing a high-quality semiconductor that's much more resistant to extreme conditions than the silicon found in most of today's electronics.$LABEL$3 +Simple Telescopes Discover New Planet (AP) AP - Astronomers using telescopes not much larger than the spyglass Galileo wielded 400 years ago have discovered a new Jupiter-sized planet orbiting a bright, distant star.$LABEL$3 +Paris Fetes 1944 Liberation from Nazi Occupation World War II tanks rumbled through Paris on Wednesday and thousands of Parisians danced in the streets to re-enact the arrival of French and US forces 60 years ago to liberate $LABEL$0 +Briefly: Music promoter offers concert downloads roundup Plus: WS-I tackles Web services attachments...Newspaper sites take up paid search ads...Microsoft IPTV to woo Swiss test group.$LABEL$3 +Microsoft's MOM goes out the door Software giant takes big step toward October release of Microsoft Operations Manager 2005.$LABEL$3 +Death of the Internet greatly exaggerated Russian antivirus expert says claims in the media of an ""electronic Jihad"" were taken out of context.$LABEL$3 +Vonage doubles its money Funding round of \$105 million brings broadband Internet telephony company's total haul to \$208 million.$LABEL$3 +It's all a game for Bush vs. Kerry The presidential race is being played out in several new video and online games.$LABEL$3 +Deutsche Bank hit again by phishing attack Deutsche Bank AG was the target of a renewed phishing attack late Tuesday extending into Wednesday, after facing its first-ever reported assault last week, according to a bank spokesman.$LABEL$3 +NTT DoCoMo, Motorola tie up on 3G handsets NTT DoCoMo will release a handset compatible with non-Japanese cellular networks and with its own 3G (third generation) mobile network early next year. The handset will be made by Motorola Inc. for DoCoMo and will also support wireless LAN, the two companies said in a statement on Wednesday.$LABEL$3 +Playboy Publishes More of the Google Interview on Playboy.com Playboy Publishes More of the Google Interview on Playboy.com\\Playboy magazine on Tuesday published previously unsyndicated interview excerpts to its Web site from its interview with Google's founders. The original interview was published just before the Internet search engine's much-anticipated initial public offering.\\In the never before seen excerpt on Playboy.com, Google ...$LABEL$3 +Search Engine Marketing Issues - Link Popularity Search Engine Marketing Issues - Link Popularity\\For years, ""link popularity"" and ""Google PageRank"" have been the talk of the town in the search engine optimization community. However, the definition of link popularity and how it differs from PageRank (PR), as well as how much effect these actually have on search ...$LABEL$3 +Shell to Spend More on North Sea Venture Royal Dutch/Shell Group announced Wednesday that it would spend US\$1.8 billion on exploration and production in the North Sea, including building a pipeline to transfer gas from Norway to Britain.$LABEL$2 +Asian Stocks: Japan Climbs, Led by UFJ; China Mobile Advances Japanese stocks rose, with the Topix index having its longest winning streak in 13 months. UFJ Holdings Inc. advanced after Sumitomo Mitsui Financial Group Inc.$LABEL$2 +UPDATE 1-Northwest, Sabre tussle heats up, Sabre shares fall A dispute between Northwest Airlines Corp. (NWAC.O: Quote, Profile, Research) and Sabre Holdings Corp. (TSG.N: Quote, Profile, Research) intensified $LABEL$2 +How to Make Millions, Slowly In the best combination of tobacco #39;n #39; food news since Homer Simpson #39;s tomacco, today Altria Group (NYSE: MO) and its cheesy stepchild Kraft (NYSE: KFT) both upped their dividends.$LABEL$2 +Williams-Sonoma 2nd-Qtr Net Rises 55; Shares Soar (Update5) Williams-Sonoma Inc. said second- quarter profit rose 55 percent, boosted by the addition of Pottery Barn stores and sale of outdoor furniture.$LABEL$2 +Ex-Exron exec to pay \$1.49M to settle charges While criminal trials await other former Enron Corp. executives, the Houston-based company #39;s former director of investor relations has agreed to pay \$1.$LABEL$2 +Oil tumbles below \$44 Oil prices sank more than 2 percent and fell below \$44 a barrel Wednesday, extending their recent slide after a government report showed domestic gasoline supplies had not fallen last week, as Wall Street had expected last week.$LABEL$2 +Toll Bros. tops target Toll Brothers Inc., a US builder of luxury homes, said Wednesday fiscal third-quarter profit rose 56 percent, easily beating analysts #39; forecasts, helped by record home-building revenue.$LABEL$2 +Motorola to develop FOMA handset for DoCoMo TOKYO - NTT DoCoMo Inc and Motorola Inc of the United States said Wednesday they will jointly develop a handset for DoCoMo #39;s third-generation FOMA mobile phone service.$LABEL$3 +Technique allows more resilient semiconductors In an advance that could lead to lighter spacecraft and smarter cars, researchers have developed a new technique for producing a high-quality computer chip that is much more resistant to extreme conditions than the silicon found in most of today #39;s $LABEL$3 +UN-funded agency releases free Linux user manual The International Open Source Network (IOSN), an organization funded by the United Nations, has released a beginner #39;s manual for the Linux desktop.$LABEL$3 +Yahoo has problem with the Nazis YAHOO #39;S BID to stop two French groups stopping it selling neo-nazi paraphernalia are having a job convincing the US court system to intervene.$LABEL$3 +LogicLibrary Announces Logidex 3.5 for J2EE and .NET LogicLibrary, a provider of software asset management tools, Tuesday announced Logidex 3.5 for J2EE and .NET platforms that features compliance with the Basic Profile of the Web Services $LABEL$3 +Lagat Remains Gracious in Defeat Bernard Lagat gave Kenya a silver medal in the men #39;s 1,500m race, marginally losing out to race favourite Hicham El Guerrouj in a dramatic final on Tuesday night.$LABEL$1 +JOHNSON AND JONES PROGRESS Marion Jones made a low-profile return to the Olympics on Wednesday, four years after her name was up in lights for the duration of the Sydney Games.$LABEL$1 +Second Andre win in a row boosts US gold medal hopes Andre Dirrell, fighting with a tattoo of his grandfather #39;s face on his back, assured the United States of at least two boxing medals Wednesday by narrowly beating Cuba #39;s Yordani Despaigne to advance to the Olympic middleweight semifinals.$LABEL$1 +Satisfied Customers Jefferson Graham writes for USA Today, #147;Apple #146;s trendy iPod digital music player, which has revitalized the company, is giving laptop sales a boost during back-to-school season. Many students, after falling in love with the iPod, are packing for college with new Apple Macintosh computers. #148; Aug 23$LABEL$3 +U.S. State Dept Finishes Review of Iraq Aid Plan (Reuters) Reuters - The State Department finished an\intensive review this week on how best to spend #36;18.4 billion\in U.S. aid to Iraq and may shift focus to smaller-scale\projects, U.S. officials said on Wednesday.$LABEL$0 +Va. Senate Leader Opposes Baseball Plan (AP) AP - As baseball officials met Wednesday with backers hoping to lure the Montreal Expos to Northern Virginia, a second key lawmaker said he opposes a plan to finance a ballpark with bonds backed by the ""moral obligation"" of the state.$LABEL$1 +U.S. Soldier Dies in Truck Crash in Iraq (AP) AP - A U.S. soldier was killed in a truck accident north of the Iraqi capital on Wednesday, a military spokesman said.$LABEL$0 +Stocks End Up as Oil Prices Fall NEW YORK (Reuters) - U.S. stocks ended higher on Wednesday, as a drop in oil prices boosted investor confidence about the economy, but thin volume meant dealers were skeptical about the strength of the rally.$LABEL$2 +Dollar Dips Against Most Major Currencies NEW YORK (Reuters) - The dollar dipped against most major currencies on Wednesday after mixed data on U.S. durable goods orders and weaker-than-expected new home sales did little to brighten the U.S. economic outlook.$LABEL$2 +Longer-Dated Treasuries Rise NEW YORK (Reuters) - Longer-dated Treasuries rose on Wednesday as a soggy batch of U.S. economic data dampened the outlook for future growth, although a disappointing auction of 2-year notes curbed the session's gains.$LABEL$2 +Northwest, Sabre Tussle Heats Up CHICAGO (Reuters) - A dispute between Northwest Airlines Corp. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=NWAC.O target=/stocks/quickinfo/fullquote"">NWAC.O</A> and Sabre Holdings Corp. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=TSG.N target=/stocks/quickinfo/fullquote"">TSG.N</A> intensified on Wednesday as the airline sued Sabre for changing the way it displays fares on its computerized reservation system.$LABEL$2 +Starbucks Aug. Same-Store Sales Up 8 Pct SEATTLE (Reuters) - Starbucks Corp., the world's largest coffee-shop chain, on Wednesday said sales at stores open at least a year rose 8 percent in August, the first time growth fell below double-digits in nine months.$LABEL$2 +Washington Post Editor Stepping Down Steve Coll, The Washington Post's managing editor for six years, said today he is stepping down at the end of the year to pursue book projects.$LABEL$2 +Hungarian tycoon picked as new PM Hungary's ruling Socialists choose a multi-millionaire to succeed Prime Minister Peter Medgyessy.$LABEL$0 +Still AT T Wireless, for a Spell A tussle over the beleaguered wireless service provider's brand name leaves one Fool uninspired.$LABEL$2 +Plan Comes Under Fire As baseball officials met Wednesday with backers of a northern Virginia ballpark for the Expos, a second key lawmaker said he opposes a plan to finance the stadium.$LABEL$1 +U.S. Prepares for Possible Flu Outbreak WASHINGTON - Closing schools, restricting travel and rationing scarce medications may be the nation's first protections if a powerful new flu strain spurs a worldwide outbreak because it will take months to brew a vaccine, say government preparations for the next pandemic. Specialists say it's only a matter of time before the next one strikes, and concern is rising that the recurring bird flu in Asia could be the trigger if it mutates in a way that lets it spread easily among people...$LABEL$0 +Australian Held in Cuba Pleads Innocent GUANTANAMO BAY NAVAL BASE, Cuba - An Australian cowboy accused of fighting with the Taliban against U.S. and coalition troops in Afghanistan pleaded innocent to war crimes charges Wednesday before a U.S...$LABEL$0 +Starbucks Posts Robust August Sales Starbucks #39; (SBUX:Nasdaq - news - research) sales slowed a bit in August, but still came in above the coffee shop chain #39;s long-term targets.$LABEL$2 +Rate Scare at H amp;R Block H amp;R Block #39;s (HRB:NYSE - news - research) low-multiple shares cheapened Wednesday as investors tried to digest its explanation for a wide first-quarter earnings miss.$LABEL$2 +EU Probes DRM Deal The European Commission is investigating the proposed acquisition of DRM software maker ContentGuard by Microsoft and Time Warner.$LABEL$2 +Stocks Rally on Lower Oil Prices Stocks rallied in quiet trading Wednesday as lower oil prices brought out buyers, countering a pair of government reports that gave a mixed picture of the economy.$LABEL$2 +Two Regional Bells Sue To Lift Access-Price Freeze Verizon and Qwest have asked a federal court to force the FCC to drop its price freeze on the fees their competitors pay to connect to their regional networks.$LABEL$2 +Bill to raise Calif. minimum wage advances A bill to raise California #39;s minimum wage to \$7.75 an hour over the next two years is headed to Gov. Arnold Schwarzenegger, providing a major test of his pledge to reject $LABEL$2 +Microsoft Posts Windows XP Service Pack 2 Compatibility Guide Microsoft has released a kit to help IT professionals spot compatibility problems between Windows XP Service Pack 2 and other applications, and how to roll out fixes.$LABEL$3 +Modified Mice Stay Super-Fit -- Without Exercise The super-rodents can run farther and about an hour longer than average mice. The new rodents also appear to resist weight gain in the complete absence of exerciseeven when fed a high-fat diet that led normal mice to become obese.$LABEL$3 +Smallest #39;Earth-like #39; planet seen European scientists have discovered what they describe as the smallest Earth-like planet orbiting a star outside our Solar System.$LABEL$3 +Celebrating Open Source Several organisations will celebrate Saturday #39;s International Software Freedom Day by hosting open source events around the country.$LABEL$3 +ATHENS OLYMPICS 2004 / Japan bags bronze medal Japan hustled, hurled, homered--and what would it be if it didn #39;t bunt a few times--to a face-saving Olympic bronze medal in baseball.$LABEL$1 +Airline Security Said Tight in Russia (AP) AP - At Moscow's biggest international airport, people cannot even enter the building without passing through metal detectors. But such tough security contrasts with domestic flights that lack reinforced cockpit doors and funding for other basic safeguards.$LABEL$0 +Sprint, Mediacom Announce VOIP Deal (AP) AP - Sprint Corp. and cable television provider Mediacom Communications Corp. announced an agreement Wednesday that will allow Sprint to offer Internet telephone service to Mediacom's 2.7 million household subscribers.$LABEL$3 +Navy Report Backs Kerry Role in Incident (AP) AP - A Navy report filed five days after a disputed incident in Vietnam supports John Kerry's version and contradicts critics who say the Democratic presidential nominee never came under enemy gunfire when he won two medals.$LABEL$0 +Lucent Lands Isle Of Man Deal The Isle of Man is once again in the spotlight, this time with mmO2 #39;s plans to tap Lucent Technologies for a Manx Telecom UMTS network.$LABEL$3 +Starbucks Aug. Same-Store Sales Up 8 Pct Starbucks Corp., the world #39;s largest coffee-shop chain, on Wednesday said sales at stores open at least a year rose 8 percent in August, the first time growth fell below double-digits in nine months.$LABEL$2 +Stocks End Up as Oil Prices Fall US stocks ended higher on Wednesday, as a drop in oil prices boosted investor confidence about the economy, but thin volume meant dealers were skeptical about the strength of the rally.$LABEL$2 +Simple Telescopes Discover New Planet Astronomers using telescopes not much larger than the spyglass Galileo wielded 400 years ago have discovered a new Jupiter-sized planet orbiting a bright, distant star.$LABEL$3 +Today #39;s Home News Greek athlete Fani Halkia finished in 52.82 to win the gold medal in the women #39;s 400m hurdles final on Wednesday. She is the third Greek athlete to win Olympic gold in an athletics event, after Voula Patoulidou and Costas Kenteris.$LABEL$1 +Thatcher #39;s Son Charged in Coup Plot CAPE TOWN, South Africa Aug. 25, 2004 - The son of former British Prime Minister Margaret Thatcher, an ex-race car driver whose business career has been dogged by accusations of questionable arms deals and $LABEL$0 +Japan Planning to Launch Spy Satellites TOKYO (AP) -- A Japanese government panel has approved plans to send two spy satellites into Earth's orbit beginning next year, a media report said Wednesday. If confirmed, the missions would be the first since late 2003 for Japan's ailing space program, which has suffered a slew of launch and mission failures...$LABEL$3 +Microsoft wraps up MOM 2005 management tool Microsoft Operations Manager 2005 offers new features such as graphical systems views and enhanced reporting tools, and has been designed to be easier to deploy than its predecessor.$LABEL$3 +Deutsche Bank hit again by phishing attack After facing its first-ever phishing attack last week, Deutsche Bank AG said today it was the target of a renewed assault that began late yesterday and continued until this morning.$LABEL$3 +Yahoo's legal battle over Nazi items continues The 9th U.S. Circuit Court of Appeals reversed a District Court judgment on procedural grounds, opening up again the question of whether Yahoo is responsible under French law for information published on its Yahoo.com portal.$LABEL$3 +Gartner: '04 chip revenue growth strong, '05 weaker The semiconductor industry should take in \$226 billion in revenue this year, up 27 from last year, according to research firm Gartner Inc. But that grow is expected to slow in 2005.$LABEL$3 +Outsourcing issue flares up at chip conference A panel including two venture investors, a scholar, a laid-off software engineer and two chip industry CEOs debated the issue at the Hot Chips event sponsored by the IEEE.$LABEL$3 +CA shareholders back management over bonuses issue Computer Associates International Inc. (CA) avoided a revolt at its annual meeting on Wednesday, when shareholders voted down a proposal requesting that the company's board adopt a policy of revoking executive bonuses paid based on financial results that are later revised.$LABEL$3 +RIAA Expands P-to-P Lawsuits Latest round of legal action targets users of a variety of services, including eDonkey.$LABEL$3 +HDTV Competition Could Bring Deals Prices are likely to drop as more outlets, including PC vendors, get into the market.$LABEL$3 +Search Engine Giving Away \$5 Million in Advertising Search Engine Giving Away \$5 Million in Advertising\\Search engine Tygo.com hit the Internet today with an unusual marketing approach that matches its unusual advertising model. The new search engine is giving away \$5,000,000 in advertising through its Flat Rate Placement program to introduce advertisers to its new advertising model. Tygo.com ...$LABEL$3 +UPDATE 3-TD Bank woos Banknorth for US expansion Toronto-Dominion Bank (TD.TO: Quote, Profile, Research) , which earlier this year ended talks to merge its discount brokerage unit with E-Trade Financial (ET.$LABEL$2 +Yemen Seaports on Alert for Possible Terror Attack (Reuters) Reuters - Yemen has received information that\foreign terrorists are planning to attack its sea ports, a\security source said on Wednesday.$LABEL$0 +IBM nets 500m Lloyds TSB deal COMPUTER bellwether IBM has signed a seven-year, 500 million contract with Lloyds TSB to supply the UK bank with internet telephony and data services.$LABEL$3 +Gardner Puts Down Boots to Begin New Life ATHENS (Reuters) - A giant man placing his blue boots in the center of a yellow mat would be a strange sight to the uninitiated.$LABEL$1 +Delta Halfway Through Restructuring - WSJ NEW YORK (Reuters) - Delta Air Lines <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=DAL.N target=/stocks/quickinfo/fullquote"">DAL.N</A>, still hoping to avoid filing for bankruptcy, has completed about half its planned restructuring, the Wall Street Journal reported on Tuesday.$LABEL$2 +Jones in Long-Jump Final; Johnson Falters ATHENS, Greece - Marion Jones made a quiet Athens debut, advancing easily to the long jump final. Allen Johnson had the attention of everyone in the stadium, for all the wrong reasons...$LABEL$0 +Royal Dutch/Shell Settles with SEC The US Securities and Exchange Commission and the UK #39;s Financial Services Authority have formally agreed on Shell in July for misleading the market.$LABEL$2 +Boeing stock soars on news of 777 order Shares in The Boeing Co. hit a one-year high Wednesday on news that the aircraft builder has received an order to build 18 777-300 ER (extended range) airplanes for Singapore Airlines, with the airline also $LABEL$2 +Stocks rally as falling oil prices lure buyers Stocks rallied in quiet trading Wednesday as oil prices fell for a third straight day and countered a pair of government reports that gave a mixed picture of the economy.$LABEL$2 +Oil: Price drops nearly US\$2 a barrel NEW YORK - Oil prices fell nearly US\$2 a barrel on Wednesday, dragged down by heavy losses in US petrol futures after summer driving demand in the world #39;s largest consumer failed to meet expectations.$LABEL$2 +CA shareholders back management over bonuses issue Computer Associates International Inc. (CA) avoided a revolt at its annual meeting on Wednesday, when shareholders voted down a proposal requesting that the company #39;s board adopt a policy of revoking executive $LABEL$3 +American Teen Allyson Felix Grabs 200 Meter Silver Jamaican speedster Veronica Campbell earned the Caribbean nation their first Olympic gold medal of the 2004 Games when she won the 200 meters Wednesday in a searing 22.$LABEL$1 +Fridman gives Israel first-ever gold medal Athens, Greece (Sports Network) - Israel picked up its first-ever gold medal at the Olympics on Wednesday when windsurfer Gal Fridman won the men #39;s mistral.$LABEL$1 +Rangers 1-1 CSKA Moscow Vagner Love struck the killer blow to Rangers #39; Champions League ambitions as CSKA Moscow left Ibrox with a deserved 3-2 victory on aggregate.$LABEL$1 +HDTV Competition Could Bring Deals (PC World) PC World - Prices are likely to drop as more outlets, including PC vendors, get into the market.$LABEL$3 +Olympic Wrap: Greece Hails New Diva in Halkia ATHENS (Reuters) - Greece hailed a new sporting diva on Wednesday when Fani Halkia surged from relative obscurity a few days ago to be crowned the women's 400 meters hurdles Olympic champion.$LABEL$1 +Tiny Telescope Detects a Giant Planet (Reuters) Reuters - A tiny telescope has spotted a giant\planet circling a faraway star, using a technique that could\open a new phase of planetary discovery, scientists said on\Tuesday.$LABEL$3 +Federer and Henin-Hardenne Get the Top Spots for U.S. Open Roger Federer will open against Albert Costa, and Justine Henin-Hardenne will play a qualifier when the tournament begins Monday.$LABEL$1 +Dell May Soon Unveil More Consumer Goods -Analyst NEW YORK (Reuters) - Dell Inc. <A HREF=""http://www.reuters.co.uk/financeQuoteLookup.jhtml?ticker=DELL.O qtype=sym infotype=info qcat=news"">DELL.O</A>, the world's largest PC maker, could announce an expanded selection of its consumer electronics line in the next several weeks, a retail industry analyst said on Wednesday.$LABEL$3 +Mars Odyssey Begins Overtime After Successful Mission NASA -- NASA's Mars Odyssey orbiter begins working overtime today after completing a prime mission that discovered vast supplies of frozen water, ran a safety check for future astronauts, and mapped surface textures and minerals all over Mars, among other feats. ""Odyssey has accomplished all of its mission-success criteria,"" said Dr...$LABEL$3 +Possible Flu Outbreak Threatens U.S. By LAURAN NEERGAARD WASHINGTON (AP) -- The United States may have to close schools, restrict travel and ration scarce medications if a powerful new flu strain spurs a worldwide outbreak, according to federal plans for the next pandemic, obtained Wednesday by The Associated Press. It will take months to brew a vaccine that works against the kind of super-flu that causes a pandemic, although government preparations include research to speed that production...$LABEL$3 +New Technique to Advance Semiconductor Performance By MATTHEW FORDAHL (AP) -- In an advance that could lead to lighter spacecraft and smarter cars, researchers have developed a new technique for producing a high-quality semiconductor that's much more resistant to extreme conditions than the silicon found in most of today's electronics. Devices built with the rugged material would not require cooling and other protections that add size, weight and cost to traditional silicon electronics in power systems, jet engines, rockets, wireless transmitters and other equipment exposed to harsh environments...$LABEL$3 +New Lawsuit Challenges Anti-Piracy Technology By LAURENCE FROST PARIS (AP) -- Copy protection technologies used to prevent CDs from being pirated online are facing a legal challenge in France, where a judge began a formal investigation of record label EMI Group PLC for using them. Confirming a report in French financial daily Les Echos, the record store Fnac said Wednesday it has also been placed under investigation by a French judge along with EMI's French arm...$LABEL$3 +Review: Game Boy Add-On Video Is Limiting (AP) AP - A pair of new add-ons for Nintendo Co.'s Game Boy Advance turn the handheld into something considerably more than a gaming machine #151; a video phone and a video player. As long as you bear in mind that you're dealing with a toy, you might not be too bothered by the less than stellar quality.$LABEL$3 +Microsoft Expands Windows Update Release (AP) AP - Microsoft Corp. is starting to ramp up distribution of its massive security update for the Windows XP operating system, but analysts say they still expect the company to move at a relatively slow pace to avoid widespread glitches.$LABEL$3 +Real Madrid, Man Utd, Juventus Advance (AP) AP - Manchester United, Juventus and Real Madrid advanced Wednesday night to the first round of the European Champions League, and American midfielder DaMarcus Beasley scored to help PSV Eindhoven qualify.$LABEL$1 +Discrimination at U.S. Polls Now 'Subtler, More Creative' (Reuters) Reuters - The old methods of U.S.\discrimination at the polls have been replaced by ""subtler and\more creative tactics,"" according to a report released on\Wednesday.$LABEL$0 +House Intelligence Chairman Named (Reuters) Reuters - Michigan Republican Rep. Peter Hoekstra\was picked to head the House Intelligence Committee, replacing\Rep. Porter Goss who has been nominated to head the Central\Intelligence Agency, Speaker of the House Dennis Hastert said\on Wednesday.$LABEL$0 +Deadline looms in Sudan crisis Khartoum agrees to allow more African Union troops and monitors in Darfur.$LABEL$0 +Sadr loyalty grows, even as Sistani returns Mahdi Army emerging as well-organized parallel government$LABEL$0 +Red Roof Inns Selects T-Mobile for Broadband Service (NewsFactor) NewsFactor - Building on its strategy to push its service into hotels, T-Mobile will be making its HotSpot wireless-broadband service available throughout the Red Roof Inn chain, owned by Accor. Under the agreement, guests at the Red Roof Inns can access the network in the common area and in individual rooms.$LABEL$3 +Microsoft Releases SP2 Test Guide (NewsFactor) NewsFactor - Microsoft (Nasdaq: MSFT) has taken steps to help enterprise developers who want to test their applications against Windows XP Service Pack 2 (SP2).$LABEL$3 +Sistani to Lead Peace Mission to Embattled Iraq City NAJAF, Iraq (Reuters) - Iraq's top Shi'ite cleric was due to travel to Najaf on Thursday after making a surprise return to the country to try to end bitter fighting creeping ever closer to the city's holiest shrine.$LABEL$0 +Stocks Close Higher in Light Volume NEW YORK (Reuters) - U.S. stocks made strong gains on Wednesday as a tumble in oil prices boosted investor confidence about the economy, but thin volume meant dealers were skeptical about the strength of the rally.$LABEL$2 +US Awards Airliner Antimissile Contracts WASHINGTON (Reuters) - Northrop Grumman Corp. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=NOC.N target=/stocks/quickinfo/fullquote"">NOC.N</A> and BAE Systems PLC <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=BA.L target=/stocks/quickinfo/fullquote"">BA.L</A> were tapped by the Bush administration on Wednesday to develop competing systems to protect U.S. commercial aircraft from shoulder-fired missiles, a potential multibillion-dollar market.$LABEL$2 +Coke Loses Quiznos Sandwich Account ATLANTA (Reuters) - Quiznos Sub, the third-largest U.S. sandwich chain, said on Wednesday it signed a deal to serve PepsiCo Inc. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=PEP.N target=/stocks/quickinfo/fullquote"">PEP.N</A> drinks in its U.S. outlets, ending a 23-year relationship with Coca-Cola Co. <A HREF=""http://www.investor.reuters.com/FullQuote.aspx?ticker=KO.N target=/stocks/quickinfo/fullquote"">KO.N</A>$LABEL$2 +U.S. Treasury Prices Are Mixed NEW YORK (Reuters) - U.S. Treasury prices were mixed on Wednesday as economic data proved tepid and demand for an auction of two-year notes was thin.$LABEL$2 +Dollar Dips Against Most Major Currencies NEW YORK (Reuters) - The dollar dropped against most major currencies on Wednesday after mixed data on U.S. durable goods orders and weaker-than-expected new home sales did little to brighten the U.S. economic outlook.$LABEL$2 +Alitalia unions get pay warning The Italian government warns the unions at airline Alitalia that if they do not agree to pay cuts, the carrier could go bankrupt within a month.$LABEL$2 +U.S. Launches Fierce Air Attack on Rebels in Najaf (Reuters) Reuters - U.S. planes unleashed a fierce\attack on rebel targets in Najaf early on Thursday, a Reuters\witness said.$LABEL$0 +Vice chairman quits Wal-Mart (USATODAY.com) USATODAY.com - Thomas Coughlin, who joined Wal-Mart Stores as head of security and rose to vice chairman, will give up the post early next year after 25 years of service that helped the company become the world's biggest retailer.$LABEL$2 +Berlusconi in Libya to discuss illegal immigration with Kadhafi (AFP) AFP - Italian Prime Minister Silvio Berlusconi met Libyan leader Moamer Kadhafi for talks on how to stop illegal immigrants using the north African state as a springboard for entry into Italy.$LABEL$0 +Bush Campaign Lawyer Quits Over Ties to Ads Group (Reuters) Reuters - A top lawyer for President\Bush's re-election campaign resigned on Wednesday after\disclosing he has been providing legal advice to a group that\accuses Democratic presidential candidate John Kerry of lying\about his Vietnam War record.$LABEL$0 +Mishap Ends Briton's Transpacific Rowing Attempt ANCHORAGE, Alaska (Reuters) - A British man's attempt to become the first person to row across the North Pacific Ocean ended after his boat capsized, the U.S. Coast Guard said on Wednesday.$LABEL$0 +Boeing Wins Order From Singapore, Fails to Sell 7E7 (Update1) Boeing Co, the world #39;s second-biggest maker of commercial aircraft, won a \$3.6 billion order for 18 planes from Singapore Airlines Ltd.$LABEL$2 +Washington Post Managing Editor Stepping Down Steve Coll, The Washington Post #39;s managing editor for six years, said today he is stepping down at the end of the year to pursue book projects.$LABEL$2 +Greenspan Says Effects of Japan Currency Sales Hard to Gauge The effect of Japan #39;s currency sales this year and last on the value of the yen are difficult to judge, #39; #39; Federal Reserve Chairman Alan Greenspan said.$LABEL$2 +DOJ Raids Private P2P Operation Authorities raided five residences and and an Internet service provider Wednesday morning in the first federal criminal enforcement action against private peer-to-peer (P2P) (define) networks.$LABEL$3 +Server Sales Favor Linux Linux servers are on the rise again thanks in part to low-end and x86-64 based servers, according to a new survey by market research firm Gartner.$LABEL$3 +Computer Associates shareholders defeat proposal to recall bonuses Shareholders of Computer Associates International, the software maker tarred by an accounting scandal, Wednesday defeated a proposal calling for current and former executives to return bonuses based on restated results.$LABEL$3 +RIAA Steps Up P2P Legal Campaign The Recording Industry Association of America (RIAA) launched its back-to-school, anti peer-to-peer (P2P) (define) campaign Tuesday with a national media briefing praising the efforts of a handful of colleges and universities to stop piracy.$LABEL$3 +Microsoft Releases MOM 2005 To Manufacturing Channel partners say the release of enterprise and SMB versions of Microsoft Operations Manager 2005 this week will boost Windows management but they #39;re not sure whether it will boost sales.$LABEL$3 +Microsoft Windows-Linux Comparison Found to be Unfair A Microsoft ad saying that Linux was 10 times more expensive than Windows has been found to be an unfair advert in the UK. The UK #39;s Advertising Standards Authority $LABEL$3 +Open-Source Community Skeptical About Microsoft #39;s Sender ID <b>...</b> Microsoft this month is moving forward with the developer implementation of its anti-spam Sender ID framework, but open-source advocates and mail vendors doubt whether the software giant #39;s new proposed license meets open-source requirements.$LABEL$3 +Ask Kim Komando Q: I hear weird sounds coming from my computer - for instance, a door opening and closing. Is this normal? I use America Online. A: These sounds are coming from your AOL Buddy List, letting you know when a buddy has logged in or logged off.$LABEL$3 +Greek comes from nowhere to win women #39;s hurdles To the roar of an adoring home crowd, Fani Halkia completed her unexpected romp through the Olympics on Wednesday with a victory in the women #39;s 400-meter hurdles.$LABEL$1 +WRAPUP 1-Record-breaking Arsenal sweep past Rovers Champions Arsenal made history on Wednesday by trouncing Blackburn Rovers 3-0 at Highbury to set a 43-match unbeaten league record in English football.$LABEL$1 +High drama as stars dissolve in tracks of tears ATHENS: Seldom have sporting moments of inconceivable pain and delirious joy covered more emotional ground yet been so difficult to distinguish.$LABEL$1 +Athens Asides AUSTRIAN triathlon athlete Kate Allen passed Australia #39;s Loretta Harrop just seconds before crossing the finish line yesterday, completing a stunning race in which she passed over half the field during the final leg.$LABEL$1 +Fridman gets Israel #39;s 1st ever gold ATHENS - Windsurfer Gal Fridman won his country #39;s first gold medal since Israel began competing in the Olympics at Helsinki in 1952 when he captured the men #39;s Mistral sailboard title at Agios Kosmas Olympic Sailing Centre on Wednesday.$LABEL$1 +UPDATE 1-Rangers crash out after home draw with CSKA Rangers failed to reach the Champions League group stage for a second successive season as CSKA Moscow progressed 3-2 on aggregate after a 1-1 away draw on Wednesday.$LABEL$1 +Cost of Gold in Olympics: \$12.1 Bln The Athens Olympics will cost a total of almost 10 billion euros (\$12.1 billion), more than double the original target, pushing Greece #39;s budget gap well above EU limits, finance ministry sources said on Wednesday.$LABEL$1 +Danish players suspend strike against FIFA transfer rules COPENHAGEN: Danish footballers on Wednesday temporarily suspended their week-long strike action in protest at a rule by the games ruling body FIFA concerning the transfer of players under 23 years old.$LABEL$1 +SI.com HOUSTON (Ticker) -- Jeff Kent was the latest to put a knockout punch on the Philadelphia Phillies . Now the question is, for how much longer will Larry Bowa hang on to the ropes?$LABEL$1 +Thatcher son held in S Africa probe for role in Guinea coup CAPE TOWN, AUGUST 25: The son of former British PM Margaret Thatcher was arrested in South Africa on Wednesday on suspicion of involvement in a mercenary plot against the government of Equatorial Guinea.$LABEL$0 +Kathmandu back in business after Maoist rebels lift blockade KATHMANDU - Food and supplies are rolling into Kathmandu again after Maoist rebels lift a week-long blockade that demonstrated their growing power in the impoverished Himalayan kingdom.$LABEL$0 +Praying for Christian Unity, Pope Sends Treasured Icon Back to <b>...</b> Vatican City, Aug. 25--Pope John Paul II on Wednesday kissed a treasured Russian icon and sent it back to Moscow as a sign of his affection for the Russian Orthodox Church and his desire to end $LABEL$0 +Cingular, AT T and AT T Wireless Resolve Brand Issues (NewsFactor) NewsFactor - AT T Wireless and \Cingular Wireless say they have resolved the issues relating to Cingular's use of the AT T brand name once Cingular's acquisition of its former rival is complete. The agreement also includes a provision for the purchase of AT T network services.$LABEL$3 +Report: Enterprises Go Outside for Security Help (NewsFactor) NewsFactor - It is no secret that enterprise networks are increasingly under attack from a variety of sources that are difficult to thwart. To address the problem, many are turning to outside security providers, which is driving \the rapid evolution of new safeguarding technologies, according to \research conducted by the Yankee Group.$LABEL$3 +New Jersey's Xanadu Faces Stiff Environmental Tests (Reuters) Reuters - Xanadu, a #36;1.3 billion entertainment\complex planned for New Jersey, now faces a stiffer\environmental test because two state agencies likely will\demand a more in-depth look at how air quality and traffic\would be affected.$LABEL$3 +Former Enron Executive Pleads Guilty to Aiding Securities Fraud Former Enron Corp. executive Mark Koenig pleaded guilty in federal court in Houston to aiding and abetting securities fraud and has agreed to cooperate with prosecutors.$LABEL$2 +Dow Closes Up 83 on Lower Oil Prices Stocks rallied in quiet trading Wednesday as oil prices fell for a fourth straight session, countering a pair of government reports that gave a mixed picture of the economy.$LABEL$2 +Citigroup Buys Texas Bank Continuing to snap up branch networks in states with large Hispanic populations, Citigroup Inc. Tuesday, Aug. 24, agreed to buy First American Bank of Texas for an undisclosed price.$LABEL$2 +Department Of Justice raids P2P users homes Today the US Department of Justice launched an assault on P2P filesharing. Using search warrants, they searched five homes and the offices of one ISP.$LABEL$3 +Tiny telescope detects a giant planet A tiny telescope has spotted a giant planet circling a faraway star, using a technique that could open a new phase of planetary discovery, scientists said.$LABEL$3 + #39;Marathon #39; mice ready to run and run The marathon mouse has been unveiled by scientists: a rodent which, with a little genetic tinkering, can run twice as far as a normal mouse.$LABEL$3 +Report: Asia faces water shortage Scientists are warning that Asian farmers are drying up the continents underground reserves by drilling millions of pump-operated wells to draw out water.$LABEL$3 +Cable Operator Mediacom Partners With Sprint In the latest alliance between a cable and telephone company, cable operator Mediacom Communications Corp. on Wednesday said it would use Sprint Corp.$LABEL$3 +You can blame NASA for the peculiar weather I have resisted commenting on this summer #39;s weather in hopes that it would straighten itself out. Since that no longer seems possible, however, I feel compelled to offer some advice on the subject.$LABEL$3 +Gardner Puts Down Boots to Begin New Life A giant man placing his blue boots in the center of a yellow mat would be a strange sight to the uninitiated. But to American Rulon Gardner, the symbolism was huge.$LABEL$1 +Sri Lanka clinch series DAMBULLA: Marvan Atapattu slammed a solid 97 not out on a difficult pitch as Sri Lanka wrapped up the one-day cricket series with a four-wicket victory over South Africa in the third match on Wednesday.$LABEL$1 +250,000 Chinese flee typhoon TAIPEI, Taiwan -- China has begun evacuating almost 250,000 people from coastal areas as it braces for the onslaught of Typhoon Aere.$LABEL$0 +JCC Arson Roils French Jews Jewish leaders expressed growing frustration this week with continuing anti-Semitic violence in Europe following the torching of a Jewish community center in Paris early Sunday.$LABEL$0 +Europe Opens Another Inquiry Involving Microsoft The European Commission has opened an investigation into the planned acquisition of ContentGuard Holdings by Microsoft and Time Warner, a commission spokeswoman said Wednesday.$LABEL$2 +Cirrus Logic to Lay Off Workers Cirrus Logic Inc., a maker of microchips for consumer electronics, on Wednesday said it will lay off 7 percent of its employees to save \$2 million to \$3 million per quarter, with expense reductions starting in its third quarter.$LABEL$2 +US banks want a piece of Texas US banks are feasting on the fast-growing Texas market, where a rapidly growing population and its ability to lure new businesses have experts predicting competition for deals there will become more intense.$LABEL$2 +Wall Street rallys as falling oil prices lure buyers By George Chamberlin , Daily Transcript Financial Correspondent. A big drop in oil prices helped stock prices move higher Wednesday.$LABEL$2 +Calif. to host greatest garage sale ever The state is holding a rummage sale to get rid of a whole bunch of unwanted stuff. SAN FRANCISCO (Reuters) - California Gov. Arnold Schwarzenegger is holding a rummage sale to dispose of unwanted state property from aircraft engines to jewelry.$LABEL$2 +Mediacom Taps Sprint to Provide VoIP Mediacom Communications says it will launch VoIP telephone service in selected markets in the first half of 2005 in partnership with Sprint.$LABEL$3 +Simply the best? Arsenal #39;s victory over Blackburn has set a new record of 43 league matches unbeaten, surpassing the old mark set by Nottingham Forest in 1978.$LABEL$1 +Hicks confirms abuse allegations ACCUSED Australian terrorist David Hicks confirmed allegations he was abused while in US military ustody in Afghanistan, his father said today.$LABEL$0 +Briefly: Toshiba tinkers with Wi-Fi for TV roundup Plus: Music promoter offers concert downloads...WS-I tackles Web services attachments...Newspaper sites take up paid search ads.$LABEL$3 +Accounting deadline could kill software spending Wall Street analysts debate whether year-end Sarbanes-Oxley deadline will sap demand for corporate software systems.$LABEL$3 +Redback on the comeback trail Eight months after it emerged from bankruptcy, Redback Networks is racking up new contracts.$LABEL$3 +Toshiba tinkers with Wi-Fi for TV The 802.11a offshoot will allow TVs and other non-PC devices to receive video files more easily.$LABEL$3 +Borland acquires software project planning tool Focused on improving its requirements management arsenal for software development, Borland Software on Wednesday is announcing its acquisition of Estimate Professional, a software project planning and estimation tool.$LABEL$3 +Cubs Nudge Brewers 4-2 on Last-Gasp Homer (AP) AP - Corey Patterson hit a two-out, two-run homer in the bottom of the ninth inning Wednesday to give the Cubs a 4-2 win over the Milwaukee Brewers, Chicago's eighth victory in 11 games.$LABEL$1 +German investor confidence stabilises in December on oil price declines (AFP) AFP - Investor confidence in Germany, the eurozone's biggest economy, stabilised, albeit at low levels, in December, as falling oil prices helped offset concerns about the negative economic effects of the strong euro, a new poll showed.$LABEL$2 +US new home sales dive 6.4 percent in July (AFP) AFP - Sales of new US homes plunged in July for the second straight month, data showed, a sign of chillier demand cooling the once red-hot market.$LABEL$2 +Open-Source Community Skeptical About Microsoft's Sender ID License (Ziff Davis) Ziff Davis - Sender ID's license is making it impossible for open-source programmers to use it in their e-mail applications.$LABEL$3 +BA boss admits 'we got it wrong' British Airways chief executive Rod Eddington admits the airline ""got it wrong"" after staff shortages led to travel chaos.$LABEL$0 +Dirrell Boosts American Title Hopes in Boxing Middleweight Andre Dirrell boosted the United States #39; slim hopes of winning an Olympic boxing title by booking a place in the semi-finals with a narrow victory over Cuba #39;s Yordani Despaigne Wednesday.$LABEL$1 +Japan #39;s UFJ Says It Is Examining SMFG Offer, But No Change to MTFG <b>...</b> Earlier, SMFG said it offered the one-for-one share exchange ratio to UFJ Holdings as part of its bid to win the support of UFJ for its merger proposal over a rival offer from MTFG.$LABEL$2 +Airline to charge \$10 for buying tickets NEW YORK To the long list of things that used to be free but that airlines now want you to pay for, add walking up to the counter to buy a ticket.$LABEL$2 +UPDATE 1-Soft landing for China economy not yet assured-IMF A soft landing for China #39;s booming economy was not yet a sure thing, the International Monetary Fund said on Wednesday, despite a raft of measures by Beijing to slow investment in overheated sectors.$LABEL$2 +Liquidation threat grows at Alitalia MILAN Alitalia moved closer to liquidation Wednesday with a government official demanding that the management of the Italian state-owned airline and its unions reach a quick agreement on a restructuring plan.$LABEL$2 +Virus worms way into webcams It sounds like a sci-fi nightmare, but it could be every teenage geek #39;s dream: a computer worm that can wriggle into bedrooms and secretly hijack webcams to spy on people.$LABEL$3 +US court delivers blow to Yahoo A US appeals court has ruled that a lower tribunal had no right to decide a case brought against US internet giant Yahoo by two French groups trying to halt online sales of Nazi memorabilia.$LABEL$3 +PDF Proof: #39;This Song is Your Song #39; A court case alleging copyright infringement against a Web site using a popular song in a political parody ended abruptly when an Electronic Frontier Foundation (EFF) investigation revealed that Woody Guthrie #39;s quot;This Land is Your Land quot; is in the public $LABEL$3 +Telekom Austria posts better than expected results Telekom Austria AG has posted better than expected financial results for the first half of the year, scarcely one week after merger talks with Swisscom AG broke down.$LABEL$3 +Alternatives To The INDUCE Act The Importance of writes quot;The INDUCE Act, which has been discussed many times previously, will likely be getting a lot more attention thanks to the recent Grokster decision.$LABEL$3 +PlayStation Portable Chip Details boarder8925 writes quot;The Register posted an article today that detailed the PlayStation Portable #39;s chip specs. The CPU will run at up to 333MHz, and its frontside bus at up to 166MHz.$LABEL$3 +Athletics: For Greeks, hurdles offer redemption after heroes #39; fall ATHENS In her semifinal, Fani Halkia had run the fastest women #39;s 400-meter hurdles in Olympic history. After the final on Wednesday night she ran what might have been the slowest victory lap.$LABEL$1 +Wrestling: Cinderella in Sydney suffers turnabout at hands of <b>...</b> One of the big stars of the 2000 Summer Games, Gardner was thrown to the mat in overtime by Georgi Tsurtsumia of Kazakhstan and lost 4-1 in his Greco-Roman semifinal match.$LABEL$1 +Jana vows to return JANA Pittman, the girl who had no right to even be in an Olympic final, today ran her heart out but ultimately finished just out of the medals in the 400m hurdles final.$LABEL$1 +Cuba takes gold medal in baseball ATHENS Cuba captured its third gold medal in Olympic baseball on Wednesday, beating Australia by 6-2 as Frederich Cepeda hit a two-run homer for the Cubans.$LABEL$1 +US appeals court delivers blow to Yahoo over Nazi memorabilia row (AFP) AFP - A US appeals court has ruled that a lower tribunal had no right to decide a case brought against US Internet giant Yahoo by two French groups trying to halt online sales of Nazi memorabilia.$LABEL$3 +N.B. truck driver accused in heist of 50,000 cans of Moosehead beer (Canadian Press) Canadian Press - FREDERICTON (CP) - A New Brunswick truck driver arrested in Ontario this week has been accused by police of stealing 50,000 cans of Moosehead beer.$LABEL$0 +SkyCity plays its cards right NEW Zealand casino operator SkyCity Entertainment Group expects to double its Australian earnings in 2004-05 following its takeover of the Darwin casino.$LABEL$2 +Bouygues and Vivendi in mobile deal PARIS Bouygues Telecom and Vivendi Universal, both of France, began a new mobile phone service Wednesday in an attempt to bolster their market share and increase revenue from young customers.$LABEL$3 +Beckoned by the Balkans LONDON For a company that had just reported a 26 percent increase in its quarterly earnings, sharply beating market expectations, Telekom Austria found itself with an awful lot of explaining to do as its top executives met with analysts and investors in $LABEL$3 +Militant cleric charged in 2003 hotel bombing JAKARTA A militant Muslim cleric was charged Wednesday under a tough antiterrorism law in the bombing of a Jakarta hotel and could face the death penalty if convicted.$LABEL$0 +Dual-core chips bring dual caches Dual-core chips that AMD and Intel plan to bring to market next year won't be sharing their memories.$LABEL$3 +Winamp flaw: Digital attacks use skins for camouflage Users of the music player should watch out for hacked themes; a flaw allows would-be intruders to take control of PCs.$LABEL$3 +BMC adds PeopleSoft management BMC Software has released a new version of Patrol for PeopleSoft 2.0 that allows companies to centrally manage PeopleSoft users, transactions, jobs, SQL requests, and business processes.$LABEL$3 +CAO chief faces Singapore probe The chief of Beijing-backed China Aviation Oil #39;s (CAO) Singapore unit has agreed to return to Singapore this week to face investigators in the city-state #39;s biggest financial scandal since the 1995 fall of Barings Bank, company $LABEL$2 +A Microsoft deal gets full EU inquiry BRUSSELS The European Commission has opened an in-depth investigation into Microsoft #39;s and Time Warner #39;s plans to jointly acquire ContentGuard Holdings, a specialist in software that protects digital material from counterfeiting, a commission spokeswoman $LABEL$2 +Feds Bust File-Sharing Sites Operation Digital Gridlock targets peer-to-peer sites, ISPs in piracy investigation.$LABEL$3 diff --git a/text_defense/206.Amazon_Review_Polarity10K/amazon.test.dat b/text_defense/206.Amazon_Review_Polarity10K/amazon.test.dat new file mode 100644 index 0000000000000000000000000000000000000000..0e305566727fc0058bd7b733dec5a2f318203071 --- /dev/null +++ b/text_defense/206.Amazon_Review_Polarity10K/amazon.test.dat @@ -0,0 +1,2000 @@ +Piece of Junk!. This product does not transmit over the radio to any standard that I expected. I have to turn my volume 60% up to even hear that it is playing. I had a similar product from this company for an earlier model of the IPOD and it worked great. I ordered this to replace my old one and to use with my new IPOD G3. What a mistake, it is not powerfull enought to overpower other stations and I get scratchy signal all the time even with the volume up 60%. Save your money, look at other options and companies out there.$LABEL$0 +what. I read an endorsement from dog problems . com that recommends this product. We have not yet been able to get ours to work. Spent $10 on new batteries as hand held indicates low battery. There is not one indication that dog has received a signal. Would really like to get this resolved. Hoping that company will make good on the product.$LABEL$0 +Dissatisfied. The DVD does not work at all. I am extremely disappointed because I was promised a great product and I was sent a messed up movie.$LABEL$0 +will break down. The lens breaks down easily! The lens is supported on the camera by mechanically weak clippers. After some time (< 1.5 years in my case) the strain broke down the clippers. I always keep the camera in a cushioned case, and it suffered no shocks or drops.$LABEL$0 +My favorite book. I read this book many years ago and have never forgotten it. Brooks masterfully spins a tale in which he will pull the reader in. I found myself attached to the characters and when the book was over, it was like leaving a group of good friends. I'm no great critic of books, but I know what I like; and in my opinion, Brooks couldn't have written a better book!$LABEL$1 +Genius! These locks are the best choice.. They were super easy to install, key is always on the fridge and my daughter (little hercules) cannot open them. Good investment, would recommend.$LABEL$1 +THIS MAN IS GOING PLATNUM!!!. If you ask me, his album is the best yet in 2000. Every single song is blazin'. I love the fact that Tela is orginal, his voice is unique and baller type. I think it's about time we found some good new talent. He definatley deserves to go platnum this round.$LABEL$1 +Agreed with others here, will not purchase - waiting for Extended Version. I love these movies, they are some of my all time favorites. But most of us who love them already have them, and won't likely be forking out more money for a version that does not include the extended release. To most, they are the complete versions of the films. I encourage those of you considering this purchase to hold back your money and wait - buying this will only reinforce the idea that they can release multiple versions over time to increase their profits.$LABEL$1 +Please don't buy this. Ok look, I read a few bad reviews on here and bought this anyway because I was desperate and thought it would work well enough. It honestly doesn't. So don't waste your time buying this when it's a sure bet that it won't work. All it does is light up my screen over and over again, bouncing back and forth from "Charging Battery" to "No Charger", which actually ends up draining my battery even more than it would if I just let it sit there. Just don't do it.$LABEL$0 +Great add-on for a laptop. I recently bought this speaker for my wife's new laptop.** Minimizes wires and keeps the counter clean (USB connection/power)** Alternate line jack and a/c adapter** Great sound (it has a rear subwoofer port)** Volume control on top right with plenty of range$LABEL$1 +Buyer beware. I thought I was buying an Uniden TCX905 to add to my parents existing Uniden phones, however that is not what I got. I received two phones in boxes that said Uniden TCX905, however, after talking to Uniden Technical Support when the phone would not register we discovered that they were Uniden Tru9485 phones in Uniden TCX905 boxes. Luckily I was able to return both of the supposed Uniden TCX905 phones to Amazon without cost to me. I ordered the Uniden TCX905s directly from Uniden and paid a little bit more, but they worked right out of the box.$LABEL$0 +As manufacture has defined - quite and clean fresh air, easy cleaning filter rods and wire core.. As manufacture has defined - quite and clean fresh air, easy cleaning filter rods and wire core.Quick deliver and the price perfect - no need to by filters simply clean the rods and clear the wire core on the top by lifting where indicated.$LABEL$1 +More details on Kirk's plan, please!. This book was a fun read, but I wish the author offered more details on how Kirk reprogrammed the simulator computer. Did he use his fellow cadet's computer expertise? How did they get thru security to reprogram the simulator?$LABEL$1 +tastes like an apple Jolly Rancher. While I'm a big fan of Hooah bars, this particular flavor tastes like apple jolly ranchers. No kidding. If that's okay with you, then go for the apple flavor. I'd recommend the chocolate.$LABEL$1 +A great world. A great trilogy.. This is the first Margaret Weis book I've read. It is still one of my favorite. You've got love Simpkin. He is to this series that the Genie is to Disney's "Aladdin" movie. The first book gets your interest. The other two books continue the great adventure.$LABEL$1 +deep end. Heralding from Glasgow, Scotland, Aqua Bassino delivers a pitch perfect album under a startling array of influences, ranging from Jazz and African rhythms, to Nu-Soul and House. "Beats and Bobs" unfolds each track with a deep and intimate layering of textures, a lot of which is provided by live instrumentation and vocal performances. Avoiding over sampling and the generic feel of drum machines, it favors quiet rhythms with an organic feel. At times, the piano delivers such emotionally rich melodies, a strange melancholy creeps in, and seems to resuscitate the spirits of Eric Satie and Claude Debussy.$LABEL$1 +Foreign talent wasted in American film.. All state side movies featuring excellent kung fu talent like Jet Li and Jackie Chan are slow and boring because in the U.S. there are no good martial art choreographers working in Hollywood. This movie is a case in point. The first fight scene with Jet Li does'nt happen til a good 20 minutes into the movie. And the rest of the picture you see Jet in slow, week, "American"(by which I mean explosions, bullets, and one or two punches) fight scenes that are a waste of his time. You dont believe me watch this movie, then compare it to some of his sweet over-sea pictures like "Legend" or "Legend of the Red Dragon" and you'll know what Im talking about. Dont buy or even rent this piece of garbage or, any of his state side films like "The One" which is just special effects (any fight movie is sad if you need computer special effects to make your kung fu look neat like Blade 2 with Wesley Snipes).$LABEL$0 +Money well spent. This little stick vacuum is perfect for exactly what it is meant to do, quick pick ups. I charged it exactly as directions indicated and it's been great for picking up in the dining area after my little ones. It's also great for a quick pick up on the stairs and entry rugs. I like the versatility of having just a hand vac too.$LABEL$1 +Western Civilization: Volume I: To 1715. Seller was prompt. Book was gently used--in good shape. My daughter is currently enjoying (yes, enjoying)it as the text for a college course. Antil-biblical bias is evident as in many secular texts.$LABEL$1 +UGH!!!!!!!!!!!!!!!!!!!!!!!!!!. The only reason I bought this movie is because I love the old one so much and the guy that reviewed it for Amazon said this was one case where the new out did the old. Guess he likes really crappy movies. I was done with remakes, they always have to change the story line, for the worse. Examples: Planet of the Apes, Time Machine, and lets not forget how they destroyed The Day the Earth Stood Still! Anyway, it jumped all over the place. I guess Hollywood thinks that if thet throw in a lot of special effects we will watch anything. Please, please, please, if anyone from Hollywood is reading this, please don't touch Forbidden Planet, you have destroyed enough of the old classic Sci-Fi's, leave well enough alone!!!!!!!!!!!!!$LABEL$0 +Worst ST album EVER. This album is complete filler. There is not even a single worthwhile song to be floated by another 9 tracks of filler. It is 100% tripe. It is odd how a band that was so powerful in it's genesis would cash in and sell out to the weakest level. Lights Camera was garbage too, but at least ST fans could pretend to like it. This one leaves no room for imagination. The fact that any one related to Queensryche had anything to do with this album is a big STAY CLEAR SIGN. This one isn't even worth the time it has taken you to read this review.$LABEL$0 +Starts out good, doesn't last. I liked my first Microsoft Wireless Notebook Optical Mouse I bought a year ago to use with my laptop so much that I bought two more within the last six months, one for my desktop and one for my business use laptop. The mouse has great features, I liked the small "tail" and the especially the fact that the tail can swing to multiple positions to accommodate other USB plug-ins. However, that swinging tail doesn't seem to hold up for long. All three of our mouses (mice) are experiencing the same problem with losing connectivity to the PC, we can wiggle the tail or turn it to another position and it may, or may not, light its little green "good to go" light. Very, very aggravating, we expected better from Microsoft branded products.$LABEL$0 +In spite of proper prep; the mirror fell off!. Well, I have convex mirrors on all of our cars (4 cars - 8 mirrors) so I know how to put these on. This is the first brand that has fallen off. Need I say anymore.$LABEL$0 +side effect - itching, irritation. I've been using this product for the past several months, but only about one application per day because of the intractable itching and irritation. I will go back to the 2% solution. I did not see any noticeable results with this product, possibly because I was taking less than the customary amount per day.$LABEL$0 +Great stickers, but not permanent.. My company uses over 50,000 of stickers of this size a year so I have quite a bit of experience with them. These stickers are top quality in every respect. They print very well and maintain what was printed on them without smudging or other problems. The easy peel aspect is very nice and does help with efficiency in applying sticker.The only problem these stickers have for us is that they are not permanent application stickers. The adhesive on these creates a reasonably strong bond, but will pull off. It appears they are designed to do this. I know that some people want to be able to remove their stickers later and for those type of people these stickers would be perfect. However, in our particular use we need the stickers to not be removable and thus these are not perfect for us. You will have to judge for yourself how this would affect you.$LABEL$1 +Lightweight. The weight of the paper is near onion-skin. I cannot imagine it being able to withstand steady use.$LABEL$0 +A big no, no. This book is a scam, a perfect example how the self-publishing industry can be discredited.It is not worth its money.The author takes pride that it wrote it in two weeks back in 2001 and the quality is similar.Out of the 121 pages of the book, only 31 are written by the author, the remaining are downloaded pages from internet and exerpts from his new book.I felt betrayed from buying this book and I would suggest Amazon should not promote this kind of books.$LABEL$0 +Ride is too short for use in Cycling. I enjoyed the other Bike-O-Vision projects very much but this presentation is so short, under twenty minutes. It was not very appropriate for indoor cycling training.$LABEL$0 +Studded Dog Collar...... This is one of ther funniest CDs I have ever listened to! Vol II is just hilarious! I got a huge kick out of the Bixby routine, and the one about the graveyard. It's a must buy for those with a sense of humour!$LABEL$1 +It burned fast... then it burned out!!!. This is the second one! I received the rep[lacement under warranty and guess what?! It died too! after about just over a month of use. Sticking to brand from now on. No more chinesse cheapo burners.My old HP still kicking after 4 years, thats quality! Its true what they say, you get what you pay for. Learned the hard way.$LABEL$0 +Warmth without the noise.. This heater keeps the furnace from coming on all night and works great. Just keep your windows cracked a little and enjoy the warmth.$LABEL$1 +how can an artist loose his soul?. I EXPECTED THIS TO BE A RE-RELEASE OF LIMAHLS' PAST RECORDINGS; I'VE NEVER BEEN SO LET DOWN! REMEMBER KAJAGOOGOO?, REMEMBER WHEN LIMAHL LEFT THE GROUP FOR HIS SOLO ENDEAVORS LEAVING BEHIND "KAJA". ON THEIR OWN...THE BAND OR LIMAHL DIDN'T SOUND TOO BAD....UNTILL THIS RELEASE! SOME WOULD CALL THIS NEW LIMAHL SOUND,MATURE OR POLISHED;I CALL IT WAY OVER-PRODUCED,TO THE POINT THAT POOR LIMAHL SOUNDS LIKE A LOUNGE SINGER! BUY SOME WORKS HERE AT AMAZON.COM BY KAJAGOOGOO OR AFTER THE BREAK-UP "KAJA"...BUT NOT THIS RELEASE! THIS RELEASE REPRESENTS ALL THAT IS WRONG WITH THE CURRENT MUSIC INDUSTRY....THE SELLING OF ONES SOUL TO MAKE A QUICK BUCK$! LIMAHL....R.I.P$LABEL$0 +Love it but it had to grow on me.. It does have a strong soapy note, with a light powdery scent. You will smell very clean and fresh.This could easily be a unisex fragrance but it's nothing that would make a man feel awkward wearing it.$LABEL$1 +A Valuable Video for Kendoists. I was delighted to view this video. Produced in the early 1960's the production of the video is not modern but the content is a delight for kendoist. The techniques displayed are all of high standard. There is little time in 30 minutes to be a real instructional video but there is a lot for the beginner to see and to get a good impression of good kendo. The Iaido displayed is a bonus. Be sure to buy it and add it to your collection.$LABEL$1 +I am more to blame than Jordan. I was vacationing in Kenya when I finished "Eldest" and needed a new book desperately. The only book of interest I found a bookstore in Mombasa was Crossroads of Twilight. For some reason I do not remember, I read all previous 9 books in the Wheel of Time epic (and I use that in the negative sense). So I place the blame squarely on my shoulders for reading such an awful book.Jordan creates a fascinating world, but after Book III, he gets lost in his own story. Honestly, and without exaggeration, there is not ONE plot development in this book. Yes, that's correct: not one thing of importance happens in the 800+ pages. Unfortunately, that has become the norm for Robert Jordan. If you just have to finish this series (I am officially at the "I could care less" stage), do yourself a favor and skip this book and go on to Book XI.$LABEL$0 +Caveat Emptor!!!. Buyer Beware! The product description for this item is very misleading, as is the picture shown. This is not, in fact, a seat cover that allows you to use your console, but a SOLID BENCH cover. I have tried for several weeks to exchange this item, but it seems that it is always after business hours at this seller's location, and messages left on the answering machine as well as via e-mail are ignored. If you do want a solid bench seat cover, however, this item looks good, and seems like a good quality buy.$LABEL$0 +A Must Have!!. Soma Holiday is a must have for every music collection, especially every Rock collection. Each song becomes addictive almost instantly!! The lyrics can be felt by anyone no matter what age, etc. I highly reccommend this CD and if you get a chance check these guys out live because they definitely ROCK!!$LABEL$1 +Slow and boring. Slow. The devil is almost ridiculous. No dramatic intensity at all. The action looks fake. The end is too easy.$LABEL$0 +OLD TEXT WITH MANY ERRORS. I used this text to teach a machine design class a community college. I has many errors in equations presented as well as in the answers presented in the back of the book. Problems are presented without any illustrations were needed.$LABEL$0 +Capo can be used for Strumstick. This capo is designed for a banjo, but I recently bought a strumstick (a hand held dulcimer - Strumstick.com)and the capo works great for it.$LABEL$1 +5 Star yoga. This dvd is fabulous. You get 2 full 20 minute workouts led by one of the worlds most famous yoga instructors. Tara Stiles. Learn more about her on her website [...]The yoga poses flow quickly helping your body stay heated. You definitely are getting a great workout from this dvd. Maybe it isnt for people that are used to doing boring yoga journal dvds. Tara is featured frequently in womens Health magazine. She also has a hugely popular YouTube channel. So if you want to make an informed purchase check out some of her YouTube workouts and hten you can get an idea of what you are getting here. [...]Also you can pre order her new book that releass in August right here on Amazon!Slim Calm Sexy Yoga: The 15-minute yoga solution for feeling and looking your best from head to toe$LABEL$1 +Disappointing compared to her first two albums. Not much quality here from a previously very gifted artist. She should avoid the populous themes and stick to mature subject matter as she did on her first two outstanding efforts.Purchase the other 2 (definitely) first and then this one but only if you must.$LABEL$0 +Full of fun. Blackmailer overflows with colorful characters and a suspenseful plot with a well done twist at the end. The protagonist is a publisher in a down and out New York shop who is offered the chance to publish a sure fire best seller which would catapult his firm into the top ranks.Twice. And that's just in the first few chapters.After that, we get the usual goons, gams, and gunsels so popular in 1950's noir. However, there is a lot more here than just a clever plot. The author understands the publishing business and wiretapping quite well, and the reader will learn a bit about both in several well-turned passages.The plot moves quickly enough to keep us from not questioning it too much. The profusion of unusual characters keeps the book interesting all the way through. And just when we think we know what's going on, we get another twist.This is not great literature, but it is a fine way to while away a rainy Saturday afternoon.$LABEL$1 +not easy for a child to enjoy. i was dissappointed with this house. My 3 year old girl loves Dora and was excited but when she started to play with it, it doesn't do much to keep a childs interest. They made one door open. No other doors,oven, cabinets, etc open. The family figurines don't fit on the couch and keep falling off. They should have made this so the figurines can use the furniture. THe first thing my daughter does is she goes to put the family on the furniture, and they fall off. They are hard to keep standing, not very flexible at all and i think they could have done some more things with this for them to enjoy.. Kids love to open and close things and if you're going to have house furniture, the figurines that go with it should fit easily. I got frustrated trying to get the Mami and Papi to sit or stand. How do you think a 3 yr old feels.$LABEL$0 +Excellent vocals --- Excellent songwriters. Sit! Stay! has become one of my favorite music collections. Lead vocals, Rich Currier and Gary German, seem to belong together - they blend so well that it's hard to believe that the sound isn't produced from one singer."Colorado Sky" is clearly the strongest track but "Tres Hombres, Dos Equis y Una Paloma" and "Phantom Canyon Road" are so strong, it's hard not to consider them as the album flagship.These "Bad Dogs" should definitely get their own dog run!$LABEL$1 +Things we don't need to be told by snotty little grrls.. When did we determine being a snotty prep school grad made you an ettiquite guru? Deluded much?haleth- I hate to tell you but knowing the "grrls" personally I have to inform you that they are not "characters", they portray themselves as they would like to be seen- which is better than everyone else.Real class is making those around you feel special no matter what their background, ethnicity, upbringing, education, or outfit.Their tone and "quirky" little nuances like RANDOM CAPITALIZATION are old because they have already been DONE. Cynthia Rowley & Ilene Rosenzweig?Time to get a new gig grrls.$LABEL$0 +OMG the chemical burn.. Way back when, I used to love Brilliant Pomade (that came in a little pump bottle) and I used it frequently.Recently, I bought this and now I have the WORST chemical burn rash on my neck. It's disgusting.And it burns like hell.I don't have sensitive skin and I've never had a problem with any product of this nature. Not sure what's in this but I can't use it.Test it on your arm first. Burns on your nape aren't fun.$LABEL$0 +Pave Rolling Trio should roll back to it's creator Serious Rip Off. Purchased this and it arrived fast but;no glimmer at allone stone feel out in the box on arrivalfeels and looks very cheap and bubble gum machine likeworth about $2.50, nothing more then that..royal rip off and I question who would ever write it's grand, seriously ...run from this one$LABEL$0 +Want a fun mystery? Start with book one!. In my opinion, the "Hannah Swensen Mysteries" should definately be read in order! To me, the whole series is like one big book of friends. If you pick up this book, which is the sixth in the series, and read it before you have read the previous stories, you probably will be disappointed. Every book I read, I love Hannah, Lisa, Norman, and Moshe more! Is Hannah perfect? No! But, who is? So, if you are interested, start with book one.Yes, this book is different from the first five. But, I liked that it had a different flare. This is not my favorite in the series but I wouldn't have missed it! Don't compare this series to others! This is the type of mystery where you lean back, kick off your shoes, grab a bon bon, and enjoy a fun and entertaining story. I love the development of the characters, the funny situations, the mysteries, and the conclusions. These are definately not boring or tedious. They are light and fun.$LABEL$1 +A broken tooth is better than this mess!. Minus 3 stars!! What a waste! Instead of leaving Alexander's homosexuality in the background (as private matters should be) the viewer is subjected to, not a war story, but a "love" story. Men kssing over and over and lusting after each other. The scene in which Alexander put a major lip lock on the "guy" in the middle of a big feast and the is cheered by his equally perverted men -- is sickening!!!! I did not even get to then end of it. A fishook in the eye would have been more fun!!$LABEL$0 +Shepherding a Child's Heart. This is a sick book written by an angry and sick man who appears to enjoy the touch of baby flesh on his hand. He portrays himself as a man of G-d, but truly, he a man of the devil. If I did to Mr. Tripp what he suggests I do to my children, surely he would have me arrested for assult in the first degree. Save your money and buy a decent book. May I suggest "Effective Discipline in the Home and School," by Genevieve Painter, Ed.D and Raymond Corsini, Ph.D., or any of the Positive Parenting book one can purchase on Amazon.com.Dr. James A. Deutch, Licensed Clinical Social Worker, Adlerian Family Counselor$LABEL$0 +Obsolete. This book refers to Version 0.9 of GIMP. As of this review, Version 2.6 is current.Nuff said?Seriously, it spends a lot of copy on installing on Linux and setting up SCSI scanners, Ridiculous today!Whether the material about using GIMP is still relevant is irrelevant. The book is completely out of date!$LABEL$0 +Grossly Outdated Material. While this may have been a very good book in 1979, the, avian information gained over the last 20 years makes these older book obsolete, if not down right dangerous. These older books should remain out of print. I would recommend a more recent publication including periodicals such as "Bird Talk" magazine with up to the minute articles from today's (1999) experts. I've kept African Grey's for almost 10 years now.$LABEL$0 +Dr. Atkins New Diet Cookbook. If you are on this diet, this book has many wonderful recipes to try. The Austrian Paprika Chicken is wonderful! A good resource.$LABEL$1 +This is great but the sound is kinda bad.. I love Slayers!!! The story is great, the fighting is great, but i have one problem and that's the sound. For example their's a guy walking down a hall right while the foot steps sounds get their before the guy's feet touch the ground!!!! That's a bad thing people!!! And another thing is when Lina is talking her mouth this moving and she isn't talking!!!! But other than a few sound problems this's a fun box set.$LABEL$1 +More expensive but worth the peace of mind.. I have built SATA RAID configurations in the past without using raid enabled drives and I have gone through some real nightmares, the money you save is not worth the heartache of a failed RAID. Did you know that a Windows Server 2003 box can still run with two failed RAID SATA drives, although very very very slowly. Of course it is a false hope because as soon as you reboot it's over. The drives are high quality and worked great.$LABEL$1 +Almost Thrilled To See This.. We know that LOTR is going to look phenomenal on Blu-Ray, so seeing this set pop up thrilled me...until I saw that they were only giving us the theatrical release, thus presumably making us wait an immeasurable period before announcing the extended editions. Not cool, not at all. Milking it is absolutely ridiculous, so give a nod to the fans--the extended edition should be available simultaneously.$LABEL$0 +The best ever. Perhaps the most revered of all kung-fu films, this film combines a truly original concept and plot, awesome fight sequences, and the most intense animal to animal fighting to hit the screen. Easily considered the "gold standard" of films of its type, this is hands-down THE MUST-HAVE movie. If you are an aspiring collector, START HERE (or with Shaolin Master Killer). Every "serious" collector HAS it! Some people like "Return of ---" better. Not me.$LABEL$1 +Not a bad book, but not good either.. While the book itself covers many different illusions that are quite common to the avid magician, the book fails to provide very good descriptions of how to perform the illusion. Honestly, spend the extra cash and buy both the royal road to card magic and bobos coin magic book to actually get a better start.$LABEL$0 +Lacks compassion. Plot is very slow moving and simple. I couldn't finish. The characters especially the main is shallow, racist, and self-centered. The Bible says we will always have the poor with us. So why have characters, who live in an uneducated, unindustrialized country with little or no economic opportunity to support themselves, criticize people who beg as being lazy? This political statement represents a lack of Christian compassion in these characters who obviously don't appreciate Christ who gives unconditional love and not what is deserved. I couldn't read any more of this book, it turned my stomach.$LABEL$0 +horrible twist ties. These bags are HORRIBLE. You have to fumble with the top to open the bag (not sanitary) then once you pour/pump the milk in, you have to put it in a mug to tie and freeze!! Who has time to wait for it to freeze to remove the mug!?!! Also dealing with the twist tie is a nightmare and it's impossible to get all the air out.Also, The bags take up too much room in the freezer. I LOVE the bags that can lie flat like Lansinoh (much easier to pour, freeze, and unthaw as they can lay flat). You can buy 25 Lansinoh bags for $6 at Target, and they're much much better qualityI'm throwing the rest of mine away. They're totally useless$LABEL$0 +So hot, it melts itself!. This lamp lasted only eight months before the heat from the head of the lamp melted the plastic bracket it was mounted on. The head of the lamp now dangles uselessly by its cord. By the way, the lamp gets so hot that it could burn you if it is on for as few as ten seconds, so there is a safety concern apart from the self-destruction problem. The bulbs are also nearly impossible to find. I do not recommend purchasing this lamp - keep shopping.$LABEL$0 +BORING!. I had a tough time getting through this book. I really enjoyed previous Carly Phillips books and just finished the Hot Number, Hot Item, etc.. series before I started this book and I have to say, those were above and beyond better than "Cross My Heart".The book was boring and the main characters weren't terribly likeable. Thank goodness Hunter and Molly were good supporting characters or this would be a real dud. Stick with previous CF books - it's ok to miss this one!$LABEL$0 +Did nothing. This product did nothing to help grow my nails. In fact when I took it off with nail polish remover my nails started to grow almost immediately. So I'm avoiding using it unless I am going to use it as a base coat but since it didn't help my nails grow I feel that I may just throw it away and accept a loss. Too bad. I was hoping it would help.I had the polish on my nails for a solid 2 weeks. And during that time my nails barely grew at all. I was thinking it was just that I had quit biting my nails and the immediate growth was over with. I was wrong. I don't recommend this nail polish to help grow your nails. Save your money.$LABEL$0 +Simple and effective. I do not speak Spanish and languages do not come easy to me. But I have been wanting to learn and teach my children (age 3 & 5) at a casual pace. This method is perfect for us!! I only bought one book, not realizing it's a workbook, but so far I just read it to my kids while we eat lunch or breakfast and we go through it together. The kids are really picking up on it and it has been a fun learning experience for all of us! I also bought a couple of fun cd's (Muévete- Learn Spanish Through Song and MovementandSongs in Spanish for Children) that we all love listening to and dancing to, which helps integrade the language in our home in a fun way.$LABEL$1 +Cool Exhaust Fans. This is a good product from thermaltake. Place it below my Graphics card. Doesn't flow a large amount of air but its fine. Dropped my temps by aboout 5 celcius. Not bad for a silent and low priced slot fan.$LABEL$1 +WOT!!!!. This has 2 b her best album 2 D8!!!! trust me!!! i dnt no if evry1 els is listnin 2 the same cd as me but she sounds real good and the songs r ALLLLLLLL GOOD!!!!!!!!!Standout tracksGet right (original and remix)step into my worldWhatever you wanna doCherry pieRyde Or DieI, LoveSO ITS A GOOD CD BUY IT NOW!!!! u wnt b disapointed$LABEL$1 +Find it.. I can not believe no one else has written a review for this outstanding thriller.Frank Pagan, the protagonist, is a bruised, battered London cop, whi is assigned to the anti-terrorist squad.The "Jig" of the title is a well-accomplished Irish killer.Frank has to catch him.So, yes: it's a chase story. And it moves. The body count is awesome, the tension is overwhelming. The atmosphere is gritty, sweaty, saeamy. It's real. While it doesn't actually say so in the text, you know that Frank Hagan is a man who farts. He's human. He's damaged: a widower, still in love with his dead wife. He's... eccentric: a Londoner who drives a huge American car and plays 1950s rock and roll LOUD on the car stereo.The story is a tad dated, but gripping nonetheless. Read it, then read the follow-ups: Jigsaw, and Heat.They all compare favourably with Nelson Demille's "Cathedral".. enough said?$LABEL$1 +chrono cross. this is a great sequel to chrono trigger some people might not agree like i did at first but i have come to love it.this game jumps into everything fast and for an rpg the talking is really low and has alot to do with the previous game.the game aslo has really good gameplay and is different on your second playthrew your choices effect the story and the paths you take so its always different i highly reccomend this game not only to a chrono trigger fan but a fan of rpgs.$LABEL$1 +Bags. This product is exactly what is described on the package. It does what it is suppose to. I like this product$LABEL$1 +A MUST read. The Dust Bowl is raging on and Billie Jo is in the middle of it. Her family is struggling to keep their farm in the Oklahoma Panhandle. Billie Jo's mother wants to move but her father is convinced that he can make something grow. Then,when the family finds out that Billie Jo's mother is going to have a baby boy, everyone was overjoyed. Everything seemed perfect. But, one day a tragic accident occures. When the baby comes, Billie Jo's little brother and her mother both die. Billie Jo is lost and confused without her mother. Nothing is right anymore.This was a GREAT, GREAT book! Karen Hesse captures you with free verse poems that make up the whole book. Your heart will be taken along in the journey with all the characters in this book. People of all ages will love this book no matter what.$LABEL$1 +Proof that fecal matter can be pressed onto a disc.. This is the worst game that I have seen in years.I am not going to repeat what people are saying about this game. I will add the following points:The audio is horrible. You can pretty much hear which individual sound bites they are stringing together to make (in)coherent commentary. Also the sound quality is right up there with a decent AM radio station.The menus are the most non-intuitive I have seen in years.Bottom line is, anyone that has been duped into buying this game: we should band together and file a class action lawsuit against EA. The game is that bad.$LABEL$0 +This book is christian propaganda at its best!. This book is the Christian whine heard around the world. It is about Christians who are mad because Universities teach everything in an open fair way instead of teaching Christian values. They use the guise in the book of being republicans not wanting such a liberal teaching stance, but you can see right through it. How obtuse for this nations Christians to try and make everything about them and their religion....it is a religion, not the way of the world. It is such Christian propaganda. I was disgusted.$LABEL$0 +Crap. I purchased this product thinking that it was would be nice considering the prices for street glow are much higher. Well I received the unit had it professionally installed and my main control unit was faulty wasn't pushing the power out, so the company who installed told me to contact the company to get a replacement and to my suprise there not open on the weekends.. So I just decided to place an order for the main control unit to save me the hassle well now it turns out that I only get 2 colors blue and green and various different shades of these to colors. This product is crap, now im going to have to fight the fight to get my money back for the led crap and the installation fees I've had to pay. I strongly avoid getting this kit.$LABEL$0 +Goes on and on and on. I've had this little gadget for years and while the Cuisine Art equivalent (a gift) has come, tried, and failed, this little unassuming Braun machine just keeps whipping and pureeing like on day one. Very happy with it!$LABEL$1 +Amazing one.... I thought a lot about this lens and sigma 10-20 mm before plunging into Canon and I never regret the decision I took!!This lens is amazing and provides beautiful wide angle shots with 'WOW' factor in each and every shot... Very less distraction, decently built body...apart from this it is THE Canon Optics that gives this a differentiating factor from other third party manufacturers and it is worth the premium you pay for Canon optics.$LABEL$1 +Book 4 of a huge plot.. The line of the Kent famiy is followed through with Amanda Kent as the main player. Amanda, daughter of Gilbert Kent was kidnapped and held as a wife by an Indian brave until his death when she was released.She then married a fur trapper who also died,leaving her to m ake her living as a bar keeper until she was caught up in the Battle of the Alamo and again taken prisoner as the woman of a Mexican Officer.She was treated well by him and gave birth to his son,Louis. By chance, she met,very briefly, with her cousin Jared who had been searching for her for years and inherited, on behalf of his son Jephtha,the control of his share of a gold mine. Determined to restore the printing firm of Kent and Sons in Boston to the family control, she and Louis set up house in Boston where she battles for ownership of the firm from the evil Hamilton Stovall,the man who swindled her family of their fortune and business.$LABEL$1 +oo la la. nice, heavy duty sheets. super-deep pockets. the color is true to the picture. these sheets are a great bargain for high end thread count.$LABEL$1 +This CD ROCKS!. In Palm Trees & Power LInes, Sugarcult's lyrics travel into more serious territory, but still are accompanied by their killer hooks and guitar riffs! Highly recommended to any Sugarcult fan! Favorite songs:She's the blade,Champagne,Memory,Counting Stars, but all the songs are awesome!$LABEL$1 +Beautiful. The box called to me graphically. The fragrance is unique. I had to have it. I love to breath it in.$LABEL$1 +I hate this machine.. I hate this machine. I like to drink espresso so I absolutely wanted a machine that would make both coffee and espresso. The main problem is the machine has no automatic shut off so if I leave the house and forget to manually turn off the machine, the coffee evaporates and the pot burns. I didn't think they made machines like that anymore - it should come with fire insurance. Also, the coffee results are spotty. Sometimes the coffee is great but then I've had several times when only hot water has come through. The coffee filter holder is very hard to fit into the machine. You have to line it up exactly with a hard to see notch to insert it. I have a Krups coffee grinder that has been a wonderful workhorse for me so I decided to buy this when my DeLonghi gave up the ghost (that one I loved). I would never recommend this and if you want to buy it from me, I'll give you a good deal! I am going to call Krups and see if they will take it back or exchange it. Ha, good luck to me.$LABEL$0 +Great little item. I knew exactly what I wanted when I ordered this, but couldn't find it in my town. I ordered it from Amazon, and really like it.I use it in my bathroom to keep my hair thingies and night creams in. It works perfectly. It's well made, yet simple. The top part has a little lift-up hatch that makes it nice for things you want to access all the time.Great little item!$LABEL$1 +Makes Danielle Steele look like Shakespeare. This book was really lame. It is riddled with cliches and it is shorter then a young adult novel. Total waste of time. The Lifetime movie was much better, so you know how bad this really was.$LABEL$0 +Biased, weak and with little use, but concise. I read this book here in Brazil.I'm an agronomist and I like to read books.This book has an obvious anti-catholic bias.About the popes who were murdered by their catholic faith, there's nothing.The enormous failures of famous protestants such as Luther (anti-semithism and racism), Henry VIII (madness, womanizer, etc.), etc. have no place on this book.Even about the founder of pentecostalism , the pastor Charles Fox Parham who was an eugenicist, pedophile, gay and racist, there's no place in this book.The anti-catholic bias is obvious.No defects are showed, among famous protestant founders.In fact, 100% of great protestants had enormous defects.The best chapter of this book is about Islam.Showing Islam as a result of a weak easter christianity,in a chapter.This book has some very little utility.$LABEL$0 +Piazzolla brazillian version. Only Astor Piazzolla could equal himself. A bandoneon virtuoso playing his own works, nobody could do better than him. However Four Seasons of Buenos Aires deserves a place of honour in the cd collection of Piazzolla's fans.$LABEL$1 +Great. I have been using this pump for many years before it stopped. The new one I ordered is even better. I use it to pump water through a pond filter to a waterfall about 10 ft. away and 3 ft. high.$LABEL$1 +this movie made me cringed & twitch to the max. bad acting bad storytelling bad everything i wish this movie was never made i strongly disliked this movie it seriously was a waste of time and money to make god this movie is terrible seriously terrible and i thought my movies were bad but this movie takes the cake and just ruins my childhood foreverSurvivor's Quest (Star Wars)Star Wars: Fool's Bargain (Novella)Heir to the Empire (Star Wars: The Thrawn Trilogy, Vol. 1)Dark Force Rising (Star Wars: The Thrawn Trilogy, Book 2)The Last Command (Star Wars: The Thrawn Trilogy, Vol. 3)Specter of the Past (Star Wars: The Hand of Thrawn #1)Vision of the Future (Star Wars: The Hand of Thrawn, Book 2)Allegiance (Star Wars)Star Wars: Choices of OneOutbound Flight (Star Wars)$LABEL$0 +Absolutely a great read!. I loved this book for the prose and the story. It would have rated a 10, but for 2 incidents that were too far out there to even be included in the plot (you'll know which ones when you read them). I was captivated from the opening page through to the end.$LABEL$1 +Great quality and very useful. Great customer service from the Handy House! Due to a packaging snag, my order came without a rolling pin cover, but they shipped out another promptly when I let them know.Both the cloth and pin cover are of great quality, and the cloth is well hemmed. I used it for my Christmas cookies as soon as I got it, and they both worked great!$LABEL$1 +An Excellent Teacher. Alright, I've haven't read the final book. I do have an unfinished version that Professor Sanford distributed when I took this class from him at the U of Maryland. The initial version was excellent. I had tried to slog through other presentations on fracture mechanics and had gotten lost in the details.Rather than just presenting the stress intensity factor and other concepts, he gave a good historical development of just where these quantities came from and why anyone would or should use them to predict time to failure.$LABEL$1 +Just a gift. My husband had been wanting this book for a good long while. He's happy with it. We got it 2 days after ordering and it's in perfect condition.$LABEL$1 +Not good. I was so looking forward to this book. For a variety of reasons I was sure that I would love it. Instead I found, after the first few chapters, that I was making myself read it in the hope that it was somehow going to get better. Its one thing to try and turn a light and frothy story into something deeper with political overtones, but its another to make it boring, awkwardly paced, and with dialogue that slips in and out of being stilted again and again. Some people loved it though, so I would think your best choice is to find a copy and read a bit to see what you think.$LABEL$0 +Pet Taxi replacement door. The dimensions of the door were not listed in the description; so while my pet taxi is a large, it is evidently older than the ones this door was made for. Listing the dimensions of the door would not be difficult and would save customers having to return items because they are the wrong size.$LABEL$0 +Rogers and Hamerstein disappointment. This is a beautifully restored and digitally remastered copy. One of the poorest examples of the genius of Rogers and Hammerstein musicals. Poor screenplay, poor plot, very few hit songs. If on Broadway today, it would close in the first week if not after the first night. I resold this DVD.$LABEL$0 +An okay book. This book was very very very very very very very very very very gooooooooooodAlthough it was a little too explanatory!$LABEL$0 +Raising your child like you'd train a horse?. Well, if you read Ezzo's books and just change a few things, you'll have a great manual for training a wild horse. In other words, to break the natural inclinations for an animal to survive and thrive in it's natural environment in order to accomodate the wishes of its master in an unnatural environment. Now, I'm not against domesticating animals, but I am wholeheartedly against training mothers and babies not to trust themselves.Visit www.ezzo.info for a thorough discussion of this author.$LABEL$0 +awesome book. this exact same thing happened to me. exactly. when i read it i couldn't believe it. i love this book!$LABEL$1 +Living with an anorexic - a life line. I found this book invaluable. My anorexic neice said it was the best thign she had read to explain what was going on inside her head. Wow - it was like lights going on. Really helpful ot be able to see the disorder from her point of view. I was floundering before I read this. I storngly recommend it to those of us desperate to help a loved one who is lost in anorexia and fighting to find their way out, or not yet ready to fight!$LABEL$1 +DO NOT BUY!!. We purchased this plasma and 8 months later it stoped working. We had a manufacturer warranty, which is worse than the plasma itself. Haier promised they would replace with an upgraded model in ten days. After the ten days came and went then they say they would only replace the moniter in 15-20 business days. We are still waiting for a replacement.$LABEL$0 +Take a risk if you've never heard his music.... cause I'm glad I did! This the first Elliot Smith CD I have and I'm definitely getting another. The songwriting is awesome and Elliot has a great voice! My favorite songs (even though they're all good): Son of Sam, LA, Color Bars, Can't Make a Sound, and In the Lost and Found.$LABEL$1 +Decent machine. Not as good as my Norelco 7775X Cool Skin Shaver, but gives a decent shave for the price.$LABEL$1 +Too small. The pages on this score pad are too small to write in the numbers. There is no space to add up the scores until you get to the final score. Could contribute to errors in addition.$LABEL$0 +Not happy. Over I like the gun but the chrome is peeling off both of the psh 1's I own.Called porter cable and they tried to replace it with a cheap black and decker homeowner model.They then referred me to a local repair center but they didn't manufacture the tool so what could they do.Every time I use this tool I cut my hand open and porter cable did nothing to make it right.In conclusion porter cable is a shell of what they used to be.Very diss appointed$LABEL$0 +didn't last. My repair was a 3/4" hole in the vinyl seat of a kitchen stool. I followed the directions carefully, but the patch kept cracking and I kept adding new layers to patch the cracks. It finally seemed ok except for looking a little higher than the rest of the seat since I had to put extra layers. I didn't use it for a few days. Then when we did sit on it it started cracking again and after a couple of days the central part of the patch fell out.$LABEL$0 +a very sad and scary love story. I thought this book was very much in keeping with Stephen King's newer style of writing. Different from the classics but very good. I liked his descriptions of love never lost in all the characters. He has an amazing grasp of the everyday which I really enjoy. He can make you see the characters so clearly, I really liked Brenda Meserve and Bill Dean, so stuck in the past. Stephen King has such a grip on his characters. Aside from my admiration of his love for his characters this book also scared me silly. when he spoke about Mike Noonan's encounters with ghosts made my hair stand on end. He continues to be an excellent storyteller. I started with "The Shining" and have enjoyed all of his books$LABEL$1 +Christmas. This was a Christmas present for my Dad. He loved it! It fits his weapon perfectly and he says it's very comfortable to wear. Thank you!$LABEL$1 +One of the greatest films from Jamaica. The first time I saw Smile Orange I was 10 years old (I'm 30 now), my mother and I brought it from our local Jamaican record shop. It was the funniest thing I had ever seen. The cast is wonderful and I am sure you will find Ceril the bus boy sweet and funny...just remember "Plate" and you will see what I am talking about. Buy this movie and let Ringo, Joe and Ceril take you on a wild ride!$LABEL$1 +if it aint broke don't fix it. This game when it first came out was simply great and remained great for a year or two and then they decided to "up-date" the game or to "improve" it which the 2nd age was a wonderful update but everything after that was down hill from there and the more they update it the worse they make it I realize there just trying to improve it but the game was better back before UO: Renissance came out and everything they have done since then including UO:R has been a major dissapointment and this new Age of Shadows update is without a doubt the worst one yet and i definetly suggest you not purchase this game unless you are already a UO player and are already deeply involved with a house(es) and extensive fortune if not play another game this one is as the title imply's only a shadow of it's former glory$LABEL$0 +The worst one yet. The first Spy Kids movie was enjoyed by all in our family and our kids insisted on seeing all of the sequels. They should have stuck to the first one as in so many cases. Did not have the same energy and quirkiness that the first movie had. The characters also did not interact with each other in that easy way found in the the first movie.$LABEL$0 +Where there's smoke there's usually fire...usually. Smokin Aces is a good action movie for those people that like action movies. It's funny, smart, and packed with good scenes that make it worth watching. There are enough twists and there is enough violence to liken it to other similar movies like Snatch, Ronin, Lock, Stock and Two Smoking Barrels, and I enjoyed it. The HD-DVD combo worked well in my 360 HD-DVD player and showed marked improvement. I would recommend this to the action movie fan easily as well as anyone looking for a good HD-DVD to add to their collection.$LABEL$1 +Fair Book but get other sources as well. I have used Microsoft Press books to get through my entire MCSE certification. I bought this book and used it along with Transcender and that was not enough to pass the exam. This book did not stress enough a lot of the key areas that were covered on the exam (especailly in the area of cryptography).$LABEL$0 +The Gift of Intuition and Consciousness. Penney Peirce has written a thoughtful, grounded, and well put together book on how to access an innate capacity in the human brain. Intuition is our natural heritage and this is one of the best books on the market that dispels the woo-woo and focuses on the matter of fact ways to utilize it to one's advantage. In my opinion, we are all intuitives, while others are psychic and capable of seeing realms of creation in multiple dimensions. Nevertheless, this is a fabulous and organized way to consciousness and discipline to achieve practical application of one's inner knowing. When intuition and intellect combine forces in harmony ... much more awareness is at your disposal to create the life you truly want.$LABEL$1 +Good Movie. Bale has been the best Batman. The story was a little long in the middle. Overall an excellent superhero movie.$LABEL$1 +One of the best original FPS you can play!!!. This game is one of the best first person shooter games I had ever played! I had tried all of the xbox first person shooters and this is defitenitely the best for me since Halo! The graphics are excellent and the originality is awesome! This game is so good that it is worth buying it. You will not regret it. Like Halo I will never resell mine because I cannot wait to replayed again and again!!!$LABEL$1 +Not what it's cracked up to be. To sum it up, this book is another example of a lost opportunity to realize the potential of an interesting theme, namely the juxtaposition of two cultures and its effect on one individual. The writing is simplistic and cliche-ridden, and the number of references to pop culture will give the book the shelf life of a BenLo movie. Superficial and manufactured, this one will take little time to read and even less time to forget.$LABEL$0 +blind, not deaf. Blind is a treat, if pop music is up your alley, this is the street you want to be on. I've had this album 16 years or so, and after properly hearing it on every stereo I own in every room of my house for years, I'd have to say I'm very happy I bought it.This one won't tire out easily. Brilliant lyrics, sung beautifully, over crisp, airy guitar and drums, whats not to like? As clear as an early morning breeze on a summer day on the coast, these songs will penetrate and invigorate your mind. Enjoy these songs and wish that there were more.$LABEL$1 +another exercise in pseudo-spirituality. This book will give some people the psychological comfort they're seeking but for me it was just another exercise in pseudo-spirituality. I have read countless books on spirituality and self-improvement, and I can honestly say this book is no exception. Personally, the more I question my existence the less I believe in a human "soul" - rather it's ALL soul (or whatever you want to call it - spirit, energy, intelligence, God, Easter Bunny!). Personally, I wouldn't bother with this book and check out Krishnamurti's, Book of Life or Total Freedom.$LABEL$0 +Awesome. Hands down the best and most comfortable mouse I've ever used. I scoffed at paying so much for such a common piece of equipment, but regretted my decision when I bought a cheap piece of crap.This mouse is frickin amazing. Worth every penny. I've since bought several others for my other desktop and laptop computers. Things sick.$LABEL$1 +Excellent USB drive. An excellent device - good transfer rates, robust & has a very well designed rubber sling for attachment to a keyring.$LABEL$1 +burn notice season 2. purchased burn notice season 2 dvds came on time in good condition ,at a fair price, very good quality in both video and audio.consider a must have for anyone like me who is a devoted fan of B&N;.$LABEL$1 +Great little paint set.. Purchased this for my two year old whom loves to paint. After she pulled this out of her stocking she wasn't interested in any other gifts. We are always thrilled with Melissa & Doug products!$LABEL$1 +If you have nothing else to do. This book is a good "airplane book" . You can read it from New york to LA and never miss anything. There are many inaccuracies that a good Software Engineer can point out, but the one that bothered me most is that there are no stairs in the Giralda. Did Dan Brown really spend time in Seville?$LABEL$0 +Move on. I saw this movie when it was originally released and have to say that may thoughts of it have not gotten any better in that time. I had high hopes for it going in and kept waiting for that moment when I would feel that my money had not been wasted. The moment never came. This was an awful movie. Boring dialog, uninteresting characters, painfully slow pacing. This is really no different than any of the other movies Paul Thomas Anderson has written and directed. This is the worst of the big 3 but they are all highly overrated.$LABEL$0 +Wow! So many elements in this.book...... A murder mystery that covers so many topics: police investigations, the occult, divorce and the breakdown of the family unit, in depth character analysis, etc. Excellent twists and turns that keep you wondering till the very end of the story. A must read.....$LABEL$1 +Greatest Gift of All. With "Built to Last," the Grateful Dead give their fans the ultimate gift. . . . an album so mediocre that even the most enthusiastic fan would be thankful that there would be no more to come. This is the Dead's final trip to the studio. Had they called it a day after "In the Dark," many may have been left wondering what would have followed. Now that the Dead had a certified hit record, how would they follow it up? Rather than leave fans imagining great albums of the future (not that "In the Dark" was any masterpiece, in my opinion), they deliver "Built to Last," demonstrating that the long, strange trip was over indeed.$LABEL$0 +Why Aren't These I-ties Getting More Ink?. The Code is a great combination of musical exercises from some seriousouly talented Italians. North America may have invented this genre, but the children of the Continent are having pretty big fun trying it on for themselves.$LABEL$1 +Only one bulb works - I gave it two and a half stars. I previously purchased the Rayovac SP8DA Black Sportsman 8D Lantern from a local store and liked it a lot. With the prediction of Super Storm Sandy hitting the Northeast, I decided to buy another one, this time from Amazon. From the moment I added the batteries and turned it on, only one bulb has worked. I am really disappointed with this purchase.Just have not had the time to return it!$LABEL$0 +Old greed dies hard... Despite the fact that the country (not just the right, as in Reagan's case) practically beatified Roosevelt at the time of his death, and also despite the virtually unanimous opinion among historians that he was one on of the three truly great leaders this country has ever had, authors like Flynn just cannot seem to let it go. The anti-FDR/New Deal/Yalta smear brigade, fueled from the beginning by the same 'big money' that ironically caused the Depression in the first place, marches on to its own drummer, preaching to its own choir.If a man is measured by who his enemies were, then the legacy of FDR, only perhaps second to Lincoln, may rest undisputed.$LABEL$0 +This is a Bohemian flick. After 10 minutes, I had enough. First of all, the visual clarity could have been done a whole lot better, especially with the technology at our disposal. Secondly, this film reminds me of the psychedelic 70's or something. No worse, it reminds me of something you would see during an hallucination on LSD. The music was psychedelic, the drawings were psychedelic, and the constant frontal, nudity scenes gave me nausea. The film gave me a headache!$LABEL$0 +Too much Hype, no substance. I too believed all the hype of this being "the first classic album of the year". Could not wait to get my hands on it and they suffered through a disappointing effort of dark droning and sub-par effort. Stay away!$LABEL$0 +Nice Printer, But..... This printer works well, was reviewed well online, and does exactly what it is supposed to. The problem is the software, it's a NIGHTMARE. I always have to fight to get it to print. Either you let windows install the printer, or use the driver on the cd, and when you print you just get an error message, and have to reboot the computer to get it to print, OR you install all the unnecessary software made for servers, send it to print in the "paper port" program, then have to tell that program to print it. Either way if you buy this printer you can no longet in 1 quick step print your pages.Oh and by-the-way, I use windows XP Home so nothing outdated, but noticed it works a little better with XP Pro.$LABEL$0 +Endlessly replayable. It allways amazes me that this album didn't sell as well as the others. Like most of the early Queen albums, it has everything: rockers, ballads, weird multi-tracked constructions, ...If you like guitars and rock, two tracks on this album are outstanding: crank up the volume and listen to "Fat Bottom Girls" and "More of That Jazz". Awesome.$LABEL$1 +I wish i wasn't so naive. I bought this book, I will admit, actually expecting something good and amazing. I liked how to make war, and i have now learned the hard way not to buy a book just by the authors name. This is disappointing. Good authors like Stephen Coonts, Michael Crichton, and others, I am able to buy from in confidence, expecting a good read. How is a production delay due to a minor problem a 'dirty little secret?' Wow, I feel so dirty now that I know that!$LABEL$0 +Does not serve the purpose. I bought this headset to use it with Skype, not to use it with a phone. I the only way I could make this headset work with my computer was by downloading additional software, which made operation much more complicated. For some reason this thing does not work windows bluetooth drivers. After the software trial ran out I would have had to pay, so I ended up not using the head set at all.If you want to use your headset with a PC, get another one... the other Motorola headsets appear to work just fine.$LABEL$0 +Fair. Bad DVD defected I played it and the first DVD was defected and i was disppointed in it big time .$LABEL$0 +Legend of Spyro; A New Beginning. The first Spyro was so much fun looking for eggs and secret stuff, but this Spyro is nothing but fighting. If you really liked the first Spyro then don't buy this one, it is a waste of good money.$LABEL$0 +THUMBTACK. I have three or four Bob Mould albums and one Husker Du live album. There are times I put them on but with all the music I have, Bob gets played maybe once a year or so.However, every so often I put on this CD just for the song Thumbtack. I dont know what it is but that song is as hard as any blaring electric guitar song to me and lots to say in a very to the point way of saying it. I used to hate buying albums for one song which was the norm in the 70's and 80's but with this album, I stumbled upon this little gem of a song.For that reason, I give this album (and yes there are other songs I like here) five stars just for Thumbtack. Yes, I as a reveiwer can do that.$LABEL$1 +Star of David Pewter Cuff Bracelet. Was disappointed all around, sorry to say. The bracelet was not formed with the bias of the wrist; The metal was not thick enough or formulated with enough base metal to withstand body heat so it constantly lost shape and loosened - the design could be seen from the underside/inside. But more importantly it quickly cracked and broke from the edge to one of the star's because of the above reasons as well as, apparently, from not having a thick enough border/edge. Also, upon arrival even one of the star's had already lost it's blacking. However, I liked the idea; If manufacturer recalculated the design I'd try to purchase it again....$LABEL$0 +Absolute Rubbish. Bitter disappointment are the only words I can use to describe my reaction to this CD. Whilst I don't expect Alanis to carry on writing in exactly the same style as her first album, this music is written in a desparate attempt to be different. Her music makes no sense!! A few good songs like "That I would be good" "buy the book" just highlight how poor this album is!$LABEL$0 +Horrible!!!. Without any question the worst official Hawkwind album. they trash everything that moves .Huw Lloyd Langton seemed to have only learnt one set guitar chords and one tone..his lack of suitable style and limited dimensions to his playing severly tested my huge love otherwise of Hawkwind for a decade almost. (I like Huw personally but in Hawkwind he was a disaster!)A dreadful heavy trash of Swindells "Shot Down in the night" .. a crass ruining of "Spirit of the Age" .. "Lighthouse" is just pathetic.. "Brainstorm" and "Master of the Universe" are insipid and listening to this reminds one of the saying of feeling like you are savaged aurally by a dead sheep!Urban Guerilla is crass but listenable. Motorway City is ok.Silver Machine cuts out with an explosion (mercifully!) to save the listener any more pain.Get the idea.. I hate this album LOL!!$LABEL$0 +Cool Vacuum. I just had this vacuum for about a month and it does what it advertised--lots of cleaning power!On the first day we got it, I test drive my DC15 on the family room carpet. I had just vacuumed the room the previous night and the new DC15 still managed to pick up half barrel of filth. There is no doubt about its legendary ability to deliver extra suctions power.The only negative I have was its choice of plastic. The material seems cheap and flimsy. The roller-stand in the back of the ball looks frail and about to crack. For the price they charge I would expect a lot better choice of plastic.$LABEL$1 +Hilarious and heartbreaking. Catherine Newman's big heart, sharp wit, and breathtakingly good writing take what could have been a standard "momoir" and elevate it to -- dare I say it? -- literature. A wonderful read for every mother who's ever secretly wondered what the heck she got herself into. Be prepared to laugh, often, and keep the Kleenex handy.$LABEL$1 +Love it!!. Great Show can't believe it is over. Hope JJ comes out with another great show, Fringe and Lost how can you top those !!!$LABEL$1 +Best transmitter out there!. I tried the Belkin trasmitter before buying this Kensington. The Belkin worked ok at first but after a few weeks it got a lot of static. I live near DC and it's harder to find a clear radio station, which has a lot to do with the static, i'm sure. I returned my Belkin and bought this Kensington transmitter from the apple store. I have had no problems with it since i bought it a few months ago. There is no static at all when i play my ipod - even living near the city! This is definitely the best transmitter to go with if you've been having lots of static problems.$LABEL$1 +Great Summer Read. This series by Alexander McCall Smith is great easy & fun summer reading. Start with book one and see the character's personalities and relationships build.$LABEL$1 +John Cale's Brilliance - LIVE -. If you're looking for a piece of brilliance and maybe something a little more accessible than some of John's other works you won't be disappointed with this work. Spanning a large piece of his career and some new stuff, John's voice accompanied by solo guitar or piano is simply fabulous. I recommend this release to anyone with an interest in listening to genius with out high production.$LABEL$1 +Candy don't taste so good anymore.... I can see how feminists would be all over this. 14 year old nymph gets back at an older masochist. Or is it the other way around ? I really wanted to like this film, but it was too slow and too drawn out. At some point you just feel like sceaming: OK, I GET IT ALREADY. That, and shortly after you want to slap the guy for acting/being stupid. You know she is still in the house, you have a chance to get out, but what do you do ? You go look for her. Dumbass. You deserve everything you get, all the way to the unlikely ending.And then it's over, and you still have questions. Granted, that was the intent, but it makes you feel empty, which was supposed to make you converse with other people about this film I guess. For me however, once was enough. I never need to see it again or talk about it, ever.$LABEL$0 +A Must Read!. This book was one of the best. It is about a girl who is accused for murder while on a trip to Rhode Island. Avi uses desciption and vividness to pull the reader right into this book. While it is hard to explain as to what the book was about I will say that it is a must read and that if you have ever wondered what the hard times at sea where like and what the true meaning of friendship is like you will love this book. Charlotte, the main character, is easy to get to know and is someone everyone can relate to with her ongoing bravery and fears.$LABEL$1 +Very Satisfied. My wife is very pleased with the product and I am very pleased with the service.. Thank You$LABEL$1 +Gift gone a little wrong. I bought this for my mother-in-law for Christmas. She was really excited to get this frame, and I believe when I purchased it the ratings were a little higher. I can see that it isn't that great. We had to ship it back because there were some significant problems (it was showing any pictures and there were lines across the screen). We shipped it back and are awaiting the new one to arrive. I hope that it is much better. I gave it two because it seems like a good product, but the ratings could change depending when we get it.$LABEL$0 +Great Lamp- Good Value. I was surprised at how nice this lamp is. It's quite heavy, all metal and has tempered milky glass - not plastic- on the underside of the shade. The base felt like it weighed several pounds. I like it because it not only provides indirect light upward, it also shines a nice diffuse light downward. There are two sockets for bulbs. It says you can use up to 150 watt bulbs -if you want that much light. It has a long cord that you pull out from the base. I did find it a bit trying at first to push all the extra cord into the pole segments that screw together. But putting things like this together is not exactly my forte. It took me about 20-30 minutes to get it all unpacked and set up. I am quite happy with this purchase.$LABEL$1 +perfect. Loved it! Got here in great time, looks great on. Wish the chain was a little longer, but really, no complaints. Have gotten several compliments each time I wear it. Would buy from this seller again.$LABEL$1 +DVD part went bust after just 11 months.. Bought it Nov. 2003, broke 9/30/04 and the warranty covers labor for only 90 days. It never worked that well to begin with, some DVD wouldn't work on it, although they worked fine on other players.$LABEL$0 +Bolsters need covers. When I got this bolster a year ago, it adequately served its purpose, and I didn't think too much about it. I didn't use it all that often, but it was quite serviceable whenever I did. Then my massage therapist forgot her round bolster, and used mine, getting massage oil all over it. Since she is a kind thoughtful person, she offered to clean it for me. It totally and completely shrunk, nearly 30% shrinkage. Replacement bolster covers are not available from the Hugger Mugger website as of 5 minutes ago, so I now have either a completely useless bolster, or I have to go scouring the web to try to find a replacement cover from an outlet that I would trust. Bottom line: don't get your bolster dirty, or you will have completely wasted your money.$LABEL$0 +DON'T WASTE YOUR MONEY. As an avowed movie geek myself, I thought I owed it to myself to check out the poster boy for geekdom. I WAS WRONG. I was casually aware of Knwoles borderline-... writing style, and found it charming at times. But this book is painfully ghost written, it feels more like something that would be in one of Knowles' precious cracker jacks boxes than a real book. I kept wanting to skip forward because it was so boring, but figured the good parts were right around the bend. I lost hope 3/4 of the way through, and finishing the last pages was truly an ordeal. Get ANY book besides this, or better yet, go get some movies to support your own geekdo instead of supporting this guys bloated ... and ego. I WISH I COULD GIVE IT ZERO STARS$LABEL$0 +Love them. This review is very deserving of 5 stars. My boyfriend needed a new pair of chucks for work that matched his uniform... we don't wear many other types of shoes.. Love chuck taylors! 5 stars for fast shipping, and low price. Thanks!$LABEL$1 +good. nothing fancy - but he got it here early. there really isn't much else to say - I bought a book, and it came.$LABEL$1 +Not a great buy. I ordered some cookbooks for my husband and this was recommended by a friend but I think the paperback version is just not as nice as the hard cover. It is more of a "story-cook book" and he doesn't like it. Wanted to return it but I was too late.$LABEL$0 +This is not the same band....... The editorial review indicates that this CD is of the "same exceptional quality" of the only studio album produced by Colwell-Winfield. This couldn't be further from the truth! In fact, the band had broken up by the time this was recorded. Colwell, Winfield and Purro seemingly threw together pick-up players for this gig. None of the magic of their studio album is present here, with lackluster performances... and the recording quality is less than adequate...especially on the " three bonus tracks".I feel silly that I got taken in on this one, but the description looked great. Talk about cashing in on former glory!!$LABEL$0 +A knife to make you smile. Every time I pick up this excellent knife I smile, knowing that it's going to be fun to use. It was a gift, and one of the best gifts I have received in a long time. After ten months of heavy use it looks like new.This knife is lighter than you might expect, which I feel helps me to work rapidly, and is just the right size for excellent control-- I tend to "choke up" on the knife and grip the blade with my thumb for extra control. Its slim profile and the granton edge mean easier chopping and the ability to easily create very thin slices. The light weight means less fatigue. As a result of excellent design, this tool can mow through great quantities of all sorts of veggies. It's also incredibly sharp. A winner and an amazing bargain.I own other Forschner products, including theR.H. Forschner by Victorinox 8-Inch Chef's Knife, Black Fibrox HandleandR H. Forschner by Victorinox 3.24-Inch Paring Knife, Small Black Polypropylene Handle. Both are also excellent.$LABEL$1 +Don't waste your time. I rented this as you usually can't go wrong with Bruce Willis and Forrest Whitaker. How wrong I was. None of the characters are likable and by the end, I wished they would all die. Also, for a short movie, it seems there were a few scenes just to stretch it out. For example showing the girls driving around with loud music and smoking. 10 seconds of that was enough to get the feel for the scene. It seemed like it dragged on for 3-4 minutes. I fell asleep during part of one of those long drawn out scenes.I can only assume Wills and Whitaker did this for the money. It is awful!$LABEL$0 +Cheapie Tray!. Man Bumbo, I'd be willing to pay an extra five bucks for a QUALITY tray. The one you're selling now is JUNK!The tray would be PERFECT if it stayed put and was easy to attach. My 4.5 month old can easily take the top of the tray off. I read somewhere that the top of the tray snaps into place if you work with it, but I haven't found this to be true.Great idea, just needs to be improved.$LABEL$0 +Write N Learn. I purchased this toy for my 3 year old nephew as a Christmas present and I am told he is really enjoying it. He travels around with it in his back pack. I hope that it will be useful in him learning the ABC's and how to write.$LABEL$1 +Book is misleading. The photos in the book are mostly made with vintage ribbons from the 20' or 30's. Instructions are lacking. Example: Book tells you to use 1" ribbon but does not say what kind. I felt it was misleading. Why not show photos of flowers made with ribbon that is readily available. All book says is not to use cheap ribbon. What does that mean? So why have a book with photos of flowers you can't make.$LABEL$0 +Laugh Out Loud. I loved Minerva, it was a great start to the 6 sisters series, it made me run out to track down the remaining 5 books of the series. You will definitely find yourself laughing out loud at this book and the others, as well. I love marion chesney.$LABEL$1 +NCIS Episode Call to Silence. By far my favorite episode of this great series. Charles Durning does an excellent job of portraying a WWII vet who believes he has killed his best friend.$LABEL$1 +You lost me with Oprah.. I like Amazon, I'm sure the Kindle is a great product, but there is no way that I will buy it now that Oprah is endorsing it. It was a bad move on Amazon's part to use her as a promoter of the product.$LABEL$0 +Behind the 8-Ball: A Recovery Guide for the Families of Gamblers. I'm struggling to get through this book. If you are looking for something positive to get yourself through a difficult time, this book is not for you. It does tell you what to look for and how to protect yourself, but does not instill any hope for a future for the compulsive gambler, whether you are staying with them or not. Again, if you are looking for hope, this book isn't it. All it does is leave you depressed.$LABEL$0 +disappointed. WOW! This movie stunk on so many levels, I don't know where to start. My son & I really enjoy watching the first two and were terribly disappointed while struggling to endure through this mess. The story line COULD HAVE been interesting; but the script and the acting was painful to watch. Brandon (whom I love) seemed to be sleepwalking through the movie; and the relationship between him & his son (and his wife) was just stupid. I HATED, HATED the actress who replaced Rachel! Jet Li and Michelle Yeoh (whom I also love) were the ONLY interesting characters worth watching. Unfortunately, the martial arts were reduced to a minimum - too bad. Even John Hannah lacked his quirky humor that makes him so endearing. Overall, a big jip!$LABEL$0 +666- Is there anything evil in there?. When you first hear the name 666, you think of something evil. WRONG! The record, Paradoxx, is full of great dance tracks, and the only thing to remind of the "diablo" are the Spanish-evil-sounding lyrics. The aggressive sound of the synths is well combined with the party-shaking rhythm, the result is guaranteed to make you dance.$LABEL$1 +Worth it. I picked up "To Kill A King" at a movie rental place one night when I was just browsing (as usual) for something more than the action/crude comedy/horror that so often lines the shelves of the new releases. The store had only one or two copies of this one and so I thought I'd take a look. I was pleasantly surprised to say the least. Since that night, I purchased the DVD for my own collection and have shared it with a few people who all liked it as well. I've watched it several times since I bought it and will watch again I'm sure. It's not often that I want to see any movie more than once or twice in a year but this one is definitely worth it, I think.$LABEL$1 +Hi. Greatest book ever I loved it!!!!!!!!!!! READ THIS BOOK OR ELSE!!!!!!!!!! It was absolutely amazing so awesome and cool and wonderful$LABEL$1 +Loved it. I didn't think I'd be interested in this movie but I ended up absoutely loving it. I've never seen the play so it was completely new to me. I loved the music and the humor. This is a movie that will put you in a good mood for sure. All the lead characters were great but for me, it was the supporting characters that really made this a great movie. James Marsden, Amanda Bynes, Michelle Pfeiffer, and others were all great! I did feel though that John Travolta was miscast. He doesn't have a good singing voice and he seemed to be trying to be Mike Myers. If they're going to have a male for the role, I think Myers would have be perfect for it. But Travolta was still good.$LABEL$1 +defective DVD. Movie is excellent after I bought the DVD it would just play up to scene 14 and skip to the end..they replaced it and it was the same thing.. I finally had to go rent the movie and watch it...strong performance by both actors...movie is a ***** (five star) but not on DVD$LABEL$0 +Forever a fan of Bel Ami. No matter how many photo books I buy, BelAmi will always rank number 1 with me. The photos are always clean and crisp with the most beautiful young men.$LABEL$1 +Big improvement. Nice looking, sounding computer speakers. The bass is really strong and the lowest setting is all that is required really. Good enough sound to fill the space of a studio apartment.$LABEL$1 +This book is fascinating.. I read the making of the atomic bomb by the same author and remianed fascinated for 800 pages. This book is equally marvelous. The previous book dealt with the advances in science and the people who made them, beginning in the 19th century. The hydrogen bomb was conceived during the epoch subsequent to the making of the atomic bomb and its promoter, Edward Teller, was not a popular person at the time; he encountered resistence. The author describes the personalities who were working on these weapons, famous scientists, and their quirks and weaknesses. Also, all of the science that goes on. I did stop to study a bit.$LABEL$1 +Very disappointed. My 8 year old son bought the RipStik with his saving and I we hate it. He is good with skates and skateboards but can only ride this a couple of feet. I read the reviews on Amazon and people said the product was great and how fun it was. He has tried to ride it and cannot get more than a few feet. I definitely do not recommend this product for a child. It says 8 and up but I would not even consider it unless they are in their high teens. I am very disappointed that he spent so much money and cannot ride it. The wheels spin forward and backward and in a circle at the same time. I tried to stand on it and had to hold the counter to keep my balance. It is very hard to balance because of the way the wheels spin. Would never buy this again.$LABEL$0 +second-hand and too wet. It actually is of little importance to a listener how long and why this outfit kept in the shade. This album will, for all we know, put them away for longer still. Reason is a-plenty. To begin with, neo-romantic synhty-pop is not quite making hey these days. The material smacks of Wet Wet Wet's heydays. And anyway, this sort of nagging suicidal gloom is too much to bear in A-ha, Weeping Willows, Doves and the entire Glitterhouse label's output. On the plus side we have here 11 cute and crafty tune arrangements - but then again, vaguely reminiscent of 80's new wave era which Erasure never failed to subscibe to. Wake up, little Suzie, wake up!$LABEL$0 +Perversely Uplifting. I am trying to be frugal with my five star reviews but this album deserves full marks without question. Judging by my screen name, one can safely assume that I am a Will Oldham fan. I, myself not being much of a writer, will avoid trying to pin this album down with my words but direct those interested to reviews at both pitchforkmedia.com and nme.com.$LABEL$1 +once broken, no fix available. May I add to those who had the problem with the orange connector separating from the main hose. At that point it is worthless. I see that Fiskars no longer carries this product - wonder why.$LABEL$0 +Loves it!!!!. This is actually THE anime that first got me interested in anime. My older brother used to watch a lot of anime when we were growing up and I could never get into it until he brought this home. It's a classic and really delivers in the action department.So glad to have found this movie after all these years!!$LABEL$1 +ehh,,,take a pass. I have to say that Mos kinda crapped out on this one. I was expecting a lot more out of this album than what I got. The album is ok, but I wouldn't go running around telling people to buy it. I stlll will enjoy Mos on other levels,,,specifically I against I, a track you can find on Daddy G's album. That track is amazing. Sorry Mos, you should of worked harder on this one$LABEL$0 +Not too bad, but nothing much really. Now don't get me wrong here. It's a great movie, well a good movie. But this isn't the movie, it's the comic book.The problem is, it IS the movie! There is nothing here that stands out on it's own from the movie and all the other hype. It's a good movie, but it's not a good comic book in it's own right.Or to simplify further, it'd be better if there wasn't a movie, because this is just the movie on paper (well, a movie on paper is a script, but you get the metaphor). If you've seen the movie, don't bother. If not, go ahead.$LABEL$0 +Pass on the '06; you'll need the '07 by the time it arrives. I ordered this calendar as a Christmas present for my friend at the beginning of December with a shipping estimate of about the 16th of December, and the 16th of January is approaching and it still apparently has not shipped. In my opinion I should receive 1/12th of it for free since my friend won't be able to use the January page; along with a complimentary Christmas gift for next year. But instead I decided that I would do the world a favor and save them the embarrassment of wrapping and giving an empty box with an IOU note as a gift. You can't use an IOU note to keep track of the date. So please do ME a favor and pass on this calendar no matter how attractive you think an actor might be. They're not very attractive when they're stealing your hard earned greenbacks, think about that. Oh and by the way I've also been forced to give this item one star of which it doesn't deserve since to my knowledge it may not even exist. Thank You.$LABEL$0 +Does what it is supposed to do. Great price on Amazon.. Product worked as it should.Cheaper from Amazon and is exactly the same thing as the Corvette branded one GM sells.Nice item to have if you have a car that is stored for the winter or otherwise not driven very often. Cars with proximity FOBs and lots of on board electronics don't like sitting around without charging for more than a couple weeks.$LABEL$1 +A1 quilt book. This is an exceptionally easy book to follow directions and everything is wonderful. I will definitely buy from this author again and again.$LABEL$1 +It's No Bargin. Got this as a gift. It worked fine for the first two albums that I played but after that it hasn't gotten up to the proper speed. I haven't been able to find any solution to the problem from the Web.$LABEL$0 +DISASTER........ I am sorry to say this purchase was a total waste of money. I accept some of the blame. I purchased this game not knowing that it was actually an ADD-ON game to an early version of "Combat Flight Simulator". I purchased Battle of Britain as a stand alone game...this obviously was not going to work. Having opened the package and reading the instructions I thought that it may work as I do have Combat Flight Simulator 3. This is not the case... Now the game required is no longer available, so I am left with a game that is absolutely useless. I emailed my issue to Amazon and was informed that I could return the item but having destroyed the packaging and the cost of returning the game to the USA, I chose not to do so.I guess it's a case of "buyer beware" and make sure you understand all the instructions.$LABEL$0 +It Does Spark. When it comes out of the box and I first start using it, the air is powerful but definitely not hot enough. So the more I have used it over some months of time the hotter it has gotten, which I really like. But the last few weeks I have noticed some sparking. Freaks me out a bit! I have been buying this brand for a while and my previous ones just shut down after about a year but this ones sparks. Time to buy another blow dryer I guess. Sparking from an appliance is never good.$LABEL$0 +Bad. So So So Bad. And not in a campy good way.. Recently moved and while placing books back on the shelf, ran across this one. Can't remember if I bought it or someone gave it to me ... so grabbed it for my train commute read.UNREADABLE. Horrifying awful. Was this "published" by a vanity or pay press? I cannot imagine any editor ran through this. Beyond trite. Worse than junior high journal entries I used to correct.Hope the author kept her day job... and also hope she used a pen name to protect herself. (Would have given it NO stars if there was such an option). This 'book' didn't even make the donate bag... directly to recycling.$LABEL$0 +Oh my, the downfall.. Ugh, what happened here? The band really shows their creativity, yes, and have complexity, but the riffs...are GONE! WHOOSH! They're extinct! Metallica really have reached their low on this album. Gone are the great riffs, filled with jamming sessions. Not that that's bad. It's just the riffs that make Metallica. But, they do get better with the next album, Reload. I'm glad they aren't making stuff like this anymore.$LABEL$0 +incredibly funny!. wow, this book was sooo funny! This book is about a teenage boy, whose mom is a stripper at a sleezy club. He's completelly ashamed of his mom, so he doesn't tell his girlfriend. He is a typical teenage boy; very insecure. His only real friend is a girlcrazy self acclaimed doctor. This is all until he meets his future girlfriend. She's beautiful, and new to the school. When he finally gets the courage to ask her out, she automaticlally says yes.He finds later, that he really loves this girl, and he can not keep the secret about his mom. Him and his girlfriend broke his virginity, and did everything together. This book is better for teenagers, because much of the subject matter is "unsutible for young children" lol$LABEL$1 +Misleading. What a rip-off...It states it works with original X-Box. It doesn't mention the fact that you need an adapter for it which is near impossible to find. I sent it back. Waste of time.$LABEL$0 +Great nights sleep!. You sleep so sound with this pillow, you sleep through normal home noises that might normally wake you. My wife and I have spent hundreds of dollars on memory foam, down feather, select comfort and more, but these gel pillows are like a dream come true when it comes to a great nights sleep.$LABEL$1 +great series. I enjoyed all of the books in this series. Each one brought on a new adventure. It is easy reading and more than enjoyable.$LABEL$1 +AN EASY FUN READ. I saw the movie first, then read the book. It is written in an easy to read style, and follows the movie closely. The book wastes no words and has fast paced action, just like the movie. If you liked the movie you should love this novel.$LABEL$1 +NOT ORIGINAL ARTISTS. Although reasonably well-executed, this CD is performed, in its entirety, by the BB Band, apparently a studio group. This fact is not clear from Amazon's description. In fact, Amazon lists it as "Various Artists". The CD itself does not let you know it's by the BB Band on the front cover. It tells you on the side and on the back, in very fine print. I assume people looking for these songs are also looking for the original artists--they should not buy this album.$LABEL$0 +Calming/meditation Music at its Best. This is one of my favorite CDs to play when I need stress reduction or want to meditate. The music is wonderful, and I look forward to purchasing more CDs by Gerald Jay Markoe.$LABEL$1 +The Perks of Being a Wallflower. This book kind of confused me in the end, but I enjoyed it thoroughly. I can't wait to watch the movie.$LABEL$1 +Bulky! not what i hoped for. after shopping around for wirless headphones for my mp3 player i went with the creative digital wireless headphones, i have a creative labs zen touch mp3 player. the headphones themselves are bulky and fit really funny, they do not stay on your head unless you are sitting very still. the audio sounds great, great bass, but if you are 10 feet or more away from your source yo get a static noise that sounds like a loose cable. for the prce these are ok for indoor use. i returned mine the nxt day i got them, very unhappy with them.$LABEL$0 +Blown away. If you have it on cd, get the video/dvd, also. Clapton at his best with a great lineup backing him during this emotional journey back to the basics and blues. One of the best sit down, on the spot, versatile jams. You can hear and feel the emotion during this set and if you can hold down the lump in your throat during "Tears in Heaven", all the power to you.$LABEL$1 +Works fine as far as i can see. I used this as an extension to connect my Behringer mixer to a stereo receiver and audio quality is just fine. I have ordered a handful of cables from cables to go and they ship quickly and quality is good enough for 99% of applications. I use them a lot on my home equipment.$LABEL$1 +** WOW~~~~~~. i never thought i will gonna love this book this much.!!Good for yourself, good for your teen-kid, good for your adult-kid,good for sunday bible study,i just bought 8 of them from different seller. lolGod will bless all of you with this book.!!$LABEL$1 +National Geographic for Kids. After reading all of the reviews I have decided not to buy this for my grandson. I always thought National Geographis was a great magazine but it sounds like it has gone down hill badly with all the ads. I am so glad I read the reviews before buying.$LABEL$0 +NOT SOFT!!! NOT What I expected. I have always had Egyptian cotton sheets for as long as i can remember. These sheets are terrible. NOT SOFT and always look wrinkled. I just purchased another set from Dillards and they are only 500 thread count and much softer and half the price.$LABEL$0 +This book sucks!. You know I bought this book because I mistakingly saw the Amazon reviews..but what I read was the published reviews (which must get a kiok back or something). Anyone, and I mean, ANYONE could write this book, because there is NO WRITING. It's a book of forms, lame ones at that. Like a To Do List? Date - What to do - Who do you need help to Get it Done - Done checkmark.Wow! That was deeeeeep insight.DO NOT WASTE YOUR MONEY. Go out to lunch instead and spend the $6-$8. I would rate this book a zero star if I could.$LABEL$0 +didn't last long. This itme is one of those tools I don't use often, but when I need it there is nothing like a good spindle sander to get around those curves. When I recieved it I was impressed with the way it was built, the nice storage for the extra spindles and the way it worked. I had no need for it really at the moment and after a couple test runs it sat in the corner. Last month I did need it and the nasty grinding sound coming from it did not bode well. The spindle would spin around but there was no oscillation at all. I cleaned everything up as best I could and it gave me a few half hearted movements and more grinding sounds. It is now sitting in the garage and I reclaimed my old spindle sander from my uncle. I was pleased to find out the sleaves fit my old one. I will use them.$LABEL$0 +Looks good, but doesnt last long. Looks great out of the box, but within weeks, the "chrome" starts pitting!I'm disappointing in the quality of this product.I love the look and design of it, I just wish it lasted a bit longer than a few weeks.$LABEL$0 +Superior. The ratchet knob on the top sets the time a minute per click, so it really takes a lot of work to set a time 12 hours, but it does the job. The radio isn't really that great but I can get local stations ok. I took the clock apart and wired it to activate a fire buzzer when the alarm goes off. The only parts I needed was a reed relay, some wire and a switch. Now I can really wake up with a serious alarm. (any day of the week)The liquid quartz display is too hard to read. I can't see to make out the days of the week. I like the clock and it is a good idea, but I wish all letters and numbers were LEDs so I could see them.$LABEL$1 +Black metal Loft Bed. I really like the way it's structured but was a bit disappointed that the futon cushion did not come with it. I was under the understanding that it did. I knew the matress didn't but it seemed that in the description, it mentioned the futon cushion.$LABEL$1 +"Terrifying--needed a little smoothing.". I am a big fan of the films; Silence of the Lambs and, Hannibal. This is the first book by Thomas Harris I have read. The main reason I had to read this book was the fact that it will soon be a movie.I have my fingers crossed that this movie does credit to the book. I'm sad to see that the original director did not direct this movie. Since he didn't, a better choice may have been David Fincher (Fight Club). At any rate, I have my hopes up.I was disappointed with the way the author left some parts of the story unfinished, such as the chapter about Dolarhydes childhood. Harris had an excellent chance of putting together a fantastic finale, yet he rushed the ending. Don't get me wrong, the ending, as well as the whole book was spooky. Just a little touch-up and this book would have been a perfect 5.$LABEL$1 +Where is the Silk??. Again this states to be a silk reed grass arrangement, it is plastic. The plant is plastic, states created from durable silk. the plant part is not silk, it is plastic. plastic plastic plastic, I dont care what the cost of shipping is, its going back. I will never order another thing from this company.$LABEL$0 +No original version. Very disappointed to discover the original releases are not included.I am sure the ridiculous edits to tie in the prequels are also theonly version available, sorry but Boba Fett is not from New Zealand!$LABEL$0 +Amos and Andy dialog. This film is a depiction of black people in the souththat isn't much like what they were like historically, but is like what white culture stereotyped them.The music and dance is the best of this movie.The plot like the dialog is bad: the country cotton picker is shucked like corn by the city slicker woman and her friends in the fast crowd.$LABEL$0 +No Replacement Bulbs. Light Blaster(tm) Ultra Spectrum Torchiere Floor Lamp is a good lamp, solidly made, but there is a problem with the bulbs. The lamp came with the VIVA PBCFS2670120v 26W which I cannot find after hours of searching. LampsPlus sells the lamp but doesn't sell the bulb. The bulb which they are now shipping with the lamp, the MaxLite GU24, doesn't fit 2 of the 4 sockets. It is just a little too wide. We broke a bulb when the lamp arrived and immediately tried to replace it but we could not. So don't buy the lamp unless you can find replacement bulbs which we could not find and which LampsPlus.com will not find for you.$LABEL$0 +Bob is just so cool.. Bob must appreciate the illustrations in this book. My nieces and nephews do. We get a kick out of listening to the song on the CD and reading the text along with it. The drawings are appealing and only a bit bizarre. Gives the kids an antidote to Berenstain Bears.Grown ups would like this books, too.$LABEL$1 +doesn't work very well. I wanted to like this mouse, and have used a similar one from Kensington with great success for years, but for some reason it just doesn't work very well and is a great disappointment. Now I have to go out and buy another brand of the same thing just to get work done! It's way way too jumpy, on any number of surfaces I tried. It keeps releasing the item I've selected too soon so the amount of clicking and dragging I have to do just to get one thing done has been increased tenfold. It jumps the cursor all over the screen when my hand is just sitting still not moving. Very frustrating to use. Can't wait to get rid of it.$LABEL$0 +Business trivia. The authors deliver as promised through a blitzkrieg tour of '100 Great Businesses'. At times the information is scarce and superficial, but if you're looking for business trivia, or a quick glimpse for areas worth further research, this is a great book for the task.$LABEL$1 +good vendor coverage. I had no idea a book on firewalls could be this big! The authors have striven to write a definitive Handbook (in the German sense of the word). It spans every major implementation, circa 2003 - Cisco, Nokia, Solairs, linux,... Which explains a substantial part of the heft. The firewall market has these major platforms, and there is enough detail on each for you to be able to install and run it.But the book is more than a set of disparate sections on each vendor. More broadly, it goes into the theory of Intrusion Detection Systems and the common ideas behind most firewalls. You should note that the IDS topic alone is considered sufficiently important by others to have books devoted to it. The level of detail in this book about IDS is not the most comprehensive. But you'll get the gist.So within the covers of this book, you are getting a broad scope of product information and theory. Even if the book's title is somewhat strident.$LABEL$1 +A slim volume. This thinnest of books is nothing more than a handful of poorly captioned photos. Its price is beyond belief considering its paltry contents. Be warned.$LABEL$0 +This is BEYOND sloooow service!. one month later and I still don't have it! Talk about SLOW service, not to mention totally unacceptable. I would never buy from this company again.$LABEL$0 +A terrific buy on some of the best music ever written. I can't say enough good things about this compilation of the complete works of JS Bach. Just a set of the complete organ music of Bach or the complete cantatas often costs more than this entire 155 CD set of all Bach's music. All of it! Most of the performances are at least good, many are excellent, and some are even superlative. And the sound is excellent throughout.I have admired the Fagius performances of the organ music even before buying this set, having already heard some of his recordings. These alone, incorporated in 17 packed CDs, are worth the price of the set. All 200+ sacred catatas are spread over 60 disks. For me, this has been the highlight because the performers seem to be having such a good time doing the music. It's fun to just pick a number, find it, and enjoy the music.Brilliant Classics has treated us to a real musical banquet. Enjoy the feast!$LABEL$1 +Good deep fryer. I like this product because it is compact enough to fry enough food for a single person or a couple at once. Very little oil is used and the food come out crisp and moist on the inside.My four children have used mine so much and love it they are each getting one for Christmas.$LABEL$1 +this product is something wrong. I have 200GB & 160GB LaCie external HD, and they have been working property on 3 of my PC's. That's why I trust this brand to buy the 250GB this time.I was wrong.This 250GB HD didn't recognized 3 of my PC's(including Dell).I asked what's wrong to LaCie by mail, and they answered me that my PC's have problem, even I explained a lot about the situation!I just returned the product to Amazon.com.After that, I found so many people complain with this item on many site!Don't buy it, if you read this kind of review!$LABEL$0 +Hunt this one out. Watching this on my Amazon Prime movies was really quite a treat. Much better than a lot of mainstream movies. Actor Willem Dafoe gives an outstanding performance here in this much different type of movie.$LABEL$1 +Same as Stack-On SPAD-100. Odentical to Stack-On SPAD-100. So, it's silica gel in a box with it's own regen. heater that plugs in.Convenient to regen but you need 2 to protect your stored items while no. 1 is regenerating for 8+ hours. Shop around, get best price and buy either one.But...it does not circulate air so don't expect it to really dry out a closet or a cabinet.Works as well as a box of silica gel because that's exactly what it is. But.. no need for long oven bakeouts just plug it in and don't touch for 8 hours. I'll be amazed if a cheap heater like this lasts more than a few regens and I'll just break it open and use the silica gel in a perforated aluminum can which you can regen in an oven. Or use pyrex and Maybe regen slowly at low power in a microwave - haven't tried that and don't recommend it without checking with manufacturers of silica gel.$LABEL$1 +Decent. This is an album that you would rather choose certain songs from. There are very good songs but not every one is that great. I highly recommend, Hide Away, Sacrifice, Watch Dem Roll, and Sticky. But that's about it...$LABEL$1 +You have to be kidding me?. I'm a huge horror movie fan. This is not a horror movie. I might not be so pissed if I wasn't so blatantly lied to. For the first 30 min or so I was waiting for something interesting to happen. Nothing ever did. It probably took less than a few days to shoot and a few hundred bucks. Then the advertisers went to town. This movie is far from worth it.$LABEL$0 +Makes Sense To Average Person--Nortel exposed. I was hesitant to read the book after reading the "Incoherent" review left by a reviewer. I read the other book by this author and actually won a few good bets, one of the recent bets I won is shown as an image on the other book page. Seems the reviewer who wrote "Incoherent" must have a beef with the author.I can see that there are areas of the book that can be hard to understand if someone is looking for a quick simple explanation of investing techniques or tips to get rich now. However in exposing the Nortel possible stock manipulation, the authors' explanation seems plausible.After doing some homework, his recommendation would have returned prices increasing over 8% annually, plus the rates are still higher than bank returns, 4.6% annually. Better than losing money on FORD or other stocks.$LABEL$1 +Anything for money!. It is so sad what people will do for money. Lying, sensationalizing, disrespecting and profitting off another under those reasons is simply wrong. But then again, many people have been doing that to Michael Jackson for years. It's little wonder he hurt. Don't buy this book and allow these kinds of people to treat their fellow man in this way.$LABEL$0 +Son loves it.. 10 month old son loves this!! Bright sounds and lights, fun to play with!One of his favorite toys.$LABEL$1 +Nice alternative the the controller. I love being able to navigate the Xross bar with one hand. I use this extensively to play my video files from my NAS and it works flawlessly. Bluetooth does not require you to point at the screen, but I am already trained to do so.Only thing is that I wish it had a backlight - tough to see in the dark and the key layout is such that you can't easily feel your way to the buttons. The Verizon and Comcast remotes are well designed for this.$LABEL$1 +Same Ole...Same Ole. Production values were not on par with his voice, and his voice is showing signs of the strain that his overperforming has caused. The song was much better sounding from Westlife, if I'm being REALLY honest. Take a voice break, ROO!$LABEL$0 +This camera is horrible and customer service stinks. I purchased two of these cameras for wildlife surveys and they both worked for about 1 week then one of them started to only take black images both day and night. So I sent it in for repair and they charged me 10$ to send it in even though it was under warranty then I got it back and it worked for a few weeks and it messed up again and I sent it in again and another 10$ and then it broke again so I gave up on this camera. The other system worked for about 1 month got some good images on it then it started doing the same thing as the first one so then I quit using either camera now they are just sitting and collecting dust. Probably should just throw them away. I have since purchased three other camera brands and would recommend the leaf river IR3-bu as my favorite IR flash camera even over the the other two cameras I have tried the no flash cuddeback and stealh cam I230IR.$LABEL$0 +Dang yo. You all are right. The ink is where they get you. It doesn't even last a semester. It's cheaper to print my papers at the library than at my house!$LABEL$0 +Classic. This story -- as with most Dr. Seuss books -- is great. Kids and adults can enjoy The Cat in the Hat!$LABEL$1 +PC Games, Hoyle Card. If you live in Europe, don't waste your money on this program! I live in Spain, and the program will NOT load on my computer with Spanish language Windows XP. I was really disappointed because I enjoy playing Bridge on computer; if someone knows a card game program that will load, please let me know!$LABEL$0 +This book stunk. This book was simply terrible. The writing is poor; the flow terrible. No one in the book is sympathetic -- not the Princess, not any of the staff, and certainly not the author. Much has been written, good and bad, about the Princess. I bought this book because I'd hoped to hear an unbiased view. Jephson has almost nothing nice to say about her. I hate books where I wish they would end soon; I felt that way throughout this book. I forced myself to finish reading it because I'd hoped to find something worthwhile. Save your money.$LABEL$0 +Passes "Skype" Standards.... Which means that, those guys in Taiwan don't have a clue!Being the ONLY typical "home" telephone Skype supports this: "cheaply made, LOW speaker & ringer quality, DROPPING calls constantly" telephone should be avoided...But wait, I need a telephone to use with my Skype service, without having to have my computer running or wearing those stupid-looking Headphone/Mic combos!!Geez...that only leaves this lousy RTX Dualphone 3088 series, right?!yeah, until the makers of the RTX dualphone 3088 step up and fix this junk of theirs...I honestly don't know of another VOIP phone maker that we CAN use Skype with!!I wasted $169+tax+shipping...but hey, I did get rid of Vonage & my ISP's "hostage" telephone services!!(wasn't there suppose too be an UP-Side to this??)$LABEL$0 +The CD cover says it all. Horns, strings, guitars, organs, morrocos, washboards, percussions and many others, its all on this CD 'Motorcade Of Generosity', and I like it.You won't hear any of these songs on the radio because it's different but that's what is good about it.This CAKE CD is more about the music than the lyrics like their other CDsThis is the type of CD that the more you listen to it the better it gets.CAKE who don't like Cake.$LABEL$1 +poor sizing. very poor sizing.. very disappointed when i recieved my boots. i read the other reviews to make sure the sizing was true to size the shaft of the boot is soooo.. off im a thick bottom girl thick thighs and booty .. howver i am a size 8 in boots the 8 was like a 6 5"6 about 145 pds these boots are not worth buying poor quality as well.$LABEL$0 +A "dreamy" movie that puts you to sleep. The film struck me as though I were watching it after having had as much champagne as Nicole Kidman had at the party at the outset. A slow, miserably trying movie which wants to be something more than it actually is. It did not intrigue me at all, and I felt it that it was something Stanley Kubrick had shot if he were smoking hashish in astonishing quantities. The New York locations were artificially unconvincing, Tom Cruise's performance was adequately lukewarm-like most of his prioir performances, in this viewer's opinion. The story was at best, uninteresting, and, as you can surmise, I felt that this was an instantly forgettable film unworthy of even a second viewing because I found it to be inordinately boring. The only highlight for me was seeing Nicole Kidman's tantalizingly luscious nipples.$LABEL$0 +An excellent, comprehensive description of the survivor. I recommend this book very highly. It has really helped me to accept and personally verify my own past and painful experiences. A definite MUST on one's path of self-healing and discovery!!$LABEL$1 +Powerful and Beautiful. This concert recorded at the famed Palace of Fine Arts in Mexico City is one of the best Lola Beltran performances I have ever heard. Some Opera fans might know this venue thanks to the famed recordings of Maria Callas' 1951 Aida. This wonderful recording includes a two disk set featuring Beltran singing boleros and rancheros that highlight Beltran's powerful and beautiful voice. Although it is live, the audience is quiet, and the recording is perfect. One minor complaint for the US market: There are no liner notes, and there should be.$LABEL$1 +...go read, don't be afraid. "A reader, August 23, 1998" writes in his review exactly what you might expect from people who are (to say the least) not open for new insights and ideas. "while the real scientists are busy..." ==> busy doing what?! Busy hiding from revolutionary ideas that's a threat to what they were taught? REAL scientists would jump on the challenge thrown at them to look into the fascinating world they had closed their eyes for. It's (seemingly) far-fetched ideas that can mean breakthroughs and revolutions in what we know about the world's history.So don't let yourself be put off by such narrowminded disregarding and open up. Maybe there's a whole lot more than what we have been taught to believe...$LABEL$1 +Disappointed. I couldn't wait to get these can chillers, but my experience with them has been a real disappointment. They probably are as good as an ordinary can cover, but certainly nothing more. How do different people have such different results from products?, where some are just delighted and others have poor results?$LABEL$0 +Brave. Just BluRay? Sounds a lot like "records", "tapes", then "cd's". I'm just not buying it. Why the same run around?$LABEL$0 +Oh, how stupid can they be?. Well, a lot. More than a lot. Poor Will does his best with a doggie script. He accounts for the one star.I don't know why those enlightened movie companies insist in making one SF dog after another. Did you watch the "The Chronicles of Riddick", "Sky Captain", or "AvP"? There are plenty of others around, all of them sucking money out of our pockets.They need to fool us in order to pay for the great CGI effects I suppose. They fail to understand that if CGI is used to generate profits, it will kill the emotional content of the movie. What's left is the customary Hollywood Pablum dulling our senses.Do not relate this dog to any of Isaac Asimov's works. They stole the title and we shall punish them by forgetting this miserable mutt.$LABEL$0 +lack of clarity. I have a feeling if I was able to sit down and talk with Graham, I might agree with him more than I think. Unfortunately this book is one of the most poorly written and badly edited pieces of literature that I've seen in a long time. I found a lot of things that are so generically obvious that they shouldn't have taken up the entire chapters that were used to state them, several things that I might agree with if I could get through the lingo-laden, spiritual sales talk enough to understand what he meant, many things that just didn't make since at all not to mention complete contradictions of prior statements within the book, and some things that are outright questionable. He might have some good points in his personal vision, but unfortunately this book is such a mess that none of them are communicated.$LABEL$0 +Easier to follow than the cast album. I liked this musical very much! I remember watching the Tony Awards the year that the original production won the Award for Best Musical over "Beauty and the Beast"--the more likely contender for the top prize; and I thought it was a mistake until I had seen the original cast program. I had only heard the cast album of "Beauty" and once I saw "Passion" I saw "Beauty" as an overblown, juvenile production for the kiddies and I don't see how it could have been nominated. I think that Jere Shea is very good-looking gentleman with a good voice as Georgio, Marin Mazzie is a beauty of an actress as Clara and then there is Donna Murphy in her Tony Award-winning performance as Fosca, the unattractive yet passionate older woman reaching out desperately for Georgio's love. I highly recommend it to anyone who loves Sondheim--the Broadway genius who wrote the score.$LABEL$1 +Not such a good buy. I was quite disappointed that the fabric actually does not have the shiny appearance as shown in the picture. It looks functional and plain. The bag cost just about $20 after the high shipping and handling charge. Therefore, the price really was not that great.$LABEL$0 +great way to promote our self absorbed culture. This book and the praise it has generated over the years has always bothered me. At first I thought it meant I was just too selfish. But the more I have had people praise it and then try to tell me why it is so great the more I understand that they are confused. The story of someone who takes everything that someone else has to offer without any thanks or anything to give back is NOT an example of love. It is an example of a truly warped relationship. Anybody out there who thinks that they are really in a relationship when the only thing happening is them giving to the other person(s) needs to build a little self esteem. I hate to break it to you but you are being used. Relationships are reciprocal. I would NEVER read this book to a child.$LABEL$0 +Revised edition worth it, but recycle the CD. Five stars for the revised edition book, two stars for the (too fast, too cheesy, and is that a synthesizer?) CD... I'll give the set four stars (rounding up). The revised edition appears to have the same pieces as the original, but in a larger print size that is a relief. In my opinion, it's worth getting the new book, but you should recycle the CD.$LABEL$1 +Having fun staying fit looking better. Best way to get fit and enjoy it...this dvd gives you a delightful way to do what it takes to get inshape and enjoy the view....$LABEL$1 +Major Disappointment. While I applaud anyone who can dance up and down a narrow restaurant aisle, dodging service people and customers, I don't care to see dancing in that venue. The constant distractions were more than annoying. As for the dancing, with just a couple of exceptions (and they were wonderful), it was boring! No fire, no life, no joy. Some interesting costuming, which I enjoyed, but some were down right vulgar! So if you enjoy the skill and passion of belly dancing, stay away from this DVD.$LABEL$0 +WATCH DIFFERENT THAN WHAT WAS SHOWING ON AMAZON. WATCH DOES NOT MATCHING BOOK ALSO INSTRUCTIONS NOT VERY UNSTANDABLE. NOT TOO HAPPY WHEN IT ARRIVED AND DIFFERENT ON MAIN PAGE FOR AMAZON OR RETAILLER$LABEL$0 +wrong cover sent. Placed the order for a 2007 Prius using the online vehicle selector and was sent a cover for a much smaller car so the cover did not fit and had to be returned. The material is a highly reflective silver that is very bright like a Mylar space blanket. In the past the type of material has made the greatest difference in longevity with the expensive ones lasting up to 10 years on my cars and cheaper ones lasting 2-3 years regardless of the color of the car cover.$LABEL$0 +Very comfortable belt. This belt lives up to its reputation. It is very comfortable to wear and the bottles don't move at all. It's also not hot.$LABEL$1 +so educational and yet fun. the crusin world game is so fun because you get 2 c different places while your still sitting on the floor playing a video game.u get 2 c places and like monuments and the kind of terrean they have in that country or city or continent.i think it is better than the other crusisn usa because it has many different choices of cars. and you can choose the place you want to play in.$LABEL$1 +'Emma' Leaves You Hanging, Breathlessly. Emma's Secret is really an outstanding book by one of my all-time favorite authors.Although the story is about Emma Harte and her legacy, don't expect A Woman of Substance. But do plan for a wonderful novel about a new generation of characters, plus a cliffhanger of sorts.Anyone who enjoys a good family saga, a novel of romance, or of women's empowerment will love Emma's Secret.$LABEL$1 +Non Stick, My Eye!. This pan looks great. The first time I used it, nothing stuck. The second time I used it, things stuck, but not too badly. Tonight, the third time I've used it, and this time with spray oil on it, I've had to let it soak, scrubbed it out, and am letting it soak some more. The pan is very square, with inner corners that are hard to clean when things stuck, so it's just a pain to use. The grill part is okay, it's the pan part that is troublesome. I'm going to go shopping for something else.Unless you like washing dishes, don't buy this thing!$LABEL$0 +Incredible. Topper is the best hapr player I have ever heard. He has an intensity that cannot be rivalled. If you ever get a chance to see him live do not pass it up!!$LABEL$1 +Works well with newer televisions.. Bought two for two different tvs. It plugged into back of one no problem but the other required a 3.5mm female RCA to stereo adapter, which isn't included.$LABEL$1 +not appropriate for my car like it said!. This item seemed like a good fit for what I needed for my car (2005 Jetta). My original gas cap had a crack in the seal and was making the check engine light come on every time i turned on the car. I searched on amazon and the item had a check list at the top to make sure that the item would fit the vehicle you were buying it for. This extra feature DID NOT WORK. I don't know if that's Amazon's fault or the sellers, but I was very disappointing to find out that Jetta's have a ventilation system in the car so that the gas cap does not need to be self ventilating. Needless to say it was a waste of money and the 6 dollar shipping that they charged me. Be careful with check list if it tells you the item will be a fit for your car.. it still may not be what you need.$LABEL$0 +Fell apart after one season. This canner developed holes and rust after less than one season of canning. The rack inside is flimsy as discussed by others. It rusts after a few canning sessions.$LABEL$0 +Cheaply made. You have to enter the code both to open it and to close it. Don't be fooled by the optimistic description, there are much better key boxes out there.$LABEL$0 +Elf Ears Purchase. Very good purchase, not expensive, they are a good size and stay on your ears. Worked great for a Christmas Elf, just a few weeks ago!$LABEL$0 +Wonderful Natural Moisturizer. I love this natural shea butter, it works wonders as a face moisturizer and doesn't break my skin out, but keeps it looking moist, firm and it has a nice glow. I like this best when mixed with a few drops of one of the NOW oils, such as their jojoba oil, which is also wonderful.$LABEL$1 +Definitly the best murder mystery every written.. What can I say? There is no other book that I've read (and let me tell you, I've read quite a few) that completely baffled me the way this one did. Not only is the real culprit a mastermind, but Christie is as well.$LABEL$1 +Does not work with NB-2LH Canon Rebel XT battery. I'm not sure if I'm a special case or not, but my battery fits into the charger, and it plugs in and the lights flash and everything, however when I pop the battery back into the camera after a long charge, nothing.To make sure that the problem was the charger not the battery, I tried charging the battery with a friends charger who has the same camera. Voila, no problem.Again, I'm not sure if I have a defective model, and I appreciate the company offering an affordable model, however this turned out not to be a viable option for me.$LABEL$0 +broken after a few days. It last about 3-4 days. No mist coming out. Read through the user's manual and it seems to break easily if water gets into a hole at the water basin, which I can imagine happens to everyone in the daily refill.$LABEL$0 +Pure Country Classics: The #1 Hits. While I could not be dubbed an overt Country music fan, I was motivated to purchase this CD because it contained many hits with which I was familiar when growing up in the 50's and 60's. A good number of these tunes were "crossover" hits, appearing simultaneously on both Country and Pop music charts. The tunes are all very melodic and evocative of their era and "classics" all. I highly recommend this to music lovers of all stripes, particularly to those who grew up when the lines between rock n' roll and country music were blurred.$LABEL$1 +Bad. I had to read this book for school, and, first let me say I'm not just some highs chooler who hates to read, my favorite writers are Kafka, Faulkner and Dostoevsky, but this book was all but utter trash. It had a few meaningful moments, but generally it was devoid of characterization, emotion, and plot. I give it two stars for trying, but it just tries too hard to be great. Gaines-Accept average.$LABEL$0 +Toddy cold brew coffee maker. After calling around to different local coffee shops, I purchased a Toddy T2N Cold Brew System from Amazon. It was exactly as described and it arrived a day earlier than I expected. Amazon gave "free" shipping for this item - making it very convenient.I recommend "cold brew coffee"! It is brewed once and can be kept in the refrigerator for 2 weeks. You add the brewed coffee with water to make each cup. The taste is smooth and the cold brew system cuts out some of the acid in the coffee.$LABEL$1 +It only lasted for a year :(. I've bought it in 01/08/01, started to use it on February (It was bought on the USA) and it was doing fine, untill some weeks ago. Now it seems not to recognize the blank media. I'm dissapointed because I thought Phillips was a good brand of electronics :($LABEL$0 +Good Home Use Fryer. The unit works well; it heats quickly, I love the closing cover before you drop the basket to eliminate oil splash. The oil pan removes for easy cleaning. I did find that I had to cook longer than the product stated, but that was really no problem, everything came out great. I would reccomend this unit.$LABEL$1 +Works, But Is Highly Disappointing.... I will admit that this guide to weightloss does work effectively, but there is a great flaw. That flaw is that the weight that you loose is extra easy to put back on again. Once you start this program, you can never stop. So if you are looking for a way to loose the pounds and KEEP THEM OFF, this is not the book/plan you would like to go with.$LABEL$0 +Abbey throws it all into this one. I'm a bit of an Abbey fanatic, so this review is naturally biased. Yet, this is probably the best of his fictional works (of course the book is quite autobiographical too). Abbey throws all of his jokes, phrases, and wisdom into this one.$LABEL$1 +label maker for cd's. This is a great product! It's easy to use, and it makes the cd's, dvd's look like professional items, instead of just being scribbled on.$LABEL$1 +fun!. Bloodrayne aged shockingly well. Frankly, I'm amazed that it aged as well as it did. My only problem is that it gets old after a few hours.$LABEL$1 +Two parts "Mission Impossible"; one part "Naked Gun". ..and not not in a good way.2.5 stars.This is a pretty cookie-cutter version of a "Mission Impossible" movie except that it obviously doesn't take itself too seriously (at least, I hope that was the intent). The plot is silly and the story doesn't flow well. I'm not sure what Diaz is there for other than eye-candy (the helpless-dumb-blond-thing gets old pretty quickly). If you're looking for mindless distraction, then KaD is mildly entertaining.Not recommended.$LABEL$0 +Great for DVD, shows how bad Cable really is!!!. The first time I turned on my new CT32D10, I thought it was terrible.Actually, with the new 3-line Digital Comb filter and line correction, it showed how bad basic 1970's-technology cable really is when shown through an advanced tv meant to be optimized for digital!!! If you get this tv, upgrade to Digital Cable or Dish.The picture is fantastic with DVD through Component Video Inputs and the Video inputs from the VCR and Camcorder. The Simulated Surround Sound is also a big plus!A great buy for the price! Upgrade to all digital if you buy!!$LABEL$1 +Great Pre-inked Stamp!. Great for daily use at work. Not messy and refillable, what could be better! Will definitely be buying another xstamper!$LABEL$1 +Your kidding...right?. The content on this compact disc [copies] pop formations only modified in a younger form, which lacks enjoyability and anything with the synonym of that previous adjective...in other words, I could make better music by bashing my head against the toilet seat. ...!$LABEL$0 +a little friend. The miele vacuum cleaner acts as your little friend for wood floors. It picks up sand and everything else from wood floors, very efficient! It is light and easy to use. The cord could be longer, you need a room with more plugs... It works 100 times better than a broom on all hard floors. It's good on carpet but best on hard floors.$LABEL$1 +I think Taylor Hicks is the Best American Idol ever!!!. Taylor has soul all the way. All my friends and famly wanted him to win since he first sang at auditions. His songs on this cd are so good they give me goosebumps. I hope you buy it because he's better than any of the rest and his full album is gonna rock the world!$LABEL$1 +love these girls. I got one of these dolls for my 7th birthday, back in 1990. I loved it so much!! So I was thrilled to see I can still buy them, more than 20 years later, for my own daughter. She is 6 now and she looks forward to her new doll every birthday. This is a tradition you should start! Even if your daughter is already a few years old.$LABEL$1 +R2/D2 with sounds and lights. This is the greatest R2/D2 figure yet. The sounds and lights are great, details are excellent.$LABEL$1 +Learn to play the Jorma way !. Having always been a fan of Jorma Kaukonen and Hot Tuna, I was searching for an instructional video program that would teach me the Jorma style. Not only did I find what I was looking for, but Jorma teaches his style himself! A must have for all guitar playing Hot Tuna fans.$LABEL$1 +A Must-Have in the kitchen. After using a Sunbeam mixer for 35 years, I needed to replace my worn-out friend. I shopped and compared products and prices for a couple years. I knew about the wonderful KitchenAid mixers reputation from friends and opted for that brand. I found Amazon.com offering a new KitchenAid Artisan mixer for $242.00. Wow, such a deal! No tax, no shipping and a $30 rebate from KitchenAid! Buying from Amazon saved me $88.00, and I became one very-pleased shopper.$LABEL$1 +Rather bad --. even awful.Is there anything worse than a gathering of unknown actors playing the roles of bad, and badly self-conscious (even Molly Parker), actors who are convincingly "acting" like amatuers -- including those who are ostensibly successful?And then the best parts are played by Sandra Oh, who has less than fifteen seconds of screen time, and a guy who is instead a cop pretending to be an actor: better at it than all the other actors who, according to the script, had and or were training in acting.And I must have missed the widescreen.$LABEL$0 +funky patchouli smell. this was not the most refreshing and clean patchouli scent I have encountered...more musty, less earthy. I typically love this scent...just not in this particular soap!$LABEL$0 +Eclectic and Effective Mix CD. Interesting collection of musical styles, from ambient to dance to funk to rap. Despite the diversity of sounds, the cycle is mixed together beautifully. I didn't know any of the artists going in except the Beta Band, and I still loved it. The liner notes say it best; good mood stuff, great as a background selection after the clubs. "God bless the Infesticons, f*** the Majesticons!" Ya gotta love it.$LABEL$1 +seem to work. When I take them my legs feel less heavy in the evening...But I have to say I only yook them some 2 weks or so$LABEL$1 +Two good songs and a barrage of below average garbage.. High Noon and It's on Me.....thats it. Plus a cover from a good band Forkboy (Lard). Yet another below average album from this below average band.$LABEL$0 +Great Product, Great Customer Service!. I purchased this adapter (47185) at Walmart. It is ruggedly consructed and easy to install and works great. The real reason for my review is to commend the customer service at Hopkins Mfg. Some how I misplaced the mounting bracket that came with the adapter when I was working on the wiring and drilling mounting holes. I called Hopkins to buy another bracket... they said they will send me one for free, and 36 hours later it was at my door! Thanks Hopkins.$LABEL$1 +Adequate entertainment for young children, mind-numbingly boring for adults. The plot doesn't get interesting until about three-quarters of the way through the film. Until then, the audience is subjected to various scenes of Benji galavanting through the town or suburbs and having brief interactions with rather anonymous townsfolk.$LABEL$0 +Hitch Extension. This was the wrong hitch that I initially ordered because the display picture showed three hitches. I thought that the order was for all three types of hitches. But I was wrong. Before sending it back, I tried it in my vehicle receiver hitch and it didn't fit. Amazon refund procedure is very user friendly and I was able to return and get a refund. I ordered the correct hitch the second time around.$LABEL$0 +Peeling off. I bought these to iron on the inside of the knees of all my kids jeans to try to prevent the holes that inevitably appear. Unfortunately they are all peeling off after one wear/wash. As another reviewer speculated, maybe they aren't designed to work in high friction areas, or areas of clothing which endure a lot of stretching, but isn't that where you'd naturally need a patch?$LABEL$0 +A fun read.. This first novel is well written, fast paced, vivid and an all over fun book to read. The time and place come to life as you sail the blue seas with unforgettable pirates that break away from the usual sterotypes. And there's romance as well. I'm looking forward to the sequel.$LABEL$1 +Did Hunter REALLY write this book?. Unlike the first two ( outstanding ) books of this series, I found the characters flat and unreal, the plot thin and the action/suspense (?) almost non-existant.Sorry to say, the premium price I paid to obtain this book was money better spent elsewhere UNLESS one insists on having all three books.Better left unread than read and disappointed.$LABEL$0 +What Was Koontz Thinkin. This book started out good but what happened to the ending. That was the worst book i've ever read in my life. I'm a big koontz fan but what was he thinking. I wouldn't waste my time reading this book. I,ve read at least twenty of koontz's books and I've liked most of them but this was horrible.$LABEL$0 +Very Disappointed. you wouldn't think I would ever need to give a light bulb a poor review however this burned out after only 3 weeks of use...it's for my bedroom light, I might have gotten a total of 5 hours use out of it. I am replacing the light so that I don't have to deal with these bulbs anymore.$LABEL$0 +Save your money for the real thing. Great idea, poor execution. Very difficult to see a thing and keep it in focus, and the lighting function for underwater, which is why I bought it, doesn't really work unless you're in pretty clear water.$LABEL$0 +Absolutely fantastic!. I have a neurological disorder and, so, don't have the best dexterity in my hands. I was a little worried about being able to use the Kindle easily, but it is perfectly designed for ease of use. The page turn buttons are so much easier than physically turning the pages of a book. The 5 way joy-stick button is also very easy to use. I absolutely love my Kindle 2! I'm reading more now than I used to, it is just so much more fun!$LABEL$1 +Kicks your ass.. This is a great exercise video if you've hit a fitness plateau. The music is pretty eighties funky and the moves are a little difficult, but it gets your heart rate WAY up there and really is quite energizing. Just when you think you're going to die, she stops and you actually feel really good.$LABEL$1 +Toss this in the garbage - there are better Dyer books. Or, you may prefer to tear out the pages that are not worthwhile; Dyer has truly written some excellent books. However, the ones you want to read are those he published in the 80's and 90's. There's a lot of sage wisdom to be found in those. But this? Please. I've written this old man off mainly because he's discarded common sense for religious nonsense, and that's really disappointing. May I share one of the bits of "insight" to be found in this book? Here: "LIVE the Ten Commandments". Say WHAT?!? Once I read that, I nearly cracked up laughing. What delusion. Having said that, there are some good things in the book, but it's not worth buying for them. Again, look to his earlier works for his best material, when he was mentally sound and sharp.$LABEL$0 +Don't Bother. There are too many other good books out there (by Sandra Brown and others) to even waste your time on this one. It's flat, and not to mention silly. I didn't like either or the main characters, it just didn't do it for me. I believe this was Sandra's first novel (don't quote me). If it was, I'll give her credit, it was not bad for a first. But like I said, just leave it on the shelf and move on.$LABEL$0 +Horrible taste. This product tastes horrible. I was looking for a soy free protein and came upon this item. I mixed it with soymilk and it tasted like pea-flavored chalk. I thought I might have used too much powder so I tried half the amount of powder and it still tasted the same. Not wanting to give up, I mixed in a scoop of strawberry flavored whey protein and it truly tasted like a combination of strawberry and chalk.My fiancee then tried it and couldn't take more than a sip. In the end, I was able to down three cups of it, but I don't think I can drink any more in the future. I am going to take them up on their money back product guarantee.$LABEL$0 +Time Bomb in the Church. My wife is a Pastor. This was helpful in reminding us of the need to take one day off a week for family and me!$LABEL$1 +Too small!. I ordered this seat cover for my Schwinn 120 Upright Bike. The description said that it fits any regular bike seat and that the cushion could be adjusted, but sadly this is not so. The seat cover doesn't even come close to fitting my bike. It's weird that Schwinn makes seat covers that don't fit a standard Schwinn bike seat...$LABEL$0 +It almost works. I bought it because it was going cheap.The sticky parts that I received for the trap are not that sticky. Otherwise it seems to almost work fine.$LABEL$0 +superb. Lisa Richard has a tremendous voice, beautiful and rich. It's strong and full of emotion, and the songs are both and touching and funny, and she has the range to sing anything and make it special. I truly love listening to both of Lisa's albums, they are both terrific.$LABEL$1 +BEWARE! Pan and scan DVD. These two movies are not Conway's best, but they are still pretty good. The only problem, and the reason for the 1 star rating, is that the DVD presents these films with the sides cut off. In other words, Pan and scan. Had I know that, I would not have bought this.$LABEL$0 +Overall a great intro to a band that does not get press now. This album showcases who this band is - wild, southern and loud...you will like it and sing proudly of a group that sang and played hard.$LABEL$1 +wonderful healthy product. I started using this brand of salt on the advice of a Heaslth Care professional. Salt used properly helps balance the body systems, along with enough water for our bodies. These things work together in amazing ways.$LABEL$0 +WOULD RECOMMEND!!!!!!!!. LOVED THIS MOVIE!!! It is great for anyone who loves original Walt Disney cartoons. My kids ages 2 - 12 all loved it. The songs were wonderful!!!!!$LABEL$1 +Wonderful. I would describe this book as self-help. It was sent to me by my cousin who is a missionary in Mexico. I had made some life changes that were truly making me stressful. She thought this would be a good book for me. She was so right. The basic theme was letting the Lord help you with your problems. It also gives lessons to do after every chapter if one chooses to do them. I recommend it highly.$LABEL$1 +Not good for night times. Target diapers are much better than these diapers. My daughter sleeps through the night. When she wakes up her dress, the sheet everything will be wet. This diaper is ok to use during the day times but definitely not at night.$LABEL$0 +created a love of reading and history. I too was given this title as "required" reading as a student in 8th grade in Canada. It still remains a book that had an enormous impact in my love of reading!$LABEL$1 +Imagine Da Vinci's Giocconda with the surrounding landscape cut off.. As Barry Stone coments (I do totally agree and fairly recomend to read his review before buying the item (sorrowfully I didn't)) I have waited too long to see this beautiful Piece of Art on DVD. "Tis Pity the most beautiful scenes have been cut off". Two of them could have been maybe eliminated for its nudity or sexual content: an incredibly filmed horse intercourse, and the dead brother execution procession. But also, the most surprising beginning is out: before Film credits and name appear, there is a long landscape scene within a colorless winter dry tree forest you swear the film will be a black and white one, when suddenly the camera falls over the only orange leave lasting in this gray branches web. That is art, I will never forget. That film is quite old and has become yellowish and faded is understandable in some way. Unfortunately,"tis also a pity". We will be waiting for a better copy.$LABEL$0 +Great book!. The book covers everything you would want to know about Catholicism in a concise, easy to read, yet thorough style.$LABEL$1 +UK hip hop branding with top-notch Australian Hip Hop.. I've always liked Mystro, I'm quite a big fan of the Australian Hip Hop scene and since he's infamous for spending a lot of time in Australia when on tour, there is no suprise he made an album out of it.This feature's everyone of any calibre in Australian hip hop; Layla, Hilltop Hoods, Drapht, Hunter, Dazah, Downsyde etc. I could go on.It was $3.45 when i bought it, suprised the price went up the way it did. Oh well, if you can get over it, like hip hop and want something different with lyrical gems, this CD is for you.$LABEL$1 +great outdoor speakers. great sounding outdoor speakers at a very reasonable price. the only potential downside is that they generally must be mounted "vertically" vs. "horizontally" which can create space issues depending on where you are mounting.$LABEL$1 +Brilliant - Audio version was captivating. This review is based on the audio version. First let me say, that I generally do not care for short stories, and I have also managed to avoid most books about war. Once I began listening to this book, I would find myself sitting in my car (after having reached my destination) just to hear a bit more. The reader was fabulous and the stories ...all of them....just had me wanting to hear more.The Things They Carried is a collection of short stories filled with tension. The stories are based on the Vietnam War experience of the author and his buddies. The reader/listener is drawn into each story involving the men of Alpha Company. You feel a part of the bond they have for each other, and you feel their anger, their isolation, loneliness and their fears as you listen to the voices of the soldiers.This should be required reading for high school students in my opinion.$LABEL$1 +Not my best purchase. These lites are nit that great. I bought them to go under my cabinets and they have poor lighting!!!!$LABEL$0 +Wrong Disc!. Of course, i'm a huge fan of Gilmore Girls. That's why i was so excited to receive the complete series collection. However, when i got it, i noticed that in the season one folder, i had two copies of the second disc and not one disc 4. I don't know what to think but it was highly disappointing. You'd think that the packages would be checked before they're sent out like that!$LABEL$1 +NOT AS PICTURED. MY COMPANY BOUGHT THIS CHAIR IN BURGUNDY FOR ME AS A PRIZE. WHEN WE RECEIVED THE CHAIR IT WASN'T THE SAME AS PICTURED AND WAS BLACK INSTEAD OF BURGUNDY. THE SCREWS ARE PUSHING THRU THE CUSHION ON THE SEAT AND I'M AFRAID THAT THEY'LL EVENTUALLY PUSH THRU THE MATERIAL. OF COURSE THE SEAT ISN'T VERY COMFORTABLE EITHER. I'D NEVER BUY FROM THE GREEN GROUP AGAIN.$LABEL$0 +Apple corer.... Works well. We found it works better if you level off the bottom of the apple, and hold a paper towel over the top of the corer so you don't get splashed. Much, much easier than coring the apple with a knife!$LABEL$1 +Incredible. A great concert with the band at it's best plus an orchestra. Would also recommend ELP Live - King Biscuit Flower Hour. No orchestra but recording quality is amazing.$LABEL$1 +Worth less than one star. I picked up this book after searching for hours at the bookstore. I wanted something light and fun to read after oral surgery. Plus it was on the Bargain Table (now I know why). Reading the back of this book, I thought it might fit the bill. Needless to say, I'd rather sit through more mouth surgery than read this drivel. Awful! The book reads like it was written by a 12 year old. I was so bored and disgusted that I put this book down after just a few pages and stred out a window for awhile (that was more entertaining than the book!) Run from this book!$LABEL$0 +The best album I've heard in a very long time. Literally Grammy material. This is the best album I've heard in a very long time. Despite its being a jewish album recorded in several languages, it will appeal to people of standard tastes. It is very hard to describe, as it is almost a new genre. Middle eastern world music with a jam band feel and the precision of classical? Neo-classical jewish middle eastern/latin fem psychedelic jazz? middle eastern rock/psychedelic spiritual jam band music performed by obsessive compulsive classically trained gypsies? I don't know what to call it, and neither will you. But you will love it.If it were in english, it would be nominated for a grammy.$LABEL$1 +Very light and very sharp!. (9/11 Update): I find myself using the 'bird beak' parer almost daily. It is beginning to dull a bit. I know these knives were not designed to last a lifetime, but I would have paid a few cents more to have them shipped in cardboard blade protectors.(Original): I purchased these primarily because of the great reviews in 'Chef's Illustrated'. These are exceptionally sharp (and thin). I do not have a clue as to how long the sharp blades will last. However, I can assure the reader that these do not come close to having the 'heft' of Wusthof Classic,or Henckels Four Star. Having said that, it is ridiculous, based on the price, to try to compare them.'Cooks Illustrated' gave a very nice review of these knives and there is no reason for me to debate that review. I am rating them 4-Stars simply because they are not in the class of Wusthof Classic, or Henckels Four Star.$LABEL$1 +SHOULD NOT HAVE READ "NEVER LOOK BACK". This was a really waste of time for me. I have read all of the Lou Boldt series so I thought anything by Ridley Person would be good, boy, was I wrong. There were many, many boring pages, to much description of what I think was going on. So much was really unbelieveable. Clayton or what ever his code name is at the present time, is a superman, cannot be killed no matter what. Just an all around bad book for me. I did read it all thinking it had to get better, but it did not. Read something you know you like or some of the Lou Boldt books and leave this one alone.$LABEL$0 +Hildegard of Bingen's Spiritual Remedies. Hildegard of Bingen's Spiritual Remedies is an excellent book which explains the health of our physical and spiritual life and its healing in very practical and clear terms. It is a real must for those who care for their health and strive to do so with natural means effectively and if necessary complemented by medial means. I purchased it from Amazon who have very many good books relating to Hildegard of Bingen.John Evans, Australia$LABEL$1 +Don't Be Fooled Like Me. I purchased this CD thinking this was the entire book version on CD. IT IS NOT! This CD is a poor introduction to an EXCELLENT book about the Federal Reserve. BUY THE BOOK!!!!!!!$LABEL$0 +I love this pot. I love this pot. I have made everything from soups, chowders,roasts, sauces, etc. It has even heat and is so easy to clean. No scrubbing is needed. Just soak for a few minutes and thats it. The only problem I have had is that the inside bottom is quite stained but I think it's because I use it so often cooking with red wines, etc.It is the perfect size to cook for 4-6 people.I have used this both for stovetop and oven. I say one review where it was said they were afraid of the handle. I've had the oven to 350 and it's fine. I use this more than any of my other pans and keep it right on my stove. Attractive looking. I would buy more of these pans.$LABEL$1 +Best car seat around. My daughter loves this car seat! Cute fabric and lots of room for her to stretch. It must be the most comfortable and safest car seat around.$LABEL$1 +A freshman effort from two who should have done better.... Lumet and Jones had experience and success when they picked up this project - unfortunately neither had experience or success with adapting a broadway musical to the silverscreen - and it shows - quincy jones obliterated a perfect score with meaningless dribble and sidney lumet miscast and misdirected the rest - what a shame - the original score (music and lyrics) by charlie smalls was perfect, melodic, lyrical & memorable - mr. smalls should have told mr. jones to, "play it the way i wrote it!" - all melody is lost, the lyrics are half sung half spoken in some overacted and oddball interpretations - it's a visual mess with a cheesy studio feel - buy the Original Broadway Soundtrack to get a real sense of the music and story - buy tickets to a local production - just don't waste your money on this junk of an adaptation - poor charlie smalls...$LABEL$0 +On an Edge of Steel. Like other Burke novels the character is given a crystal clear goal and he pursues the monster with every step he takes. An extremely quick read but enjoyable as always.Unlike other thriller writers, Vachss implants/transfers his disgust and rage against criminals who prey on the weak or unfortunate. Having been exposed to this brand of evil makes the eventual conclusion feel righteous and the reader is left not feeling a shred of sympathy for the villain, who is by his crime a despicable coward.$LABEL$1 +Not quite up to OXO standards. I wanted to wait to give this some usage before reviewing. Now that we have used it for six months, we have ordered a replacement. It works well, but now has a nice crop of rust. When it comes to can openers and being around industrial openers for decades, I was surprised by how quickly this one rusted. When washed, we hand dry them, so there is a design element that allows this to retain some moisture in the cutting mechanism. Sadly, there is no way to save it.$LABEL$0 +Journey to the Sacred Garden. This is a great book and cd for a practical application in the direction of mediation and shamanism. It is more than an explanation of things and more of an experiential event. I recommend this book and the one that follows it for those who are looking to do work and have not yet found a group or teacher to help them with the real work.$LABEL$1 +To Be Continued...?. Shades of Rick Berman, I paid for a whole book, not a part 1 that leaves me hanging like the first installment of a 2-part Star Trek episode. Regarding the content, I found the story line incongruous with the TV series regarding the attitude of Starfleet to the Voyager crew. I found it difficult to believe the events of book were plausible.I was not a great far of Voyager when it was airing but have rediscovered it on Netflix and now can't get enough of it. I was hoping for a satisfying epilogue to the series finale, "Endgame", which I found to be one of the best episodes contained in any of the ST series franchises. My only complaint was the rather abrupt ending that I had hoped this book would resolve. So far, not so. I will buy part 2 to see what happens to the crew. Hopefully there will be some resolution of the characters lives.$LABEL$0 +Good movie but read the book FIRST. Not a bad adaptation of a book, but, as with many flicks, reading the book first will help the movie make sense. The book's creepier and richer, but some of the movie's musical numbers are amusing and creative in their own way.The Wybie character might have been introduced to meet the PC/diversity compulsion of modern cinema. Wybie is a distraction, then an irritant, and finally his role destroys a major part of Coraline's character development present in the book.So I'd say, buy and read the book first, then view the movie.$LABEL$1 +more books more lust. If you liked the original Book Lust, you will also enjoy More Book Lust. The only problem I have with both volumes is the author's inclusion of lists of one author's works. In some cases they were interesting introductions to writers I hadn't heard of, but those authors could have been included in other book lists.$LABEL$1 +Expensive for something that doesn't work!. Sure the product made my hair "smooth", but it wasn't super silky smooth. The product has a wierd smell, not too happy when I have it on my hair. This doesn't help with frizzy hair, even if you used it with the CHI ceramic flat iron.I wouldn't recommend this product, unless you want to spend $19 with a $6 order to have free shipping!$LABEL$0 +Amazon Kindle Stinks. I bought an Amazon Kindle on August 15. I used it 4 times. By September 11 it was not working. Not only that I can not get anyone to contact me or to give me someplace that could repair the Kindle. I bought 6 books that I cannot use because the Kindle does not work. I would advise anyone not to buy this product.$LABEL$0 +A Must-have. The instructions are so clear and understandable that even for me (a non native speaker and non mathematician!!) there is no problem to follow them :))Strongly recommended for those who want to have fun with interesting and beautiful paper designs!$LABEL$1 +Oh... My... God.... All I can say is this: Holy crap. "Ronin" not only has amazing fight scenes, but it offers an interesting look at religion and reincarnation. The hand-to-hand combat scenes are completely remarkable, and the character of Dethen manages to be an extremely likable villain. This is quite possibly the best book I've ever read.$LABEL$1 +It works! for almost two months?. I used this in a sick house bedroom (lots of mold about including one toxic strain, likely due to a leaking ceiling) and I was no longer sneezing before going to bed each night. In a month's time, however, the unit was already constantly making random noises that sounded like its bulb was about to explode, and the light would flicker on and off, often waking me up, all night long. I got another air filter machine, (True Allergen Remover: HEPA type?) and that seems to help maybe as good as this machine, but as the bulb to this unit burnt out in just over two months of use, I'll be sticking with my other machine. Even if I got a new bulb for this, I don't want to be constantly woken up by this thing. If I hadn't been in the process of moving and packing stuff up I would have tried calling the company to get a replacement bulb.Be Warned!$LABEL$0 +Great Exercise!. I purchased three Denise Austin workout DVD's at one time. Why? Denise Austin is in her 50's, has always stayed fit, and is such an encourager to be healthy and exercise for your life! This DVD is great, harder than I thought it would be, but a great workout. I would also suggest reading Denise's book "Fit and Fabulous After 40"; it is an awesome book full of great information, and certainly applicable to aging and weight loss. Denise is the same throughout all her videos, she gently pushes to keep you going so you have the most benefit.$LABEL$1 +Expensive, but works perfectly. While I can't compare this product's effectiveness to that of other screen cleaners, as this is the first one I've ever used, this product works amazingly well and restored my LCD to its original glory.I bought this based on the other reviews, specifically mentioning the Powerbook, because my MacBook Pro screen was extremely dirty, with streaks on it that clearly annoyed during movie playback. It arrived, and voila, my MacBook Pro's screen looks factory new.The solution lets out a bit of a foamy soap when rubbed in, and it just works wonders. The only thing is, this product is quite expensive. Not surprising considering it's a "Monster" product.$LABEL$1 +Myst sequel didn't quite live up to expectations. I have loved, played, and collected the Myst games for years, but Myst Revelation was slightly disappointing. I didn't get as absorbed into the story line as much. The game is still fun, and just as challenging, with beautiful graphics, I just enjoyed the previous ones better. If you are planning on buying it, please do!! Just don't expect as much as the first 3 previous Myst games.$LABEL$1 +Worked great, then it didn't. I've had this speaker dock mostly in my office for the last 3 months and used it mostly every work day. When it worked, it worked great but then it just stopped working. I am thinking it might work if I could get the insert replaced but I'm not sure I want to spend any more money on it. Disappointing.$LABEL$0 +Started out great..... I really enjoyed my Moto Rokr s9's for the first week. Then the touch buttons to turn the sound up and down stopped working. Then the move 1 song back button stopped working. Then today the volume, which I can't control via the buttons on its own went down while I was wearing them without me doing anything. And I can't get the volume back up because the buttons stopped working. Fortunately Amazon is sending me a replacement, but I am expecting better quality out of these. If not I will lower my rating to zero stars.$LABEL$0 +leak ALL the time. These cups definitely leak no matter how you close them. I have called avent several times about this and they claim that the cups and the rest of the spout assembly need to be boiled at least once a month with a couple of spoons of vinegar to remove any minerals or residue. I tried this and they still leak. I don't know if all sippy cups leak to some extent, but these cups really leave a mess everywhere and I don't want anyone else wasting their money on them. I loved the Avent bottles, but these cups are just horrible.$LABEL$0 +Runs, But Needs Work. As a former naval aviator I can appreciate Vistica's perspective of how the navy mishandled numerous situations. However, the books relies mainly on speculation, and would not "hold up in court". Public relations play a large role in politics and the military. Perhaps the navy should look into Clinton's spin machine; he seems to recover intact from seemingly inarguable situations. Ego and competition play a part in every organization, but when it occurs in the military, the results are often front page news. But 99% of the military is made up of outstanding, honest, hardworking individuals, paid with pride and a sense of honor (last sentence written to the Bloomington, IN critic. Yes, I'm glad you went the MBA route also. The military needs strong leaders, not weak followers).$LABEL$0 +Buyer Beware. I have had Epson printers for over 10 years so I know a good Epson printer when I see one. This is not a good printer. The colours are dull despite being heavy on ink and the printer needs constant head cleaning to keep away heavy banding. While not being a professional standard at this price you would expect this to be a quality product. Mine failed after 15 months and, in my opinion, Tech Support are neither Technical or Supportive.I would strongly advise caution before paying your hard earned cash for this unit. As for me I moved to a Canon i9100 - Lets see if this fares any better.$LABEL$0 +(Bad). Well first let me say that he got one star because he had enough courage to put out some trash like that. The album is beyond terrible. I should have known that it would be hot garbage from seing him perform. He lip sincs and he has no stage presence. He IS ADORABLE but that is about it. He yells through the whole album and the songs are corny. He needs to take some lesson from LBW on how to rap cuz his daddy can't rap either. Also the little boy has hair extensions. But I recommend that you all go buy LBW'S new CD Doggy Bag. It has hot tracks produced by JD and the neptunes and the raps are tyte.$LABEL$0 +Junk. This book is basically a word for word copy from freely avaliable online documents and other books. The author fails to mention the documents that he uses as sources for his factual information. The worst part is, some of the sources the author used were unreliable themselves. Talking about libnet like it is a program just shows how inexperienced the author is in the subject he is writing about. How could one possibly write a technical book about something they don't know much about. As for the ethical part, there is hardly anything ethical about breaking into other systems. If you want to know how the hackers really get in, get hacking exposed. Hacking Exposed pulls no punches on describing how it is actually done. Spend your money on better things.$LABEL$0 +Not the typical Sony product. As a believer in Sony products, I was shocked at the low quality of this item. A few issues were:- Range: Was reported to be 24 feet. Best I got was 10 feet.- Noise: Constantly heard loud hiss.- Battery: Was never able to get it to fully charged.- Overall quality: Would only work for 5 minutes at a time.I returned this product to Amazon and urge you to consider a different wireless headphone.$LABEL$0 +Great Stuff. This isn't any of your bad hip hop/rap that dominates MTV, no. This is GOOD hip hop music. I highly recommend this CD if you want to try something new, or are already a fan of the genre.$LABEL$1 +Excellent choice!. This camera was actually purchased for my teenage daughter. This is our 4th Easyshare Camera and I would highly recommend it to everyone. I purchased a different Easyshare in March and, although it is wonderful, once I saw how small and easy to use this one is - I wish I would have waited and got this same one instead. I find myself borrowing this one from my daughter and using it more than my own (which is also a wonderful camera)...$LABEL$1 +Harris's best. This book has the best discovery scene I've ever read--that moment when the detective notices an overlooked similarity between two crime scenes and understands its significance. The scene is hushed, rapt, and real."Red Dragon" also has the best development of an abnormal character I've read. The killer comes from a plausibly rotten family, and his pathology grows by accretion. He aquires an obsession with teeth when he serves in the military; later he happens upon a drawing by William Blake and is galvanized. He puts the teeth and the drawing together, absorbs some Blakeian mysticism, and comes up with his killer persona. Like most readers of the genre, I dislike the flashbacks and the earnest psychologizing that slow a book down. But in "Red Dragon" the flashbacks are far from routine, and the psychologizing is full of incident. Harris knows better than all but a few other writers how to create a madman.$LABEL$1 +As it says in the title, it is a "personal account".. Krakauer's book is by all means fascinating. Far from being a literary masterpiece (his writing skills surely do not deserve a Nobel prize), it manages to trigger the fear associated with high-altitude climbing. Rather than comparing the characters' heroics (or lack thereof), the reader should focus on the description of effort and hardship of all of the expeditioneers who were present during those fateful days of May '96. I will read Anatoli Boukreev's book next, in order to gain more insight into the tragedy that captivated so many. In hope of not sounding too redundant, it would be senseless to view this book as a finger-pointing rampage. Krakauer actually praises Boukreev's [valiant] efforts during the crisis. As for us, the readers, please keep in mind that we have no place for judging ANYONE, anyhow.$LABEL$1 +A Major Gripe. The original Brothers Hildebrandt illustrations are NOT included in this re-issue! How can they call this a 25th anniversary edition without the original art?$LABEL$1 +Peace in the midst of the daily storm. No matter what the problem or storm is in your life this devotional book isdefinitely annointed with GODS peace and love in the midst of any storm$LABEL$1 +Waste of Money. I ordered this book while I was taking psychology in college, but I rarely found a need to use it. I did very well with just the required text. It just felt nice to own for a sense of insurance or if you're having a hard time.$LABEL$0 +AWSOME GAME. This was my first game for the PSP. I was amazed by the graphics on this game there great! The tracks are great and very fun. Though there aren't many tracks they still remain very fun anytime you play them. The speed classes you can play are insane. You start off pretty slow but every speed class is much faster than the last witch provides a good challege anytime. The cars or pods or ships or whatever you wanna call the things you race are amazing. It takes different skills to race each 1 so being good with 1 doesn't mean your a master of the game. One of my favorite parts of this game is the downloads. You can go online with this game and download new stuff like new tracks, racers, and wallpapers. Overall this game is 1 of the best games for the PSP. This is a must buy$LABEL$1 +Sorry Al, a bad review.. "In 3-D" isn't really worth the money. If you're into Weird Al, get either "Running With Scissors" or "Bad Hair Day". If you want comdey, get Ray Stevens.$LABEL$0 +Hmmmm. I used to buy the small round white cleansing puffs and I could use one of them for months. These break down a lot quicker so have to use them quicker.$LABEL$0 +Pleased with bottle warmer. My husband and I have found this bottle warmer to be very effective and work great for our needs. We use the Avent bottles and have had great success with this product for heating them up. It heats them evenly, unlike the microwave. We noticed that it's important to read the instructions thoroughly before using it. It's also important to keep the heating chamber cleaned out and free of water deposits. This caused ours to under-heat the bottles. It took a little getting used to in order to understand how much water to use for what size bottle we're trying to heat, but over all we like it and we've gotten a lot of use out of our bottle warmer.$LABEL$1 +Works on some devices - poor filtering. Works on some devices but not 2nd gen Zune players (8gb, 30gb, 80gb). Worse than other USB chargers in filtering ignition static (i.e., not good for powering MP3 player while playing).$LABEL$0 +A Page Turner!. This novel was a definite page-turner for me! The drama started on page one and kept flowing through until the end. Each one of the Matthews sons represents a different walk of life: the thug, the minister, and the family man. Each has good intentions but they all get pulled into three very difficult family situations....ironically, it's the brotherly strength and love (along with a feisty matriarch) that carries forth and pulls them through some very difficult times.I liked Johnson's style of allowing each character to narrate their story. The pace was just right and scenarios were believable; although it made me wince every time I read some words repeatedly used incorrectly outside of the character's dialogue (ex. fambly for family, axed for asked, etc.). Otherwise, it was a great novel.$LABEL$1 +Very DIssapointed. I purchased this food processor to do smaller jobs. I have used it twice. The first time to simply grate cheese. Simple task, it almost burned the motor out. The second time I was make a dip. The chopping blade is now stuck in the processing bowl. I have the larger 11 cup processor and am very satisified. Much easier to use and even though it costs more, it has been money well spent. I am in the process of sending this back to cuisinart (not to be replaced).$LABEL$0 +SHE IS DA BOMB. I think Christina Aguilera has a terrific and catchy voice. SHe is cute and has a lotta catchy songs. There are some(only a couple) songs that arn't as well written as others,but this CD is worth buying and giving a try.SO EMOTIONAL is a catchy tune just like Genie In A Bottle You should defintiy buy this CD!!$LABEL$1 +Upset Mom. This is great product, however, in order to download spelling words you must order a subscription for $30/year. How hard would it be for them to include the software? I was disappointed because I want to use this for many years and think it's a bit ridiculous. I just wanted to warn everyone because this fact was not advertised on the Leap Frog website or any where else when I was researching this. I feel a bit ripped off!:)$LABEL$0 +what a waste. I was sooooooo dissapointed with this CD. Don't get me wrong, I am a J-Lo fan and I thought the first CD was great but I couldn't dance to this. The music sounded more like house music. I just wasn't feeling what she was trying to do and the fact that she can't sing didn't help matters either. I'll be more cautious about buying her next CD.$LABEL$0 +they don't HAVE this item. they don't HAVE this item, they sent something else, and when i called to change it to the picture shown, they said it was not available. very annoying waste of time.the actual item pictured is 5 star. i rate amazons way of doing business one, if that.$LABEL$0 +This recording is a bity dry...poor conducting. I don't see why anyone would settle for this recording. Not only is the sound quality bad(it's stereo but sounds like mono), the interpretation is also dry. Not even the overture was done right. The singers are good, though I don't feel other's enthusiasm for the Figaro here. You may want to try the recordings on Decca.$LABEL$0 +A TV movie. Good hearted, but not even close to the laughter level of the best the brothers have done... Amid all the freaks was the altered Cher supposed to be real?$LABEL$0 +Attention Insomniacs!. Figure skating fans! Are you having trouble getting a good night's rest because of insomnia? Have I got the cure-all for you! Read Heart and Soul by Elvis Stojko. It's a guaranteed yawner--except for the unintentionally funny stuff. I have never seen a more boring, predictable, cliched book on figure skating in my life, and I've read many.$LABEL$0 +Bon-Aire BA121L 120V Air Compressor/Inflator review. I had used these types of pumps in the past and was not impressed. However, the Bon-Aire BA121L 120V Air Compressor/Inflator was very IMPRESSIVE! It easily inflated several tires of different shapes and sizes. I would recommend this product to anyone in the future and I would certainly purchase another in the future...$LABEL$1 +Fits and Tastes Right. Let me start off by saying I hate the taste of municipal water. The chlorine and other tastes make in virtually undrinkable. That's where this filter comes in.For me, the bad news is that I can't stand forking voer $40 to Sears for the privelige of screwing one of these into the filter port of my refrigerator. In my area, these filters are for some reason difficult to find in Big Box stores. I am not sure why. I have taken a chance before on no-name, unbranded filters from the internet and had good results. However, when I saw these OEM filters at a competitive price, I jumped and have not been disappointed. The water that is filtered through them tastes good (no chlorine or mineral tastes) and there are no leaks--they do precisely what inline water filters are supposed to do.Buy the filters, be happy, and drink lots of water.$LABEL$1 +Self serving and unhelpful. My sister is bipolar. I hoped this book would help me understand what she is going through. However, it was not very helpful and just left me more confused. This book does not seem to depict the whole reality of what the author's life must have been like...but maybe that is not possible because of her illness.$LABEL$0 +anointed. I used to own this tape and I lost it. I saw these sisters in concert years ago and I mean they are anointed! The stores weren't carrying the CD, but I am glad I found it on Amazon. When you want some good worship music--turn this on. I even jog to a couple of their fast tracks. Great Cd!$LABEL$1 +Too hard, too easy...You've got to be kidding me!. My family LOVES this game. We happened to pick it up late one night and thought it might be a good way to break the ice with new inlaws over for the holidays. Before this game, you could feel the akwardness in the air...but after we played one night we got a long just fine. We all started out quiet, but once we started to get more competitive we wer yelling answers at the top of our lungs! Sure some questions were relly hard, and some were really easy...but it's just the same as Trivial Pursuit. If you're not savvy in a certain subject, of course it's going to be hard. THAT'S THE POINT!$LABEL$1 +love it!. one of the funniest movies of all time. hard to find in a store so i ordered a used copy. the seller sent it quickly and it arrived just as described. thanks!$LABEL$1 +One of the best books by LJB. Even though this book is one of the longer ones, I found it to be a little stretched out. But there was a lot of really interesting events in this book. Even though I normally don't enjoy trains or books about trains, I loved this one.$LABEL$1 +Awful book to be included in the otherwise great series. This it not Terry Goodkind's best work, to put it kindly. I know there is a reason for him setting up the background on the characters, but it could have been done in a chapter. It's awful. For those that thought Soul of the Fire was awful, it was about 10 steps above this one.$LABEL$0 +a great book. I love this book!!! I think that it is a great book. Everyone should read it, even those who don't like horses very much. This was a very good book. It was well written and I enjoyed reading it. I think Marguerite Henry is a wonderful author. I would reccomend this book to those who love to read.$LABEL$1 +No originals, just 'Trane. The irony of the Prestige John Coltrane albums (about 19 in all; I owned them all when they first came out) is that there are no originals. I am told (I think by Ira Gitler) the reason is that Prestige owned all the publishing; so, he saved the originals (he certainly had them in volume) for his later Atlantic recordings. In any case, the music was marvelous; don't overlook the ones released under Red Garland's name. We are lucky that this music was recorded and saved in such a short time allowing consistency. It's still timeless.$LABEL$1 +It's Great!!!. Tamora Pierce has outdone herself once again. I have read most of her books and believe that this is the best yet. Although a bit longer than her other stories, you still put this one down wishing it were longer. As soon as I finished the book I started to reread it! We are also finally given a chance to be reintroduced to characters from other books who haven't been able to take a role in Kel's study's yet. Even though there are more of them, all of the characters feel real, and make you want to jump in and join in the action. I reccomend this for any fantasy lover, or anyone into sword and sorcery novels. It's great!$LABEL$1 +A bit silly. A bit silly, and certainly not thorough enough to give anyone any detailed insight into the world of witchcraft. I am sure that there are those who believe they have achieved magical things with the spells herein, but my impression is that saying meaningless words and drawing pretty, but again meaningless, simplistic drawings, is not what those who practice wicca, witchcraft, or magick, in any serious way would regard as a serious incursion into a fascinating arena of belief.$LABEL$0 +Excellent Story!!!. I must say that Mos Def did an excellent job with this part. It really surprised me because I had not seen him play any serious parts. Eventhough this was based on a true story, he made it very believable. I recommend that everyone see this movie, especially if you are a Mos Def fan.$LABEL$1 +Careful! Use oil to protect your skin!. The first few times I used this trimmer, all was well. My fuzz (I had a lot) disappeared painlessly and I couldn't be happier.However, I soon developed bumps all over my cheeks, and they rapidly turned into painful red spots. I tried to remove these spots with lotions and cleansers and, after becoming even more irritated, my skin developed dark scars.Now I have bumps under the scars and my skin on my lower cheeks near my jawline is just a mess.I've since stopped using the trimmer, and I'm taking care of my skin over there. It's getting better, but slowly, because I have dark skin and the dark marks stay for longer.ADVICE: Use an oil like tea tree oil (great for pimples, too!) to protect your skin as you trim hair. Never use on dry skin, because you could irritate it. Don't be left with horrible scarring like me.$LABEL$0 +An Excellent read. When I decided to purchase this book I wanted to look deeper into the subject of Law and Attraction. I have already read some of this Author's books and am very much impressed. Ask and it is Given will explain to anyone just what the title says. If you will only clear your mind of false perceptions you will be able to understand the book's message. Enjoy!$LABEL$1 +Disappointing product.. I ordered the 16 oz. feeder as our old feeder was several years old and falling apart. The new feeder was a disappointment because it was not properly balanced and tilted/spilled when hung by the provided hook. I don't recommend it to anyone. I did not send it back because the shipping charges would make it even more of a bad buy. I'm sticking with Perky Pet products from now on.$LABEL$0 +Fun to read.. Just received my copy yesterday and this book is FUN TO READ! Working at creating my first dinner this week. Thanks GreenCross Of Seattle! See you at next years HempFest 2006! Life is better with books like this. I enjoy your sites links too!$LABEL$1 +Read 'A Good Man is Hard to Find' to understand this movie. This movie is a grisly fairy-tale, Little Red Riding Hood with all the gory details of the wolf's attacks and his death by axe. The child is the key to the story. The violence is so exaggerated as to be a horrible parody. The line the male killer makes (who has no name by the way) at the end about the little girl is everything. A very dark comic parable. Don't take its over-the-top violence seriously.$LABEL$1 +Sorry, but it's true. 2 stars. I love the book series, but the movie was disappointing. Now my family thinks the books are boring and that I have a lousy sense of good reading. This was the only thing that I thought could get my husband interested in reading the books, but he slept through most of the movie. I am sorry to all the hard working people.I don't think you should make any movies of the other books . I have read #'S 1-6 and can't wait to get # 7 in soft. Please, if you read this, do not skip the books. THE KIDS books are not as good, but they have different characters and stories. PLEASE USE YOUR MONEY ON THE BOOKS. YOU WON'T BE ABLE TO PUT THEM DOWN.$LABEL$0 +Find a better book. This book is comprehensive, yes, but the explanations are poor. I find his writing style difficult to follow. The book is poorly edited as well, for example, the second chapter introduces datapath logic cells and then immediately goes into a multipage treatise of multiplier architecture. Interesting information but it seems much out of place given the context. The problems are not very helpful either. Often you will need to search for information outside of the text in order to complete the question. The author obviously knows the subject well, I just don't think he does a very good job of teaching it.$LABEL$0 +vastly disappointed. I think the few pages of map/compass reading, undestanding and wilderness orienteering pale in comparison to all the games, gatherings and contests the author discusses.For the price, vastly overrated, over priced.I was mislead by positive ratings. Many better and more detailed books out there.$LABEL$0 +Shrill propaganda for software anarchists. Useful, but not terribly original, content undermined by smug self-congratulating boosterism. Alternates between run-of-the-mill thinking on domain modeling, pseudo-intellectual philosophical tangents, and foaming-at-the-mouth extreme programming propaganda. Deeply slanted, with a degenerate view of software engineering.$LABEL$0 +More than expected. The packaging made the item even more special, as it was a gift for someone. Very pleased. Great price. Thank you.$LABEL$1 +DO NOT BUY THIS MOVIE!!. THIS HAS TO BE THE WORST MOVIE I HAVE EVER SEEN. THE ACTING IS HORRIBLE, THE MAKE-UP IS WORSE, AND THE PLOT, WHAT PLOT? I WOULD'VE SENT IT BACK, BUT IT WOULD PROBABLY COST ME MORE TO DO THAT AND I ALREADY WASTED ENOUGH MONEY. THE ONLY THING GOOD ABOUT THE MOVIE IS WHEN IT FINALLY ENDED!! PLEASE DON'T WASTE YOUR TIME OR MONEY. IT IS TRULY NOT WORTH IT.$LABEL$0 +Greatest Gospel Singer. It is generally conceded that Mahalia Jackson was the greatest female Gospel singer of all time. "Tennessee" Ernie Ford was, in my personal estimation, the greatest male Gospel singer of all time. As Willie Nelson once said: "All music is Gospel."$LABEL$1 +"Only for cult followers...". The whole time you follow Harvey getting drugs, using drugs, placing bets, and doing other bad things while on duty. It's tedious and painful to watch; I can only give it points for its "right there," documentary-style camera-work and Harvey's effort in portraying the character. Rent it first to see if you want to buy... But be warned, Harvey will do an anguished, tormented whine/cry of agony that will stay with you for 3 days at least...$LABEL$0 +Poor quality. The sound track was horrible - could barely hear the dialog while the special effects and music were extremely loud. A lot of the scenes were very dark. Did not hold up as well as I remember the original.$LABEL$0 +An adamantly recommended acquisition. In Rules Of Civility For The 21st Century, Henry Wheelwright has assembled a compendium of two hundred rules of civility drawn from submission by some four million Cub Scouts and Boy Scouts across the country. The rules of conduct were sent in by boys for themselves and others after reflecting on the rules that President George Washington copied out for himself as a youth of 14. Also provided for the reader is a Civility Workshop addressing modern threats to civility and keys to character building and leadership. Line illustrations enhanced Rules Of Civility For The 21st Century, which is an adamantly recommended acquisition for every school and public library in every community in America.$LABEL$1 +Heartbreaking and lovely.... I first encountered Amy Bloom's keen insight and matter-of-fact humanity in the pages of New Woman magazine, where she writes a monthly advice column called "Sex/Life." Upon discovering she had written a novel, I ordered it without hesitation. I was not disappointed. Love Invents Us is a startling and sensuous look at human relationships. Bloom shows us how every love affair (define that as you will) leaves its footprints on our personalities, with wonderful or disastrous results$LABEL$1 +Honesty & Beautiful Writing. Fumbling Toward Divinity by Craig Hickman is a wonderful read. Not only does Craig share the raw emotions surrounding adoptees searching for and finding their birth families, but he also shares the real issues faced by gay people and their families. His honesty and beautiful writing touches on many themes. One can only grow in insight and understanding by reading this book. Joining Craig on his journey is an adventure surrounded by pain and love.$LABEL$1 +disappointed. ORIENTAL MUSIC (DULL) AND ORIENTAL COSTUMES (THE BEST PART OF THE OPERA)SUNG IN ENGLISH BY PERFORMERS WITH ACCENTS FROM AROUND THE WORLD.THANK GOODNESS FOR SUBTITLES.IN ADDITION, THE LIBRETTO IS AWFUL!WHAT A BORE! WHAT A WASTE OF TIME AND MONEY.AND, BELIEVE ME, I'M A BIG DOMINGO FAN.$LABEL$0 +Once And A While. One and a while a book will come along that will change the perception you have for yourself. In this case, my own case, a child of sexual abuse-I was fortunate enough to find several books that have helped me to understand,learn and grow past the abuse. Those books are: Breaking Free: Help for Survivors of Child Sexual Abuse, Nightmares Echo and Courage To Heal.If you want your life to change, even if you have not been abused but suspect of someone that may have been-It's time to read these books!$LABEL$1 +THE TRAILOR. I have seen the movie many times and enjoy the scenes and the music, I was wondering what music was used in the 2nd half of the trailor?$LABEL$1 +More BS but slightly entertaining. I read this book when it came out many years ago and I have to say that while slightly entertaining I felt that the author was a BS artist.I never served in the FFL, but I have served 15 years in the USMC and the USA and I cannot tolerate whiners and complainers.I felt that Jennings is a quitter because he broke his contract with the Legion by deserting his comrades.No branch of the military ever promises you a rose garden especially the Legion.$LABEL$0 +worse than 1 star book. I only read a few pages of this book,but, then I flipped through the pagesand found some stuff that was notappropriate for the characters' ages to doand for kids my age to read. I think this bookshould go on a "must not read" list.I think this book should not be injunior high school libraries.$LABEL$0 +What a messed up excuse for a film!. I was so incredibly disappointed by this film.The acting was wooden (and that's insulting to trees), the filming was amateurish, the plot was paper thin - I guessed who it was three minutes into the film, and forced myself to watch the rest of it because I had paid for it.Admittedly the only real sex scene was mildly hot, but no more than you see on normal television. This was lame with a capital L.Wish I had saved my money and would tell anyone thinking of buying it to rent it if you must, but don't put any hard earned cash into buying it.Going to the back of my DVD shelf to gather dust until I get round to selling it.Big thumbs down.$LABEL$0 +The Borowsky Family's Musical Favorites of All Times. Musical Favorites of All Times, the Borowsky family's genre spanning arrangement of classical music, is a collection of long cherished and well-known pieces, all played with a clarity and skillful sound unique to the Borowsky family of musicians. This collection has clearly been put together with hard work, and dedication, not to mention skill, as the pieces within represent some of the most accurate, soulful, and standard breaking playing of our time.As best exemplified by the performance of David Popper's Gavotte, and Ernest Bloch's Nigun, the Borowsky family plays with authority, commanding the ear, leading the listener into the swirling emotion of the piece being played.Five stars out of five for an impressive collection and a wonderful listening experience that defines the epitome of what the classical musician should be.$LABEL$1 +Please don't ever make me watch this thing again!!. This movie was not very true to the book. The man in the yellow suit didn't wear a yellow suit, Winnie had a turtle, not a frog. . etc. It was pretty well made, but if you are a great fan of the book you might not like it. The new version made in 2002 is a little more accurate to the book, so you might try that as an alternate to this. The story of this movie is pretty good though, because the book was a very good book. People who remember this movie from their childhood might like this, though. I didn't really like it because it strayed too far from the book, but others might.$LABEL$0 +Beware the purple prose. I generally like most fantasy books at least a little bit, but this one left me wondering if an editor had ever seen the manuscript. There is promise in the basic idea behind the novel, but the text is in sore need of a good editor so that the story can become refined and easier to read.I don't recommend this book.$LABEL$0 +EXACTLY What I needed!. Yes, it's a small shelf, but it's the PERFECT size to put between your desk and the wall if you want to get your CPU off the desk or floor. The CPU is on the top shelf, modems and routers on the second shelf and surge protectors on the bottom shelf - all in one place, out of the way and easy to move when you want to clean. Also, the shelf is easy to put together and VERY sturdy. I plan to get some in larger sizes to use in the mudroom.$LABEL$1 +BIG disappointment. I was extremely disappointed in my 2mm 24" snake chain. I have bought several pieces in the past from Silver Insanity, but it seems they've decided to cut corners. I would be surprised if this chain measured ONE mm let alone 2. I have other 2 MM chains and this one is HALF the size. It feels very light. Not at all what I'd come to expect quality wise from Silver Insanity. I will not buy anymore silver from them.$LABEL$0 +Breakout Thriller. This is a great book. I've enjoyed the others in the series, but MOTION TO DISMISS, takes Kali to a new level. The plot is intriguing and the pacing suspenseful, but what makes this book stand out in my mind are the characters. All of the main characters are flawed and complex human beings. They are very real and believably unpredictable. There are lots of weighty issues to ponder here, but they never get in the way of the story. This is an author to watch.$LABEL$1 +Time passed this. 2 1/2A perfectly mediocre live capsule from this minor folk-proggie does capture a few instrumental moments of passion (the second half of Year of the Cat and some creative liberties with the following Pink Panther theme finally breathe much needed life into the disc), but the majority of singer-songwriter-slush feels autopiloted-bland at best, worse off for that pretentious late 70's British sort of lyrical and vocal delivery. I would say that if you enjoy newer Steely Dan, then rock out with this.$LABEL$0 +Great for specialty rice as well. We tried this with Basamati rice and the results were outstanding - 2 cups water to one cup of rice, microwave on high for 5 minutes and then at 40% for 15 minutes. You get great tasting rice and a wonderful aroma in your kitchen. I have found that it does leak a little, which is easily solved by placing the cooker on a dinner plate in the microwave.$LABEL$1 +Some stuff but mostly fluff. We are all looking to get as many takeaways from these types of books as possible with having to read through to much fluff but this one misses the mark and pretty bad. I found myself reading through pages and pages without highlighting anything of note as a practical takeaway. There a dozen or so nuggets in this book but its not worth the 200 os so pages of mostly text no images to get to these. The amount of references and quotes I just found plain odd and of no use.Its also pretty dated now$LABEL$0 +When Moviegoers Wept. Reduces the culture-changing ideas of Breuer, Freud, Nietzsche, and von Salome to a series of pop-psychology soundbites.A "period piece" in which the actresses and actors have visibly modern makeup, hair styles, and clothing.Slapstick action and flat acting.$LABEL$0 +Good Product money wise but not Safe. I am very much impressed with the quality of the Leather Pouch from my new Treo . I was very happy of the same . However While traveling as it was hooked to my trouser , my Treo fell down twice from this Pouch . As it does not have a Locking Facility , It creates a Problem . It has just a Magnetic flap which is of no use when your Expensive Treo Falls down Twice and has a Lot of Scratches on them . Hence if they would only have a Locking facility on the Flap it would be great.$LABEL$0 +Not very good, unless.... Not very good, unless you like that low growl voice that doesn't seem to take much talent to generate. At least this singer is able to get most of the lyrics across in an intelligible manner, but it's a disservice to these songs to growl them out. Your own stuff, OK, but not these classics.$LABEL$0 +Clancy @ the Speed of Dr. Suess. I just recevied this book today. First I want to rate a seller because i couldn't figure out how in my shop zone. I want to make this comment about liquidotcom3 (I believe that is his name)My comment is "Used? The only thing wrong with the book is a slightly bent upper right hand corner, and I probably did that unpacking it! I ordered it last wednesday Oct 2 and it came today oct 9th, pretty impressive!"I have read 19 pages so far and know about 4-5 featuresnow that i didn't know about FP2002. I can tell this will be a good book. It is technical enough to learn from, but it reads fast! BUY IT!As a business owner, I have to be on the cutting edge of the software that I work with, and I think this book is going to take me there. I will do another reveiw when I am finished. I may even read it straight through.$LABEL$1 +Probably the closest you'll get to hardcore on her.. I had a friend show me this a while back and believe me this isn't hardcore or anything, but its a lot closer to it than Girls Gone Wild. There isn't any actual Sex in it but it does show a LOT of vagina. Don't get your hopes up yet though. Most of the girls aren't that hot and a lot of their vaginas aren't the best looking either. ESPECIALLY the chick on the front, Kobe or whatever. Hers in the worst. But if you're desperate and actually want to fork over money for grade F quality "pornography" than by all means.$LABEL$0 +GREAT "How-To" Guide for Communications Professionals. This book is a clear, concise read on handling the media during a crisis - and how to come out a winner. At just under 200 pages, it's packed with more useful info than a book 3x its size.The one thing that really stands out is Hoffman's clear understanding in all communications - know who your audience is and speak directly to them - no matter what the medium. This is NOT a "How-To Spin" book - but a "'How-To' put the facts out there honestly and in the best possible light" book.I recommend it for ALL folks in the executive levels in corporate America as well as those in PR, communications, Marketing, or agency work.$LABEL$1 +Nice product.. This vacuum sucks! I mean that in a good way. It has excellent suction. Does a great job on carpets! I would give it 5 stars, except that: 1. It's a bit on the heavy side; 2. the electrical cord isn't designed to retract; and 3. the switch on the vacuum that turns on and off the rotating brush for when you go from carpet to bare floor (and vice versa) doesn't seem to work. It keeps springing back to "ON" position, and doesn't click to stay "OFF." I considered returning it, but when I checked the floor models at local stores I noticed that they didn't work either. I thought I knew how to flip a switch, but perhaps I'm suffering some sort of skill deficiency here. There must be some trick to it that I haven't figured out yet. I will be checking courses at my local Community College for switch flipping, and keep you posted if I find any.$LABEL$1 +The fix is in!. I've played a lot of BackGammon in my days but this farce takes the cake. The dice are loaded in the computers favor. Play 100 games and lose 40 of them because the computer gives you the one role in a 100 that will hurt you,,,,and at the same time he gets the perfect roll to get your exposed man. Once in a while is OK, but it's consistent and annoying. Just because the setting is expert, doesn't mean the computer has to win at all costs, even cheating.$LABEL$0 +Too much melodrama for me. My previous review was deleted because I used the word "dreck."This book would trade the massacres of Rwanda and Burundi for a soapy Mill Valley love affair, and I think that's tragic. A thoroughly disappointing book.$LABEL$0 +Scandle, sex, and fun. I never really was all that interested in the whole Henry VIII thing but I was given this book and just started reading the first couple of pages. It really has a way of engaging you from the start. In the beginning Mary is only a little girl involved in this larger than life role she has to play. You follow her along with her exciting life, and just when things start to cool off for her, you become fixed on her sister. I loved reading how nasty the author made her. I know there are legends of how Ann really was a royal pain. The author did a good job playing it up. It really is quite long over 650 pages, but you wouldn't know it, I read it in 6 days. Its really a page turner. It really only portrays Ann, and Mary in depth, and I liked that. I also liked how the author depicts an aging, baby of a king who likes to get his own way. In the end the author does an amazing job wrapping up the looses ends to the already known facts making this history/fiction story a great read.$LABEL$1 +A masterpiece. Of course he never wrote an autobiography, but if he told it to cronies, it would sound like this, then he'd have them shot. So imagine Stalin telling his life story, a crude thug boasting of his power, telling little anecdotes about exterminating millions, and sharing his innermost "thoughts". It's black humor at its best. Lourie is a sovietologist and literary translator from Russian, he's done the research, spent time in Russia, he knows his stuff. It's hard to imagine a more accurate portrait of the monster, and once you start reading, you can't put it down. Should be required reading, lest we forget. Highly recommended.$LABEL$1 +not so great, but worth a read. This is surely not one of the best books of Andy McNab.Liberation Day is a funny book with nice characters and Humour.The Story is not so great as Crisis Four or Firewall, but it's a good read and worth the money.$LABEL$1 +A poignant tale of a young Irish-American Boy .. This book by Dennis Smith is a fine prequel to his Engine Co. 82. In 82 we saw a young man dealing with the job he has chosen for himself, and a difficult job that was. In Song for Mary we see the boy who became that man. The only way a man could become a fireman is if he had great compassion for humanity. Mary, his mother, gave him this compassion. The "Song" of the title resonates throughout the book with the haunting refrain of The Rose of Tralee. I thought this memoir was as good, if not better, than those of Frank McCourt and others which have filled the bookshops recently. A MUST-READ for anyone who cherishes their Irish-American heritage or if they came of age in New York City,$LABEL$1 +Kinda sucks to play - but has nice special effects unseen in any other game. I think it's about time gamers DEMANDED their games have spectacular new special effects AND be fun to play.This game was not fun to play.I would rather fast forward through a video of someone else completing the game just so I could see the special effects and design, and not have to hack out hour after hour of horrible game play.This design team was just chosen to do the next gen design for a upcoming Jedi title- it had better be FUN as well as DEVASTATINGLY BEAUTIFUL.$LABEL$0 +Decent--Could be Much Better. I have read several Koontz novels. It seems like we are beginning to see patterns from previous novels(i.e. dogs, TICKTOCK(actually another book), supernatural, warped personalities). I feel like I have read a similar story from previous stories written by Koontz. I think the dog piece is a stretch. The explanation of Bryan was another reach for the reader. I didn't feel the characters and their interaction with TICKTOCK was a good fit. I would recommend the book--but if you are a Koontz fan--you have seen this type of story before.$LABEL$0 +If I could rate this 0, I would. Gone through 2 in as many months.. My local hardware store didn't have any toilet tot locks, & the chain store only had this brand, one kind, no choices. The first one broke after 1 month of NORMAL use. The second broke after one month of NORMAL use. I would happily pay thirty bucks for one that would last more than a month & that I could give to someone else once my toddler is old enough to not try flushing toys down the toilet, but cheap sells. :-\ I refuse to pay for a THIRD one of these so I just hope we're not snaking toys out of the toilet at all. (I would put a door knob lock on the doors, but we have door knob covers from the same brand on our door knobs & those suck too!! If my toddler hits them hard & long enough, they just FALL OFF!!)$LABEL$0 +Where is Mystery Science Theater 3000 when you really need it?. Extremely awful Keanu Reeves stinker that not only lives up to the word of mouth but surpasses it in spades. Keanu proves once and for all on how bad an actor he is with a groundbreaking bad performance and a script that helps him out a lot in proving that. Only his co-stars come out of this film with their heads held up high with great performances by Rachel Weisz, Djimon Hounsou, and Peter Stormare but not even their great performances can salvage this disaster. This is fresh material for the show " Mystery Science Theater 3000" and I hope they can get a print of this movie and tear it apart for the garbage it really is.$LABEL$0 +Moving. This book was a fantastically written piece of a terrible journey a family went through. What a wonderful way with words Louis Lowry has. I was moved to tears.$LABEL$1 +Victorinox Paring Knife. Victorinox paring knives come in two styles: short handle and a long hangle. I have a couple of each. The blades are the same on both styles. I prefer the "longer handle" style. "Longer" means only about 3/8" longer nylon/plastic handls. The blades are stainless, thin and somewhat flexible. I can get quite a sharp edge on the knives. Easy to use, and inexpensive. Great knives.$LABEL$1 +horrible. These are the roughest sheets I have ever purchased. 1000 thread? more like 10!I returned them after trying to get them to soften up in the wash and they had to be ironed.$LABEL$0 +Hoping for more stamping DVDs like this.... This was great, especially if you need to have your stamping classes at home. Mary Jo's presentations have a lot of clarity and a very relaxed approach to creativity. Since I rarely get to see people actually doing techniques, I really enjoyed watching the processes happening in such detail since it was longer than the videos I've seen. The DVD format gives a lot of flexibility in viewing and Mary Jo has a friendly presence as she provides numerous tips along with the project at hand. I hope Page Sage will produce more in this line of product.$LABEL$1 +The Worst Book Ever Written. The most insulting and boring book ever written. It is a biting social commentary on men-women relations that is so one-sided and vulgar that most readers do not take seriously. Don't ask me how it ended because I couldn't stand the torture of the book$LABEL$0 +Would prefer to see a photo of Julia Child herself on the cover. This book has been highly recommended to read, and I want to buy a copy for myself and for a gift. However, I am deeply disappointed to see photos of the film Julie & Julia all over the cover.$LABEL$0 +One of the best CDs I have in my collection. When I first heard this CD I thought the music was OK. Then I listened to the words and I was touched by the lyrics. The songs are amazing musically and thel lyrics are great. I like the songs 'liquid', 'art in me' and 'worlds apart' the best. Everyone should own this CD. IT'S GREAT!!!$LABEL$1 +A Treasuretrove of Olde Recipes Found in an Olde Attic. A nice book that resembles an old "redback speller.I am looking to collect at least four more of these books$LABEL$1 +Lone Wolf. After all these years this series of movies are great. This blu ray edition is not digitally remastered however there is improvement from the DVD Collection that came out in 1990's. For the asking price this is good value.$LABEL$1 +Soooo relaxing and beautiful! Stunning!. I've been a devoted fan of LoungeV films on Youtube and finally decided to buy a present for my parents. Guess what, they loved it!!! It's an excellent addition to any home and I am not speaking of an average film you watch on your TV, it's a dream world that you bring home! I will be ordering one for myself to play in a loop on the dining room TV that I will hang on the wall - finally removing that ugly painting my wife put.Just one thing, the film has two parts but I would prefer a continuous playback. Oh, by the way, the DVD case print quality is not ideal even though I really like the design.$LABEL$1 +Greatest book of all time!. This is one of the greatest books that I have ever read! I would recommend this book to anyone who loves to read! This is an awsome book it as one of the greatest books of all time! Along with the Harry Potter books by J.K. Rowling, The China Garden by Liz Berry, Peter Pan by J.M. Barrie, Cheaper by the Dozen by Frank B. Gilbreth Jr. and Ernestine Gilbreth Carry, and Old Magic by Marianne Curley!$LABEL$1 +Not impressed compared to Red Herrings. It is OK but I would expect much higher level for the author. Plots are no captivating, too much getting into detail which does not benefit the experience. All other Archer's book will keep me awake till I find out what is going on except for this one. I just ticked the box that I read it.Archer is my favourite author today, i started reading his book in November 2012 and have only couple left. Enjoyed all of them except for this one.$LABEL$0 +No Better Than The Book, But Worthy of A Classic. I read this book in 6th grade (outside of school) and was blown away by it. I expected the movie to be horrible, but it's the best "book-movie" I've ever seen. It is definitely worth buying, but you have to read the book first. The book will illuminate your mind with great masculine and feminine representivity and just change your life.$LABEL$1 +Tear-Jerker. This book was an amazing piece. I read the whole thing in a couple days. I just couldn't stop until I got to the end. It brought tears to my eyes! I would recommend this tear-jerker to anyone who has a strong stomach! (Very graphic!)$LABEL$1 +Just what I remembered. My grandmother bought this book for me when I was a young child and it helped me become familiar with Bible stories. At that time, there were three different books. Now all the material is in one convenient hard cover book complete with Scripture references and trivia. My children enjoy reading the book and it is even teaching them another lesson -- how to share. Highly recommended.$LABEL$1 +Satisfaction. Enjoy a cup of this each morning. I especially appreciate that Folgers Cappuccino does not have a strong acid aftertaste. I will continue to purchase but wish the price was a bit lower.$LABEL$1 +Healthy Body Cookbook. This book contains great ideas that are also tasty. My picky eaters enjoyed the Breakfast No-Bake granola bars, the Awesome Banana Berry Pancakes and the Creamy, Dreamy Yogurt Orange-Banana Frozen pops. We are excited to try many of the other great recipe ideas. The recipes in here are easy to follow, and taste great!$LABEL$1 +Interesting Reading. Even though the material is dated, it gives an interesting perspective on the different forms of life and ecosystems that go unnoticed throughout the year.$LABEL$1 +Say it aint so. I use a lot of Clubman products but this one has left my home never to return. Without a doubt the worst smelling aftershave ive ever gotten a whiff of. I love the Clubman regular and Bay Rum as well as their talc but this stuff is simply awful. They really need to rethink the formula on this Lilac stuff as it really does stink, literally.$LABEL$0 +Not What I Expected........ Maybe it was the writer's fault, but this story just wasn't presented the way I thought it would be. It turned out to be more of a travelogue of this little neighborhood than individual stories about the ladies themselves. I couldn't finish it.$LABEL$0 +No frills at THE BASE. THE BASE is an overall average film. Clearly the actors' talents are not put to full use. Mark Dacascos' excellent martial arts skills are supressed to appear like a good street fighter, not the impressive military weapon he is suppose to portray. The story line is interesting, but is weakened by the poor ending of this action film. The good guy wins, but it is a dismal victory. The nudity added to The Base does not really flow with the story line. The director clearly failed in this film. The acting in this film is very good, but the camera angles were not. I'm sure the actors were disappointed with the final product. THE BASE is worth seeing once. I suggest renting versus buying.$LABEL$0 +worked great until it wore out. Product was great and kept my wet and dirty coveralls off the seat. Then after about three weeks the fabric material separated from the edge seam. It still works but is mostly just bare wire coils showing. I am hard on things but Grandpa had a similar product that had a stiff polypropelene like fabric that lasted years and he worked in a coal mine.$LABEL$0 +Watched all the games live in HD. Not going to purchase this set to watch them again in SD. Hopefully this stays 1 star and sells terribly.$LABEL$0 +'Toast 8' by Roxio. My last version of Toast was 6. I found many more useful features in Toast 8; ... too many to list here. Just go to the Roxio web site for a list of all the new features. It is totally Mac OS X and Mac Intel Core compatible as well. I am extremely pleased with ths new, easy to use version with so many great features including seamless 'EyeTV recording, etc., etc.!$LABEL$1 +Thorough treatment. Levy presents a well-articulated, easily read treatment of the Tabernacle of Moses, its furnishings, utensils, services and priestly clothing and functions. A great book to read to see how God was foreshadowing His Son, Jesus, well before His incarnation. Levy clearly ties together Old Testament practices & theology, which we often ignore, and New Testament beliefs. I would recommend this to anyone interested in understanding: (a) more about the Tabernacle itself, (b) a deeper insight into Jewish practices and their foundations, (c) a fuller and richer understanding of God's plan of redemption and atonement, sanctification and regeneration, worship and communication with God.$LABEL$1 +Warranty Extension. Just got the watch and it seems to be working great. I have adjusted the date and time base on the mechanical instructions given. The watch has performed well for the 1st week.I got several compliments on the watch.Only suggestion to Stuhrling is they need to make the emblem in the middle of the watch a decal rather than a stamped letter. Could have made the watch even more impressive.I hope to get several years of use.Warranty card they send you gives an extra year extension if you fill out the review. Not sure how they track it.$LABEL$1 +Coding mistakes and more. It's heavy on VB.Net, which I didn't expect, based on the title and the year released. What bothers me most is the mistakes in their code. For example, they have you define tables in an Access database, and then, in code, they use different table names. That's just the beginning. The structure of the written code is bizarre; indents are random and meaningless. They don't use good programming practices, either, such as using a with/end with struture instead of typing the same variable name over and over...I don't believe the source code for the book ever was published by "Premier Press" (don't be fooled by a name).$LABEL$0 +No Problems. Not much to say about this product. I used it per instructions, it was quick and easy and no problems.$LABEL$1 +Good for some, not others.... There are two different types of Madden player. Some go for accurate simulation and detail, others go for creativity and solid presentation. If your likings fall under the latter of the two, prepare to be bitterly disappointed.Sure, it is true that the gameplay is amazing. Player likenesses are unmistakeable and the action is great. However, those of us who want more from their Madden find this game to be empty and gutless. There is no Create-a-team, create a stadium, or create a fan feature that has been such a great part of the recent current-gen Madden games. The 'create player' function is a joke, and franchise mode has VERY little to offer. You can find all of these features by picking up the game for 10 or 20 dollars less on the PS2, XBOX, or Gamecube. 360 fans deserve better.$LABEL$0 +The worst book I ever read. It is the worst book I ever read. Subject matter is not explained properly. Examples are complex and lengthy. Don't buy this book.$LABEL$0 +Frábert!!. Björk can sing anything!!! A great jazz album, mostly in Icelandic with a fantastic version of 'Can'Help Lovin' Dat Man of Mine' in English.$LABEL$1 +worked at first. When i first bought this product it was great now it won't turn on and its only few mths old. I don't have receipt so can not return it just stuck with a broken humidifier.$LABEL$0 +The perfect antidote to Outliers. The perfect antidote to Outliers, this book demonstrates the unavoidable pitfalls to attempting the lifestyle espoused by Outliers. It is possible to be successful AND happy, but not unless you make happiness a goal that you manage as vigorously as you manage success. This is written by a psychologist for the stars, and is filled with both easy to remember anecdotal stories and sound principals which I have observed in the people I consider fabulously successful and yet still completely grounded and approachable.$LABEL$1 +Don't Buy this watch!. Don't buy this watch unless you want to adjust time every morning when you wake up! This is the only explanation about "automatic"!I am Very disappointed about this product! I bought this for my boyfriend as a gift. It said Water resistance 100 feet, but It had moisture inside the watch by wearing around household sinks after a few days we purchased it! We had been sending back and forward to the factory, but they had never fixed the problem.$LABEL$0 +Does as stated. This stove can come in really handy even without a power outage. Used it to cook brunch for a crowd. Also was handy during an outdoor BBQ as an extra burner to sautee onions next to the grill. Would be easier to clean if the base around the burner was a smoothe paint rather than dull. Overall, works well.$LABEL$1 +Waste of time.. This book was poorly written, and presented most of its subjects in a cursory, unintuitive manner. The treatment of the technical subjects amounted to little more than a bulleted list of formulae. The author justified this by continually making the point that MBAs need only a high-level understanding of topics such as finance and economics, but the book does not even give the reader that. All in all, a grave disappointment for someone who wishes to learn about business.$LABEL$0 +Typical V-Tech, BROKEN!. We've been burned by V-Tech and their inferior products twice before. The V-Smile system only worked for a few months; the V-Pocket worked for exactly 13 days. So, I suppose this is pretty much our fault for buying our 7 year old what he REALLY wanted for his birthday.Imagine my complete lack of surprise when I pulled this system out of the box on his birthday and it didn't work at all. We've tried all of the "Troubleshooting Tips" three times and tried various outlets in the house. The thing does not work. When we called V-Tech about the issue, we were told that since we bought the unit 3.5 months ago (when it was on a great sale), it is not their problem. Lovely customer service.Save your money and always buy LEAP FROG! We've never had a single problem (read: heartbroken child) over Leap Frog products.$LABEL$0 +Discover this Band. Fastway just couldn't break into the upper tier of metal acts in the 1980's and I'm not sure why? Give this disk a listen, and you'll see that the band had a knack for writing great rock music. Tunes like "All I Need is Your Love" and "Feel Me, Touch Me" are instantly catchy, and stay with you long after the disk is over. Fast Eddie's guitar work is fantastic! Check out that cool riff on "Say What You Will", that song should have been a staple on metal radio. The song "Heft" is great. It's an odd little tune with a killer bass and drum combo. If Pete Way was playing bass on this disk, then he is responsible for two of my favorite undiscovered bands "Fastway" and "Waysted", and "Heft" may be one of the coolest tunes from the era. You can't go wrong picking up this disk for under $10.$LABEL$1 +A very neurologically biased book! Not recommended.. This book is basically a book written to bring more business to neurologists. Written by two neurologists who state ADD is best treated by neurologists and with medications. Their bias gets in the way of this book being useful. In the real world, try to find a neurologist who will take on ADD patients! Psychologists and psychiatrists are much better trained and equiped, AND available to treat this disorder. I would never recommend this book to my patients!$LABEL$0 +Boring. This book takes one chapter worth of material on a very interesting subject and repeats it over and over to the point where the reader is bored sensless. I couldn't even finish the thing. I learned from this that the Pulitzer prize is no mark of excellence. Don't waste your time.$LABEL$0 +Boring Insipid Nonentity. As intriguing as the concept may seem, in reality the fiction is trite. Cared little for the characters or the direction. For postmodern thrills, rent a later Godard picture.$LABEL$0 +Pass this one by.. I bought this keyboard to replace a malfunctioning Gearhead keyboard. But I started having problems right out of the box. Keys did not function. The mouse has to be within 3 feet of the receiver AND the infrared dot has to be pointed at the receiver. The feel of the keyboard (shape of the keys and curve of the board was very good. However the plastic is very rough and cheap, almost feeling like it's recycled. I don't think it will survive being dropped even once. I find it interesting that the keyboard signal is RF but the mouse is infrared (and therefore line-of-sight only). Why 2 different systems??No more cheap keyboards for me. I'm buying a good wireless Logitech unit.$LABEL$0 +Captivating Sound. "Storm at Sunup" is my favorite album of all time. Incredible texture in sounds along with Vannelli's strong voice delivers an extremely cativating sound. This music changed my life.I personally like the Gino of the 70's. With his rocking sound and incredible use of technology for it's time, Vannelli creates music that makes my heart pound when I hear it.$LABEL$1 +Will teach you to be skeptical. Every member of every school board should read this book. Politicians and policy makers are constantly using distorted, misleading, and erroneous data when the describe the state of public education. Armed with the knowledge in this book, readers can't begin to question poor data instead of just swallowing it whole. Pretty easy read for the non-technical.$LABEL$1 +DON'T BUY A DREAMCAST JUMP PACK..Buy a PREFORMACE JUMP PACK!. It looks like people are complaining about how you don't feel anything with this product. Well, i own two "'preformace' jump packs" (not made by dreamcast) and they work great. And PLUS not only are they a jump/rumble pack, but it also holds 200 blocks of memory. So folks i strongly suggest buying these from this after market company.Oh yeah...You feel the RuMbLE....TRUST ME.$LABEL$0 +My 6th Graders Love It!. This was an excellent illustrated book that I used in my 6th grade social studies class.The kids loved the creation stories,Cronos,Zeus,Apollo,etc because it is an easy read for kids and adults.Plus the kids loved the illustrations.We have been using this book in the classroom for years and will continue to use it for years to come.$LABEL$1 +Great and USABLE! book. After reading this book I imediately restructured my email inbox and started sending much fewer/shorter mails. In return I right away started spend less time managing mail and I even get less mails back (since I send less) as wellGreat return on reading investment :-)$LABEL$1 +Great book!. This book gives a great look into the Jewish mindset of the early 1900s. A must read for any young Bible student.$LABEL$1 +Kind-of boring. The songs are mostly ballads. They sound very similar to one another. I had a hard time listening to the album in its entirety.Buy her self-titled album or "Crossroads" or "Telling Stories" instead.$LABEL$0 +Hip Hop Essential Classic. Great and essential Album for all Hip Hop Fans...Prodigy's verses and Havoc's beats on this album have inspired and influenced an entire generation of young rappers, even your favorite rapper, (insert thug/gangsta rapper name here) can't deny that Mobb Deep is one of the greatest and most influential Hip Hop Groups of all time...If you are a Hip Hop fan and you don't own or have never heard this album...SHame on you...$LABEL$1 +Release the UNCUT episodes!. Count me among the people who will not be adding this DVD set to my collection. I have been anticipating the release of the "Roseanne" DVD sets for years, but after realizing that they're being offered using the edited-for-syndication version of each episode, I have no interest. While I understand the reasoning behind cropping them up to air in syndication, there's no excuse to release a full season collection using anything but the uncut episodes.It's ironic that Roseanne waged very public battles for control of the show that bore her name, but has no authority (or, at least, objections) over its being released in this truncated form.$LABEL$0 +Best of the Vampire Chronicles!. Anne's telling of the creation of vampires is truely unique and imaginative. A must for anyone who loves mystery, suspense and fantasy. The cast of characters that Anne creates is rather large, but in the end, all the characters come together in an amazing ending. Anne Rice has truely out done herself with this chapter in the chronicles. A definate must read!$LABEL$1 +doesn't fit. The ladder for this seat did not touch the floor. We had to send it back because it was about an inch or two short. If you do decide to try the product, you should measure your toilet first. That said, I do agree with some of the other postings that it seemed rather flimsy. Even if it had reached the floor, the seat did not fit firmly on the seat. Perhaps its just made for other toilets.$LABEL$0 +AAR is the BEST OF THE BEST!. The All American Rejects are from Stillwater Oklahoma and this band knows their stuff. If you are the type of punk rocker this CD is for you! Different songs that have an AWESOME beat! This band is known for their most popular song, "Swing, Swing" So listen to this album today!$LABEL$1 +Sensational show!. This unassuming little show about a small Texas town and it's football team was a great ride, all the way through to the final season. The show features well-rounded characters with realistic problems and believable flaws. And, that's refreshing, compared to some of today's reality shows (where the filthy rich drum up pseudo-problems to complain about).Maybe the fictional town of Dillon, Texas reminded me nostalgically of my own hometown, where the whole town populace came out on Friday nights to cheer on the football team of the only high school in town. Or maybe the fictional characters just remind me of my own classmates, teachers, and coaches. But, whatever the reason, this is one great show, well-acted and under-recognized.$LABEL$1 +Disappointment. Looks great on the internet but dont buy it sight unseen. It is a real disappointment from the chintzy finish to the cheap plastic handles and knobs also takes forever to toast and that is impossible to regulate. Really a poor value for the inflated price.$LABEL$0 +good, but can be better. I like the postures just like what I had in bikram yoga class. But somehow I found the backgound music is dull......I need some encouraging and upbeat music to stimulate my work-out!!!$LABEL$1 +If I could give 10 stars, I would!!!. The first time I saw this movie, I fell in love with it! If you've ever wondered "what if", you'll enjoy this movie! I can't understand why anyone wouldn't enjoy this. It's funny, emotional, romantic, and VERY intelligent! The fact that a woman's life could change course so much after a two second distraction amazes me and really makes me think. If I had to recommend only one movie to own, it would most definitly be "Sliding Doors."$LABEL$1 +I wanted to scream.. I wanted to scream while watching this movie. The entire beginning of the movie shows that the I.D. isn't connected to religion. Then the end of the movie shows that religion and science are in a constant battle. Not only was the movie inaccurate but poorly created.However, my friend who I saw it with seemed to think that having ID in classrooms is a good idea after seeing the movie. I berated her intelligence until she agreed with me. I figured that's what any person whole believes in evolution would do, right Ben Stein?$LABEL$0 +Disappointing quality. I really liked these headphones when I first got them but the "relationship" went down hill oh so very quickly. Within two months of receipt, the on-off slide switch broke off. A few months later the plug developed an intermittent break. Twist the cord just right and you had stereo otherwise only one headphone would work. It finally got so bad that I have put it back into its case and stopped using them. Disappointing for a pair of $100 headphones. These were very lightly used headphones and not thrown around or abused. When not actually in use, they would be in their padded, zippered case. I cannot recommend them for their lack of quality.$LABEL$0 +Business Primer for Grade School Children. The author seemed to spend more time defending the compensation packages of the poor misunderstood CEOs in this country than on the basics of investing and the markets. I have gotten better information free from mutual fund companies trying to promote their products. If I had been given this as a required reading in high school I would have criticised it as much too basic. Bascially a waste of money!$LABEL$0 +Don't buy this!. I have used crock pots for years with great success. My son bought me this one as a gift and it certainly looked attractive. The problem with this one is that the heat regulator is not working. It is on full blast high or nothing at all. The low setting just does not work. It gets extremely hot on the outside, burning hot! The food burns if left all day ( or all night). You pretty much have to stand over it. This is not safe to be left to cook when you are not home. I have just burned my last meal in this one. Out in the trash it goes!$LABEL$0 +Postum. You can now get Postum at Postum.com. I got my order last week and it was great. Just want to let people know who are looking for it.$LABEL$1 +I can't believe I wasted my money on this.. As a fan of the Laurell K. Hamilton Anita Blake series, I picked up this book in hopes it'd have the same genius of the early books in the Anita series.Boy was I dead wrong.After the first 25 or so pages, I set the book down and haven't touched it since. The writing is absolutely atrocious and the pretense of the story is ridiculous. A rock star recording artist VAMPIRE HUNTER. That's just as farfetched as being a brain surgeon astronaut who lives on Mars.Don't waste your time or money on this book.$LABEL$0 +A good battery. This is a good battery. The life of the battery is not quite like the original one from verizon but you definetly get the most for what you pay. It's almost as good for a lot cheaper.$LABEL$1 +Snagged immediately.. These hose looked great. However, they got a giant snag within one hour of wearing them. Not worth the price.$LABEL$0 +HD -DVD DON'T BUY. I bought this movie for a friends Birthday. One thing the company doesn't tell you is that HD-DVD is no longer in buisness since Nov 2008, so you pay for something you can't even use. I tried to turn it over to see if it had standard DVD on the other side - it doesn't! I gave to my friend for her Birthday and now I can't return it because I bought it in oct for her Birthday in Dec, and it has been over 30 days.Oh, and on the inside it has a note to go to[...] for firmware updates and the site is no longer there. Also, the note shouldn't be on the inside it should be on the outside of the package. This product shouldn't even be on the shelves and I ended up learning about HD-DVD being out of business from the article below.[...]$LABEL$0 +In all fairness I did not finish the book. I was very excited to read this book based on other reviews and the short excerpt. I ready about 25% of it and that I had to push through. It was really difficult to develop a true interest in the characters and the plot. The attempted sexual tension became annoying and superfluous. I would definitely be interested in learning more about that area but not by reading this book.$LABEL$0 +Do you love phrases like sequestered ironic eyes and obtusively abstract posturing? This book is for you. The story beneath the tidal wave of verbosity is marginally interesting. If you are willing to read thirty pages and realize nothing has happened, plus don't mind struggling through embarrassingly juvenile and artificially bucolic descriptions of intimacy and romance, then you will enjoy this book. I really wanted to like it given the critical praise. Unfortunately, this is a critic's book chased by condescending critics' opinions. The critics would be out of a job if they agreed with us, after all.$LABEL$0 +A Chinese Junk. I have had two bad machines in less than a year, and I only bake about 4 loaves of white bread a month. The second machine was furnished under the warranty and cost me $33.33 for shipping. It wasn't worth the shipping cost since the motor stopped kneading in only three months. I could have shipped it back to Cuisinart for an "evaluation" and possibly another replacement for the cost of shipping. It wasn't worth the trouble since, in my view, this model is a piece of Chinese junk.$LABEL$0 +Garmin Cigarette Lighter Adapter. Your website mentioned this adapter is for the Gamin C330 GPS but the it can't fit. The connection on the C330 is different.$LABEL$0 +cookie cutters. Nice assortment of shapes for the perfect barnyard of cookies. Big enough to decorate, small enough for the perfect treat.$LABEL$1 +great anime!!. Many people compare it to the Rurouni Kenshin series, but its more like a mix between City Hunter and Cowboy Bebop. So if you like either one of these, give Trigun a shot.$LABEL$1 +Very moving. I have always loved this book. Was very glad to have found it again. A must for anyone who cares about children with special needs.$LABEL$1 +Not authors. A choice excerpt:"The best way to start writing a class is to decide what you want it to do. For this, a Python-based modelof refrigerator behaviors, Fridge, is the first thing, and it should be basic. While you're thinking aboutit, focus on what you will need a particular Fridge object to do for your own purposes. You wantenough behaviors available that this object can be used to make food, yet you don't want to worry aboutaspects of real-life refrigerators that won't be included in a simplified example, such as temperature, thefreezer, defrosting, and electricity--all of these are unnecessary details that would only complicate ourpurpose here. For now, let's just add to the docstring for the Fridge class to define the behaviors thatyou will be building soon."Did an editor even look at this?$LABEL$0 +one of the best heroines ever. this is the first johanna lindsey book i ever read and after i read this book i was addicted. the heroine is a stubborn, spoiled, independant young woman and i loved her. she was just what the arrogant hero needed. she made me LOL when she grabbed the hair of the serving girl at the inn and threatened her if she went near her bethrothed again. her loyalness to that english guy was really annoying but overall this was a great book.$LABEL$1 +Possibly the best CD ever. Ever time this CD goes in the player its like getting in a time machine and revisitng my high school and college years. Every song brings back good memories. This is great stuff.$LABEL$1 +Not Bad.. I bought this a couple of years ago and just started using it again recently. I use it often, usually for an hour at a time. My only complaint is that the seat is not very cushioned. By the time I've been on the bike for an hour, I can no longer stand the bum pain and I have to stop. I am glad to have this bike, though. There are days that I do not get to go out to exercise and the bike is a good alternative for me. Plus, I can just sit and watch a movie while I ride it, so it doesn't get boring.$LABEL$1 +All sheet, no ghost.... This lavish-looking French production, while it does provide simmering atmosphere by the kettle-full, falls well short in the story department, substituting fill-in-the-blank visual cliche (treading heavily on del Toro's turf in particular) for narrative/dramatic cohesion at nearly every turn. Dialogue and acting are also subpar. It reminded me, as such, of Anthony Hickox's 2010 'Knife Edge,' another attractive but creatively malnourished Euro-natural potboiler. Sumptuous photography and creepy setting distinguish what otherwise might pass for a long, mildly intriguing video-game demo. 2-plus stars.$LABEL$0 +i should have known.... by the price, the look, the description, and most of all by the advertisements listed on the cover and elsewhere for numerous ~1001 hints~ types of books that this would be a waste of money. time to rack another one up as a learning experience.this book can be summed up in a few words, and many less pages than the 212 you would end up paying for: kitty litter trays, dishpans in "designer" colors, ice cube bins, drawer dividers, cup hooks, shelving units made of boards'n'bricks, and a calendar-style planner.ponder deeply the implications of using those items in your life, and save the $10.00 you would have spent to learn "the secrets of uncluttering your home" from this book. it may sound as if i'm spoiling the ending for you, but as far as i can tell none of those items has been a secret for the last half-a-century.$LABEL$0 +cute toy but not durable. My cat loved this toy but she destroyed it in about 5 minutes. It's really quite flimsy. Perhaps if your cat is very gentle and just wants to cuddle with it, this would be a good toy. My girl loves to go crazy with her toys so this didn't hold up at all. In fact, the little beads and bell fell out almost instantly and is really quite a choking hazard. I'm surprised that they advertise it as "durable" because it most certainly is not.$LABEL$0 +Its ok. it is fun when you start.but when you play it for a long timeit gets boring i got Delta Force Trilogy pack coming soon BUY THAT INSTED.$LABEL$0 +great purchase. Looked forever for a brown suede feather down comforter. Finally found it at a great price...free shipping...and came fast!!!$LABEL$1 +Disgusting distortion of truth. Liberal viewpoints at every turn. Hirsh makes Bush out to look like the devil. As if every failure is Bush's fault, and every success was done in spite of Bush.$LABEL$0 +4-year old son loves this!. This was a Christmas present for our 4-year old son. We found that spraying the molds w/nonstick spray is necessary or the "snacks" don't come out in 1 piece. And yes, we set the Scooby timer twice; the gel isn't hardened in 5:00-8:00. I think the snacks smell nauseating, but our son loves them! He enjoys playing w/the Mystery Machine as a toy, so it serves a double purpose. Santa brought a refill as a stocking stuffer, but now we can't find them anywhere. Maybe Jello or gummies will work? Toy is durable so far (only 4 wks old, tho).$LABEL$1 +Moving and Wonderful, Evocative and Elegant. I caught this on Masterpiece Theatre, it is truly amazing. A story within a story. The cast of characters is superb and makes you almost want to know each one.Each character is unique. The story of the massive and unique photograph collection is amazing in itself. But the stories within the stories, as told to the mean American who threatens to destroy the photo collection are the real jewels. As the film unfolds we are drawn onto the black and white photos in the collection. We see the body of photographs as a whole for thier special beauty. I felt joy, amazement and wonder....This film is a contemporary masterpiece.One of my favorite joys of the past year.$LABEL$1 +New PCAT version. The Kaplan book is very good as other reviews have said....but it does not include the latest changes. Calculus questions are throughout the math section and quite a few organic chemistry reaction are in the chem section. Review your textbooks and don't rely only on the Kaplan book for those. Otherwise the review was fine, especially the Biology and general Chemistry sections. I just wish I didn't have to wait 4-6 weeks to find out what I go on the test!$LABEL$1 +Solid book on Java networking. The book covers numerous topics. For background material, it covers TCP/IP theory, security, threading, exceptions, and streams. In the actual networking part of the book, it covers client-side and server-side networking, URLs, datagrams, multicasting, RMI, CORBA, Servlets, and Message Streams. In other words, there is a wide range of topics covered.The book is full of actual code examples. I especially enjoyed one like the finger client and the dns client. These are real world examples that will be extremely useful if I ever need to implement these protocols using Java.One error that I noticed was that it mentioned that the source code from the book was available from two web sites. In reality, at the present time, it is only available from the first one mentioned.Overall, it is a book that is worth owning and has the broadest coverage of any of the Java networking books on the market.$LABEL$1 +Oshima-san, konnichi wa!. I bought this video just to see Tokyo beauty OSHIMA HIROMI (in Japan, surnames come first, but she's "Hiromi Oshima" to "Hakujin"), and she doesn't disappoint me in it. I studied Japanese at San Francisco City College, and I've dated several girls from Japan. In the video, I also like to see Pilar Lastra who is second to Oshima-san in sexiness to me. Nicole Whitehead is sexy too, but her scenes aren't as good as some of the other girls. Coleen Marie is rather sexy with good scenes. Tailor James and Stephanie Glasson aren't bad, but they fall far behind Hiromi and Pilar in my book. I never watch any of the other girls besides Hiromi, Pilar, Nicole, Coleen, Tailor and Stephanie. It's not bad to like 6 of 12 Playmates in such videos. Some videos in the series have only one girl I watch.$LABEL$1 +Very Disappointing. I'm a big fan of Card and picked this up only on that basis. The dust jacket blurb didn't sound promising but, hey, its Orson Scott Card. Well, very disappointed is what I am. The character dialog was not believable and the opening set-up wasn't making much sense. But I thought it really started going south when the mechanical soldiers showed up in New York and Our Heroes just happened to be there! The Liberal-Conservative conflict at the base of this story was hard for me to resolve in the beginning. Not because Card wasn't beating me over the head with it but because I kept thinking there has to be more to this story. It was an easy read so I kept at it. The afterword says Card wrote this as the setting of a video game. Well, I guess it was plotted like a video game. I don't really know anything about Card's politics. He comes across as a right wing nut case in the afterward which explains the right wing nut case conspiracy theory of the book.$LABEL$0 +They changed the collar. Jockey changed the shape of their crew neck T. Now it isn't as good. Before the collar didn't stick out the back of sweaters as much as it does now. Booooo.$LABEL$0 +Very Good Cables. These are very good cables; they worked as well as much more expensive ($30 Vizio brand) cables. I saw absolutely no difference in picture quality between the two different brands. Don't waste your money on more expensive cables.$LABEL$1 +Mature female review. I loved this film when I first saw it...I was only 10 at the time and I learned all the words to every song back then and remember them now at age 58The CD is wonderful...good sound, clear and just plain lovely..$LABEL$1 +Didn't work so it went back.. This was my first experience with a code reader and it was my luck to get a defective one. It kept reading ERROR and would not finish searching for codes despite repeated attempts, so I sent it back, which Amazon made super easy by the way. Maybe they tried to build it too cheaply or something. However, the company has a really good reputation so I gave them another try and ordered the advanced model 3100.$LABEL$0 +cheap, but works?. this product IS cheap, but it works for now. really, we have no other options that i can find, so i am stuck with this- until it breaks. one thing i really suggest doing is measuring the distance between doors. i didn't think there was much of a gap between the doors, but there is. i had to very carefully bend the flaps up a little more so it would catch on the door. once my kids see that if i pull out on the door a little to open it, this will be useless. i am just counting the days until that happens or it breaks. though, i would buy this again because I HAVE NO OTHER OPTIONS! lol!$LABEL$0 +Complete Crap. I've had this phone for over a year now. I don't make or receive many calls, but when I do it's a crap shoot. The phone will chirp and shut off for no good reason. It said the battery was low and shut off when it was almost a full charge.I have had to pop the battery out to reset the phone several times just to get it to work. One time it locked-up and wouldn't even shut off without removing the battery.I have had no problems with the push-to-talk feature.My husband has this same phone and has no problems, so it's entirely possible I have a lemon of a phone.I would never recommend this phone to anyone.$LABEL$0 +college physics book review. it came in exactly the condition it was advertised in and it came within like 6 days of ordering it (including the weekend). great purchase.$LABEL$1 +chan-a-thon. This is the best purchase a Chan fan can buy. All of the selected titles is what every fan would enjoy. The selection offers a different Chan offspring assisting the master and of course its not really a Chan film without Birmingham. Enjoy.$LABEL$1 +Black & Decker Garment Steamer. This was a pretty pitiful attempt at a garment steamer. Very little steam was produced [meaning the shirt being 'steamed' didn't have a prayer of losing its wrinkles] and I'm returning the item which was a Christmas gift to my son-in-law.$LABEL$0 +Bad luck maybe. Maybe its just bad luck but I had two of these usb drives and both failed in some way. The first one I had I was unable to delete or add any new data. So I returned it and got another one. After a month of use the drive would only function at 1.1 usb speeds. I tried it in different computers but still the same problem. So I'm done with this drive and will move onto a different brand.$LABEL$0 +Romance without smut. I loved this book. A woman is in a car crash and thinks she is going go die. She promises to "do good" if she is allowed to live. You then get to see how she goes from a self-centered, rich person to a truely caring, helpful one, and all the bumps that go along with it. Her family thinks she is losing it (her mind) because they don't understand why she is changing. The people at the country club don't understand. It's a very enjoyable book. There is romance in it, but the sex scenes are not explicet, which I truely enjoy. It is nice to read a book that doesn't go into detail with the bedroom scenes and leaves something for your imagination.$LABEL$1 +Too small. It was too small for the tacoma. Direct me to a longer one.As a result splash of mud is still coming back on the back section. How can this be corrected.$LABEL$0 +Didn't work, so disappointed. I received this bank today, opened it up, added batteries, followed the instructions for inserting money and...nothing. My husband and I proceeded to mess around with it for several minutes to no avail. Good thing I tried it out before I gave it to my son for Christmas!$LABEL$0 +Canadians beware. I would strongly advise Canadians not to purchase this item. Possession of one of these would be asking for a Human Rights Commission investigation. It may be funny and legal in the US, but not in Canada. Beware and play it safe.$LABEL$0 +Broke quite quick. The volume control stopped working quite soon - works in certain positions only. The soft covers deteriorated very quickly. Two stars for a relative comfort.$LABEL$0 +Healthy snack - Happy life. Actually is hard to get snack food without preservatives or anyother dangerus additives, so you have to create your snacks by yourself. Nesco is a great tool to improve family's diet.I live in Costa Rica and I have used with wide range of tropical fruits like mango, papaya etc.. It always does an outstanding performance.$LABEL$1 +Paranormal. 5 discs or 1? Hmm seems to be 5, or is it?Season 3 before 1 or 2, or just a mind altering glitch?Reality or Fantasy, mind tripping games,unknown possibilties?I am getting a DVD set regardless of the implications.$LABEL$1 +Very functioknal and punches very clean holes. Looking at some of the 1 star reviews, I was a bit reluctant to order this and tried it as soon as I opened the package. I am on a diet and so far had to punch 3 extra holes on each of my belts. This one, when used, on a wood base, punches verey professional holes with no effort. Two hammer strikes and there you go. Love it.$LABEL$1 +Disgusting, Distortive, Biased Propaganda. Ms. Bikel makes absolutely no effort to present the facts of the cases she examines in a balanced, accurate, and truthful manner. She deliberately suffuses her work with falsehoods and questionable statements recited as fact, and presents every contention made by her convicted subjects as the gospel (or better, perhaps, "her gospel," from which she preaches quite broadly). The fact that police reports, investigative proceeds, eyewitness accounts, collateral witness statements, and court transcripts contradict these contentions seems to be of no issue to her. While it may be legitimate to debate the appropriateness of life sentences without the possibility of parole being given to young murderers, this documentary contributes nothing of value to that debate. A pronounced and self-proclaimed ideologue, Ms. Bikel brings her brand of blind, fact-averse advocacy to a topic that is actually much better treated without it.$LABEL$0 +really neat. The tines could be a little less flexible to give you a really good scratch, but overall, I love it. I've never seen anything so trippy and everyone who sees this needs to try it.$LABEL$1 +Too Slow, falls apart. If you are sifting a small amount and a fine powder, it is ok. But, to sift 2 c flour it takes forever. And don't ever try to sift brown sugar, it gunks-up. Also, the handle keeps coming-off of the sifter mechanism. Don't waste your money or time.$LABEL$0 +keepin it real. Yo she was an o.k. singer, but she was no acter. Her new c.d. was wack and everyone knows that. Just because she is no longer with us everyone feels the need to lie and not keep it real. She was tight nahh I'm lying, she was wack and couldn't write a song at all. I think every hit song was written by someone else. She never did tell the truth about her and R.Kelly, that is when she was tight. RIP---Aaliyah$LABEL$0 +It is a piece of junk. It dulls in under 5 cuts. BUYER BEWARE. The blade is the most inferior and over priced I have purchased. I later found a carbide excellent quality blade at a local hardward store that is makita brand and carbide for only $80.00 I suggest to buyers stay away from this china junk and look for a carbide makita brand blade for the close to the same price.$LABEL$0 +No wonder this has been discountined. I'm a creature of habit, so I kept buying this specific earpiece for my cell phone, since I liked the way it was designed. Small, simple, and I didn't have to look like someone from "Star Trek" with that dumb thing blinking in my ear. It works well, and has excellent sound quality both for my voice and the earpiece. What I liked is there is this rubber "hook" that keeps it in your ear, and is very comfortable. However, every one I've bought (and I've bought a lot of them) has the same problem which is the "hook" breaks off no matter how gentle you are with it. So then you have to sort of stick the earpiece in your ear, and hope for the best. For a while they were very cheap so it wasn't that bad, but now they are hard to find. Soon they will all be gone, and I'll have to find something else. So should you.$LABEL$0 +A Familiar Overview of The Middle Ages. This book provides an approachable overview in story-telling narrative form of the re-birth of the quest for reason during the Middle Ages of European history. It offers very little which is not already known by anyone familiar with the period or the history of the Roman Catholic Church and its grip on the intellectual development of the European culture at that time. By all means read it if you want a good overview of this strange time, but keep in mind that it is an overview and at the 30,000 foot level.One complaint I must register here is the choice of title. There is very little here about Aristotle or his writings, or his thought. if you are interested in that seek the "Cambridge Companion to Aristotle."$LABEL$0 +Quality less than expected. I was disappointed in this product. True, it is advertised as "lightweight," but I was stunned to see how little down it actually holds. Most of the baffle boxes had so little down in them, you could easily see daylight through the comforter when held in the air. On the "warmth scale" printed on the package, this one rates 2 out of 7. Wish they'd have added that critical information to the product description.$LABEL$0 +great headphones. i would pay more for these, i love that i never have to worry about them falling out of my ears. i think my small ears dont keep the cheap apple ones in, so these are great!$LABEL$1 +Courageous!!!!. Now this the first movie that I am seeing that talks about a man's relationship with his Creator and responsibility to his family, without getting all religious. It screens real life issues men all around the world are going through and show an example of a solution that encourages making a Commitment to self, God and family.This I recommend to every man to watch.(I know Hollywood would not like to promote this)$LABEL$1 +these batteries are worthless. I thought it would be possible to get a quality replacement battery for a low price.I. Was. Wrong.About two months after buying them they no longer hold a charge. Phone shows battery fully charged, dial a number and press talk, phone goes dead and blank. I know how to maximize battery life, so I'm sure it wasn't me. I bought two as I have 2 phones that these fit, both stopped working. Unfortunately it was past the return date, so I recycled them and bought oem batteries, which are going strong 18 months later. Maybe someone makes decent cheap replacements, but it sure isn't these people.$LABEL$0 +AVOID - AWFUL ITEM!!! Comes apart and dog swallows!. There are so many problems with this item it is difficult to know where to begin but to warn other potential buyers I'll go down the list of why you should avoid this item.The knobby spikes for teeth cleaning are sharp and caused my dogs gums/tongue to bleed!It is slighly flavored - and the dog loved that - but it encourages chewing on a product that comes apart in big chunks that my dog swallowed before I could get him to spit it out. It's chewy and flavored but breaks off easily which brings the final point...It lasted all of maybe 30 minutes. At the end of that time period my dog had bleedig gums and tongue (I stopped playing with him immediately) and while my back was turned, grabbed the tug toy off the table to chew which immediately resulted in a big chunk coming off in his mouth that he promptly swallowed. Hopefully he will be okay but now we are left "keeping an eye" for things to "pass".Save a trip to the vet and avoid this awful product!$LABEL$0 +1530 - new and improved model is definitely not an improvement. Well, here it is, July 2005, and I have the 1530 model. I also bought it from HSN. It also lasted 5-6 months. Of course the warranty is for only 3 months. Pure junk. I will never buy a Cyberhome product again. I wish I could take back the compliments I gave about it the first 2 months that I had it. It worked great in the beginning, then I experienced all the problems that everyone here has mentioned. I have noticed that many stores no longer carry this model. Maybe there were just too many complaints.$LABEL$0 +The Soul of Baseball at It's Intellectual Best. Bartlett Giamatti's essays provide you with a delightful dimension of the national pastime which you will find in no other source. It reflect's one man's eloquent love of the game before and beyond the hoopla, hype and heavy hand of greed. It is a very refreshing, quick read worthy of your investment of time and a few dollars less than a movie ticket!$LABEL$1 +LOVE IT!!!. This is the second of the triology: Champion Dreams, Horsez and Petz Horsez 2. The game is quite fun, as much as Champion Dreams and the main characters are invovled. I bought this 3 years ago and I'm still playing, btw I'm 46 years old.$LABEL$1 +Didn't work for me. I bought this pan because my cat squats right inside the door to her regular covered litter pan, hangs her bottom over the edge, and pees on the floor. I bought a pan with a high side but she still can't keep everything inside. I hoped the Clevercat design would prevent spillover, but Ginger just bypassed the middle step and peed directly on the floor when confronted with this product. I tried it both with the top off and on, and it didn't seem to make any difference. It looked like a good idea, it just didn't work with my cat. FWIW, she's sixteen years old - a younger cat might take to it more readily.$LABEL$0 +No real plot. I loved all the books in the A. Blake series until this one. The other reviews that gave low ratings have already explained the problems with this novel and I don't need to repeat it. I tried two times to read this book and managed to read half only. It is so bad with no plot and the usually charming characters (Anita, Jean-Claude, Richard) have turned into perverted psychopaths, completely unlikable. I wish I never started this book and only kept the earlier as a pleasant memory. I wont even look at any more books from this author.$LABEL$0 +Destroyed in two days.. I bought this product from Petsmart a couple of months ago. We used it on our 55 pound Lab and she was able to shred the zipper on both sides. She was crate trained prior but tried and was able to get out of this, destroying both doors in the process. I think it might be okay for smaller dogs, but I wouldn't really recommend it, its to poorly constructed.$LABEL$0 +good product. I'm totally satisfied with the sound quality and comfort of these earphones. I wouldn't hesitate to buy another pair. They do a great job of blocking outside noise. Great price also.$LABEL$1 +Krups Coffee Grinder. Excellent coffee grinder--does a great job. The best grinder I have used in some time. Fast shipping, terrific product. Highly recommended.$LABEL$1 +Disappointed. This is not Wolinsky's best effort.First, it needs serious editing.Second, this is just a re-packaging of the current pop psychology thinking. Wolinsky adds to the confusion by adding another component. Instead of YOU acting out on unconscious urges, Wolinsky introduces 'Inner Child' and 'Hypnosis'... so NOW the Inner Child HYPNOTIZES you into acting out on unconscious urges.What's his answer? The same as the old psycho-analytic approach: awareness. When you can become CONSCIOUSLY aware of the processes and the relationships then *poof* they are resolved!I was disappointed that this "Quantum Psychology" expert put so little thought or effort into this book. If you have any education in the area of psychology, this is a waste of your time.$LABEL$0 +This book has been around for awhile but it still applies today. The copyright of this book is 1985. I wasn't sure how it would apply to today's living. I am 51 and bought the book because someone told me about it. I wasn't sure that I was a woman who "loved too much" but wanted to see for myself. This book is an eye opener. I see how I live every day as a woman who loves too much and how I am making myself unhappy every day. I love the book but it hurts a little to see what I'm doing to myself.$LABEL$1 +Nice little whistling kettle. This whistling tea kettle heats enough water to make two 12-oz cups of tea, hot cocoa, etc. The whistle starts as a cute little chirping sound as the water begins to create steam, then progresses to a rather loud, sharp whistling that you just can't ignore. The easy-fill opening is very nice, too. Don't overfill, though, because you'll end up with a hot, wet mess on your stove top.$LABEL$1 +Sent wrong item.. I ordered this item but received an alternative. What I ordered used 2 AAA batteries & weighed 1.12 ounces. What I received uses 2 AA batteries & weighs 2.5 oz.$LABEL$0 +Customer support is awful. Vosky worked great for several months. When Skype upgraded their software the Vosky sofware was not compatable. Vosky customer support offered several different solutions, but thus far none have worked.Each time you contact their customer support, you must fill out a new problem report form. I am about ready to throw Vosky in the trash.$LABEL$0 +Great movie, just couldn't watch it at home. I guess I missed the fine print about the format of this particular dvd. I was unable to play it on my home dvd player. So, I wasted my money. If Amazon is selling dvds with different formats, then putting the particular format in big bold letters would have prevented this sort of thing.$LABEL$0 +Protracted and Expensive. This is the first of six kits, each equally priced. I found the method to be fraught with language cues that were too syrupy to swallow ("popping above the line", "solution sandwich", "lifestyle surgery", and "tender morsels"). Doing cycles are at the heart of the program, a process that, for me, lent itself more to manufacturing emotion vs. excavating damaging shadow beliefs. I ended up dropping out, and feeling much better for it.I'd recommend saving your money on this one. Try Martha Beck's Joy Diet instead.$LABEL$0 +Piece of crap.. First, the chopping blade spring flew out when I opened it up after using it. After I got the stupid thing back together, after 3 or 4 uses, the stupid bowl CRACKED. I was only marginally shocked, because even after reading all the good reviews, I had a feeling I'd be the one to get the crappy one. Grr.$LABEL$0 +PIXIES CLASSIC!!!. I really enjoy all the stuff Pixies create, and the songs of the classic DOOLITTLE are all high points in Pixies career! All the songs are great, with the classics GOUGE AWAY, TAME, WAVE OF MUTILATION, DEBASER and MONKEY GONE TO HEAVEN!!!! If you like Nirvana, you got to check DOOLITTLE!!!!!!$LABEL$1 +Do Not Buy It. First item does not work with all mini-discs, I burned about 15 and only worked with 3 and sometimes.Second Display worked only for one month.Third .. Headphones did not work anymore.So, nothing works at all.I also buy another mp3 player and all of the 15 mini-discs worked with this new mp3-player.Sorry about my english.$LABEL$0 +Expensive fan in a box. The product description does not make it clear, but this device is not a digital sound generator. It's just a fan in a box with two power settings (high and very high) and some bevels that you can adjust. The two settings are very similar, and for many people this will mean that the lowest setting will not be quiet enough, or the highest setting will not be loud enough. This is a lot of money to pay for a fan in a box, and I wish I could get my money back. I recommend the Sharper Image sound generator, instead. It has a volume knob as well as options for selecting different types of background noise.$LABEL$0 +loved it. it is a place were all these people are supposed to meet but they all get there at the wrong times and meet others and see what happens from there$LABEL$1 +Not Worth It. Virtually unusable outdoors, can't see menu in daylight - don't consider this product no matter how cheap.$LABEL$0 +GOT IT FIRST. I haven't purchased this album, and i probably won't because, as has been said, it's too expensive. however, i know all these songs because i bought all the singles as they came out! If you get them at the right stores, they are much cheaper than this. try newberry comics, or any other local non-franchise store that you can find. 10 songs and 40 bucks? WHO THE HELL DO YOU THINK YOU ARE?$LABEL$0 +My favorite Album Forever. Awesome Strong Touching and Beautiful God Bless You George!I popped this tape 3 times before I bought the CDBut I cant find In My Life to save my Life LOLI am searching for that album that was so unjustly discontinued. *sigh*$LABEL$1 +rockers. just got these a month ago and have been very pleased. the price is right and so far they are bringing the tones i want from my p-bass. i tried flat wounds only to find them too mellow for what i want. strap a set of these on and get ready to rock. they do not disappoint.$LABEL$1 +Great clipper... Cuts very well. As good as you will find at a great value. As always Amazon is the best store around.$LABEL$1 +just great music. This is a fantastic soundtrack -- there's not a miss on it. It's paced to keep you rolling along with the overall feel of the CD and independent of it being a soundtrack it has a great history of music on it. I'll Fly Away is done wonderfullly, and every song fits well within the collection. This isn't country music. It's evocative blues /roots/ gospel.From the liner notes: The reason for our using so much of the era's music in the movie was simple," explains Ethan Coen. "We have always liked it. The mountain music, the delta blues, gospel, the chain-gang chants, would later evolve into bluegrass, commercial country music and rock n' roll. But it is compelling music in its own right, harking back to a time when music was a part of everyday life and not something performed by celebrities. That folk aspect of the music both accounts for its vitality and makes it fold naturally into our story without feeling forced or theatrical."$LABEL$1 +telephoto lens and vignetteing. Quite a bit of very obvious vignetteing around the edges, coming almost 1/3 of the way into the photo at times. Not good for many practical applications.$LABEL$0 +Hardly a book to interest a person who thinks for himself.. When we talk about Kirby Godsey, let's be honest. The author has a long way to go to reach someone who has thought beyond the preachments of Southern Baptists and others. I suppose some case could be made for this work to be compared with Tillich's "The Shaking of the Foundations," which didn't shake any foundations to my knowledge, though some found it interesting. Another book from the past comes to mind, "Your God is too small." I guess I just don't feel the need of anyone else telling me what God is really like or what the Bible really means or what should be going on in the churches. The rampant confusion on matters religious is well beyond the ability of Dr. Godsey to say anything of any real importance. Godsey's own denomination is one of the better examples of the confusion of which I speak.$LABEL$0 +Put me to sleep!. I tried to watch this movie twice and I couldn't finish it. Everyone else must have seen a different movie than I did. The pacing was slow, I couldn't stand the main character and I had no idea where it was going. I felt sorry for the brother and thought that the main character was the biggest hypocrite in the world. Don't waste your time with this one!$LABEL$0 +Decent for removing upper lip/chin hair. I guess I'm going against the crowd and have to say I like this product quite a bit. It's not perfect but it helps me take off most of the hair on my upper lip and the soft hair on my chin.The only bad thing about that is, if you leave the cream on for more than 8 minutes, it tends to sting for an hour or two after wiping off the cream. So if the hair comes off around 6 minutes, please happily do so!Tip: BE SURE TO USE WARM MOIST PAPER TOWEL. It'll help with removing the hair. :)$LABEL$1 +A Nice Movie. This is my favorite movie. I have watched it over and over. I never get tired of Frosty the Snowman. I like the actors who do the voices. Jimmy Durante and June Foray and Billy De Wolfe and Jackie Vernon. My favorite character is Karen..The movie Frosty Returns is not as good.$LABEL$1 +very short and the real action is missing!. After seeing NOVA: the day the earth shook, this is a real bummer. That's why I recommended the nova tape INSTEAD of this, read my NOVA review to know why.This video only contains news footage of the AFTERMATH of a Californian quake. No actual earthquake footage, just footage of the damages, for only a short 30 minutes. Interesting here and there, (so called earthquake safe highways, weren't earthquake resistent after all) but not worth the money, in my opinion.$LABEL$0 +lizard spit cymbal polish. lizard spit polish,great name for this green colored stuff, but the best thing is that with very little effort your cymbals will look fantastic.this is a great product and for just abit of pocket change. alan cassidy-wescott.$LABEL$1 +Giant chess. This chess is fun. Especially if you have children.Pros: Large, adjustable weight, lightweight, tough board-mat,convenient bag.Cons: Little fragile, not completely B/W but Yellowish/BlueishRecommend !$LABEL$1 +A wonderfully spooky horror film.. I came across this dvd by pure chance.I am so glad i did it's gory and keeps you in suspence.I love this movie.$LABEL$1 +Horrid movie. This is a sad knock-off of the classic film Rocky Horror. it is over the top campy, the comedy is predictable and the movie is horrible, I would not wish a viewing of this movie on anyone. save yourself and dont watch it.$LABEL$0 +PSYCH. Oh joy! A show that is fast paced, witty, and clean. I just goes to show that if writers have real talent, a show can be successful and satisfying without sex, foul language, and explosions every 5 minutes. Characters are quirky but not over the top and flash backs are a great touch.$LABEL$1 +Another horrible remake. No insult to the lovely Jessica Alba but after viewing this, she is not ready for any lead roles yet. The movie was basically generic, the acting was sub par and the movie did not have that horror movie feel to it. There was no suspense and the only frightening thing was that I purchased the movie new. The plot was thin and so was the pacing of the entire film. You don't care for any of the characters and trust me; I have been watching and collecting horror movies for years. This one stinks, badly. Hollywood needs to stop butchering Asian films. If you never seen the Ring, put this movie down and watch the Ring instead. Alba could have learned a few pointers from Mrs. Watts.$LABEL$0 +too big. I thought this item was too big...I returned it and bought a small diaper stacker. It looked like an eye sore in the bedroom.I had it hanging on the back of the bedroom door and I often shut the door when baby naps and you cannot shut the door w/ this on the door. It is probably helpfull for some, but not for me.$LABEL$0 +Halibuts - Great surf music. The Halibuts are a great surf band with a dedicated following of surfers in the south bay of LA. Chumming is their first album and every song is a classic! Add this to your collection and you won't regret it.$LABEL$1 +on time and good working condition. it was exactly as the seller said , in great condition and was sent to us within 2 weeks .$LABEL$1 +One of the most significant films of the century. This is an essential film, because of this early discussion of feminist themes, depiction of an orgnized working class, and evidence of the quality work produced by these black listed film producers and actors.$LABEL$1 +LOVE Jackie, Don't love the new Freddy.. I adore Jackie Earle Haley as an actor. He's one of the best, I actually enjoyed the whole cast, but I don't appreciate them trying to recreate Freddy. I understand that they were trying to make him scarier, but that's just not who Freddy is. He's a little scary at times, but he also likes to crack jokes at every opportunity. That's just who Freddy is, it doesn't work any other way. They might as well try to create a whole new villain with Freddy's MO... never mind, I don't want them doing that either. Just, leave Freddy alone. ROBERT FOREVER.$LABEL$0 +Gold Toes Bermuda Socks. I love these socks. For a few years, I have bought them at JC Penney's, but this year, they did not have the color I like -- stone. Stone-colored socks go veryGold Toe Women's Bermuda Turn Cuff Sock, size 9-11well with khakis, which I wear a lot. The Gold Toes website also does not show these socks in stone, just black and white, so I figure that stone-colored socks are no longer being made. That's why I bought 2 dozen pair.The socks are very soft, comfortable, and cozy, not too tight or too loose. I will miss them when they are gone. The photo that goes with this review may show the so-called "khaki"-colored sock. The stone sock is lighter in color and goes really well with most khaki or chino pants. The khaki-colored sock is too dark for most khaki or chino pants.$LABEL$1 +Cannot stand listening to this performance. Time passes fast, and 1970 is a prehistorical age for this kind of music.I had the bad idea to buy this recording: Britten is directing this music disregarding his own annotations on the scores he adapted !! (I had to study them for a concert).But worst, soloists are singing in a terrible "italian melodrammatic style" (as we say "with big potatoes in their mouth"). The chorus is too large, the tempo too slow, terribly slow. The brasses are untuned, the orchestra is not convincing at all.Dido and Aeneas follows the same destiny.Want to buy back my CDs :)?$LABEL$0 +Extremely buggy. The game is buggy ... . I played it 3 times, and all 3 times it locked up to the point where i had to shut off the console unit and start it back up again. Also, the graphics disappear while your playing and you can't see where you're going. Great job in the quality assurance lab my Acclaim!!! DO NOT BUY$LABEL$0 +I was not impressed. I realize that this was one of Nora Roberts' earlier books, so the fact that the writing was not as good did not surprise me. However, I was very dissapointed that she speant almost no time letting the readers see Seth's thoughts until the very end and then, in a very uncharacteristic move for Roberts, allows her heroin to forgive him without too much changing or apoligizing on his part. I think this was an interesting book to read because of the fact that it was so early into Roberts' career but as a novel, I was just not impressed.$LABEL$0 +tedious to read. This book had some interesting plot twists, and certainly the author is talented and has a very literary (if not pompous) style that results in some beautiful passages. But the book was extremely tedious...every little detail expressed in excruciating detail, Henry's every thought examined from 12 different directions. My favorite -- a squash match that has no bearing on the plot, and takes 15 pages to describe. Do you need to know any more?$LABEL$0 +Good, but different. I knew I would miss Richard Anderson, but Ben Browder is growing on me. Beau Bridges makes a great Commanding General, good casting.Claudia Black as Vala has really helped to make the show interesting and funny, I really love her character!$LABEL$1 +Metallica:Phantom Puppets.. This is Phantom Garbage! It is basically some Australian put together bootleg with unseen interviews from Germany and Australia and some interviews all thrown in like a compilation.$LABEL$0 +DON'T BUY. IT IS HORRIBLE!!!MADE ME GAIN 5-6 POUNDS IN 3 DAYS...I felt so so big,plus THE END OF THE MONTH I WAS 5 DAYS LATE AND NOT PREGNANCY(I HAS BEEN NEVER LATE),THANKS TO ZXT I LOST MY WEIGHT BACK.DONT BUY THIS.$LABEL$0 +A complete waste of money!. If you want to learn Dreamweaver do not buy this book. This is the required book for a college class I am taking on Dreamweaver- it is an awful book. No explanations, just lots of click here, do this, do that. They don't tell you why you are doing what you are doing. The instructions are unclear- I often cannot find what button or command they are referring to. Everyone in the class is having these problems. The instructor is having to walk us through all of the exercises that we should be able to do on our own with the book. I have learned nothing from this book.$LABEL$0 +Excellent new Bond. I'm an old Connery fan but Craig adds a different twist to a cool new Bond. Vey well played, enjoyed it very much. Very little of the gadgets that had gotten overblown and it's a serious film too.Highly recommended.$LABEL$1 +Successful Loo84. Secrets of the Millionaire Mind cards, are DREADFUL.I would definately NOT recommend ANYONE buy these cards at all. They are a complete waste of money and I will tell you why:EVERY CARD starts off with a positive statement, then ends in negativity about ones life and how you lived your life before changing your mind set.T Harv Eker is clearly a Millionaire by doing these cards and getting the general public to buy them! Good idea, I should have thought of that!!They are NOT helpful in any way shape or form. I dont appreciate being reminded about my previous life experiences via these cards. Amazon should take them off their site so that people do not waste their money. And thats the truth.These cards would continue to make T Harv Eker a Millionaire but not You or I! Cheryl Richardsons Daily Affirmation cards are more "warm, inviting, friendly and CONSISTENTLY POSITIVE"!DO NOT BUY THESE CARDS, you'll be wasiting your money.thank you .$LABEL$0 +TWO 11/16...NO 3/4. Stanley 11 pc. deep 1/2 drive impact sockets. Contained two 11/16 and no 3/4. The duplicate socket is a Husky not Stanley. Looks like Stanley dumps their mistakes on Amazon. To much trouble to return...I'll look for a 3/4 at the flea market. Should have looked there first.$LABEL$0 +Bad scent; terrible burning sensation. Pros:Lathers very well.Cons:I like sandalwood, but "ashtray" is the perfect descriptor for this smell. It's really heinous. It's a little better on your face after shaving, but not pleasant during.And for me personally, some ingredient causes an allergic reaction that makes the whole experience one of intense burning.If neither of those are an issue for you, this might be a decent product.$LABEL$0 +FILM FESTIVAL CARNIVOUS!. Terorrists bother film-goers and critics at Cannes Film Festival. Best safe if you wear sunglasses (so to minimize your identity). '99 Oscars honoring Kazan has potential for "...life to imitate art...". Wouldn't that be cool? Let's GO!$LABEL$1 +When Nora slams the door, she is just running away.... Nora---everyone praises her as this great feminist...she's immature! You don't just run away from your problems like that. She had three kids, a house, and a husband. She had responsibilites. It is her own problem if she has discovered that her marriage isn't all that- but the fact is, she created three children who deserve a mother to support them and help raise them. She feels as though she is being treated like a child- well, its not exactly an adult thing to do to abandon all of your responsibilities. If there is one thing my parents have taught me, it is "finish something you start." Nora Helmer sickens me and all those who glorify her irresponsible actions should take a second look at their priorities.$LABEL$0 +diana may have screamed on part of a song but.... fantasia, well she just totally WHINES...get over it she can only do two types of music where as diana can do anything at least...i would take screaming on a verse over whining on just about everything...she thinks she about fifteen years older than she really is and needs to get over herself...at least diana was humble...!$LABEL$0 +My new favorite. The novel Slaughter House Five is a great story. It describes Billy Pilgrim's time travel and adventures throughout the whole book. The writer kept me going and I could not put this book down. It is definitely a reread and I look forward to reading more of Kurt Vonnegut's writing pieces. Though, the reason I am giving this a four star, is because of the introduction. The introduction did not have a good foundation, and lacked interest, though I enjoy Kurt Vonnegut's honest style of writing and I look forward to the next Vonnegut novel I will read.$LABEL$1 +This game is one of the best this system will ever have. this game is so awsome little short but the gameplay maks up for all of the short parts and re-using of the levels$LABEL$1 +Dependable & stylish. I bought my Tag eight years ago and have worn it for scuba diving, skiing, exercising, and eating at top French restaurants. Every two or three years I change the battery; otherwise it needs no attention and has performed flawlessly. The only annoying things with the watch are (i) the bezel is difficult to grip with wet fingers or dive gloves, and (ii) there is insufficient contrast between the dial face and the hands when you're underwater, which makes it difficult sometimes to read the time. These two limitations are a function of the fact it was designed more to be fashionable than functional - but it does function pretty well regardless.Many people (men and women) have commented over the years on how attractive the watch is. I wanted a watch that would be able to go wherever I went and be appropriate regardless of conditions. I also wanted something that wasn't too fussy. The Tag has served me well and I don't envisage replacing it anytime soon.$LABEL$1 +Magazine Fab! Subscription- not so hot.. Lucky is one of my frequent checkout pickups. Bright, fun, and not requiring any frontal lobe interference, it's the perfect pick-me-up for the early morning commuter train. I give it five fabulous stars!However, the actual subscription was very underhanded! Within the space of a week I was sent last month's issue (long gone from the stands), the issue just about to decirculate, and, finally, the actual current issue. So, two weeks after my order i am already 3 issues in to a 12 issue subscription, and none too happy about it. Condé Nast needs to be told that subscribers do not exist to let them clear out their unsold backlog!$LABEL$0 +More of the same?. Ok, the Emancipation of Mimi was one of the best Mariah Carey albums ever, but rereleasing this so soon? and with more of the same old songs? WHAT a RIPOFF!!!$LABEL$0 +Reform isn't Jewish Living. "This definitive guide for Reform Jewish practice" ignores the fact that the Reform movement (from Germany) did away with all ritual practices, and only recently added some back optionally, when its membership was dying. Ask an elder "Reform" person how many of his grandchildren are Jewish."Jewish Living is an ideal gift for b'nei mitzvah, confirmation, and graduation" -- Buy the kid a Kitzur Shulchan Aruch so he knows what the true Jewish law is. And just wtf is a "confirmation"? Find that in the last 3300 years of our history. Seriously.$LABEL$0 +decent start to trilogy. A little more slow paced than I'd like, but ends strong. Interested in.reading next book. Reminds me of sign of seven trilogy$LABEL$1 +an atrocity. this is in no way the CLASSIC Massacre of Florida that it claims to be. "From Beyond" was and still is a great death metal album with power and ferocious vocal attack. You are better off listening to Kam's new horror-rock band Denial Fiend insted of Massacre's "Promise" album.$LABEL$0 +Where Did Our Ross Go?. When I buy a Diana Ross CD, I expect to hear Diana Ross. Not Diana Ross & the Supremes or The Supremes after Diana Ross after leaving the Supremes. Especially since only Diana's photo is on the cover.Track 1-19 is Diana Ross & The Supremes Track 37-42 is the Supremes after Diana Ross left the Supremes. So really only Track 20-36 is Diana Ross, 17 songs. Now really Universal Records someone there is not doing their homework.You should hire me, I know I could do a better job with the entire Motown Catalog. In fact I have suggested songs that you have included recently. Case in point "To Love Again" "Never Say I Don't Love You" "You Were The One" and others.$LABEL$0 +Enlightening Read and Entertaining. This book was very illuminating. My daughter was diagnosed with dyspraxia a few years ago, but now that she is 12 years old, this book perfectly fits her current situation. I will be reading it with her so she can know she is not alone and to give her coping strategies. This book is humorous, straight-forward, and informative. Everyone who is a teacher should read this to help them understand what life is like for a child with dyspraxia. It would also be very helpful for relatives. The author's voice is clear and entertaining and shines a bright light on what it is like to have this disorder. Great book!$LABEL$1 +This thing will heat your whole house and everything in it. I bought the 402b because it has HDMI switching, lots of input options, and hightly rated sound output. I also bought it because I have had a JVC audio system for 15 years and love it.The good part of the receiver is it's great specifications and HDMI support. The bad part is that it that the hardware is poorly executed. It is inexcusable to put out a product that becomes too hot to touch after half an hour of use at normal sound volumes. JVC apparently thinks it's some kind of crime to put cooling fans in receivers. As a result, you get a box that is cool to the touch in standby, and so hot that you literally can't touch the top after half an hour of use. I had to drill extra holes in the back of my entertainment center, and am now out looking for a PC fan that I can run along side it.I would be surprised if I don't have a different receiver within the month.If you live in Alaska, go for it. Otherwise, I'd shop around.$LABEL$0 +Don't believe everything you read. I found a number of inaccuracies in this book, one of the largest being Mr. Jordan's explication of the expression "as difficult as a camel passing through the eye of a needle." It appears that he hasn't read Matthew 18 which states "And again I say unto you, It is easier for a camel to go through the eye of a needle, than for a rich man to enter into the kingdom of God."$LABEL$0 +It was Boring. Movie was boring and predictable. And costumes were super cheap-looking. I basicaly fell asleep thourghout the whole film.The movie couldn't been better.$LABEL$0 +Waste King L-8000. Shipping service excellent, Fast, Fast,Fast. It's hard to believe that the installation was fast and easy. I had my daughter boyfriend come and give me a hand cause I really thought I was going to have trouble installing the Waste King. From start to finish it took us 1hour clean up and all. (LOL I didn't need him at all .I read all review which were help full to. ***** five stars........Thank YouWaste King L-8000$LABEL$1 +This book wasn't that great. I read the sample and liked the story enough to buy the book on my kindle. I wish I hadn't to be honest, what a waste of $9.99. Where the first chapter was decent, it really started to lag in the middle and toward the end. The characters were flat, the story ended ridiculously and where is the story telling? The author didn't go into details on anything. Also the magical fight scene at the end was laughable at best. I was very disappointed with this book and will not read any of her other work.$LABEL$0 +LUNATIC. Knight is nothing but a bully and a lunatic. He's proof that you can do whatever the hell you want as long as you win and make $$$$$$$$$$$$$.Typical America these days.When he got fired from Indiana I had a parade down my street.$LABEL$0 +It's Alive!. History is alive and well in this creative book!From elementary school to high school, "Making Social Studies Come Alive" will aid both teacher and student. The projects are "do-able," enjoyable, AND educational.This book deserves to be on the honor roll! A+!$LABEL$1 +Fine for a tire pump. I purchased this to use in my garage so I don't have to put air in my tires in 10 below zero winter temps.It works fine, plenty of air, doesn't leak air when sitting, works as advertised.Pro: Much better, faster than those little air pumps with no storage.Con: It's a bit noisy, but it only turns on when you're using it, and it is in the garage, so it's ok with me. The hose is some kind of plastic, so it's stiff in the cold.Attachments are medium grade, ok for light use.$LABEL$1 +Disappointing.. Get the 10th Anniversary Edition. Nick Jonas is really miscast. The audio mix on "One Day More" is inexcusably bad. Remember, it's about the music and the story, not the lighting and effects. Alfie Boe is does great as Jean Valjean.$LABEL$0 +Loved it!. I have to say I was pleasantly surprised at how much I enjoyed this book. Very cute story and a lot of tension between the h/h since this was a 'forbidden' romance plot. If you've ever been a fan of reality tv this is a fun story of what could happen behind the scenes from one of your fav shows. The only downside was continual references to the heroines sister who was flakey and self absorbed. But I enjoyed JM so much that I was willing to read the sequel who happens to star the flakey sister, but based on reviews this book went in the opposite direction from this one with a murder plot. Meh..keep writing more sweet love stories like Jane Millionaire!! Trust me, they dont always need to involve murder mystery, vampires, shape shifters or paransormal plots. There's more enough of that to choose from these days (which is ok if u like those genres but I am personally burnt out with them). Anywho I give Jane Millionaire a solid 4 stars for a sweet and simple romance story.$LABEL$1 +Pure Rubbish!. This amp sucks! Bottom line. It's big for nothing. Piece of crap! The bass knob does not work. Way overrated power! Not 2ohm mono stable! Even the crossover sucks. If I were u I would buy the hi tonics Brutus line or for a lil bit more money go with soundstream. They have always been my favorite amps. Never let me down!$LABEL$0 +wrong product. The wires do not fit the small marble cheese cutter that I have. There was not enough information about this product when I ordered it, so I had no choice but to send it back. I will not order another one on line again.$LABEL$0 +3 of 7 dead at 1 year.. I purchased 7 of these for our smoke detectors in Aug. 2010. One of the detectors began chirping with a dead battery at about 8 months. Two others went dead in the last week (Aug. 2011).$LABEL$0 +Cattle Call Content. I bought this cd for my 88-year-old mom. She loves the selection of classic cowboy songs. The sound quality and clarity are great.$LABEL$1 +Childhood. Fireball was a candy that I grew up with...and it was so good to see it was still around. The taste is the same as I remember. The price was right and so was the quantity. Love it.$LABEL$1 +PREQUEL TO NOTHING. I am dissapointed with this attempt at a connection to the Alien franchise ... that s all I got ..that's it$LABEL$0 +LIGHT BUT SOLID. I don't use this pole for fishing or wading I use it along the trails I walk including side walks and find it a very solid feeling walking stick.$LABEL$1 +One of the best all-around skillets!. This is a wonderful skillet for those who like the ease of nonstick but the durability and results of stainless.I can make a frittata, an omelette or a casserole with cheese and get awesome, even cooking -- brown the top in the oven...and clean up is a breeze.It's just a great, useful piece of cookware and I don't remember how I got along without it. My only recommendation is to buy a lid if you don't have one that fits a 12 skillet, as this doesn't come with one.$LABEL$1 +Very thought provoking. Even though I've been disappointed in most of the book of the month picks, I selected this book because of Oprah. I was very pleasantly surprised.While I usually enjoy mind candy; happily-ever-after types, I thoroughly enjoyed the message this book gave me. We all live our lives based on our own perceptions of truth. But the truth is, we can only judge another persons actions after walking a mile in their shoes, so to speak.The author's empathy toward ALL the characters impressed me, and I finished this book with the feeling that I (and everybody else I know) am too quick to stereotype and judge people I don't know. For instance, I believe the negative reviewers of this book just didn't 'get it'. But then, who am I to judge?$LABEL$1 +Poor Quality. The VHS tape was ok, but the content of the material was disappointing and the performances were not full content but cut off in the middle.$LABEL$0 +Musically it's Ok. Theologically, it's Calvinism. Bleh.. The songs are catchy enough if you like acoustical, Christiany, coffee-house type music. The group's Calvinism is a bit much and hard to take, but that's a prelude to a theological debate more than it is a critique of the music. I just caught myself singing along while my brain was checked out. Then I started thinking about WHAT they were saying and I thought to myself, "Uh. Nope." And then I traded in the CD.$LABEL$0 +sesame crackers. They're great crackers made with sunflower oil. They taste good and don't detract from the taste of whatever you decide to spread on them. They arrive with many broken ones, however.$LABEL$1 +Great storylines, acting, plots. Have not seen all episodes yet, but the ones I have seen I have enjoyed the storylines, action, and actors. Well written. Will order a series at a time. Place it up against similiar modern series. Glad these DVDs were made available so younger audiences can view. My Dad requested that I get all of the volumes.$LABEL$1 +The book that changed my life. Dear Mr. Thourlby,Thank you for your wonderful no-nonsense guide, You Are What You Wear. I bought a copy of it in a used book store and it has paid off immensely in increased self-esteem, increased respect, and increased income.Like many others I never gave a thought to what clothing "says" about a person.Color, style, cut, materials, now all seem to "talk" since you have given them a voice.Thank you for making the unspoken words of clothing visible. I now ask, "What does this tie, shirt, coat, hat, etc. say? Before I will put it on.I just bought your book, "Passport To Power", (full price I might add) and hope I enjoy it as much as the other book.Are you still teaching your course at Emory? I would love to attend it.$LABEL$1 +BUY IT. This is one to remember. The training is excellent. Two brothers are determing to master the shaolin iron finger to beat the taoist who is training in internal power.$LABEL$1 +Not exactly what I expected. When the Voltron Collection One arrived it was not the same edition as I expected. Even though the Collector tin was part of this purchase the Collectors Edition was not inside. A Second edition release was inside and not the fold out collector's edition.Even though this was the series I wanted, it is not the edition I was expecting to receive.$LABEL$0 +Left me feeling like I'd just watched "Love Story" again.. Far better if I would have stopped with book three. The characters were developed in an interesting, entertaining, and enjoyable manner to that point. I've had enough depressing experiences in life and don't need to be reading a book that gives me another dose. Unfortunately I had already ordered the fifth book in the series. It arrived and I threw it on the shelf with no desire to read further.$LABEL$0 +Best omega-3 supplement, hands down!. I've tried lots of omega-3 supplements -- fish oil capsules, flax seeds, etc. -- but this is the only one where I've actually FELT the results. I began taking the supplement for nerve support, and within a few days I felt less tense, had fewer anxieties, and slept much more soundly. Also, I was one of those non-smokers who'd bum a cigarette when I felt tense, but I haven't had that craving since starting coromega -- six months ago! To me, that's miraculous. It does taste great, and there's no fishy after taste or burp, yecch. The packets are very convenient, and the oil doesn't go rancid. Amazon's prices are hard to beat, and if you put this on autoship, you'll always have a supply handy.$LABEL$1 +RHCP fans everywhere are insulted!!. In the time it's taken for the Chili Peppers to release thier last two albums they've turned from one of the best bands of the past 20 years to a mass produced teen pop band! Anthony Kiedis sounds like he should be singing in an emo band and Flea's bass lines have about as much balls as the last James Taylor album (don't get me wrong, I love James Taylor). Also, a double album? There arn't enough quality songs on this record to make a single album! Now, for those people that say artist's music changes over time, you're right and a lot of the time it's a welcome change, but their music should evolve and become even greater than it was, not something that sounds like it's made for teenie boppers.Flea was quoted saying "If you don't like this album, you don't like the Chili Peppers." Well I loved the Chili Peppers and "Heyyooo this is what I sayyooo, THIS ALBUM SUCKS MY KISS!!!!" Stick with the first 7 albums!$LABEL$0 +Always Writes Ahead Of The Curve. Candace Bushnell always writes ahead of the curve. The women of Sex and the City were ahead of their time, and now Bushnell has shown us a new breed of women in Lipstick Jungle. These women are strong, powerful, successful, and flawed. They, like so many women today, are entrepreneurs in the corporate world. But what I especially love about this book is the attention that Bushnell pays to their flaws. Nobody is perfect, and nobody was ever meant to be. These three women face the same difficulties as women everywhere: temptation, finding love, divorce, fear of failure, etc... And even though these women live in a world few of us will ever be part of, each still struggles to figure out what will truly make them happy. Bushnell's characters are human, and women everywhere will be able to relate to them.$LABEL$1 +Reconocimiento. Después de conocer las bondades que ofrece un programa como el Star Ofice, se requería un libro que nos llevase a entender y poner en práctica las diferentes herramientas del programa. Con su libro Aurelio Mejía pone al alcance de legos y entendidos un libro que lo conduce a uno de la mano con absoluta claridad y secillez.$LABEL$1 +LIBERACE: AN AMERICAN BOY. THIS BOOK IS DIFFERENT FROM OTHER LIBERACE BOOKS. PUBLISHED BY, ST. MARTIN'S UNIVERSITY PRESS, IT DOES NOT FOCUS SO MUCH ON LIBERACE'S JEWELS, COSTUME ECT., BUT RATHER, WHAT EVENTS IN LIBERACE'S LIFE SHAPED THE PERSON HE WAS TO BECOME.HIS PRODUCER AND DIRECTOR OF 30 YEARS (RAY ARNETT) IS AN EXTREMELY CLOSE FRIEND OF MINE FOR MANY YEARS NOW; HE ALSO LOVED THE BOOK$LABEL$1 +LIGHT BUT SOLID. I don't use this pole for fishing or wading I use it along the trails I walk including side walks and find it a very solid feeling walking stick.$LABEL$1 +Wanted Dead or Alive. Wanted Dead or Alive staring Rutger Hauer as a bounty hunter and Gene Simmons as a Terrorist on the loose in Los Angeles. While it was your standard blow up shootem up action movie, it has a decent storyline and likeable characters. Well acted and a little more serious than Lethal Weapon, this is definately a movie worth taking home.$LABEL$1 +Disappointing. From start to finish I didn't connect with any of the characters. And the story itself didn't hold me at all. There were too many plots and characters and it was really lacking in emotion. This is really strange though, because she has a few others that hit the mark dead on, and I suggest that people read those. But this one doesn't even seem like it was written by her.$LABEL$0 +Watts 5YR Premier Filter 5-Year/20,000-Gallon Inline Ice Maker Water Filter. This company must have brought up Argenion water filter. I am telling you this is the best thing you can install under the sink for drinking water. I use to see other kind in my younger days and it made my water taste so much better when I live in Philadelphia. I move and I was still hook on it. Found the Argenion, 20,000 gals 5 years life at home depot. Home depot start to sell GE model. Last only 6 months, at a cost of $30.00.I search high and low for the Argenion and found Watts had brought the company. I install the Watts. I am a happy camper. Keep up the good work Watts.$LABEL$1 +terribly overpriced. the shelves were adequate for my purpose, but i was insulted by the price. i dont need anything given to me but expect a fair value. if there was $5 worth of materials in this i would be shocked. would have returned it but was too lazy.$LABEL$0 +Not what i was looking for. I thought this would be a book about drills for the Pose Method. It was a 23 page pamphlet summary of a video I didn't have. It wasn't clear in the description what it was. It was a waste of $10.$LABEL$0 +silent witness. It was great. I had trouble putting the book down. The author has a knack for kEeping you glued to the book.$LABEL$1 +Duped IS the word!!!. Believe it or not, we watched this movie from beginning to end--just to see if there's ANY redeeming feature. What a waste of time! We've enjoyed all sorts of movies, from the serious to the ridiculous--but this movie is totally pointless. Pointless doesn't even begin to describe it. What a cheap piece of #%$&@%! If you have any appreciation for the art of movie-making, for a good story, for good acting, for provocative ideas, for a good laugh, or even for the sheer entertainment value of the ridiculous, don't spend any money on it. And please, if you have seen it, add your 2 cents here so that fewer people get duped.$LABEL$0 +Scientist?. This man addressed to me the filthiest racist insult I ever heard from a colleague or former colleague at the University of Southampton. Ask him about it. Today, he would be liable for criminal prosecution for that comment. I would be the first to call the police in.$LABEL$0 +Blood-soaked history at it's best. From a musical, mythological, & historical perspective, this is some of the best viking metal out there. After listening to this album it's hard not to be nostalgic about the era in which the vikings made a name for themselves.Musically, I would compare this band to iced earth...plenty of growls, but the vocalist is also capable of a wide range of melodic screams.I also highly recommend Miklagard, and anything by Doomsword.$LABEL$1 +Interesting idea, painfully amateurish writing. The heading basically says it all. An interesting concept with some interesting characters, but the writer tries so hard to use colorful, complex language that you just space out trying to follow it. Way too impressed with its own cleverness.$LABEL$0 +Headphones surpassed all expectations. All I need to say is that the noise canceling on these headphones is very good. I could barely hear any noise or passengers when I'm using them on the bus. Sound quality is very excellent too, every single note is reproduced faithfully. I don't think you can do much better than this, its Bose quality without the price.$LABEL$1 +Excellent, but somewhat dated, travel guide.. As long as the reader understands that this book was released in 2004, before Hurricane Katrina, this is still a very useful guide to New Orleans, especially the French Quarter. Some businesses have changed or gone under due to the lack of tourist trade, but the French Quarter had almost no significant damage from the storm. We visited New Orleans in June of 2008, so we took this book with us. There is a revised issue coming in the late Fall of 2008, so if your trip is after that time wait for the new revision. The information is very well presented, and the book is a great carry-around guide.$LABEL$1 +Marine scout snipers trust Tucker NOW in the field/And this is a great book. Marine scout snipers trust Mike Tucker RIGHT NOWIN IRAQ, as our paratrooper brothers andSpecial Forces did in Iraq--the scouts andsnipers from the 101st and 82nd in thisbook did well to listen to Mike, and hedid justice to their actions . . . see thereview by Sgt. Joe Lebleu on this site. . .in AMONG WARRIORS IN IRAQ. There is nothingjuvenile or pornographic about this bookat all. We use it here to help us fightin the war we are still fighting here.Many of my fellow Marines have read it andpraise it. Tucker is doing solid, solidfieldwork with us now on missions withscout/snipers, and Marine infantry.Read this book, it is a helluva' read.5 stars, for sure. Accurate, and timely.$LABEL$1 +Well written and interesting to read. This is an outstanding personal story of one who was trained and fought in the P 51 Mustang, one of the most popular and outstanding airplanes of WW II.$LABEL$1 +This girl can sing!. Christina's voice is amazing.She is not just a teenybopper.She has great talent!$LABEL$1 +great book for the road warrior. extremely helpful for those arriving at new places around the world which are new turf. Latest edition needs better updating. I bought it thinking that the verson from a couple years back would be updated, but the updating is somewhat limited. Still an excellent resource for both the domestic and world traveller.$LABEL$1 +Flaws in DVD. Received the item in what appeared to be "new" condition, but when we watched it, there were many parts that stopped and started and jumped. Several places we missed because of the quality of the tape. I had thrown away the outer package, so don't know how to send it back for a replacement, but it was definitely "not new".Please help me to get a refund or a replacement.$LABEL$0 +Terrible Causes MS Outlook to Crash - Nonresponsive Customer Service. Terrible Product! I installed it and it made my MS Outlook crash several times a day. Twice I had to reinstall Outlook. Contacted their customer service about the problem. No help, they kept telling me how to reset my Zone Alarm account password. Obviously they don't read their incoming emails and just send out some canned message. After several days of this, I uninstalled Zone Alarm and installed PC-cillin. I had no further problems with Outlook. I previously used Norton and never had my email crash with their product either. My recommendation, don't buy unless you enjoy having Outlook crash and you like to reload software. Interestingly, when I asked for a refund they never answered my emails - go figure.$LABEL$0 +Keyboard Drawer. After a few months of light use, the screws fell out, jamming the sliding track. Had to completely disassemble and reassemble product. Would recommend using Locktite when putting this together. This unit is a little flimsy, bends easily when using the mouse, causing a flex that probably caused the screws to loosen.$LABEL$0 +Adorable Book!!. My 3 year old son loves this book. He has already learned his uppercase letters, so this book is great for teaching the lowercase letters that he is still quite unfamiliar with. The story is very cute, and he is hooked on it! We checked this one (along with Alphabet Adventure and Alphabet Rescue) out at our local library and he loved it so much that we bought them.I would highly recommend this book (and the other two!) to anyone with preschool/kindergarten children.$LABEL$1 +Not really permanent. While I'm sure these would stain your clothes and the colors themselves are alright I purchased these permanent markers to write on plastic surfaces. They didn't work for what I needed. The ink pools and puddles when I use them. My sharpies worked fine on the same surface.If I wanted just pretty colored markers I would have gotten a different type of marker, but I needed permanent makers and these did not fit my needs.I can't speak for other projects, but I will state, these do not work on plastic surfaces. If you need to write on something only a permanent marker will stay on, then do not get these.$LABEL$0 +disappointing. i love Movies from other country's,i never watch american movies anymore.i waited for Martyrs for 2 months,i bought it today,watched it,i was very disappointed.not very violent,nothing to disturbing,just a Blah type movie,maybe i didnt enjoy Martyrs cause i am Desinsitized (SP)?? nothing is disturbing to me anymore. also stay away from (Frontiers) *Blah* of a movie.i dont mean to be so mean but eh...$LABEL$0 +HE IS A WANKSTA AND I SMELL PUSSY. he just needs to retire. screw this non-gangsta. no real G sings, they just rap, GOD!$LABEL$0 +Great Gift. This was a gift to someone who loves music and was a singer herself at one time. She enjoyed. CK$LABEL$1 +sucked. this movie sucked dont waste your money. this isnt even a production movie just a bunch of vhs quilty and grainy footage of crap.$LABEL$0 +Seller NEVER sent us the item. I would love to say this is a great movie but the seller never sent it to us. I have contacted them several times and all they can tell me is that they have no way to track their shipments. VERY DISAPPOINTED!!! And now the order is no longer showing on the Amazon website so I can't even dispute it.$LABEL$0 +Another question. Whats the name of the song playing while they are at the first club, something about how "i'm like an outlaw", sort of a techno beat to it. Any help would be appreciated.$LABEL$1 +The Energy Approach...... I have started reading this book and have difficulty putting it down. This book definitely provides some deeper insight into an aspect of personality and can provide info into relationships and why they work or vice versa.........Just buy the book, you will have no regrets.$LABEL$1 +Real None Greasy Baby Oil. It does not leave any grease on your hands or skin. When it dries, it just feel like baby powder without any residue. It applies like a lotion. We stopped using baby oil after using this product.Somewhat expensive.$LABEL$1 +I can't stand Jim Carrey!. Never was a fan of Ace Ventura or the Mask. A bit too silly for me. I was skeptical of this Carrey vehicle only to find out that it's not. This movie is way more clever and funny then it was given credit for, this is a nice departure for Carrey and it's almost always (Godzilla 97 excepted) good to see Broderick in anything. If you don't usually like Carrey, give this one a try, it may surprise you.$LABEL$1 +Waterhole #3 VHS. This VHS is bad quality it jumps and it's just no good, But can't find the box it came in to return it. I was upset about this my husband just loves this movie, Thanks for checking with me on this item.$LABEL$0 +A realistic account of Indian mentality to discuss and argure.. The author brings out effectively the Indian tradition of peaceful debate on matters of social importance from ancient times till now. This tradition of positive argumentativeness seems to be the strength of Indian democracy's success inspite of some sectarian politics rampent now. Indian pluralism will survive Dr. Sen says by this nature of Indian minds. A very good book boldly written.MKV$LABEL$1 +Beautiful book - worth persisting with. I picked up this book with great expectiations, having recently devoured Cloud Street, The Riders, Shallows, Scission and an Open Swimmer I was looking forward to more from my favourite writer.After the first couple of chapters I was struggling to like it, wonedring where he was going and why he was painting such poor characters and situations (I really don't like the way some authors potray the internet). It seemed a bit close to Shallows as well for.But then the story griped me. Being a West Aussie myself and having lived in most of the areas this book picked up on I could really identify with the landscapes and people as their characters developed.The story to me was one of how people lived their lives dealing with deaths and how letting go and realising that dead people are not more than they were and shouldn't be built up into images that restrict you living your life.$LABEL$1 +Common Sense. This book was an OK read. If you have the common sense of how to put a baby to bed, it really won't help you. It did have a few good ideas example: Give the child a lovee, like a lamb or music maker to sleep with everynight and the child will become more relaxed and dependant on it instead of you when he/she wakes in the night. That's about it, the rest was common sense things like give him a passy, rock him , feed him etc.$LABEL$0 +Poor quality. AVOID THIS PRODUCT!! Not the quality I am used to. My husband purchased this as a present for me because he knows I love to cook in cast iron. I was skeptical once I seen the product. It did not look to have any "seasoning" on the pan. I only had to cook with this pan one time. Cast iron is known for cooking food evenly. It did not, the food stuck. A total mess! I actually had to scrub the pan clean. It was returned!! After some research, I still can't find if the Camp Chef products are made in China. With it not actually being said on Amazon the country of origin. I would assume that it is made in China. I will ALWAYS buy the Lodge cast iron products where you know they are made in Tennessee and what you are getting.$LABEL$0 +Great Book. The recipes are well written and easy to fallow. There's a picture for every pie or tart in the book. The pictures are absolutely beautiful. Every recipe I have tried so far is delicious.$LABEL$1 +The Greatest, Greatest Hits. If you have not heard Sublime, you don't know what you are missing. They have a sound that is unlike any mainstream music. Not only should you buy their Greatest Hits, explore all of their other alblums. . .you won't be disappointed.$LABEL$1 +New music for a new millenium. Many of the songs on the CD do bring back a nostalgic feeling of the Pumpkins of old, but their new sound definitely helps to build on the idea of keeping things fresh. Never one to just sit back and do that same thing over and over, Billy Corgan helps to bring this entire album together with his familiar vocals. The first song, Everlasting Gaze, is an incredibly powerful piece that is reminiscent of the Pumpkins earlier work, but still has a taste of something new. All in all a great buy, and any true Pumpkins fan will enjoy it.$LABEL$1 +Worst looking diamond I have ever seen. I saw the negative reviews and, despite them, decided to give these a shot. The second I took them out of the package I knew that they were going right back. These are UTTERLY the worst looking diamonds I have ever seen, even for $99. I am not a diamond expert but a diamond should not a have milky white color.The good thing is Amazon makes returns easy...$LABEL$0 +JUNK, JUNK, JUNK. As my title says this camera is a piece of JUNK! My daughter got this item for christmas. Have not used it once because it does not work AT ALL. Biggest waste of money. Please be aware- just go out and spend a little bit more money and get them the real deal.$LABEL$0 +Can Kids Still Read Kipling?. I got this so that my husband could read stories to my 10-year-old granddaughter -- he loves to read, she loves to be read to. Kipling provides adventure and different cultures, so I figured it would entertain them both. I had not factored in how limited our vocabularies are today. My husband had to stop frequently to explain words; occasionally, he would have to look one up. They both still enjoyed the stories. (I also think it did my granddaughter good to learn that even grown ups have to look up words; there is no stigma to using a dictionary -- or in our case, the internet.)I would recommend the book to anyone who wants their child to achieve a high score on the verbal SAT, but I think a child would be better off to have it read to him than to read it solo.The book itself is large and heavy (hardback), but the print is a comfortable size.$LABEL$1 +Works as advertised - just set your charge cycle properly. Nineteen months after using this battery everyday, it's now showing some signs of wear. Occasional reconditioning restores some capacity, but from a high of about 2.5 hours, am now down to 40 mins per charge, all things being equal.I've modified the cycle, as suggested by the IBM Battery Maximizer app, hoping this will extend the life some more. Apparently, if you're plugged in most of the time, it's better to get the charger to stop at less than 100% capacity, and start recharging at below 90% capacity.Nothing wrong with the battery, really. It works as advertised. I just wished it would have lived a little longer.$LABEL$1 +ABSOLUTELY ANGRY. I love The Golden Girls. I had this set bought for meThe Golden Girls - The Complete Series (Seasons 1-7)because it is obviously all of the seasons that were released individually but together in one package. The only problem is that when I get them I put the first disc in and started out working great! That is...it played perfectly...until the 5th episode and then decides that it doesn't want to work any longer and starts skipping large chunks of episodes. I am absolutely furious! Seeing as how it was ordered for me I don't know who to get in touch with, whether any of the other discs are going to be problematic (it is a 21 disc set!), and whether or not I'll be able to get an exchange or if they will even work.That said, save yourself some trouble and go out to a store and buy the seasons individually. At least then you'll have a better chance of them working properly. You may even save money in the end that way. I just want discs that work!$LABEL$0 +s2 Camera Batteries. This may be a bargin for the batteries, I'm not certain yet but they seem to hold up. It is the charger that I didn't think was that great. It wouldn't charge the batteries right out of the box. I had to use a better Energizer charger to initially charge the batteries. Once the batteries had a charge it seems to work OK, but if I were to buy again I probably would go for the Sony Charger.$LABEL$0 +PLEXSUPPLY SELLING FAKES, AMAZON DOESN'T CARE. If you decide to purchase this product, be very, very careful who the seller is. PLEXSUPPLY is just sending out fakes thrown into a ziplock bag and advertising it as a genuine photon light. Amazon has been contacted about this but apparently they don't care about it, so it's up to us to let all you know about this little con-job. Pretty shady if you ask me...$LABEL$0 +Really good. Really liked this novel. Enjoyed the characters, especially the professor who reminded me of someone I once knew and the story itself was very interesting and well written. Read it in two days. Can't say I pondered the story afterwards but I definitely recommend it.$LABEL$1 +the kensington pilotboard. I am typing this review on my new kensington pilotboard. it is a very nice keyboard, and I love it. the forward/back buttons next to the mouse wheel are very nice, and incredibly useful! (I hate having to go up to the top of my browser to go back) a wonderful keyboard.$LABEL$1 +A great read about chasing and fullfilling our dreams. A friend loaned me this book about a week ago and I found it to be a great read. I'm one of those wan-a-bee's "trying to leave the dock" and will begin retirement soon with a boat (trawler) in my immediate future. This book affirmed that I'm heading in the right direction to begin living my dream as soon as I can. I'll be purchasing a copy to share with friends and to read again while I'm in the water chasing whales and my own dreams in Washington State and Alaska.$LABEL$1 +FANTASTIC. This is a great single !! I have been listening to techno dance music for over 15 years now and this is the best stuff that has come out by anyone in years. It has a great beat and great to dance to ! For any techno buff, this is an absolute must !!$LABEL$1 +Dont Buy. This DVD Player will not play +R DVD's. The menu displaying DivX files on DivX DVD'x is horrible. The menu did not display well, the file names were shortened and the filing system was not how I had made the files when I made the DVD. Don't be fooled by the HDMI connection either, it makes absolutely no difference in picture quality. Toshiba should be ashamed to put their name on such an un-user-friendly product$LABEL$0 +Poor Quality. Better Puppets available. This Puppet is not as plush as it appears in the photo. It is actually made from a very thin material which does not hold its form. As a consequence when using the puppet the dog's head is crumpled and distorted and his eyes collapsed back and barely visible. I have tried to bolster the head by stuffing it with paper towels but it doesn't seem to be a good fix. Additionally the puppet does not seem to be sized for adult hands. I have medium sized hands and can barely get my hand comfortably into position to move the mouth. I have collected 6 puppets including this one which I use to play with my son. Of the six this puppet is the only one which doesn't get used. I would definitely recommend the Melissa & Doug line of hand puppets over this one. They are in a totally different class and a much higher quality.$LABEL$0 +Vampirism as a lifestyle. This film has very good acting and directing. You would be hard pressed to find so differently with the stars at hand in the picture. The movie focuses on a more dramatic side of vampires, over the classic horror view; however this works in its advantage. It does not overglorify nor does it over dramatize the life of vampires, as one would imagine it to be. This is the way the average person SHOULD think of vampires. Not Twilight, and not 30 Days of Night either. If you want to know what it is to be a vampire, the way you it probably would be if they existed, then this film is for you.$LABEL$1 +calibration disk. its got 3 levels of calibration. Gets as detailed as you wanna get. Definitely brought out the best picture out of my plasma$LABEL$1 +it's pronounced "don't rip-off you previous album.". i hate to be negative, especially about a very talented artist, but this album just sounded like he copied "collaborations" and just switched a few of the words. like "47 pop stars" it was just lame compared to the acappela "47 m.c.'s" from "collaborations" which was brilliant. there are a few good tracks, but i was dissapointed by the lack of creativity. hopefully K.J. will not try to follow what seemed to be a successful formula when he records his next album. COME ON K.J., I'VE HEARD YOU DO BETTER THAN THIS!$LABEL$0 +Wire pokes out. I am a full-figured woman and the underwire on this bra sticks out near the closure no matter how I try to adjust the fit. I bought the bra because I was having a problem with my shoulder that makes putting on a bra with the hooks in the back very difficult. I generally don't wear underwire bras since I find them uncomfortable. On the plus side, this bra is fairly easy to put on and to snap closed and it is comfortable. On the negative side, I have to wear it under a very loose top because the underwire sticks out so far. I would not recommend this bra.$LABEL$0 +Excellent guide to pitfalls on spiritual path. I really appreciated this books exposition on the many pitfalls of the meditators path, and ways that we start playing ego games, philosophy games, etc. I also found it very readable.I think regardless of your path of practice, theravada or zen, buddhist, hindu or Taoist, there is opportunity to learn here.I also found it interesting to get a variety of different perspectives onpractice. As someone from more of a theravada background, it was interestingto get such a concise and lucid introduction to mahayana and vajrayana ideas.Trungpa is not a lightweight in his ideas, his presentation is forceful, and he has a clear idea of how things are. Agree or not, there is plenty to chew on here.$LABEL$1 +A Nice Showcase for Beatles MUSIC!. I took my children to see this movie when it was first released. They were Frampton and BeeGees fans and didn't really listen to the Beatles. I, however, owned every Beatles album in existance as I now own the CD's. I never saw why the reviewers hated this movie and it's accompanying album. The music was very well done, every song. If you wanted the Beatles then this was not for you, but if you liked Beatles music then the performances were fine. I loved George Burns' rendition of "I'm Fixing A Hole Where The Rain Comes In" and many of the other performances were great for the novel performances of the original Beatles music. If you wanted great acting and directing, well then this movie is not for you. It's not a very good movie. If you like to listen to offbeat and different performances of the Beatles' music, I don't see how you can go wrong.$LABEL$1 +The Big Book of Painting Nature in Oil. Really helpful book. Very well organized. Easy to find any subject or any method. Step by step instructions. Excellent pictures, easy to follow instructions.$LABEL$1 +Good product, undesired color. I had used a jumbo toy hammock for my children's stuffed animals in our old house and, when we moved, was looking to replace it. I found this and expected one as pictured. I should have read the text further as it does say colors vary. We ended up with blue which does not work with my daughter's pink and yellow room. Great product for getting all those stuffed animals up and away but they REALLY need to have a color option.$LABEL$0 +really awful...save your money. This book proves that anyone can write a book. It's by far the worst book I've read on nutrition. Nothing enlightening...offensive and full of awful language. I could have dealt with a little offensive language but seriously...every page? The authors may have meant well but they should consider becoming sailors.$LABEL$0 +amazing illustrations!!. The poetic and thought provoking adventure that unfolds through the course of this book is quite captivating in and of itself, yet I believe the fantastic watercolors that illustrate the tale are beautiful and eye catching enough to stand on their own, if needs be. Whether you have kids or not, this book is a collectable for anyone who appreciates this kind of creative eye-candy.$LABEL$1 +Disappointing product. This grill does not make a good panini. There is not enough pressure on the upper grill, and it does not make those distinctive panini stripes.$LABEL$0 +disappointed in Sony. Last year I bought two boomboxes from Amazon and they were fabulous. This year I decided to try the sony cfds22. I wanted black but they only had the silver left. I asked and was assured they were the same. I bought the unit based on the glowing customer review. Well I was wrong. I think it might be a product control issue as I am usually very pleased with sony products. Nevertheless my mega bass would turn off on its own and there was continual static whether I was playing the cd, tape or the radio. Perhaps there are some units out there that are great but I was not lucky enough to get one. Back to the POst office to ship this back.$LABEL$0 +Give Dre a call. I am a NO LIMIT fan, but snoops album isnt what I or some others expected it to be. His first album was a huge success,his second o.k, but his latest album is a little less than average.This album shows how he was better off with his old label (Death Row)and producer Dr Dre.$LABEL$0 +breathtaking. i've just re-started beading after a hiatus of about ten years, so i am not familiar with recent beading books and can't compare this to any other overviews that might be out there.however, in and of itself, this is a beautiful, well-illustrated, far-ranging work. africa is well-represented. north AND south american indian work is represented, including the work of the inuit and northwestern nations. there is a section on greenland beadwork, short, but more than i have found yet. asia, india, oceania, the middle and near east and europe have their sections. the final section is a brief but reasonably adequate, description of techniques.the photos are breathtaking. and dangerous. i have already mentally designed at least five new projects. the only complaint i have is the lack of dating for some of what are probably 19th century postcards and photos and for what may be relatively recent photos.i think this would be a worthwhile addition to even extensive beading collections.$LABEL$1 +grate movie. i've seen this movie 1 1/2 times. and i just wanan say: it's awesome! and it's so true too...like that Buddy Christ is SO sumthing those catholics would do.and it's got alot of good points in the movie from the bible that the catholics tend to hide. also, since the main chick in this movie is Jesus' great great great great great great great great great great niece, it just goes to show that jesus DID have bro's and sisters!! but that wasn't a surprise to me, since i READ the bible...something supposed "christians" tend not to do...but this didn't get 5 starz cuz there WERE some parts that were offensive to me. being as i'm a Christian.but all in all this got a Four. and i would recomend this movie to anyone, but there's too much swearing. although if there wasnt, i know lotsa ppl who would appreciate the true facts from the bible in this movie!$LABEL$1 +couldn't live without it. My son has practically lived in this seat since birth, and it still has so much mileage left for it! He is only 2 months, and he'll be using this for so much longer. It is very versatile with the recline and kickstand. The toys aren't that great, and he gets bored with them, but they attach with velcro, so you can swap them with others. When he was first born, he loved looking at the zebra prints. I would recommend this chair instead of a bouncer chair, since you can use it for longer, and it essentially provides the same function. Vibration function is also nice.$LABEL$1 +Good but not a real mystery. Lots of interesting details about what goes on behind the scenes at the Metropolitan & the Natural History Museum, but a really weak mystery plotline. _NO_ knowledge of Africa at all, just New York PC views. They're two different things. Willem van der Post's death is pure Hollywood -- anyone with any knowledge of Africa would just burst out laughing. The author also knows nothing about Continental names. 'Van der' is Dutch & any name which contains it is perfectly ordinary. 'Von' is Austrian & is always part of an aristocratic name. Also note that 'van der Post' would be listed under 'P', _not_ 'v'. I mention this because it's a significant point in the plot at the end. But this is a book written by an American for fellow-Americans.$LABEL$0 +Not As Good. I have had a few pairs of the standard rainbow sandals; decided to try the helps after someone stole my other rainbows. For my money the standard raainbows are five-star sandals and cost less. These don't fit quite as well and the soles are not as comfortable as standard rubber. They last longer and I will replete regarding wear down the road.$LABEL$1 +Great book on the first 100 years of Studebaker. I have a copy of this book which was sent to me when I was a youngster who corresponded with the editor of The Studebaker News (a publication for Studebaker Dealers). I still have the original box that it was mailed in. I consider it a collector's item.$LABEL$1 +madabout. I discovered James Hunter through a Van Morrison compilation CD and fell instantly in love!! He is my favorite sound: great R&B; spiced lyrics, just enough "mistake makin" and "love thinking" to suit the real feel ofthat genuine genre of my favorites like James Brown, Sam Cooke and Otis!! You would swear the guy was a close relative of Ray Charles with a hip edge!! And not to even mention the band..WOW.. SEXY,SEXY, SEXY!These guys nail it and if you love a great sax sound you will be addicted like me!!!!!!!!!!!$LABEL$1 +yes total waste of money. This is the second HP printer I bought and frankly the only reason I tried this printer was because of the network connectivity. I haven't written many reviews before, but this product is soo bad that I had to add to the list of angry customers. Getting the printer to load 1 piece of paper is a nightmare. Now i get paper jam warnings when there is no paper in the bloody machine. Anyone see office space? yeah after I get my new Canon printer, i will re-enact that scene. perhaps i should record it and send it to HP?$LABEL$0 +i dont think this works.... 3rd bottle already. strange....i just dont think this works. i take vitex/ dong quai instead. let's see how that turns out.i do see that it helps regulate but has anyone had any success in getting pregnant??? and if so, how long did it take with the use of fertilaid?i am inclined to just trying one more bottle but since i have pcos, maybe it just isnt for me...$LABEL$0 +Release date April 1 2008. Better not be an April Fool's Joke. Thankfully it wasn't. Love Becker. This has to be my favorite unreleased TV series. (I'm editing my review) I was a little wary of that release date, however I now have the 3 disc DVD in my hands. 22 episodes of fun & laughter.On the box it says full screen, however I have a widescreen TV and I was expecting to see black borders on either side of the picture but instead the picture fills up the whole of the TV without looking stretched. Yippeee. There are no subtitles. Is it strange that I love this show yet think Cheeers is nothing special?$LABEL$1 +Missing pages. Purchased this 'New" from Collect Musings - a Calif. bookstore through Amazon. Book looked great with a pristine dust cover. However, pages 33 to 46 are not in the book. There is 1 ripped edge of a page showing. Looks like the section was omitted from the printing and the book is a 'second'. For almost $40 that is unacceptable.$LABEL$0 +HAD TO RETURN ITEM - TOO BIG. I had to return this battery that I ordered for my cordless phone.It was too big for my phone and I could not use it.Therefore, I can't say how well this battery works.$LABEL$0 +They don't fit motorola. I guess it's my fault for not vetting the product well enough. These things are throw aways anyhow. I sure it would've broke like my others$LABEL$0 +Waste of money. I bought 2 of these timers and within a month one stopped making any sound. The other is so quiet you have to be right next to it to hear it go off. Not worth buying.$LABEL$0 +Great trimmer!. Always wanted a trimmer that would not cut me several times in the process, this remington 1000 its great, I was afraid of using it at first hoping not to cut myself, well not worries!! I was even rough in a few spots by accident and not even one cut!!! I love it; its great!!!$LABEL$1 +Poor Supplier Management. Melissa and Doug should be embarrassed. Either they are getting too big to care or they are too small to know any better, either way I ordered this product and it was shipped to me with only about 70% of the parts. Really, how does this even pass weight inspection to get shipped? Where is the QC?Melissa and Doug? Maybe Scrooge and The Grinch! This was going to be my hero present this year...thanks a lot.$LABEL$0 +fedora linux ready. low price and linux compatibility were my prerequisites for a router. as a retired computer system manager, i was hesitant to introduce another point of failure. but there was really little to do other than hook it up and go to the url and go through menu. all without involvement with att (ptl). my network consists of a 32 bit computer and a 64 bit computer, both running fedora 11. speed? i can watch justin.tv on wireless.$LABEL$1 +Do not buy this toy.. Our child also loves this toy but the tractor only lasts for about a week before it starts breaking down. We have brought the tractor back THREE TIMES and have yet to get one that works for longer than a week. It's a real shame that the manufacturer can't make this toy durable enough to last. It breaks our little boys heart every time we have to bring his tractor back to the store. Take my advice and stay away from this product!!!!$LABEL$0 +Burning Books on Fenwick Street. A fictional account of what could happen to our country if we allow our politicians and special interests to get out of control.Mr. Dravis tells a story almost as well as Jean Shephard!A book that even this Nixon admirer enjoyed.Excelsior!$LABEL$1 +Very Good Quality. This is a very good quality DVD of a fireplace. It has Christmas music or crackle noise or both. Very cool. Of course, if you have a lousy TV, you get a lousy experience. The item arrived quickly and in good condition. I am very pleased with this purchase.$LABEL$1 +Wonderful!. I read this book in one sitting. I felt like Martha Manning was writing about my life! There were so many parallels to my own depression that I understood just what she was going through. I'm glad to finally read a book by someone that's been there and describes this personal hell so eloquently.$LABEL$1 +Russian Friend Says He Loves This Book. My Russian friend to whom I sent this book says it's exactly as it's title states: fun and easy. He was very grateful to receive it and I've noticed a big improvement in his written communication with me since he's had it. Fantastic find!$LABEL$1 +Useless Junk. I purchased this adapter because I wanted to connect to a tv thru a S-video cable instead of a VGA cable.The cable didn't do as I intended.$LABEL$0 +this movie sux!. Absolutely no horror content involved! Another work of some horn dog; making women sex slaves. Terrible movie!! All the women walk around half dressed and talk in baby talk. No respect for women. The scariest part about this movie, is that there are still people that think this way and don't respect women as their equals.$LABEL$0 +Love my Cat genie, but. I love my cat genie, and these cartridges work great. However, I really wish it would have specified whether this was the scented or unscented cartridge.$LABEL$1 +Quotable Runner fan. The Quotable Runner is not just a book; it's like having a knowledgable running companion on call 24/7. The book was a fun read and easy to stop then pick up again when I had a chance. I took the book with me everywhere I went so I wouldn't miss an opportunity to read a few pages when I had some down time.As someone who enjoys-but struggles with-running, I drew a great deal of inspiration from this little treasure trove of quotes. I love to hear about the experiences of more seasoned runners. Gaining insight as to what makes them tick and keeps them going helps to keep me going full steam ahead!My thanks to Mark Will-Weber for this inspirational little book :)$LABEL$1 +Great GPS. We owned a Mio GPS, but, even after updating the maps, our house which was built in 2003 was not on the GPS... This GPS had it from the begining and is great at guiding us on our vacation.$LABEL$1 +Richard Langer writes the best bread machine books. I was a professional baker for years, which made me a relentless bread-critic. I have many other bread machine books, but they just don't compare to Richard Langer's, which have become the only ones I use regularly. His breads stick in your memory and call out to be made again and again.$LABEL$1 +disappointing title from a great band. When I first heard of the realease of the new Self album I ran to the stores to buy it. My joy was stopped short after I listened to it. What is this? It sounds nothing like the weird yet genious music that has made me come to love this band. The only reason I would buy this cd is if you are a huge Self fan but warning: prepare for a letdown.$LABEL$0 +gets hot, works but software not-so-good. same as above:I've had it for about two months have dubbed some twenty of my VHS tapes. While I can capture fairly easily the moviefactory 3SE is lacking(software/driver updates applied)I get better results with Nero.and often the resultant DVD's are coasters,,,for no obvious reason.I've also begun using the Plextor m402u capture-X,,,much better product,runs cool for a few dollars more.same !@#$ software(studio 8, ugh!). But other software is included.$LABEL$0 +IN Person. Tony Bennett is one smooth singer. Having been a star, a has been, and a retro-icon, he has known every degree of fame, and deserves all the kudos his recent renaissance has afforded him.Tony isn't one to blow you away. He's more quiet ocean breeze than tsunami, and is a master of under delivery. You don't realize how good he is until you hear a certain phrase or note that simply demands attention.What a selection of melodies, all great, all well known. Sung in the Bennett style, delivery first class, arrangements very good. Recording quality very impresive . Bennett is a professional,$LABEL$1 +Bump To The Funk. Putting things in context, you could compartmentalize "The Twist" as being BIG BIG in the early 60s, and then disco came along in the ~ mid 70s. That left a lot of years in between, roughly from 1963-1974. "Tighten Up" is likely the most easily recognizable dance tune from that whole period.Yes it's ironic & sad that the song was released in early April, 1968; that being said perhaps one can remember it as the tune that kept us along going & dancing during that period. I certainly do. I can't possibly remember how many times I got together with a group of kids & just danced away, and let all the troubles & injustices of the world melt away.Additionally, this song introduced the "funk sound" that became so prevalent particularly from about 1968- 1973. Then came disco. Enough said!!$LABEL$1 +Some reading hints for this disappointing book. I was disappointed by this long Clancy book. I did notice his writing begin to slip with Rainbow Six, but at this point, I think he's done for. Still, I'll probably keep reading his books like many others. Here are two hints to save time when you read this book.1. This is a great opportunity to try your speed reading. I promise you that no passage in this book needs to be read carefully.2. As soon as you see Cathy Ryan in the book, skip the section altogether (these sections have no relevance whatsoever and repeat things we all know from prior books). Depending upon how quickly you read, this could save you an hour or so.Hopefully, Tom Clancy's next book reverses this trend.$LABEL$0 +Long Time User. I've been using Kelocote for nine months at my surgeons recommendation for some new, large scars. It's hard to really say how much it helps with the appearance of the scars since I don't know what would've happenend without it but my gut tells me it has helped some. I still have some nasty keloid scars but they seem to be softening.One thing I am certain about is that it has helped with the soreness and itching that can come with new scars. I've had very little of that.Make sure you use it right. A little goes a long way. Don't over-cover the scars. You should barely be able to feel that it's there. A common mistake.I definitely would recommend this or the Scar Away patches if you prefer. They're decent too.$LABEL$1 +The Best Beatles Story. When I first was introduced to the Beatles music, I loved it right away because of the sound and mood it gave. I was so impressed with the fab 4 that I went to the library as soon as possible to find out a little about them. I happened to come across the best Beatles story available. The Love You Make told each detail as someone living the story would see it...that's because the author did live it. The Peter Brown from 'The Ballad of John and Yoko' wrote the book. I was hooked till the end. Since then, I've read several other books about the Beatles, but none have come close to being as good as this one. If you want to know the true story of the Beatles, this is the book you should choose!$LABEL$1 +Mediocre. There was once a time where the brand ALVIN meant you were getting a good product.This is a very lightly constructed lamp. Since I work with the same materials it's built from I can easily reinforce it where it's weak. For the average buyer however, I'd suggest looking elsewhere.The arms are light gauge square steel tube and are not very sturdy.The lens, while is it indeed glass it is meager at best, with strong chromatic aberration when viewing through the lens at anything but 20 to center.The springs are very weak.The lamp head is injection modeled ABS and it is not very well gusseted. There is a great deal of flex.As of 1-2-2013 I've had the lamp nearly four months and made five modifications; the head housing of the lamp, and the friction binding for the head itself, head shade, the mount post and surface mount.All in all, it's worth exactly what it costs, and no more.If you want something that will last for years, this is NOT the one to buy.$LABEL$0 +You Won't Regret Purchasing ... A MUST HAVE!. To put it simply, I was in awe when I first received my copy ofAfrican American Fraternities and Sororities: The Legacy and theVision. "Insightful," "thorough," "tasteful," and "definitive" all come to mind as I think about ways to describe this comprehensive book. Every member of these organizations should have this on their shelves. Also, very interesting for anyone interested in African Americana ... It is a must read, a must!!!!$LABEL$1 +Pretty silly. This is a pretty silly computer animated movie for kids. Don't expect anything too spectacular from this movie. It's fairly disjointed and jumps around a lot.$LABEL$0 +A Well-Made Book!. This book would have to be one of the best books I have ever read! I couldn't put it down, and all my friends are now reading, and loving it! It is the story of a nameless mute, the lowest of the low, who escapes from servanthood, only to find it is a girl! It is a story of self-discovery, love and friendship, all in a beautifully woven story, whose plot twists and turns to keep you on the edge of your seat. I recommend it to anyone who remotely likes fantasy (although some of my friends who have never read fantasy in their lives loved it) or anyone who loves a great book. The second one in the series is wonderful too, and I am just about to get reading on the 3rd book. Happy reading!$LABEL$1 +Entertainingly good. I was worried when previewing this movie's reviews that it was going to be just another poor attempt at making a movie set in WW II. But I was wrong. I really, really liked this movie! The acting was great; the story was suspenseful and I whole heartedly agree with all the glowing reviews. Well worth it.$LABEL$1 +Manufacturer ruined this product. We had purchased several of these cases. They were great. Then the manufacturer decided to redesign them and make a case of far less quality. It is very disappointing.Like Beverly McCarty said: "It is flimsy material around the zipper, there is no carry handle, the case size itself is smaller." It does not have the rings inside anymore either.I called the company and they confirmed that the product was changed yet they kept the same price.**I would not recommend this product anymore.**$LABEL$0 +Pirates. I've played the Demo for this title and it is Sid Meyers Pirates redone or as close as it can get without violating copywrite laws. It has almost everything the original Pirates had. The only thing I didn't see in the Demo was the sword fighting section when you try to capture someone in a town. It may be there in the full game. The Demo played smooth and the graphics were very good. If you liked Pirates you will like this one.$LABEL$1 +A Gift from John. When i first heard about this album I had a brief moment of dread. Take a bunch of songs I love and give them the "guest star remake" treatment--you know, "Sam Stone" as a duet with Sting.No such worries anymore. These are the real songs, plain as can be, plainly and sparely arranged and played by regular guys--no bells and whistles. Very few songwriters write songs that could withstand such treatment. Prine's songs shine like burnished gold, but then he's always been good at leaving things out. Who else could sum up an entire relationship with, "Well ya know she still laughs with me/But she waits just a second too long."These are fifteen of the man's best, which is to say fifteen of the best songs ever written by anyone. Every home should have more than one John Prine album, but this would be an excellent start. For long time fans who love the songs, it is a rare and generous gift from one of the great singer/songsriters of all time.Thanks, John.$LABEL$1 +Clearrrr. Just starting to read the book, but I have found it easy to read and to use on my way to learn this wonderful craft.$LABEL$1 +Costs a lot to OPERATE. We paid the $400 for the Edenpure because we thought it would save us on utility bills over the long run. (The ads say it "costs pennies to operate." Well, that's a LOT of pennies, because our gas bill went down and our electric bill went up enough to offset it. It doesn't seem to heat any better than our oil-filled radiator-type heater, either.$LABEL$0 +fav book. I bought this book when I was living in THE city on the lower east side about four years ago. I could swear that the guy who sold it to me was Fred Savage. I purchased it because of the cover, and the description on the back, and the charm of the old seller. (Old paperback copy with trippy picture) It was the best 50cents-$1.00 I ever spent. I won't go on about the book because from reading other reviews here, the story either crawls inside your dreams and mind and causes the most longing, wondrous sense of deja-vu, or it bores you. It is very close to my heart. There is no piece of art , literary or otherwise that has affected me so much.$LABEL$1 +Extremely poor quality. The lowest quality item I have ever received from Amazon. Board is made of cheap, splintering pine. Holes are not neatly drilled. Includes a flimsy deck of playing cards from a never-heard-of Chinese company. Hinge on board is loose. Case's metal accents were scratched. Another fine example of low quality goods coming out of China. Possibly a former display item, as box had clearly been opened before.$LABEL$0 +high on hyperbole - short on details. Not worth the money as a technical reference or how-to book. Otherwise a pleasant read with some inpired pics and a very general overview of the process. Speaks, for the most part, to strawbale contruction as if strawbales are some naturally occurring thing harvested from the wild when are in fact a product of energy intensive industrial agriculture. Fails to provide important technical details such as estimating for coverage, application on masonry, frame and other 'natural' structures, guidelines for plaster preparation. If you already have building experience and skills there are far better reference books available to actually base work upon.$LABEL$0 +nothing like original. i bought this game on the assumption that it was going to be indentical to the original. NOPE!the techniques bought are difficult to perform.if anybody remembers how the acro circus worked, it was like ryan or alex would jump and spin, hit the enemy and you could either kick or punch them. in this gba version, alex/ryan just spins and spins like a bowling ball! i mean seriously you can spin your way to the end of the game. i beat the game once like that.this game doesn't even play like the original. atlus tweaked this game too much for my taste. if you had good feelings about the original NES game, i don't recommend playing this one. i feel really gipped about buying it.$LABEL$0 +What Were They Thinking????. Ok, I am like the biggest N'Sync freak out there, and when I bought this video I thought that it would be N'Sync havin a party with their sexy selves, but yet again it was some stupid girls, having a party about N'Sync. Now N' in the mix was awesome!! Justin Timberlake iz mine ladies thanks!!$LABEL$0 +A Manufacturing Book That Applies to Many Industries. I first read the book while working at an electric utility, Florida Power and Light. While enjoying it immensely, I didn't see its application to what we were doing. Several years later, while consulting with a hospital, I "saw" that their medical records department was having the same problems Alex Rogo had in his plant. Their "product" is the generation of a patient bill, developed by "processing" the patient's medical records. I enouraged the director to read THE GOAL, we then proceeded to improve the throughput of her operation by identifying "Herbie", addressing batch issues, etc. Now I look for "Herbies" everywhere!$LABEL$1 +Very Complete Book on the King Of Pop. i really dug this book on The KIng Of Pop.Adrian Grant has done great stuff on MIchael.this book gives dates of his Writting&Production and ALbums released.also Concerts.very well in depth Profile on THE Man.getting this book helped me get songs that he did for others oe sung on.MICHAEL JACKSON is STILL THE BADDEST ARTIST ALIVE TODAY.nobody can count MJ out.$LABEL$1 +I'm Still Wishing for "Part II". Let's get the obligatory statement out of the way now - "it's good to be the king".I remember enjoying this immensely back in the 80s, and am actually amazed I waited this long to look for it on DVD. I'm really big on intelligent satire, which is one reason I enjoy Mel Brooks more than the rest of my family.I sum it up this way:- if you like "Napolean Dynamite" and "Jackass", I don't think you'll even notice most of the humor in this movie;- if you like "Police Squad" and "Monty Python", this is right up your alley.$LABEL$1 +Not recommended for beginners. If you know nothing about javascript, it will be more like 'teach yourself in 6 months', as there is an assumption that you have previous object programming experience. Although well designed and well written, this book really misses the mark for beginners and, at least for myself, was disappointing.$LABEL$0 +Christmas present was a winner!. The jersey is great. The material is good quality. Just like what we'd find in the store.$LABEL$1 +Dont waste your money.... This sounded too good to be true and BAM! It is. We used it (for a grand total of 3 times) to dump our cards at a wedding. So far the prongs have bent 2x and the harddrive needed to be reformatted once. And since this thing actaully failed at a wedding - wouldn't recommend it to anyone. Better off buying more cards.$LABEL$0 +Espresso Maker. Very disappointed at this machine; I did the reseach, read all the customer's review, and the machine doesn't live up to the review. Don't know what to do with it yet. The milk just doens't heat up and the foam over flow, so will have to stop the heating process.$LABEL$0 +Two out of three's not bad. Two of the three broke within the first two weeks, only left with the USB data cable.............fast shipping though$LABEL$0 +Republishing older books - a disappointing sales strategy. Frankly, I think Nora Roberts must be raking in enough money for her popular novels without having to resort to the rather sneaky republishing strategies of books touted as "new" - and you buy them only to discover that - gee, golly, gosh - you've read them years ago and had expected something new! Waste of money and disappointment in this author whose novels usually offer a nice little get-away. I'll be more careful in the future of pre-ordering her "new" books! Sorry, Nora, you just went down a few notches on my scale! The one star is for just this -- not the novel itself which, if not among her best, is a pleasant distraction on a rainy day with nothing else to do.$LABEL$0 +I DIDN'T LIKE. THE BEST OF THIS BOOK YOU HAVE ALL READY SEEN, IS THE NICE PICTURE IN THE COVER AND THE AMBISIOS TITLE OF THE BOOK. THE CONTENTS IS NOT TO MUCH IN ACCORDANCE WHITH THE TITLE. IT HAS A COLLECTION OF PROYECTS (NOT ALL OF THEM ARE BAD)TO MAKE SOME MODIFICATIONS TO YOUR CAR, BUT NOT REALLY TO RESTORE. WHEN I ASKED FOR THIS BOOK I DIDN'T READ THE CUSTOMERS REVIEW SECTION, THE NEXT TIME I ASK FOR A BOOK I WILL FIRST READ THIS SECTION.$LABEL$0 +Ms. Reichs: Keep Your Day Job. Ms. Reichs is by profession a pathologist. Please don't give that up. This book has a cast as long as your arm, along with many biker clubs & their affiliates. Apparently Ms. Reichs believes bikers are all druggies or murderers. Not a good one in the bunch. Throw in Kit, her very corny nephew and you have the makings for a not so good novel.The story seems not to be able to stay focused. It begins to wander out of control. There are sub-stories to be had which deter the main story even further. The the novel just is not focused at all. 2/3 of the way through, I found I just didn't care how this thing turned out. Please, send Kit back to Texas, stay away from bikers & their clubs, focus on your profession & give us readers a gentle break$LABEL$0 +Great price. I'm pleased by the packaging and the scent seems to be the original. Great price for that size.I would def buy this again and also recommend to others.$LABEL$1 +I've seen all this before..... This movie is a derivation of everything you've ever seen before.Avatar=Alien (with Sig. Weaver)+Star Wars 1(with blue but less annoying race of Jar Jar Binks)+Harry Potter(flying dragons)+Disney movies (over saturated color and animation)+Top Gun (what's with the US Marine's schtick in all these invade-um movies anyway?)Okay Mr. Cameron, I see that you are getting really good with computer animation....I get it (hence the additional star in the rating).The problem is that I sat there fore 2 hours, THINKING that I was watching computer animation.I'm off to see the Hurt Locker now....atleast there will be a decent story.$LABEL$0 +Great basic primer for an AA. This little book is so helpful to old and new AA's in helping get over those old urges, low self-esteem and more. Some of the material is not covered any where else and is a really good book to use at half-way houses because it allows people to speak their feelings about what is going on with them via the topics covered in the book. From week to week, as people get sober, the subjects in this book allow them to express their progress and to begin to understand the journey that they are on in a very positive way.$LABEL$1 +Perfect!. I bought this for my sister for her first baby and she loves it! I was looking for something with a little of pink in it, as she had a girl, and also something for her small space. She says it fits perfectly into her tiny apartment, and she loves the colors. But most of all, she loves that her baby loves to sleep in it - and she should know, her baby was coliky!$LABEL$1 +Thrilling. Was exciting almost from the get go. Samuel L played his part to the tee,weird, but focused, though out. The Owen brother fit right in, as being innocent. I thought he was simply at the wrong place at the wrong time, but Samuel L saw it differently..$LABEL$1 +Scorched my dog's neck. Please beware when buying this product. Look at the photos in the image gallery of my dog's neck. This product was used exactly under the written directions of the manual. It burned her neck badly. I would never buy this product again. We followed the instructions to the letter and it still burned her neck. Buyer beware!!!!!$LABEL$0 +Piece of Junk. I purchase this item along with my Casio watch, and now I wish I hadn't. It broke on the first try. There is NO INSTRUCTIONS with the item and I am generally good with mechanical things, but Amazon would do well to not purchase this garbage again.PS - Instructions would be nice.$LABEL$0 +Gossip of the Worst Kind. The writer says at the beginning that Bob refused to talk to him for this book so instead he seeks out ex-girlfriends, fired band members, relatives of those Bob supposedly done wrong (e.g. Phil Ochs) and records their mostly negative observations about Bob. If you want to read a lot of rumors and Bob bashing along with a rehash of what has been printed in other biographies.....this Bob's for you!$LABEL$0 +OH, JOY OF JOYS! THIS IS SUPER! :-D :-D :-D. Hi everybody! Oh boy, what a crazy year I had! My daycare in Pennsylvania (!!!) got bulldozed to put up a strip mall, and now I am in the process of starting up a NEW one! :-D I still gots Corey, Sethy and Tony! MY LITTLE ONES!!!! :-DWell me reviewing Kidz Bop Gold. ME AND THE LITTLE TYKEY POOS LOVE IT!!!?!? We doesn't LIKE those awful Beetle Bug guys and those Simon and Garfunkel peeples versions, did you know those artists do... oh gosh... DWUGS??? :-O BUT THATS OKAY! CUZ NOW WE GOTS SOME KIDS AND SOME TALENTLESS HACK SINGING IT!!!!! :-D :-D :-D FUN TO SKIP TO MY LOO TOO!!! HEHE!!!! Who needs those horrible KISS guyses when we have KIDZ BOPPPP!?!?!? BOP TIL YOU DROP!!!I wuz gonna give it five stars, but I signed in, to find all my reviewses were erased somehow! :-O but I know it had to be a mistakey! I mean Amazon would never delete my reviews... right? HAVE A JOYOUS DAY!!! Love Mervie$LABEL$0 +A CONCERNED PARENT. I BOUGHT THIS PRODUCT FOR MY NINE YEAR OLD, WHO IS GONG INTO THE FOURTH GRADE. WHILE SETTING UP THE PROGRAM IN OUR COMPUTER, IT FROZE UP. WE COULD NOT GET THE PROGRAM TO WORK. AFTER ABOUT THIRTY MINUTES, I CALLED TECHNICAL ASSISTANCE. WHEN YOU CALL TECHNICAL ASSISTANCE, YOU GO THROUGH SOME PROMPTS AND THEN YOU'RE TRANSFERED TO THE NEXT AVAILABLE OPERATOR. THE PHONE WILL RING TEN TIMES, THEN YOU'RE PUT ON HOLD FOR ABOUT THIRTY SECONDS BEFORE YOU'RE DISCONNECTED. I THOUGHT MAYBE I HAD A BAD CONNECTION OR SOMETHING, SO I TRIED THREE MORE TIMES - SAME THING HAPPENED EACH TIME! I CALLED CUSTOMER SERVICE AND THEY TRANSFERED ME TO THE SAME NUMBER, WHERE IT ALL HAPPENED AGAIN!! I GUESS I'M STUCK BECAUSE ONCE YOU BREAK THE SEAL ON SOFTWARE YOU CAN'T RETURN IT. I FOUND THE EXPERIENCE VERY UPSETTING AND MY LITTLE GIRL IS NOT HAPPY TO HAVE RECEIVED A GIFT THAT DIDN'T WORK!!$LABEL$0 +Jams, shoots blanks, drives you crazy. It was a nice idea to put the driver right over the staple. Puts the force where you need it, right? Unfortunately, this seems to have turned out to be more of an engineering problem than Arrow realized. I just dropped mine in the trash because I was fed up of spending more time clearing jams and shooting blanks than actually stapling. This is a well-made, clever gadget. Unfortunately, it doesn't work.$LABEL$0 +Hair Remover. I really resent having to travel to the UPS store to return an item that Inever ordered in the first place. Why can't you just ship ONLY the itemsordered? I also would like to know why I'm not getting a full refund of$32.99.$LABEL$0 +Not for the serious!. This book reads as though it was written by the staff from the television show, "The View". Jez...$LABEL$0 +Mastered at the wrong speed. The songs are mastered way faster than the original records were. The girls sound like they had a dose of helium before recording.$LABEL$0 +received wrong item, twice. I ordered backup by StompSoft, because I had one at home.You sent backup by Migo. I notified you. You sent me another shipment of the same thing, backup by Migo. And told me I would be charged for the second shipment, too, if I didn't return the one by some deadline. I am still evaluating the one to see if it will do, or just not do. I get limited access time at the customers site and backups take a long time and have to run off hours. Backups I get but auto scheduling is not yet working.Rich$LABEL$0 +a wonderful entertaining educational little book. diagrams of positions where you KNOW there is a combination, and have to find it. one of the best ways to hone this skill, essential to any chessplayer. this convenient book is great for travel or those moments when no board is available. solve all of them and id say you were at minimum a uscf expert.i am a uscf postal master.$LABEL$1 +Perfect rugged Zippo. Zippo makes a damn durable product, and the black crackle is one of the best. It's very hard to wear off the finish of these lighters and they're pretty much unstoppable.$LABEL$1 +Not an$80 knife set. These knives don't have an edge. They have serrations. They are more suited to cutting rope than a steak.$LABEL$0 +Oozing with atmosphere.. Until recently, "Sphere" was my favorite book. I read it in the mid-90s, when I was a teenager, and was ecstatic when I saw they were making a movie. Sure, the movie's slow as heck, but the atmosphere is extraordinary. I don't know what it is about this movie. I can't say I can watch it over and over, but it is worth watching at least once. Elliot Goldenthal's music is perfect for the film, as well. I couldn't have asked for a better adaptation of one of my favorite books.$LABEL$1 +No style. No message. Not sexy.. The reviewer who said this is a collection of puzzle pieces, or Polaroids, was half right. Not many (if any) of these photos would be considered stylish, quality, or sexy if done by anyone. Cramped into this format, poorly cropped, you spend more time looking at the fold between pages and wondering what the photo might have been. Coming from Rankin, given the price, it looks like he was late on a rent payment and threw this together quickly over a weekend. The models are unattractive, to the extent you can make them out, and the photographs present them in an even-more-unflattering light. The shots of the empty sofa actually had more going for them than the shots of the models.$LABEL$0 +Top 100 novels? Seriously?. I read one novel by John Le Carre before: Our Kind of Traitor, which was terribly disappointing. Th Spy, on the other hand, has been included in the list of top 100 novels of the century by Time. I picked it up.The beginning of the novel is gripping, the plot develops unpredictably. However, from the middle of the book it just deteriorates into cliches, "good British spies against bad communists". I wish the author spent time studying East German justice system, to at least get the terminology right. It's a spoiler, but at the end of the novel the German intelloigence officer walks into a prison full of political detainees, opens the door with his own keys and lets the character - detained by the communist state - out into the street, where another escapee is waiting for her...Thhis novel is good to read in the dentist's waiting room. Top 100? No way.$LABEL$0 +DO NOT BUY THIS UNIT. WARRNING.... Do not buy this unit. I have ahd to send it back to JVC three times and they still won't send me a new one. The VCR tapes won't come out when you push eject. JVC service people won't refund shipping charges even when the unit is broken. I am out over 100.00 in shipping too. Don't buy anything JVC. BAD SERVICE.$LABEL$0 +Would give zero stars if I could!!. We have a 70lb lab mix and were desperately looking for something that he couldnt destroy within minutes. We thought, given the size of this bone and the fact that it is advertised as a real cow bone that he would have a more difficult time. We quickly found that this bone had a soft spot which allowed him to get several larger pieces off of it. Within 5 minutes it was unusable as we found that both knuckle ends had the same kind of soft spot which allowed him to gnaw deeply into the bone. After ingesting a few pieces he had loose stools for the next 24 hours. The smell of the bone is also very repulsive. We definitely DO NOT recommend this bone under any circumstances.$LABEL$0 +Cute show. I purchased this DVD set for my 9 year old daughter and I to watch together. I watched it when I was her age and fell in love with the show. I'm glad it is now on DVD for us to both enjoy, but the quality of the DVD is not great. It just seems like it could have remastered better. The volume on the TV has to be turned up really high to hear it. However, it's not so bad that you can't watch it, and I would still recommend it, as it's a very wholesome show (unlike the shows nowadays).$LABEL$1 +Pure Beauty. Definitely in my top ten movies, Amelie has the perfect combination of pure hilarity and beautiful romance (not the sappy kind). Following the beautiful Amelie around her touching spouts of good will and wicked little fun makes you feel supremley happy. I highly recommend this film to anyone, especially those who need a quick cheer up.$LABEL$1 +Great. This is a very good book, I recive it late it took around 15 days to come as I remember), but it is a great book.$LABEL$1 +Buyers Beware !!!. First the positive. John Brown's commentary on First Peter is a classic and should be a part of every Christian's library if they are serious about studying the bible. For the commentary in and of itself, I give a 5-star review.Why the negative? Because the ad as given is only for half of the commentary set!! Brown's commentary was originally published in three volumes. Sovereign Grace Publishers re-published this in a two volume set (volume one containing the original volume 1 and half of volume 2, and volume two containing the original volume's rest of volume 2 and volume 3). Therefore when purchasing this book, you are only getting half of the full original commentary set! That's a pretty hefty price for half a commentary.$LABEL$0 +Hairmetal done right. Twisted Sister is one of the very few hairmetal bands that have talent and arent cliche. Everyone thinks that just because Bon Jovi, Warrant, and Poison sucks that so will TS...WRONG! TS is a decent band to say the least, and Dee Snider will murder Bon Jovi with his pinky! Everyones heard 'We're not Gonna Take it' and 'I wanna Rock!' before, but those arent TS's only good songs. Anyway, the instrumental section of Sister is good as well and makes Bon Jovi look like road kill (well, they are road kill). This is good hairmetal, so get TS, Van Halens 1984, and something by Motley Crue where Vince Niel isn't there (I hate Vince Niel...).$LABEL$1 +Emergency Undelete DOES NOT WORK!. Bookmstr's review is totally on the mark, except in my case it didn't find ANY files. Other programs at least saw all of my accidentally deleted files. This program showed me nothing. I even deleted a file and immediately tested it and it wouldn't find the file.$LABEL$0 +do yourself a favor and read the book!. this movie was horrible. it did the book no justice at all. it's supposed to depict the future and yet it was made in the sixties which is obvious and makes it feel like something from the past. some parts are right on but too many are different from the book. read the book because there are some parts and feelings/ideas that you will miss out on by just watching this terrible movie. if you have read the book, don't make the same mistake as me and watch this movie! it will ruin the book for you!$LABEL$0 +Pretty colors. I got this for my boyfriend since he is born in the year of the rabbit. I have mine, the monkey. Which I think looks a little more "traditional" then it's fellow friend the rabbit. Still a great collectable.$LABEL$1 +Deceptive pictures, mediocre comforter. My experience was similar to that of the first poster. The material is much rougher, and different in texture and color, from that of the pic. The inside of the comforter feels like burlap. The whole ensemble seems cheaply made, particularly the pillow covers. The bed skirt is a solid gold color. Despite the Amazon 'discount' I feel I could have gotten a better set for a similar price from my local stores, it's about equivalent to a $30 set. Instead of paying return shipping i'll keep it, but beware purchasing bedding from Amazon!Sadly, this is my first negative experience with Amazon, despite the fact that I order from here often. From now on I will stick to books.$LABEL$0 +Oxo Cookie Scoop. Very good quality and value for price. Worked fine for making uniform cookies as well as meat balls.$LABEL$0 +A realistic workout. This is the best prenatal workout I've found so far. There are great tips/explanations about how working out while pregnant is different. Best of all there is a pause for a pee break! Talk about catered to a pregnant woman!$LABEL$1 +I deleted this one. I didnt like this versrion was very helpful in my study so i have deleted it fom my kindle fire.$LABEL$0 +Very Happy with purchase.. The item was the same as what it was described as. Great value for the money with the Special Edition!$LABEL$1 +ANN COULTER: INSANE OR MORONIC?. Ann Coulter pulls out all the stops with this tome - part love letter to Joe McCarthy, part anti-Commie scream. Readers will find it hard to believe that Ms. Coulter has been outside her bunker for the last 25 years, her view of the world is so, so "duck 'n' cover." She rants at liberals with such unrelenting, name-calling shrillness it is almost kitschy, but sadly lacks the charm of other 1950's artifacts. Treason is also enormously error laden.$LABEL$0 +Awesome. I've owned the vinyl version of this for years. 4 amazing tunes; each starts with a melodic intro for a few rounds then launches into an incredible free-form trip, spilling over into atonal bombastity--but these ain't no amateur noisemakers. Hear Clarke and Hancock at their best--supporting roles with no pressure to live up to early solo album expectations. As out there as each tune gets, each musician always maintains a sense of where they are in the song, how their playing relates to what the other guys are doing, and they manage to bring everything back down to earth for the outro. If you are a fan of any of these players, or just free-form jazz in general, you need this album!$LABEL$1 +PLEASE BE AWARE OF ALL INGREDIENTS. I have both heard and read that this product can be helpful for many things, and I was very hopeful that this product would be able to help with my pain management, but actually ended up harming more then helping. Unfortunately the other ingredients in this product happened to be what I am allergic to. So i honestly cannot give this an honest rating because it did not help my situation. I will say PLEASE BE AWARE OF ALL INGREDIENTS when purchasing natural products. I am a firm believer that natural is the way to go, but only when fully researched.$LABEL$0 +Nice music from years back!. I enjoy listening to music in my car. I often listen to this CD. It brings back memories. It's a very good quality recording that sounds good.$LABEL$1 +WORTH WATCHING!!!. This movie has its highs and low points.I must agree with the description, of one of the most horrific, bludgening, quenching scenes in cinematic history. Which is one of its few highlights.THE GOODthe premise alone, is not new, but I like where it was headed.storyline stayed on point and never deterred.clear understanding of the concept the director was trying to portray.THE BADfilm quality- mixed reaction on this one, b/c the quality (whenever the entire frame wasn't pitch black, was of good quality)too much dark/black out frames/scenes with only audio.THE UGLYn/aCONCLUSIONITS WORTH A BUY, the reason(s) I would recommendthe behind the scenes, making of, commentary bonuses lays much needed insight, for reasoning.the ending- a twist, that wasn't detectible. The ending was let down, but the scene prior to the ending, was remarkable (in order to clear things that occured in the beginning)1 of the finest Direct to DVD films.$LABEL$1 +Skip This One. The 1 star says it all. This video is only of interest to fans who like his raw un-westernized music. This DVD did nothing for me.$LABEL$0 +Wonderful!. She has put my feelings into words...my conversations into lyrics. My favorite song is Loyalty. Depressed after listening? No, on the contrary...felt as if someone indeed had walked a mile or two in my shoes...and had the talent and the guts to put those miles to music.$LABEL$1 +funny, funny man.... I have seen this man twice in person, and will see him again next time he is in town. Fluffy is so funny...Everyone that has seen this DVD that I know thoroughly enjoyed it. I recommend it if you want to entertain visitors to your home, or just want to laugh out loud!!!$LABEL$1 +This book has been my "Bible" to Life.. I first read this book in 1978. A friend of mine recomended it to me. I was going through a very difficult period. I remember when I opened the first page, I was sitting by a stream near the apartments where I lived, feeling very sad and as I started reading it, I could feel a spirit near me and it was comforting. When I finally finished this book, I decided that this book would be my Bible to life. I have given this book to several "very close" friends and have recommened it to others. I now need a copy for me since I gave my own copy away. This book will remain on my selves until I leave this earth.$LABEL$1 +Comments to the product. The Frei reportage is highly intensive, comparison between action and the Nachtwey photos is interesting. For 20 dollars plus mail expense I missed, however, a still photogallery!$LABEL$1 +Well done Gerber. This is a nice combo. With the sheath it fits you like a tomahawk with the light and durable handle, minus the pike of course. It does have a hammer end opposite the blade. Comes presharpened and the saw fits snug in the handle with an additional clamp to ensure secureness. both pieces have rubberized coating on the grip. 3 tools in one. This is going to replace my hatchet in my backpack.$LABEL$1 +Oh my, what a singer!. What a terrible tragedy that such a talented singer was taken by cancer at such a young age. The music she made was heart breakingly beautiful. I have only just discovered Eva Cassidy, but I already know her Songbird CD would have to be included in my list of Desert Island Discs. Wonderful, wonderful music...sometimes delicate and soothing and sometimes powerful and moving, Eva had it all. One song on the CD has even joined my special category of a "Perfect Song" (Songbird)--and that is a rare honor indeed. :)$LABEL$1 +The Cure for All Diseases. Don't waste your money. No human can possibly have any kind of a life and live like this woman wants you to...perhaps if you live in a plastic bubble...no wait, I'm sure she wouldn't want you exposed to plastic...make that a glass bubble. Maybe her ideas work..I don't know because I have to work and to live like this would take all day. If your life is totally unbearable you could try this I guess.$LABEL$0 +Punked electronica. Frankly, was quite disappointed with what they have put in the soundtrack. Of course, it IS OST but I would rather have there dialogues from the movie. Unless you're really suicidal, I wouldn't recommend it.$LABEL$0 +Battery cover is very poor quality. only had this battery on for one day, the battery itself seemed to last a little longer, but the extended cover comes off very easily, without pressing the release button. It is a very cheap plastic, poorly made cover. I will have to spend extra $$$ for a better cover.$LABEL$0 +Cutesy but not worth the time. For the record, I do love Catherine Zeta-Jones, George Clooney and Billy Bob Thornton...but this movie was a bore. I watched the first 20 minutes of it and I decided that I would rather sleep. Later on I sat through the entire movie and decided that I was happy with the sleeping option I had chosen the night before. It does have some witty lines in it, although NOTHING in the film had me in rolling on the floor laughing. Wait till it comes on TV. Don't bother to buy it or rent it.$LABEL$0 +After 4-5 wearings, the belt started to separate (the black side from the brown side). After 4-5 wearings, the belt started to separate (the black side from the brown side. SAVE YOUR MONEY - DON'T BUY IT!$LABEL$0 +�I Am Not Amused�. Watching The Gold Rush, I understand why Chaplin had trouble achieving a breakthrough in Britain. The humour in the film is very unsophisticated, at times even ridiculous. Chaplin has had 4 or 5 ideas for 'funny' situations, and has then tried to link them together to a film. A few of the situations are a bit funny, but the film as a whole is not funny at all.$LABEL$0 +Burned By Skillet. We bought this skillet while on vacation,what a mistake,I agree with everyone else who gave this thing negative responses. The coating started to peel off after a couple of uses. I wish I could take it back to the store but we were in another state when we bought it. We plan on calling the company and complain but I don't expect much success. DO NOT BUY THIS SKILLET !!!!!$LABEL$0 +THE BOY IN THE GIRL'S BATHROOM. I liked this book it was good and awsome. I would all was read this book because when the boy was mad he would shout at peole like his friend. When I mad I shout at my friends.$LABEL$0 +Buy this album!. I met Alpin in 2005 when he came to my small hometown in Griffin, GA. Immediately I knew there was something different not only about his personality but in his music. I have been playing piano for years and had heard many professional musicians throughout my life. I have heard some pianists that have really moved me emotionally - but none like this young man. That night, Alpin became a friend to me and a kindred musical spirit. If you have not listened to Alpin's music, then I strongly encourage you to listen for yourself. Every time I listen to his album, I am overwhelmed with the purity of the sound and yet the passion that enriches every tone.Alpin, wherever you are right now, I just want you to know that Richard and I think about you all the time and we cannot wait until you make a tour back to Georgia so that we can hear you and see you again.$LABEL$1 +Simple and effective, superb. I purchased this book when my game was at it's absolute worst. I was trying anything and everything (playing multiple times a week, lessons from pros, video recording my swing, etc), and had dug myself into a "paralysis-by-analysis" situation. I took the winter off, and this spring I re-read only one book I had purchased, Ben Hogans. I stuck with his principles and didn't concentrate on any of the other "methods" from other books/instructors. And wow. I'm playing with confidence, and surprising myself on how consistent I can be. Mr Hogan's lessons are easy to follow on the course, and do not require too many swing thoughts clouding your brain. It becomes automatic, and makes the game more enjoyable.$LABEL$1 +Great buy for the price. I was very pleased with the product for the price I paid. It was easy to use and the picture quality was good for my use. Granted, I'm sure there are better products with better quality, but if you are looking for something affordable this is a great buy.$LABEL$1 +One of the best CD's I've ever bought. One of the few cds that I can play all the way through without skipping tracks. Although it is a little softer than their earlier stuff, this cd is definately worth the money. Some of the best songs on the album are "Fade" and "Pressure". "Epiphany" is a REALLY kick @$$ song. "Outside" isn't quite as good as the live version feat Fred Durst from the Family Values tour, but it's still a great song. And last but not least, "It's Been Awhile".$LABEL$1 +this adapter sucks!!. Really.I've got nothing against Sony (I've got a lot of great Sony gear), but this is a really bad cd adapter compared with other CHEAPER ones.I've got a Sony discman, but with this adapter for my car radio, everything sounds so compressed.It cuts all low frequencies that I can hear with other adapters, and the high response is too hifi.$LABEL$0 +Come On Beyonce!. Beyonce used to be in a great group called Destiny's Child. And she threw it out the window. Yes, Hilary Duff did that too. But there both stupid. When you have friends, you should keep them, and not throw them out the window. Well, enough about that, let's get back to the reviewing.crazy in love 5/5naughty girl 2/5baby boy 5/5 besthop hop star 1/5 worstbe with you 4/5me myself and i 4/5yes 3/5signs 4/5speechless 3/5that's how you like it 4/5the closer i get to you 4/5dangerously in love 5/5beyonce interlude 1/5 (bad interlude)gift from virgo 2/5daddy 3/5overall 2/5My recommendation is either burn it, or don't buy it and watch it go down the billboard charts.ListenersVery Strong VoiceYoure Cool Friends Might Have ItReturnersWay Too Slow SongsNot Any Good Songs (baby boy and crazy in love are actually pretty good)So take my advice or read others because it's the same review.I hope this helped.$LABEL$0 +The best system out there. Well I searched alot for the best, and I bought the Peg-Perego but it was the worst! I had to exchange it three times. So finally I saw the reviews on the Chicco Cortina, and decided to go with it. Well all the reviews were right on, this is the best system. It is easy to use, and very nice. I dropped some juice on it and it cleaned right up! How NICE.... And EASE! wow, the stroller really can be closed with one hand. The infant seat is very lightweight, and the stroller with the adjustable handle... I just cant say enough, I just wish I had purchased this one first and never had to experience the other one.The Chicco Cortina is hands down the best system out there.$LABEL$1 +Justin Warfield is the bomb. From Ivy league west coast liberal tree hugging rapping B-baller to flowing prose on Bomb the Bass to goth-punk retro revivalist, Justin Warfield has covered multiple genres with varying success. My guess is it's a one off for them.Anyway, what do I think of the album? I think if you can get past your pretensions and just see the album on simply its merits, you would see far less 1 star reviews. As a fan of Justin's sparse catalog, I found it odd for him to choose this genre. However, I still enjoy listening to it and tried to explain to my friends the other day that the band should have been called the 'Peter Murphies' or something like that. It doesn't mean it isnt good music. It means that I appreciate it on the level with better groups in this genre.It is repetitive. It is dreary. But, best of all its heavy and I crank it and can almost imagine I'm out at the Kingfish again with the subs thumping under my feet.$LABEL$1 +Gah! Bring back Buffy!. I finally caved and watched this movie to try to understand it's prominence in pop-culture.13 year old girls are entitled to neurotic fantasies--they're 13!--and this movie seems to hit every bad news, sublimated, masochistic, narcissistic beat. This movie is an understandable craze for tween girls thoroughly f****d up by puberty and culture . . . The fact that this movie has such a large 'adult' female audience is REALLY disturbing. I think even less of some of my co-workers than I did before.Me? I'm a 43 year old woman and I'll stick with Buffy reruns for my vampire entertainment, thanks just the same.$LABEL$0 +another industrial-metal hellsphere from A. Grossman & Co.. The third release from the man who brought you 1992's industrial-metal masterpiece, "Burning In Water, Drowning In Flame", this album is a must for the fans. The guitar is a bit overdosed this time around, but it has some of the coolest backing electronics I have ever heard (ex. the electro back build in "Black Eye"). The vocals are also much less distorted than on previous releases, but lyrically just as twisted, and the drums just thunder and devastate. Basically, a good apocalyptic onslaught of brutal electro-metal. If you're into Ministry, Godflesh, KMFDM, Chainsaws.And.Children, Rammstein, Static-X, etc etc...this is a definite record to invest in.$LABEL$1 +The best bars by far!. These taste so good , you are almost thinking this is a candy bar instead of a protein bar. I prefer the balance bar gold to their other types.$LABEL$1 +Great little camera!. We already had a Canon Rebel Digital but wanted something smaller to use for just fun stuff. This camera is perfect.$LABEL$1 +what junk. I write under very special conditions. I was using a palm with a keyboard, but I found it not to be powerful enough. A laptop was too heavy, the battery life was miserable, and it took forever to turn on. I found a jornada on Ebay. It is a piece of junk! They get constant memory losses, and it took a week for the screen to fall right off its hinges. I got another and it was wiped with the most crucial information of my life. Like you I read negative revues and gave it the benefit of the doubt(after all I love all electronics), but heed my warning STAND CLEAR.$LABEL$0 +Best BBC, even better than Pride and Prejudice. Seeing and owning this has placed the BBC production of Pride and Prejudice to my no. 2 slot and I never thought than anything could surpass it. I love it and after seeing another person's copy of it, I had to own my own. I will watch this time after time and never tire of the image, the music and love story and the story of how the industrial revolution affected lives of common people who worked at the mills.It's truly a story of tragedy, love and triumph. Well well done.$LABEL$1 +What Garden?. I bought this for my Drinkwell Platinum which I and my cats love. However nothing green grew from the seed pod, just some white stringy things. Next time I'm not going to waste my time. I will buy $0.10 worth of barley grass and a little potting soil and grow my catgrass (barley grass) the right way. No fault of Amazon as a reseller but Drinkwell really needs to improve these or quit selling junk.$LABEL$0 +Broke !. When I tried to open the tube to put the battery in, the clips that keep it together broke. Now every time I use it, I have to re- duct tape it together.Otherwise, it would have been a good light.$LABEL$0 +Grisham's Best. I've read a number of Grisham's works, and The Testament is his deepest, from a spiritual standpoint, and clearly his best. Highly recommended!$LABEL$1 +very user unfriendly. I would not recomend this product to anyone.There is no way that a person that has limited time available could expect to gain any thing from this product.I honestly believe that I have not gained a single word to my spanish vocabulary from what I knew going in to this program$LABEL$0 +Disappointed. Description indicates this is a color edition which I have been looking for. The picture on the front of the box is in color but the DVD is in B/W$LABEL$0 +This games is a blast!. We love this game. It's a new spin on an old dice game. We especially like the "spicy" version. Don't let the name fool you. It's not just for adults. Kids will love it.$LABEL$1 +Not hot enough. This unit is not worth the extra money. With the removable plates it lost the heat transfer to the meat and just does not get hot enough. I used a simple Foreman grill before [not removable plates] but this one does just not measure up$LABEL$0 +Levi's 518 Junors' superlow boot cut jean, railer, 3 long. these jeans were a gift for my granddoughter she liked them very much. I would recomend these Levi's 518 junior jeans for any one that can wear this fit, they looked good on my granddoughter. I would buy them again, for her.$LABEL$1 +WHY WOULD THEY DO THIS?. This movie is nothing but soft-core porn. That is the problem with Gay & Lesbian movies: They are overflowing with SEX. I am a gay man that owns HUNDREDS of movies, but have only TWO gay-themed movies in my collection. Why? Because they are usually filled with a huge amount of sex and rediculous amounts of nudity. This is why people are so hateful and fearful of the gay community. because we represent ourselves in this way. WHY WOULD THEY DO THIS?$LABEL$0 +sadly disappointed. This is the second Coby I have owned. I bought the first one a year ago. It lasted about 6 months and then died on me. It said wrong disc. I had the 2 year warranty and so I got another one. This last one didn't even last 1 month before it started saying wrong disc. I really like the dvd player when it is working. I am very sad that it quit. I am not sure which one I am going to get to replace it, but I sure hope it works longer then this one. If you do decide to buy this one definately get the 2 year replacement package!!$LABEL$0 +DO NOT USE THIS AS ONLY SOURCE TO PASS TEST!. Just to confirm what many have already said:I used this book as a single source to take the test. I am NOT a beginner with computers. I failed the test -- TWICE.$LABEL$0 +great xmas gift. bought this for my mother-in-law..she had blender but through years lost small bowl, never taught she could find another. And it was very reasonably priced$LABEL$1 +Digital copy is not HD. Great movie but about this BlueRay combo I just can say disappointing. To download the movie you need a DVD drive in your computer/mac and then what you get is just the low resolution version of the movie. Again, not worth it.$LABEL$0 +5 stars if Sony mentions S-video in minidv specification. To the previous poster, the manual tells you what is accepted and what is not.$LABEL$1 +Great concept, Just not good enough. I bought this for my daughter's room because she didnt' have a phone jack and I thought it clevor to have a wireless one since kids change their rooms around all the time. We were pretty excited about the concept, however, it doesn't work well at all. It's a bunch of static. Can hear the other person, but definitely something wrong with the Jack. I wouldn't recommend it nor spend that much on it. We didn't return it because what a hassle to return and pay for shipping again and my daughter was just excited to have the phone working.$LABEL$0 +Didn't work. To be fair, I got this used. A new one may be fine, but the used one only flashed on the lights and then did nothing. I wasn't sure if the problem was the unit or the connection to the cable company. The device came with no information, so I had to download a manual and finally figured out that if the power button didn't stay on, it was malfunctioning. I returned it.$LABEL$0 +The music is good, the vocals are not. After buying The Rising In The East dvd I just thought that Halford had lost it. His vocals and constant staring into a teleprompter are terrible. After watching Live Vengeance I now realize that Halford is just a terrible singer live. His vocals are unlistenable here. He's way out of key and hits so many wrong notes it's embarrassing. Oh well, I'll just stick to the studio albums where I guess they can fix the vocals.$LABEL$0 +Great Product. I am very satisfied with this product. I have seen other Nintendo Cases and this case is by far the best deal. It is compact but yet has plenty of room to store the system and the games and extras needed. It is very durable. I would recommend this product to many others. It does come in different colors. I also saw this product at a gamming store but the price here was the same well like $2.00 cheaper I didn't have to pay tax on it like in the store and the shipping was free and fast.$LABEL$1 +longer version. this book is packed with info.. it's the longer version of "a brief history" and how your prof. has so much info..that's not showing up in your shorter text (if you're getting the brief version) it has a lot of pics..and maps..and is easy to read.. very informative ..text book$LABEL$1 +Great Idea but it doesn't work. Mounted my IDE drive in the case. Yes it is tight but everything fits. Followed all directions but neither Win XP nor Win 7 64bit could recognize this drive. Have sent several emails to the company support and they have answered them all. But they were no help because it still doesn't work and their only answer is " It should". I am not a novice at this and have been building computers for many years but this unit has me stymied. I would send it back but I would have more in shipping than the unit costs.2/9/11 Revision.According to the manual you should set drive jumpers to "master". Well this wasn't working so I removed the "master" jumper and suddenly the drive works as it should. I now give five stars for the NexStar unit but only one star to tech support for not suggesting this.$LABEL$0 +Does not work. I replaced a feeder that after 10 years stopped working. Food did not flow out anymore. This has not worked once since i got it. Food gets stuck and i have to shake itfor food to come out.$LABEL$0 +Armageddon's Children. i am very satisfied with the book "Armageddon's Children "by Terry Brooks.I follow his bookswas deliverd swiftly and as promised.$LABEL$1 +I don't recommend it. I love Cris Connor's voice and style, but in this CD these qualities just aren't there. She sounded old! I blame myself for not having listened to more of the samples, and reading carefully the "liner notes."$LABEL$0 +Wonderful!!. Anne Stuart is my favorite author and the hero's she writes about are the best. She did not disappoint me with her latest PRINCE OF MAGIC. This is a wonderful book and truly enjoyable, with plenty of dark undertones. A beautiful romance, a great secondary romance, and two deliciously evil people. It also come equiped with two ghost, former monks Brother Paul and Brother Septimus. A wondufully tortured hero and a free spirited you woman. Write more stories like this one Ms. Stuart!!$LABEL$1 +Authors should be sued. I bought the book, read it, and thought it mightwork for me. I was at about 270 - 275 lbs for quitea few years. That was in 1999. By 01/01/00 I hit300 lbs. That was the straw that broke my back.My doctor was complaining about heart palpatations,High cholesterol and High Tri-glicerides. I knewsomething had to change.I did an internet search on Triglicerides, and foundthe Atkins diet. I bought two or three of his books.By 01/01/01 (a year later), I dropped 60 lbs. My doctorwas thrilled with the weight loss but didn't care for thehigher cholesterol. I weened myself off of the Atkins(then I was 205), and the blood stats couldn't be better.Not to mention he took me off of my high blood pressuremeds! That doesn't happen too often :).$LABEL$0 +Classic. John Carpenter's Halloween tells the story of an escaped mental patient Michael Myers(Nick Castle)Michael was locked up for 15 years after he killed his sister.Dr.Loomis(Donald Pleasence) is on a frantic search for michael, Loomis knows Michael will return home to kill.Laurie Strode(Jamie Lee Curtis) a shy teenager is being stalked unknowingly by Michael.As the night goes on Michael kills her friends till it comes down to Laurie and Michael.The Screenplay was done by John Carpenter and Debra Hill.Great script one of the best of the genre.And John Carpenter directing was top notch. He creates the perfect mood and will make you feel trapped just like the characters.Donald Pleasence and Jamie Lee were awesome in their roles.And the score by John Carpenter was very chillingThe Halloween DVD is loaded with must see extras$LABEL$1 +CAREFUL. Usually I use water base Min Wax Urethane, still not sure why I got this. Recommended by salesperson? I don't know BUT IT WAS A BIG MISTAKE!!! I applied this to a new b/r vanity carcass and doors/ drawer fronts on Wednesday, today is Friday and it is still tacky to touch!! I have resorted to putting the doors and drawers out in the sun hoping the UV will help, inside I am using a heater + fan to try n force dry it If I can finally get this dry enough to sand I will complete the job with Min Wax, if it doesn't dry then I guess I will have to strip it down. SHAME ON YOU VARATHANE! ! ! !$LABEL$0 +Sleeping with Dan.... A while ago I was given Dan Chadburn's CD, Solo Piano as a gift and had set it aside until recently. While I was down with the flu, I went looking for some soothing music to help me sleep. I found Mr. Chadburn's CD and thought it sounded like a perfect choice - and It was! It not only quickly ushered me into peaceful dreams but (having my player set on continuous play) was there to welcome me awake with inspiration, energy and HEALTH! I'm no Doctor, but I figured if sleeping with Dan Chadburn helped me get well, what would living with him do for me? Ok, I'm being silly here...but I really am a HUGE fan now! Playing his Solo Piano while I work, play, and LIVE has really been amazing -- his music speaks the perfect language of inspiration and peace to my soul. Please, don't take my word for it... Let your soul decide -- Enjoy!$LABEL$1 +A Bit Disappointing. I saw an ad for this book in a magazine. The ad was written well enough to get me to bite. However once I bought and read the book, I felt rather disappointed. Not every chapter is written by Dan. Some parts of the book felt like advertisements themselves. It is not like I did not learn anything from this book. But if I had it to do over, I would have skipped it.$LABEL$0 +Frist Look at a New Author with Great Potential. The stories are rivting with the best character development I have ever seen in a short story. I look forward to reading future works by this author.$LABEL$1 +Incredible monotony. I bought this album on the strength of reviews I'd read, without ever having heard a note of Coyote Oldman's music. Big mistake. This is the kind of "ambient" music where one sustained note makes up a whole track. I listened to it all the way through and asked myself, "HUH? So where's the music?" This album may be good noise to cure insomnia or to produce a meditative stupor, but I'm appalled that anyone considers it to be music. I guess anything that comes out of a musical instrument can be called "music" if you're seriously determined to find favor with the products of primitive cultures. Equal rights for the musically disabled? Do yourself a favor and listen to a Coyote Oldman album BEFORE you buy one.$LABEL$0 +Did not last. Probably ok for minimal clean up, but not really a "body" trimmer. Did replace with Phillips which was made for men's bodies. Got nicked in a sensitive area -- ouch.$LABEL$0 +Civ Pro's Bosom Buddy = Joseph Glannan. If you're taking Civ Pro, then you need this book. And that is all that needs to be said.$LABEL$1 +Started Out Good and then Fizzled. This book kept my attention for the first two chapters (15 pages). After that, it went downhill fast. There just didn't seem to be any new and exciting ideas that sprung out of this book. In fact, everything this book suggested I had either already tried without success or were so tacky that I wouldn't try them. Bottom line, don't waste your time.$LABEL$0 +This is Kitaro!. Silk Road 2 is a beautiful piece of music, and again Kitaro shows himself to be a master in painting a picture with music. The ten pieces on this disk are exquisitely done and can, if you let them, transport you to another place and time. This is an excellent sequel to Silk Road 1, and I highly recommend it.$LABEL$1 +JUNK!. Don't bother!! The screws never tightened down into the table saw groove. The product is useless. Just sorry that I wasn't smart enough to send it right back when I got it. Live and learn$LABEL$0 +Dangerous Grains review. Good only for those with gluten sensitivity. Not necessary for those who just want to be gluten free due to no medical problems. Very technical with no recipes and no daily food plan.$LABEL$0 +Will not pick up digital cable. While the specs indicate it can receive digital cable, it does not. This is the 800e model - it picks up HD digital TV over the antenna, but can only receive analog cable through the coax input cable. Since most cable providers are going digital, very few analog stations will be accessible through cable with this device. Unfortunately, it is a product whose time has passed. If all you need is to pick up the over-the-air HD signals, then this product should work fine for you. If you need to receive digital channels through your cable, you will need the 801e model. Be forewarned though - Windows Media Center only receives analog channels. You will have to upgrade to Windows 7 for Media Center to be updated to pick up digital cable channels.$LABEL$0 +Great movie. My kids saw the other version of this movie with Kathy Bates. They loved that movie... and they love this version!Great family movie.$LABEL$1 +AMAZON STILL TREAT ME GOOD.... ...Haven't had a bad run-in w/ a supplier or amazon! Keep up the Good Work$LABEL$1 +Nicely Produced Second Album. Hands is deep and wide, with selections both personal and political. She offers a few older songs and covers ('Hands', 'Bread and Roses', Bev Grant's 'We Were There'), some more recent originals, all well-produced with guest artists Tom Prasada-Rao and Abby Newton (among others) layering in piano, cello, percussion, and other harmonies. A cover of Phil Ochs' Hands opens the record followed by twelve more songs of labor, unity, identity, activism, and awareness. Also, Pat includes liner notes giving further accessibility to the music. If you have her first album, this won't disappoint.$LABEL$1 +DADs NO HELP HERE. To be honest, I didn't read the entire book since it was so general. I was hoping for a more personal view of the author's experiences but there weren't many. This book was a total compilation of other's views. I am tired of reading books on children. I don't want multiple references for multiple issues. I was hoping this was a dad who had real experiences to share with other dads. Unfortunately, this is another author trying to sell books. Do yourself a favor and buy 'What to Expect, The Toddler's Years' by Arlene Eisenburg. This is a reference we trust.$LABEL$0 +OMG Its about time!. My boys have been wanting the Oddessey on dvd forever, and its only been found on old VHS. Why the wait for dvd?$LABEL$1 +Wha?. HOW ON EARTH do they think a package of corn muffin mix that sells for under two dollars in Kansas, USA is worth fourteen dollars?! What a ripoff! The muffin mix is good, and I'd give it 4 stars, but NOT at that price.$LABEL$0 +Neat idea, poor engineering.. This filter does not prime itself without a lot of help from you. Lots of air gets trapped in the intake tube and is a real headache to clear this and get any kind of water flowthrough the filter. The bio-wheel does not spin very easily and needs a lot of water to spin it, which this filter fails to provide. So the wheel usually just sits there. I've owned larger versions of this filter in the past, and had the same problems. They require a ton of fiddling-with after a water change, power outage, etc to get them going correctly. Buy a different brand and be happier.$LABEL$0 +LOVE THIS MOVIE!!. I recieved this about two months ago and my 4 year old daughter still wants to watch it everday! This is my all time favortie movie and now its hers to :) not to mention its great quality, one of my favorite purchases$LABEL$1 +THE BEST AND HEAVIEST BOOK I EVER READ!!. A GREAT READ, A MUST READ, A DIFFICULT READ. I HAD TO PUT THE BOOK down 3 TIMES ON MY COMMUTE WITH TEARS IN MY EYES. This book will give me some of strongest and most lasting memories, and I have read a lot on the holocaust. This time you can really feel for the characters and their plight. Mila 18 can make you hate and runs the gammet on emotions.It is important and we have all heard it before that we never forget, so that we never repeat. But history repeates itself over and over again. similar situations are going on in 1999, just not as obvious.AS THE NEW YORK TIMES SAYS ON THE BACK COVER "A VERY IMPORTANT BOOK."$LABEL$1 +Unbelievable sound. Wow!!! These speakers r amazing - can hear sounds in music that never heard before. Its top rated but u have to know how to add 12 volt transformer to make it work at home! Beautiful clear audio best ever and batteries last long time too. I can not stress enough how stunning sound is! You will appreciate sense of hearing and music on a new level!$LABEL$1 +Caution!. Unfortunately, this collection of songs is sung by The Pioneer Creek Gang, not the original artists. This was not clear in the Amazon information about these CDs. I thought the PCG was the producer or group that put this collection of songs together. The only positive thing about the collection is the humor in how awful the songs sound - however, that humor quickly fades when you realize that you've wasted [your money] Skip this one and go for the real thing. I thought [the price] sounded too good to be true for 2 CDs and all these great songs - and it was!$LABEL$0 +One of the best books ever written!. That may be slight hyperbole. Reading Stuart makes me start talking like Stuart. I think I may _be_ Stuart! This book works both as comedy and, well I'm not sure Al planned for this... as therapy too. I've actually found some strength from both the book and the movie. I'm not kidding. You'll find yourself laughing out loud in public (well, that is, if you read it in public) _and_ walking away feeling better about yourself. I'm not kidding.$LABEL$1 +Polaris pump. It was the same pump I had and installation was very quick because it hooked up the same. it is much quieter and seemed to be more efficient than the old one. Received it in just a couple of days, much quicker than the expected date.$LABEL$1 +Fascinating read. A wonderful tale of human survival. A great book club read...so much to discuss. I felt like I was in the middle of the ocean with P$LABEL$1 +OKAY. I think the book was okay. But I am only ten so I do not like to read 1st grade books! So kids who like Easy Readers I encourage you to read the adventurist book called Paris Cat!$LABEL$0 +An epic American classic.. I can see why some may consider this book to be a jab at capitalism. It definitely doesn't hold back when it comes to demonizing banks and business. If you can set that aside (which I think most people can), this novel is truly one of the greatest American tales of all time. It would take a cold-heart person to not be moved by the story of the Joad family. My favorite Steinbeck was always Of Mice and Men, but THe Grapes of Wrath easily took its place the from the second I finished it. You must read this amazingly well-written novel.$LABEL$1 +Not what I wanted for my first Smart Phone. I have had the Q for about 6 months. The day I brought it home I could not get it to charge, I took it back and they said it was user error. The third time I took it in they finally replaced the battery and gave me a new charger. The battery display still reads one bar when fully charged.The activ link to my laptop has been harder than getting a child to eat veggies. I tryied with the bluetooth... no luck, then the USB... no luck, took it to a friend who knows what he is doing and same thing. Still not able to get it to link.Modem Capabilities do not work either. I have downloaded all the software needed and still trying to steal a neighbors connection.I bought this phone thinking this will be great... all the options I wanted and none of them work. Yes it is great for numbers, calendar, checking e-mail on the go. But I wanted it for so much more.$LABEL$0 +Skips horribly. The packaging is beyond amazing and it looks like a million bucks but the vinyls skip all over the place and somehow/someway it's only on songs that I truly care about. Too much money to have this poor of a pressing, returning it tomorrow.....$LABEL$0 +Decent Slippers. I liked these slippers except for a rather stiff sole. I would have kept them if they weren't too big. I wear a 10.5 to 11 size shoe so therefore ordered the XL for 9.5- 10.5 M. However, they were too long in the front and it was a serious stumbling risk so back they went.$LABEL$1 +Rusting!. I bought these knives in October 2012 and they have begun to rust! They are stamped "stainless steel". I have Ginsu knives that are over 30 years old that don't have a spot of rust on them. I have other Henckels knives that I bought over 10 years ago that are still beautiful. Don't buy these. If I could I would return them for a refund.Update:I noticed another reviewer said German knives are best. These knives are clearly stamped "made in China."$LABEL$0 +silpat. While I love these mats they are very much over priced and the one that I ordered from them was very small, while it is the size they specified and I expected so that they did not do anything wrong at all, I am very unhappy it takes two of them to go on one cookie sheet so that is why it gave it only two stars.$LABEL$0 +Guillermo Herrera Arreola. Chayito. Felicidades por este maravilloso CD. que es una selección de las canciones que más se escuchan en México, y aunque este CD. ahún no esta en venta en nuestro país, yo lo compre en Chicago y estoy facinado con el. Espero pronto tener tu nueva producción de Discos Musart ( los 2 anteriores ya los tengo : el de tambora y el de la moneda se voltió).Un abrazo y que Dios te bendiga.Con AmorGuillermo Herrera$LABEL$1 +"Look for the exit...". Like most movies these days, this one starts with an interesting concept and then somewhere everything goes wrong. Rent this movie and then send me the 15 dollars you saved by not buying it. There is really nothing to this movie. There is no mystery or suspense. Everything is spelled out to you along the way in plain english. The only reason I gave it 2 stars is because the acting was good. Unfortunately that does not save this movie from disaster. You are welcome in advance.$LABEL$0 +Terrific.. This is a wonderful collection to thrill any Doris Day fan or those who love classic American popular music. It's in superb sound: the digital remastering is amongst the best I have heard - the years seem to fly away. The huge book and complete discography will give hours of pleasure. I love it. I also recommend the sequel, Secret Love. Thanks to all at Bear Family Records, Germany, for the project.$LABEL$1 +Great but.... The movie is taken almost verbatium from the book so reading the book after watching the movie, I found myself skimming past half the book. There is some material not covered in the movie but not much.$LABEL$1 +Nice while they worked. I paid $500 for these and treated them as such. They lasted three years until they began to short out and are now junk.$LABEL$0 +Dont waste your money. In spite of the other reviews I bought this toy. It was just as bad as everyone said. Cheap plastic, it will not move half the time, it just sits there and humms, then after a few tries it will move forward or back for a little while. That is all it will move though, there is no way to go side to side. They conviently dont mention it is a wired remote. And this all started off badly when I realized the dozer was designed to never be removed from the packaging. There is no way to easily remove the toy without damaging the dozer, it is screwed into plastic holders that are screwed into larger plastic holders that are screwed through the box into a plastic plate which prevents anyone from removing the dozer from the box. I spent more time removing it from the box than playing with it. When I realized you could not turn right or left I was finished. A really cheap toy, poorly thought out and poorly designed. Spend some extra and get a decent toy, not a Cat dozer.$LABEL$0 +Lemon Jelly...for anyone who likes music!. Firstly, I rarely, if *ever* give anything this high a rating. But this is a case where I think it merits it. It's just that good.This CD is simply a joy to listen to. I have listened to it many, many times now and it just gets better. The only track I don't like to listen to that much is "Experiment No. 6", and that's not because it's a bad track, on the contrary, I think it's very good. It's just that it's quite dark and isn't upbeat like the rest of the album. Don't get me wrong, I enjoy dark music from time to time as well, but I just feel it kind of brings the mood down of the album a little.But that's a minor quibble. If you are a music fan, *any* kind of music fan, *get this album*! This is music with a soul. If it doesn't give you goosebumps, check your pulse!-Adam$LABEL$1 +Surprisingly good. I totally agree with the other reviewers: a great bucket for a great price. I also would have been put off by the vinyl handle, and would not have bought this but for the previous review. Fully agreed, the handle is sturdy and does not appear to want to fail. I also see that the bucket doesn't have the failing of other collapsible buckets, which want to fall to the side if the handle is not supported. I ran a "tip test" in the kitchen, and even with vigorous prodding, this bucket did NOT want to collapse, tip, or lean over and spill its water. Fully recommended and happily owned.$LABEL$1 +Very Intresting Read. The events of 9/11 were devestating, this book doesn't try to refute those facts. This book does, however, bring forth several ideas backed with enough logical evidence that makes a person think twice about what was really going on that day and how the government used the event as leverage to forge war. A few of the ideas mentioned in this book are; the 767 hitting the pentagon, yet no piece of the plane was ever recovered (the first time in history there's been no recovery of ANY piece of a plane after crashing on american soil), the mysterious stock-dumping of the airline companies affected on 9/11, and a very intresting piece on the heroin trade in afghanistan as being the main reason to forge war. As an American, I'd stand behind this book 100% with what's presented, it's obvious there's more going on than meets the eye.$LABEL$1 +Another Mediocre Monster Cable. I've bought several Monster Cable products for electric guitar and home audio/video systems over the past three or four decades and while all have been free from defects and performed adequately I don't actually use any of them any more. There are simply too many better-sounding cables available, many for less money. Cables make a bigger difference than most people think and I have found that it's worth exploring alternatives. For instrument cable I recommend Lava Cable.$LABEL$0 +Miracle at At. Anna. Just pitiful! For a man critical of other war time movies, Spike Lee put together the most convoluted, incoherent and defaming movie of its kind. His attempt to portray the brave 92nd/Buffalo soldiers in an heroic light failed, and actually accomplished the opposite. They were portrayed as undisciplined and irreverant. They were cast in a light inferior to those around them, while the self serving portrayal of white officers as bigoted idiots was just as offensive.Couple this with a completely disjointed story, gratuitous violence not at all in the vein of other superior movies about WWII until the village battle, and the unnecessry sexual encounter after the all in the movie call on Christ for their protection, and you have a true piece of crap.Mr. Lee really needs to think long and hard before he tries to make another attempt at bringing to light the true heroism of the Black American soldier. That would be the true miracle, for he has done all a grave disservice.$LABEL$0 +Very fun, and will entertain you for hours!. Urban Operations is an excellent mission pack. The new weapons are awesome and useful, and the levels are fun and exciting. The new features are a great addition and add many hours of adventure. The classic levels that are redone are also very fun with the new weapons. You will enjoy this mission pack if you liked Rogue Spear.$LABEL$1 +Indispensable. As an adult acne sufferer, I couldn't understand where my acne came from or why I developed acne at age 26 when I had never had acne before. After reading Dr. Fulton's book, I came to terms with accepting that I have acne and that I can only control it to have clear skin, which I do now. This book does an excellent job in doing away with the myths and the facts, from cultural history to how cosmetics can cause acne. Dr. Fulton writes from experience, having been born with acne as a newborn and having suffered with it his whole life.This book is not meant to cure acne. However, it does offer a basic regimen for treating it at home. I recommend this book to any person in the dermatology or esthetic field. To the acne sufferer, I recommend this book, not as a way to cure your acne, but to better inform yourself about your own condition. I know that I can deal with it better now that I know what is and what isn't.$LABEL$1 +Don't bother!. The pilot was interesting. The series could have had potential but went in too many disjointed directions. Even in the commentaries they admit there were plot points and/or events that made no sense. Eric Stoltz is a good actor - too bad.$LABEL$0 +nice. This cd from late 1991 shows Perry's synthesizer based dub tracks in fine form. The tracks and his voice are in fine form on this cd, and while the overall magic from the Black Ark days are long gone, Perry continues to create his own wonderfully quirky dub stylings that are pleasing to his fans.Nice stuff.$LABEL$1 +Actual practical advice. While what Williams says is all excellent (nits picked by impatient colicky philistines notwithstanding), what really sets this book apart is the workbook approach: you actually learn how to write more clearly by doing the exercises. Brilliant and useful.$LABEL$1 +Shoe is not the same as what is shown on Amazon product page. The Sperry shoes are fine, but be careful in that what Amazon shows (a reddish brown leather with white sole) is not the shoe that is actually sent as that one is a tan shoe with a brown sole. Got these for my son's birthday and was disappointed that what I thought we ordered wasn't what we actually got. Went back and double checked to make sure I didn't just select the wrong pair, and now see that the small thumbnail image doesn't match the original product page.$LABEL$0 +What a Waste. I got this with high hopes. I'd heard the movie mentioned during an interview on a PBS radio show. So, I checked it out as I find watching movies about baseball more interesting than watching baseball. The plot and dialogue are as predictable as the alphabet. It got so I knew what was going to be done and said a full minute before it materialized on the screen. Gag...$LABEL$0 +School House Rock. This edition has both grammar and science. I like being able to use the specific topic easily.$LABEL$1 +doctor lingo. Get this book only if you can understand the doctor language because that is pretty much all it is. It only explains the chemical process in your brain, etc. instead of how to deal.$LABEL$0 +FAIL- steaming hot juice. This is the worst juicer ever. I was making 32 ounces of juice, a mixture of veg, fruit, and leafy greens. I was alternating items and allowing time for the machine to work, as instructed. The "champion" took 30 minutes to make that amount of juice! and i had to stop and rinse the machine off to cool it. The juice was literally steaming hot. NOT a hot idea for a raw foodist! The super crappy part is that you cant return used juicers. DO NOT BUY THIS JUICER! I would not even sell it to anyone, it sucks so much that I would feel guilty!$LABEL$0 +As good as Patrick O'Hearn. If you're a fan of Patrick O'Hearn's sound, I think you'll be pleased with this album that might fall somewhere between "Between Two Worlds" and "Metaphor" of O'Hearn's. It's relaxing, but cheery -- excellent for solid listening or background ambiance.I bought this album based on Amazon.com recommendations, and I was VERY pleased with it. I'll be looking for more of Helpling's material.$LABEL$1 +mototola H700. I bought this mototola bluetooth H 700 from Ace digital and I regret doing this. A lot of static and doesnt work even one feet away from phone. Even the plug is a foregn looking adapter. It almost seems like a refurbihed or defective model. My cousin bought the same thing from a regular store and his works fine. I would not recommend anyone to buy this product on line except if it is from a known store whom you can contact and get replaced if the need be.$LABEL$0 +You know you want it! :). This CD rocks! The song 'Yellow' really grew on me! It's awesome! Buy one + share it with your friends or give it as a gift. You will not be disappointed! Rock on!~ :)$LABEL$1 +One more 'No' vote. Like many other reviewers, I found the attempt to imbed trig into a fairy tale very unamusing at best. The math concepts covered were hard to keep straight, since you had to keep re-reading the crappy story to refresh your memory. I can't imagine that anyone could really learn trig (or anything) with this kind of approach. And the author shouldn't have even attempted to write it...not without some serious background work in creative writing anyway.$LABEL$0 +Tries too hard to be clever.. Little Children starring Kate Winslet and Patrick Wilson thinks it's the clever cousin of American Beauty. I was expecting a thought-provoking and intelligent look at married couples in crisis - what I got was a bunch of self-important adults acting like greedy babies (now I know why the film is called Little Children). Whoever the narrator was of this film really got on my nerves after the first 15 minutes. Wilson has still not impressed as a serious actor while Jennifer Connelly (a true talent) barely has any scenes. Winslet is good as usual but I found it very difficult to try and feel sympathetic for her character or situation. The graphic sex scenes didn't help much, this film was a major disappointment, I'd skip this one!$LABEL$0 +It is too cheap to use - My daughter hated this.. Better buy something strong - this can not hold her binder and she hated this.Now I have a piece of metal that I can't use.$LABEL$0 +What! What! No Limits on the rise again!. Easily one of the dopest cds of the year 2000, but it'll probably get slepped on, because the haters are in full effect when it comes to No Limit. This cd can be listened to from the begining to the end without skipping a single song. The beats are excellent, even without Beats by the pound, the new production team is holding their own. You got to feel C-Murders maturity on this cd, hes taking his game to a whole other level. K-blaque----puttin it down for NoLimitsoldiers.com$LABEL$1 +The birth of one man's passion for life. This is my all-time favorite book! I read it as an undergraduate German major - in German, of course! The story has so many messages - how what we don't face will come back to us; how much of life we miss when we're to afraid to live it; how things become more intense and beautiful when love is in our hearts. The characters are developed in such a loving manner that I found myself liking and sympathizing with all, despite their faults. I think that this book makes a great summer read.Contrary to the prior review, I would not recommend the movie based on this book. I was very excited when I heard that Sam Shepard was tackling this project, but I was ultimately disappointed. There is no replacing the real thing!$LABEL$1 +It's going back because I didn't understand what the "UK Version" meant at the time I ordered it.. This DVD of Downton Abbey Season 3 said it was the "original UK edition/version" but at the time I had no clue that meant it wouldn't play on USA DVD players. I've since found out it's only playable in Region 2. More detail in that main title would have been appreciated. When I order & receive the USA version of Downton Abbey Season 3 I will write a 5 star review because I'm watching it weekly on PBS. Looking forward to Season 4. I highly recommend to anyone to get all of them but be careful to purchase the correct version for the USA.$LABEL$0 +A true horror classic!. THE MANITOU is a true horror classic that still stands up despite multiple readings and over 25 years of time thanks to Masterton's sense of mood and his wonderful wit. Although the novel is filled with chilling and gory scenes, it's our hero Harry Erskine's terrific charm that keeps us speeding along through the story. Watching as a resurrected medicine man is about to born from the neck of a comatose woman, Harry handles the situation with black humor and an unstoppable drive to see the woman saved. Masterton's original ending (as it was presented in the first edition) is much different and much weaker, included here as a bonus. I hear tell that there's a fourth Manitou novel on the way...following two other sequels REVENGE OF THE MANITOU and BURIAL. I, for one, can't wait!$LABEL$1 +Great as an overview, as a reference...eh.. I'm writing a college thesis on Pullman's His Dark Materials, so I was excited to find this book. However, I was slightly disappointed when it arrived. It's well written and a great overview, but if you've already started doing some looking and thinking on your own it doesn't give you much that's new.This book is a great starting point, and great for a fun read. I don't so much reccomend it as a primary reference, but as a helpful guide it's very well done.$LABEL$1 +wouldn't buy it again. delivery:right on timecondition: second hand, good condition so I can recommend the seller. not a single page is damaged. the only note is that the book was filthy on the outside (just cleaned it with a wet cloth and it was ok)content: it's all about psyco mambo jumbo. how you have to visualize the moment, repeat to yourself "i'm the best" and all that shrink stuff.will most likely give it to my 2 year old to play with$LABEL$0 +The books are better. Having read the books and enjoyed them thoroughly, I bought the game.At 25 I'm an avid gamer (I've been gaming since games were invented for the 386). I was disappointed. The graphics are ok but the game play is not the greatest. Fight scenes are awkward and there are too many items to use, that are not very useful.There were just too many little things that annoyed me about this game, one of them being that there's no save-anywhere feature, you have to start at the beginning of the chapter.The story is good, but it's like Return to Krondor for Dummies. Stick with reading the books, you'll probably be disappointed with the game.$LABEL$0 +Nice thin watch. I was looking for a nice slim replacement for my Skagen which for some reason decided to stop keeping time consistently. I wanted a slim one with both gold & silver and this is it. The one thing I liked better about my old Skagen is the band. It had a much more flexible wristband. This one is is little stiffer, which is only a problem if you have a small wrist, which I do. Otherwise I would have given it 5 stars.$LABEL$1 +Best shaver for the money.. I have had 3 Norelco shavers in the past. My 3rd one got wet and quit working. I didn't want to pay $40 to $100 for another electric. Quite by chance, I discovered this Braun. I couldn't believe the low price. I bought it and was skeptical at first about its abilities. My beard is tough also. It does a remarkably good job of shaving plain and simple. I can't believe it runs on 2 AA batteries and I can't believe it can be cleaned under running water. The overall design is very nice. Somebody put some thought into the design. I will be buying another one to put away.$LABEL$1 +Fantastic epic. This is one epic book like other novels Danielle Steel has penned yet another masterpiece. The trials and tribulations Zoya has to go through is truly awe inspiring. From the russian revolution through the depression and world wars 1 & 2. Danielle Steel has woven facts of history through another tale of fiction.This is yet another masterpiece.$LABEL$1 +It's Not Like "How You Remind Me". I liked the song/video for How You Remind Me, and Nickelback hails from my hometown, so I decided to buy the CD. I'm really disappointed.All of the intuitive lyrics and emotion of How You Remind Me were pretty much dumped for the rest of the CD. It's too abusive and hard. It's just all the same notes, heavily distorted, and a lot of yelling.Also, even though it's not labeled, this CD is full with Explicit Lyrics, making it sound worse to me.$LABEL$0 +Spectacular.. An amazing collection of pictures. I have a handlebar moustache and couldn't imagine not having this in my collection. A must for the enthusiast of facial hair or photography. Or both. :)$LABEL$1 +Might be ok, but the first part is confusing. Would not buy. This book starts off by talking about organizer vs file browser. But it doesn't tell you how to get to the organizer - that WORKS. And it talks about setting up watch folders to get pictures into the organizer. That does not work either. Maybe the author should try to use the software before writing about it.$LABEL$0 +worthless. I have had the product for a month and not a single roach has been trapped though i see them everywhere. Too bad there is no zero stars because that is what this one deserves. I was disappointed, deceived and most of all cheated out of my money. there are cheaper brands that can show more results. if it was not so much work i feel like i could sue these guys. They really should be ashamed of themselves$LABEL$0 +Split at the seam. I would have to agree with some of the other reviews. The first one we purchased split at the seam the very first time we used it. Assuming we were just unlucky, we replaced it with another one and eaxctly the same thing happened again. I am unable to recommend this product.$LABEL$0 +very good itam. Usually i wanted to have item. so nearly i bought it in the amazon.finally reactor stove system delived to me and today i use to heat water in the M.T.very very good. i'm saticefied of msr.Recommend item for people to love M.T or to enjoy varity life.$LABEL$1 +Okay when your options are limited. I purchased this book while on vacation. While much of the book is factually correct some of the language is off, she uses 'em rather than them, and the supposed relationships between Anne of Cleves and the men that surrounded her are figments of an over active imagination. If you have no other options it is a decent read but if you are deciding between this and another book you really want to buy, choose the other book.$LABEL$0 +Beware of mold!!!. Wonderful book containing a ton of information and health hazards that we should start to recognize. Mold is coming to the forefront as a major cause of health problems. It's in the air and we should seriously look at this problem exactly as the Medallion Team has.$LABEL$1 +Excellent Heart Pounding Country Music!!!!!!. I absolutly love this CD! I particularly like the song "Don't be Stupid". The violins are magical and Shania's voice is breathtaking. My husband and I play this CD over and over we like it so much. He is particularly fond of the song, "Honey I'm Home". He says she "hits the nail on the head" with her lyrics. It reminds him of me. I recommend this to anyone who enjoys a different kind of Country music that incorporates voice and insturments for what I consider to be a "New" kind of sound.$LABEL$1 +SANTANA-SUPERNATURAL. OUTSTANDING CD! SANTANA WAS ALWAYS A GREAT GROUP-SINCE THE 70'S! CELEBRATE HIS EXPLOSION INTO 2000 WITH A MIXTURE OF FINE LISTENING. SMOOTH IS THE ULTIMATE! If you enjoy this fantastic cd- explore Santana's past ventures with prime hits like "You've Got to Change Your Evil Ways" & "Evil Woman".$LABEL$1 +excellent product. Great lip balm. Goes on easily & lasts a long time. Always looking for a good herbal lip balm, think I've found it.$LABEL$1 +Mostly Redundant Information. If you have read ANY other material about starting a business, and/or the business of professional organizing, then this book (which is actually a printed Word document in a binder) may be a waste of time and money. It rehashes basic business formation and marketing principles (which are covered in with more depth and accuracy elsewhere) and gives little information on actually doing the job and setting the policies of a professional organizer. The templates are pretty standard (why include the standard fax cover sheet from Microsoft Word?) and not well-designed. If this is your FIRST foray into this area, then fine, but I'd recommend Cyndi Seidler's manual instead, which has more info. about doing a needs assessment.$LABEL$0 +Too bad I can't give it 0 stars.. This book sucks. There are not NEAR enough examples, and the examples that ARE given are both incomplete (for example, giving ONLY an example of a loop instead of a complete script) and CRYPTIC AS HELL. This book should be used to stoke fires, not to teach JavaScript. It's not for beginners or pros. SKIP IT.$LABEL$0 +Misto Gourmet oilive oil sprayer. I bought this sprayer as a Christmas present and the person used it only 2 times and the white screw cap inside that holds the spray mechanism in place broke. It seems that this is a faulty part of the sprayer. I would like to know if I could get a replacement part for it. I was very disapointed in this product due to it breaking.$LABEL$0 +Excellent!. Anyone with a curiosity about what happens when you die, will thoroughly enjoy this History Channel special! This is one of the best they have ever presented.In this video, the viewer will hear from both sides: those who believe that when you die, that "it" is over for good, then there are those who believe there is an afterlife. Thank goodness for Christian viewers, the makers of this video were able to find WAY more people who believe in God, Heaven and an afterlife! I found this video to be VERY reassuring.$LABEL$1 +Not my first choice. I was surprised that nearly a third of the book had absolutely nothing to do with implementing SugarCRM, and the remaining sections were truly vague. If you want a book that describes generic concepts about what a CRM is and why you might want one, this book is for you. If you don't have a clue what a CRM system is, this book is a nice primer. In fact for the first third of the book, I believe it mentions other CRM products more often than Sugar.If you are actually trying to implement SugarCRM and expect this book to show you how to change a single setting to customize it your way, you will be sorely disappointed. There are vague references to things like "use the admin panel to change user permissions" but nothing more detailed than that simple phrase - and very little of that.$LABEL$0 +goodasgold. The Stanco Non-stick oven liner is performing as advertised. Had to trim a little as I have a gas oven and shield must fit inside heat vents. Has not curled or buckled.$LABEL$1 +Interesting premise, but..... This book was poorly written, and the characters shallow and trite. The book was based on an interesting premise, however, just poorly executed.$LABEL$0 +A Glorious Book on the Glorious Macy's Parade!. A glorious book indeed, glorious image after glorious image (the N.Y. Daily News images are especially stunning), many never published before appear on page after page! Each image is eye candy, then the last few pages present stunning color images from the parade, in fact the color quality of the images are breathtaking, like a splash of Technicolor and the best color work I have seen in any book recently! Added to the fun and historic scope of the history presented by the author make this a keepsake and collectible indeed! And the next best thing to actually being at the parade in person!$LABEL$1 +A Clunker of a Show. This show is a real disappointment, as you can see from all the overwhelmingly bad reviews. Don't waste your time and money on this one. Terrible plot, bad acting, just say no to this turkey.$LABEL$0 +Midland Weather Alert. We have used one for years and ordered a couple more for our remote farm buildings. They work well and have proven to be extremely reliable with absolutely no problems other than accidentally unplugging one and letting the batteries run down. Good reception although we are outside the normal station range. We have tried others and I would rate this one the best of all of them.$LABEL$1 +If you been there than you have done this. I got this to explain to my wife what I did before I met her and it was an eye opener for her. For me it explains the basics but there are just somethings in life that you have to experence to really get the for.$LABEL$1 +I would buy this again.... I was excited to see that there was a Blu-Ray version of this Jamiroquai concert. Other reviews had mentioned sound quality and I was almost deterred by their ratings, however I found the sound quality to be quite good for a concert. I think they were expecting the sound quality to be that of a normal produced audio recording. I am extremely pleased by my purchase and I'm glad to have this concert in my music library. It makes me hope that Jamiroquai will do more live performances, and if I'm not able to attend, they will document the footage with the same clarity as this concert. I would recommend this disc to anyone.$LABEL$1 +Ladies and son. I was suppose to receive The ladies and son,too! The book A whole new batch of recipes from Savannah, I never received. I got the first book,very nice, Like I said I never recieved the second book. Then I got an e-mail saying it had been sent back from someone else to Amazon.My credit card was credited for it. So I probably will have to re-order or buy somewhere else.$LABEL$0 +great for casual use. We use this to take occasional short home videos. The camera is easy to use and has great features. The 25x optical zoom is a must have. I really like how the display rotates so I can see the picture while recording myself.The only disadvantages are that a docking station is required and sometimes I have to wiggle the camcorder on the docking station to get the charger connections to connect. The power adapter and usb connections should be built into the unit.$LABEL$1 +not a big deal. Don't buy this movie expecting anything great.The majority of the movie is watching the kid walk in the streets talking to his friends.Then when they finally do show the supposedly "good scenes", the women cover themselves with pots or towels!! I don't know what is so GROUND BREAKING about this movie.It's no big deal.$LABEL$0 +Long live the Hammond B-3. The Hammond B-3 never sounded better...or so loud...(though Greg Rollie's B-3 really cooked on the first Santana albums).....Long live Lee, Frostie, and the Hammond B-3...Buy this album!!!!$LABEL$1 +A terrific self-help introduction to acupressure.. Acupressure: The Timeless Art Of Self Healing explores this ancient Eastern medical art which has evolved over the course of many centuries and is recognized as being a highly effective and natural way to relieve pain and stimulate healing. Acupressure focuses on the energies flowing through the human body along biological meridian lines. This "viewer friendly" informational video provides step-by-step instructions and demonstrations on utilizing acupuncture for "what ails you", including such common problems as headache, sinus problems, back pain, toothache, PMS, stress, sexual enhancement, appetite control, facelift, and much, much more. Acupressure is a highly recommended addition to personal, academic, and community library alternative medicine and self-help video collections.$LABEL$1 +Flipping Brilliant. Fantastic stuff from the Lips. I bought this one, listened to it for two days, and then it took over my stereo for about a month. This CD is worth your time, though I must confess my disappointment in finding that many of the tracks are simply remixed versions of previous songs. Not that this is a big problem, but as a part of our consumer culture I feel ripped off whenever some of the tracks are just repeats. Hey, I've no musical knowledge, and I am sure that there are many people who appreciate the difference between the songs, but just not me. Regardless, buy this CD so that the Lips make more music!$LABEL$1 +Misleading and A Waste of Money and Time. We were extremely disappointed with how misleading the description of the movie was and felt like we were cheated out of our $3.99. We didn't even get a third into the movie before we had to turn it off out of disgust, but based on other reviews, it sounds like it only got worse from there. If I could get a refund on this purchase, I would in a heartbeat.$LABEL$0 +I want my money back. I usually like Sandler stuff, but this movie was a real stinker. Not only was the subject matter offensive and could have been funny, it was not. He reminds me of a little kid who says shocking words to get attention. Acting is bad, formula like, even the racy scenes were predictable teenager. It needs a warning label on this one,.$LABEL$0 +More Great Innovative Brit Stuff. What can I say? Let's put it this way. "My Friend the Sun", is so damned pretty, melodic and heartfelt, it ranks up there with something you'd have expected from Lennon and McCartney! Nuff' said!$LABEL$1 +Not much fun. If you are looking for a "fun" dance workout, look somewhere else. I wanted a good workout incorporating dance movement but was sadly disappointed with this dvd.$LABEL$0 +Piece of junk. One or two swipes with this broom and the handle starts unscrewing and twirls the broom all over the place. Then you have to stop sweeping and screw the handle back on. Now do this a dozen times before you've finished sweeping the kitchen and you'll be ready to throw this useless piece of junk out.$LABEL$0 +A hot iron. So far so good. I haven't bought a new iron in 20 years, when I bought one at a flea market that was probably 20 years old then. It was the old heavy kind, and I doubted if a "new-fangled" one would be as good. But alas, it is. Very fast warm-up, and has a substantial feel, which is what so many new irons seems to lack.$LABEL$1 +Incredible! It really works! Really!!. MY daughter is almost 6 years old and we have had SUCH a hard time trying to get her to stop sucking her thumb. I finally ordered this and after the first time i put it on her thumb, she hasn't sucked it since! not even once! She has no desire! Even after the taste wore off, she doesn't suck her thumb! What a great product! It is wonderful!$LABEL$1 +Big Disappointment. I bought this phone in 2007 for work purposes as I work from home with a separate line. The DECT 6.0 was a big influence on my purchase decision. My biggest complaint is that it does not hold a charge at all. This is not just annoying but embarrassing as I use it for work. It used to give a warning beep at least when the battery was running low but now just cuts off. I now can barely use it for 1/2 hour at a time. It doesn't make me look professional to say the least. Any attempted use of speakerphone results in sudden death. The sound quality is not great and I have actually had interference from another person's call on the line once (I am also using Vonage for this line so I'm not sure if that's the phone's fault?! I thought that's what DECT was for though). I've ordered the replacement battery and if that doesn't sort it out will be replacing it but I'm not impressed with vtech based on this. Sounds like a known fault with this phone and I hate waste!$LABEL$0 +Funny, Exciting, and Entertaining. Although I didn't want to admit it, this movie was actually good. I had no itnerest in seeing it, but I was on vacation and my dad wanted to watch it on the T.V. movies service. I sat down and got really into the plot. Sigourney Weaver, Tim Allen and Just Shoot Me's Enrico Colantoni were extremely funny. Also, the hilarious english teacher from Ten Things I Hate About You was great in this. I recommend this movie to people who don't think they're going to like it.$LABEL$1 +dog raincoat. Strong petroleum odor did not wash out. wrong size sent. Did arrive on time. I would only recomend this product for extreme down-pour conditions.$LABEL$0 +NO VOLUME CONTROL. My son received this as a gift and it has NO VOLUME CONTROL. It is horribly loud. It became an outside only toy for that reason. The handle and battery compartment broke open after being dropped outside ONCE and rendered the toy dead. Thank goodness.$LABEL$0 +This is a really awesome album!!!. Take off your Pants and Jacket is a really cool album. My mom made me get the edited version because she is against anything that has a little bad language. I have listened to it at my friend's house and it is awesome. It shows their caring side and their crazy side. Try to get the special edition version because they are a lot better. There are three special edition versions. Yellow plane. Green Jacket and Ted Pants or something like that. I have listened to all the songs and they are awesome!!!!! This albums [rocks]!!$LABEL$1 +Great for burning CDS. I use these to burn CDS and have not come across an issue to date! There are more discs in here than i think i will ever use! It fits on average about 16 songs if you were wondering :)$LABEL$1 +I'm feelin' it. Can't get enough is my favorite, I've been sweating it since I heard it in 1999. I even went so far as to take my friend's single, but I lost it. ...$LABEL$1 +Doesn't clean dishes at all. I had been very pleased with Meyer's products, especially the basil scented all purpose cleaner and cleansing powder. This product is awful. Dishes do not come clean, even if I rinse prior to washing. I called Meyer's to see if they would offer a coupon for another product since I was very disappointed. They increased my disappointment by acknowledging the the product doesn't work at all on tea or coffee stains but didn't offer anything other then "return it to the store you bought it from". terrible customer service$LABEL$0 +Forever Gypsy Rocks!. F..king Great CD!! Killer songs and music, production kind of sucks though. Can't wait to get the next one!! Buy it if you haven't yet!$LABEL$1 +Isn't It Ironic. Isn't it ironic that one of Alanis's biggest hits, "Ironic" isn't represented here? Check the track listing that Amazon provides above.$LABEL$0 +Easy to use book from a great seller. Book is comprehensive without being overwhelming. It is easy to reference. Seller shipped product quickly, good condition.$LABEL$1 +Worst Scoop Ever, Cute Case. Whoever designed this has never scooped a cat litter box and has no clue about how this scoop wouldn't work for doing such a thing. Anyone who likes this scoop must not realize there are other scoops out there that would make the job 1000 times easier.The angle of the scoop is all wrong so you can't really get any leverage. It's no surprise to read reviews about the scoop breaking. It's just not made properly to be a scoop. The scalloped edge in the front is another design flaw that leads to a poorly designed useless scoop.My poor arthritic mom has been struggling with this scoop for months, not knowing she could be in less pain and get the job done quicker and better if only she had a good scoop.I wish I could give this product negative stars for the pain it's given my mother.$LABEL$0 +definitely a swindle. An incompetent attempt to compose a makeshift compillation without knowing anything abouth the epoch. 9/10 of the stuff represents commercial pop or more or less decent music but with no relation to the hippy culture. Small Faces are a mod group and Temptations - afro-american soul. Why The Marmelade and Ike&Tina; Turner? Why not It's a Beautiful Day or Greateful Dead? Not Bob Dylan? A greate disappointment.They compillators should call it "Square bourgeois commercial pop cover versions"$LABEL$0 +Book 1, still my favorite. The first-ever Sluggy book! Introducing our cast of characters: Riff: an inventor and freelance bum who summons Satan on the Internet. Torg: a mild-mannered web designer. Bun-bun: Torg's pet rabbit, a cute talking mini-lop with a dark past. Zoe: innocent college student, neighbor, and straight-woman. Kiki: the friendly ferret who says, "Don't plan Torg's death! Stay good, Sam!" Including parodies of Star Trek, X-files, and a bonus story not found on the Internet: A Day in the Park with Bun-bun and Teddy Weddy.$LABEL$1 +Forget it!. I am an obsessive DVD collector and I adore Dynasty. Even still, I will not play this 1 season for the price of 2 game. The only way I'll get this and Volume One is they go on sale for half price. Especially since it will probably mean leaving Krystle and Alexis burning in that cabin for a few years!$LABEL$0 +Those eyebrows!!. I loved the episodes. The only thing that bothered me, was the eyebrow penciled in too drastic for Kyra's face. Instead of taking in the script, all I could stare at were those ugly eyebrows. I think the makeup artist got carried away.$LABEL$1 +Not for Serious study. This version of the Mishnah is not complete and leaves out entire tractates.The numbering does not agree with the Mishnah.Not for Serious Jewish study, lots of good wisdom but numbering does not agree with the Talmud.$LABEL$0 +a couple of good rarities. This compilation has an edited version of "Figure Of Eight", which I believe is the same as the single version. There are two rarities on this CD which are worth the purchase to the serious collector; "Party Party" is a dance number, sounding pretty much from the era it was recorded in (late 1980s). "I Wanna Cry" is a slow, hard driving blues tune. Fairly sure these tracks were recorded during the "Flowers In The Dirt" sessions, since this disc was released around the same time. This was originally issued as a radio promo disc, and is indeed a rare find.$LABEL$1 +Holes Is Kool / By:Munadi Grade 6, Brooklyn!!!. My Review of Holes is that Holes is all about a kid named Stanley Yelnats is accused of stealing shoes but he didn't, but Zero did and then he dropped it off a bridge, and it landed on Stanley. Stanley fell with the shoes and the police thought that he stole the shoes from the homeless shelter. So, the police caught Stanley and put him in the military camp called Camp Green Lake. And all you have to do there is just dig holes to find a mystery object that only the evil warden knows about. This book teaches you a lesson: Don't ever steal anything because you might end up in a place like Stanley was, or maybe even worse...$LABEL$1 +Poor Audio Mix. I purchased this disk along with others to play in my Acura DVD-A system. I found the overall audio quality to be a bit disappointing...and the mix to be a bit "over the top" with surround effects. Major vocals coming from rear speakers, etc.I also found the overall sound to lack the brightness and crispness on this specific disk. In fact, the demo disk for my TL has the Marvin Gaye song "Let's Get It On" and it is remarkably brighter on that disk than on this collection.If you are looking for DVD-A disks with 5.1 surround...I'd pass on this one and maybe purchase the CD of this album.$LABEL$0 +this is so bad. I cannot believe how weak this music is. The singer tries real hard to sound like York but he sounds like an idiot because his lyrics are so bad. And the music, while well-produced, is just annoying. These guys cant write, sing, or do anything right on this album. How old are they like 12? Sounds like it.$LABEL$0 +DO NOT WASTE YOUR MONEY. THE MOBILE IS USELESS. DON'T WASTE YOUR MONEY ON THIS. I TOOK THE PLANETS BY THMESELVES AND PASTED THEM TO MY SON'E CEILING. IF THATS SOMETHING YOU WANT TO DO, THEN I WOULD SAY BUY THIS, BUT IF YOU THINK THE MOBILE LOOKS COOL, BEWARE, ITS NOT.$LABEL$0 +DO NOT BUY THIS PIECE OF JUNK!. HP might know how to make a computer but they CANNOT make a camera that is worth buying. Camera has never taken great pictures and 5 months after the warranty ran out, the camera quit. It turns on for a second, shows an E106 error message, and shuts down. In doing some checking this means the lens is stuck. HP Support was horrible and stated it could take up to $200 to fix it!!! What??? The camera is not worth it. It eats batteries and no matter how much you customize the options, the picture color/quality is never true to life. I will buy a DEPENDABLE name brand (Canon) next time!$LABEL$0 +Not like what described. It says hand free, but actually, it is not hand free. I have to open cover many many times during the pasta making becuase dough stuck and can not move on.$LABEL$0 +good. It works better than a regular hdmi cable, how much I cant tell you you can buy it for a couple of bucks and works perfect$LABEL$1 +Instant Classic. I love these books they are very entertaining and colorful and my son loves the stories. Bought one for grandp and one for grandma for christmas!$LABEL$1 +Mila Jovovich!. Mila once again makes the bad guy zombies pay for their violent nature!All of the resident eveil movies have been action packed and fun to watch.5 star rating$LABEL$1 +Dead in 5 months. This player sat on my daughter's bedside table for 5 months...it was never dropped, spilled on, or abused in any way. After 2 months, it began to rattle. Now it is DEAD. Power comes on and nothing happens. Of course, the original warranty was three months. I purchased an extended warranty thru Amazon and will get my original purchase price back, less shipping and the price of the warranty (net about $70). We have been through several of these little DVD players over the years, but this one sets a record for the most rapid demise. Pathetic.If you are buying any of these little DVD players, get the one year warranty because odds are it will die within a year. I was optimistic and got the two year warranty...coulda saved 5 bucks.$LABEL$0 +Not up to standards of Denise Austin. I've used Denise Austin items for years and have been happy. I was not happy with this video. Her pace was too quick and she did not give instructions beforehand. There was a woman on the video who was doing the "modified" version but she didn't state that too well into the program. She changes everything quickly without notification and with little instruction in "how to". Very disappointed. I would recommend that anyone buying this video sit through it first so you can see the changes. It is not a difficult one if you are just starting out, just confusing and it does accomplish its purpose.$LABEL$0 +I rather run far than to take a walk with this album..... Tori, what have you done to yourself?!?!? This album just [bites]. I just saw you in concert, and you are so pretentious it makes me sick. All the songs sound the same, I mean, Wampum Prayer has to be the most horrible song ever made on earth. Yes, there are one or two good songs, "Wednesday" and "Gold Dust", but the rest are just horrible. I miss the old Tori, bring her back. I would NOT recommend this album. The style just has changed so much. :($LABEL$0 +Totally Lame. I believed the reviews raving about this video. I thought it might be a nice little variation of my routine.It took too long to get started doing anything. I can't imagine what good the fire breathing technique could do for you. It just seems kooky. The narrator is unseen and spooky and the chick doing the exercise is freaky with her smug little smirk. I will never use this CD, what a waste of money.I will stick with my favorites, flow yoga, cardio and weightlifting.$LABEL$0 +Imaginary Day concert at VILLA MONTOLVO. I was fortunate to have been at two of the threenights they were filming this DVD at Villa Montolvoin Saratoga,California.In as much as the performence pales in comparisonto a "LIVE" Pat Metheny Group concert the DVD stilldoes a wonderful job of capturing the essence of whatthis band it about.A no frills kind of group that isand always has been about the "MUSIC".If you want totake a nice long "TRIP" go see them "LIVE" you will neverever forget the experience.Thanks Steve Rodby and band for yourhard work and efforts on this DVD project.Can't hardlywait to see you again in November.BestBOB C.$LABEL$1 +Good but didn't last long..... I bought this and after using it about three times a week for 6 months- the watch will not connect with the heart strap. I have tried new battery, after new battery- and still no connection. When it works, it does work well. Just disappointed that it didn't last long!$LABEL$0 +I spent money on...?. If the goal of this text was to hone my editing skills and to make sure that, as a future English teacher, I can identify grammar, spelling, and punctuation errors then the publishers have succeeded. I had more luck with the preparatory materials offered on the CSET website even if it was painful to print over fifty pages after paying $35 for this test prep book. This book is dreadful and has not helped me in the least to feel more confident in my ability to take this test.$LABEL$0 +Truly Brilliant!. Gates of Fire is, hands down, one of the best historical fiction books ever written, in my opinion. One of the most incredible things about this book, as has been the case with all of Pressfield's books, is the amount of historical fact that it contains. I've read it 4 times, thus far, and love it every single time! I, also, highly recommend his lastest work "The Profession", incredibly entertaining and offers a work, from which Pressfield had to create the "historical facts", rather than simply researching them. Of which he did an outsanding job!$LABEL$1 +So cute. I ordered this puzzle to use at school with my Special Needs students. They all love it and I love that I can use the net in a few different ways. Great product.$LABEL$1 +Great for even bigger hands. Once my family started eating a lot of potatoes and sweet potatoes I found it necessary to purchase a good scrub brush as we like to leave the skin on.This is great, really cleans the potatoes and other root vegetables really well. Easy to clean and easy to use even for someone with XL hands like myself.OXO has yet to disappoint me.$LABEL$1 +I'm not insane!!. I remember watching this flick when I was about 10 years old over at a friend's house. This was a sit on the edge of your seat and hold your breath movie. At least at that age it was. However, as the years have gone by (I'm 25 years old now), I have found it nearly immpossible to find this movie. And of course my cohorts must be thoroughly uncultured, because it is even more remote to find someone who has actually seen or heard of this movie. So I'm in a record store a couple of years ago and decide to take a chance and see if they carry it or can order it and lo and behold..... This flick DOES exist!! And NOOOOOOOOO, they can't order and break my heart in telling me this. Now if only I can bide my time long enough to get my hands on a copy. My kids are gonna love it!$LABEL$1 +A must see for disco fans out there!. This movie was hilarious! Great music (though not original artists)! Filmed in Singapore. Well acted. A must see for disco fans! Relive Saturday Night Fever!$LABEL$1 +Haunting. This is a haunting book that left me feeling like I had been through the same exhausting experiences as its protagonist. A very quick, gripping read. Nothing in specific can really account for the way the writing put you under its spell except for a clear style that pulls you in and makes you care.$LABEL$1 +Big Mistake Buying It. I wrote down Nusrat Fateh Ali Khan about 5 years ago. Apparently I had heard one by this artist back then that appealed to me. Well, I finally decided I'd waited long enough to get it, and so, even though my money was tight, I said, "What the heck; I'm going to finally get it!" I couldn't wait to hear it. Boy, was I disappointed! It's been a BIG mistake! I am now going to return it. Maybe one of the others is good, but I definitely would not recommend this one!!$LABEL$0 +I cant stop Laughing. At first I did not believe this movie was funny till I started (Laughing) reading the reviews (Laughing) I wish I had a dollar for every time some one said this is not a anti-Christian movie (laughing) I would be the richest man in the world (still Laughing)$LABEL$0 +A different view of war. This shows the other side of war. Taking place in a hospital during WWI, it is excellent in giving a true picture of the English doughboy. Using real-life characters (Sigfried Sassoon, Wilfred Owens, Robert Graves)one feels the horror of war seen by sensitive poets. A good follow up to "Great War and Modern Memory" by Paul Fussell, a National Award winning book, published by Oxford University Press.$LABEL$1 +OK at first.. Doesn't appear to work any more. Didn't mind the large size and cheapish "feel". If it was still working. Price was right-and probably not worth my time to try to get any money back. So I guess it was worth a few bucks to have it for a while-kinda like renting it. I'm guessing not all readers will fail like mine so, hey, if you feel lucky, buy one..$LABEL$0 +The handle really sucks. The plastic handle is hard, and it hurts your palm. I don't like it, even though it is cheap.$LABEL$0 +tfciii. To make my review meaningful, I am at a disadvantage because I did not own a Kindle 1 before I bought the Kindle 2. Having read many Kindle 2 reviews of customers who owned the earlier model I knew of many of their negative comments.I love my Kindle 2. I find it works great even reading in bright sunlight, but it is not so good reading in limited light. Among the negative comments from those who previously owned a Kindle 1 was that Amazon advertised that no book would cost more than $9.99. Obviously, many books do cost more than that. As to what Amazon previously advertised, I don't know.It is a great way to spend time reading from a list of reading material I choose, especially when I am on the road.$LABEL$1 +Broke after 2 uses. We bought this for our board meetings and the wine opener broke after 2 uses. Very disappointed in this product.$LABEL$0 +Great for travel. Great sound even if it is small. It will not wake up your neighbors, but it is great for travel. Small, light and easy to carry.$LABEL$1 +Nice pair of locks. Good for luggage pack, TSA approved and used it all my transit,, i lock the suitcases with these locks and never seen any trouble...$LABEL$1 +Memorable drama for any baby boomer..... Thoroughly entertaining drama involving Warren Beatty and Natalie Wood in starring roles about unrequited love in times of tough family values and expectations.I have enjoyed this movie for decades on TV and VHS and now complete the circle with my own CD format.Handy hint: keep a box of Kleenex within easy reach!$LABEL$1 +Pettipants. I like the pettipants, but they were not as long as the picture showed. When I washed them they shrank. They are nice for my shirts around the knee around, but do not work for the longer skirts.$LABEL$1 +not as great as we thought. although there are many piece to build a large maze, we found it wasnt sturdy. Also regular marbles wont work in it at all. It comes with smaller sized light weight plastic marbles. Unfortunately the cost vs qualtiy isnt worth it.$LABEL$0 +No captions or subtitles for the hearing impaired!. We were really looking forward to watching this. But, then, we realized that there was no way to get subtitles or captions for my hearing-impaired wife. Finally simply deleted it and wasted my money - no refund from Amazon, of course. I suggest that Amazon specifically list whether a video is for the hearing impaired. We'll not make that mistake again.$LABEL$0 +leonides. it's not the kind of music u can listen to every day , but his playing is awesome , something to marvel !!$LABEL$1 +Bob Harper dvd. I thought i was inshape till i tried this dvd with my girlfriend...been doing this for 3 weeks now and its still kickin my butt.$LABEL$1 +Cute but defective. I liked the looks of this boombox, and ordered one. It's larger than it looks, and a little bulky. The sound quality wasn't bad, but the flat knobs are a little tricky to turn.After about an hour of play, the CD stopped working, and the unit began to smell like burning plastic.I had to return it.$LABEL$0 +Over-rated. This game is a puzzle game. I personally feel that the reviews are too over-rated for what it's worth. It's kind of like Bejeweled except you can only line up blocks vertically, and not horizontally, which kind of bothers me. There's not really a storyline ... it's not incredibly fun, but will probably last you a fairly good ten minutes of game play. It's really the effects when you line up the same colored blocks and the sounds and graphics that give you that "high" of the game.$LABEL$1 +Disappointing. This text does not show the advanced components of form and reports as the text promised. Even for the basic material, the verbiage was obtuse and confusing. I would not recommend this book.$LABEL$0 +How to Gett SSI & Social Security Disability. Mike has the best of intentions but... it's obvious this is a self published book with a very poor writing style. As a previous SSA worker, he has a lot of useless SSA 'speak'and loads of equally useless insider buzz words. Large print is annoying and used to take up space because he has so little to say. There's maybe 500 words about filling out an application for SSDI. The title is a lie and absolutely misleading. Do not buy it, save your money.$LABEL$0 +The only herb guide you will ever need. I started becoming interested in the use of herbs in 1999. I literally bought a dozen books on herbs, vitamins and natural remedies. This is the only book I have kept. It is my number one source for herb information. I also love the format of it. Not too wordy...just the facts and what you need to know. I would love to see this book updated and released as a newer edition but still wouldn't trade my older edition for a million dollars. Seriously, it's just that good of a tool in learning and using herbs.$LABEL$1 +This film is wonderful, heartwarming, engaging...stupendous!. Here is a perfect movie. The actors (Kathy Bates, Mary Stuart Masterson, Mary-Louise Parker, and Jessica Tandy in particular) are credible, rounded, warm, funny, absolutely perfect. The plot is (in its way) epic, involving a long time span, with significant developments in both past and present. It is a total must-see!This film too offers tons of memorable moments. It will also supply those quotes to use when one tires of the usual Gone With the Wind or Wizzard of Oz items. You will NOT forget "Towanda," or "The Secret's in the Sauce" in any near future.This movie is a masterpiece, and a masterful presentation of some most significant lives, and of a way of life which should have survived.$LABEL$1 +swish!. Great story that keeps you turning pages. Lots of laughs along the way. Engaging writing. I particularly enjoyed the little glimpse we get of life on the non-casino side of town in Las Vegas. I've read just about everything that's been written on that city, and this is the first time I've learned what it's really like to live there. I recommend "Money Shot" highly.$LABEL$1 +This one-star rating is generous--save your money!!!. I love The Secret and own many, many manifesting audio and DVD programs, so I looked forward to Subliminal Manifestation. This DVD is awful. I would have been disappointed had I spent even $8, let alone $80 (I purchased it directly from the website).Please save your money on this one.$LABEL$0 +love my svu. Love SVU, have all 10 seasons so far, I think that Novak should come back or else they should keep Cabot but really need to stop bringing in so many ADA's. Can't wait for season 11 to be out.$LABEL$1 +FANTABULIS. great animationhot pokemonFunny box artwhat more cooood a pokeKID ( under 13 )WANTBUY IT.This is the story>ash and his arch rival picachu travel to South Hampton, England 2 see what they might c..thanks$LABEL$1 +Golding at his Greatest. Golding certainly seems to root out the very psychology that lays behind the rudimentary world of the male youth. In magnificently eloquent prose and a deeply engrossing story to boot, Lord of the Flies has deservedly been dubbed a modern classic. One can relate to the actions of the characters simply because we were all once of that age and were all once driven by the same urges, impulses, and emotions that Golding so graphically and yet so effectively illustrates. An essential read there can be no doubt......$LABEL$1 +The Dutiful Rake. Harriet Klausner summarized the plot so I won't do that here, but her 5-star review is way off. I will say this novel had such a nice beginning. A spirited and independent heroine, and a masculine but not overly domineering hero who was attracted to the heroine without really wanting to be. Well, all that burnt out real quick, and the heroine somehow became timid, and easily led into stupid situations, while the hero became thick-headed and unreasonable.I don't like novels where it's obvious that just a simple conversation between the two main characters will clear the air and resolve their differences -- and they never have that conversation until the last five pages of the book. (Sigh.) This is not a horribly bad story, and it's not badly written, but I got more and more annoyed with the plot and with the characters as I read on. I just think Ms. Rolls is capable of much better storytelling than this.$LABEL$0 +Good size but fit is hit or miss. We have a few of these. In different sizes. They go together easily. No idea why the first step is knocking out plastic parts. They couldn't do this? Otherwise assembly takes about 60 seconds. We have several of this size box and some have tops that fit perfectly. Others have tops that are too deep and the lock hole doesn't line up. It is weather resistant but not water (or insect) proof. Even when perfectly assembled there are small cracks between the pieces that allow small bugs to enter. So not for dog food or anything like that. Stuff inside stays dry. Also, if you use a lock understand that the lock is just aesthetic. A ten year old could pull the sides or back off to gain access.$LABEL$1 +Not bad. I thought this movie was going to suck. But it wasn't as bad as I thought it was going to be. But the first The Hills Have Eyes is better. Of course the first movie is usually better!!!! You should give this movie a chance. Its not that bad!!!!$LABEL$0 +Horrible. I used these on my iPod. I also used these for running. the sound is ok. Very little bass and kind trebly. They lasted about 6 months then stopped working all the while they kept deteriorating. The cord is very thin and very weak. I stepped on it twice and the wiring became exposed. The cord ultimately looked like an electrical taped mess. The left channel stopped working after 6 months. I wouldn't recommend these to anyone who is going to use these for working out in any way. I suppose they are fine for commuting or general use.$LABEL$0 +short life. i purchased one in 2008 as well. mine lasted for 3 years, better than 1.5 but still not what i expected. it is still in one piece but the code came up for MAF and i'm getting the same symptoms before i replaced it.$LABEL$0 +Stop with the so called, "Inspirational Stuff". Not only outdated, this book is impracticable, condescending, and pedantic. Unless you need inspiration, spirituality, and out-dated advice, I would suggest you spend your money on more practical writing guides. Just my opinion... Good luck, all!$LABEL$0 +Swing Out Sister does it again, Wonderful. After waiting patiently for the latest edition of Swing Out Sister to arrive, I could not wait to listen to the Stylish vocal's of Corrine. From the catchy "Who's been Sleeping, to the haunting vocal's on "Make you Stay, Swing Out Sister proves they are among the very best.This cd feed's your heart and soul. Thank you Swing Out Sister-La La La mean's I love you$LABEL$1 +Disappointed. I was really disappointed. There was no detailed movements. Too much talk with roughly movements. It was a waste of time and money. I'm not sure it is helpful even to the biginner.$LABEL$0 +Asleep at the Watch. Immerse yourself once again in the seafaring adventures of Captain Jack Aubrey and his ship's surgeon Stephen Maturin as they roam the almost unexplored oceans of the early 17th century, and participate in the bittersweet "liberation" of Chile. The 85 year-old O'Brian's flawless dialogue and meticulous attention to detail makes this book -- like the rest of the series -- a historical tour de force. Unfortunately after 20 previous books, Aubrey and Maturin have few surprises left, and hundreds of pages filled with the impenetrable politics and minutia of daily naval life may be as stupefying as Dr. Maturin's regular doses of laudanum and hellebore for readers unaware that a great naval battle invariably lurks in the closing pages. O'Brian addicts will welcome another chance to visit their favorite characters, but people new to O'Brian should visit the earlier, fresher books of the series -- say "The Far Side Of The World."-- Auralgo$LABEL$0 +Disappointing. When purchasing this book, I expected to read about rodeo and native american life with a little romance. I did learn a lot of the native american way of life and enjoyed reading about it. The romance story line was decent, but not incredible. The only mention of rodeo was towards the end. When the author misinformed the readers and wrote that the flankstrap used in the roughstock events is tied around the animals testicles. This is untrue. The fact is that the strap is used as a conditioning tool and does not harm the animal at all. In fact, some of the animals used in saddle bronc and bareback (which are horse events)are female not male. The author needed to get her facts straight or left rodeo out of the book completely.$LABEL$0 +Haunting. After spending a summer alone, Akilah can't wait for her best friend, Victoria, to return from Nigeria (her country of birth). She's excited to start fifth grade with her fun-loving friend.But Victoria comes back a different person. She is subdued, unsmiling, and imposes a new rule on Akilah: "No laughter here." After their class views a puberty video, Victoria reveals the truth to Akilah: While she was in Nigeria, her mother had her circumcised, to make her a "pure" and "clean" Nigerian woman.Shocked, Akilah struggles to do the right thing. She is horrified by the ritualistic cruelty to which her friend has been exposed, but her own family has always taught her to revere traditional African culture. Together, Akilah and Victoria try to accept what has happened and re-learn how to laugh.Rita Williams-Garcia won the 2011 Coretta Scott King Award and Newbery Honor for One Crazy Summer.$LABEL$1 +Inexpensive & works great. The only reason I gave this 4 stars, is that it's a little short (and I'm short!). However, the fact that it comes fully assembled & ready to use is a gigantic plus.$LABEL$1 +Avoid...or you'll be sorry you didn't. I love OXO products in the kitchen so I figured the mop would be wonderful. Wrong. The head falls off, a lot! If you try to do anything but a straight forward, backward motion, forget it, you will be holding the nice ergonomic handle and the wet dirty head will be on the floor, which you will then get covered with dirty water while trying to figure out how to put it back on over and over. And if the head is not falling off, its getting caught up in the rollers, so that the rollers on the operators side are hitting the floor instead of the head scrubbing it. Forget trying to get all the water out to do that last clean swipe. Its not gonna happen with this mop. I wonder how long BB&B's satisfaction guar is? I am not happy to spend $25 on this which got both me and the floor dirtier!$LABEL$0 +Attention grabber--you won't put it down. Sylvia Browne paints a very vivid picture of how everything looks on the other side, buildings, statues, hobbies and more. She also tells how things work when you cross over. What processes you go through before and after coming to this world. I guess we won't know for sure if she's right until we all cross over. But it is a very good book that I couldn't put down. It made me want to get hypnotized to see what my subconscious knows.$LABEL$1 +Wake up to natural healing. Hellinger teaches her readers how to take matters regarding their health into their own hands, literally. The author has brilliantly deduced and presented the lowest common denominator for your ailments. She writes about two natural methods that could save millions of lives during the flu season: the "Hellinger Hiatal Hernia Applied Self-Help Technique" and the "Hellinger Life Saving Technique of Manually Boosting the Immune System." These techniques, which the author discovered and honors, allow you to circumvent drugs and medication that can destroy and handicap the body's natural healing dynamics. Celebrate: once you've healed naturally, it's forever. You must believe in natural healing for this effective process to work.I healed myself from decades of struggle with adrenal exhaustion, chronic fatigue, and fibromyalgia. I no longer take any of the prescription medications I formerly used to manage my condition.$LABEL$1 +Surprisingly good.. I've read a couple of reviews that already give the gist of the story so I'll just give my opinion. I found Aphrodite's Passion so much better than Aphrodite's Kiss, the prequel. This is one of the few books that the heroine isn't an idiot. Which is a rare find these days. However, the hero, Hale, isn't my favorite type, hence the 4 star rating. I can't write what my problem with him is unless I give away too much so let's just say he's a really good hero but not great:)If you're bored with the same old thing, I recommend buying this book.$LABEL$1 +Awesome toy. I got this for my daughter's #1 b-day and she loves it. She plays with it all the time with or without the balls. She figured it out really quick and just loves the music and taking the balls from the bottom and putting them in the top. She likes that she get's to push the button that lets them down. I couldn't have gotten a better toy.$LABEL$1 +Every woman should read this book. I borrowed this book from my friend and immediately decided that I needed my own copy. It helped me to understand things about my body, that I hadn't figured out on my own. I have started charting and it is really nice knowing what is happening and what will happen. I think that every woman should know the things in this book.$LABEL$1 +Was hoping for more. Ooling is my favorite tea but this one was a disappointment. It was fairly weak in flavor even when adding extra leaves, also the flavor seemed 'off' to me.$LABEL$0 +Walk out of this movie, it'n not worth anyone's time. This movie fails to describe the main Argument and doesn't follow any stroy. It is filled with modern music and fast camera movements whcih distracts viewers from concentarting on the subject. This movie is not worth the 1 hr and 30 minutes that it demands from the audience. It is one of the WORST movies I've ever seen!$LABEL$0 +Disappointed. I was a little disappointed when I got the cable in the mail... it wasn't what I was looking for.$LABEL$0 +A Worthy Follow-up. Overall, a very enjoyable album and a worthy sophomore effort from Norah Jones. Most tracks feel comfortable and familiar. That's not criticism, but I get the impression that she knows where her strengths are. The one 'outside the box' track is the rather bizarre duet with Dolly Parton. That one should have been left 'outside the CD' as far as I'm concerned. But for that track, I would have given the album 5 stars.$LABEL$1 +Piece of.... Horrible, just like other owners, the Eigen fell about 6 inches on the ground. Would not load, became extremely hot and when attempted to have serviced by RIO, they said we will fix it for $100. Hmm..let me think have you send me a refurbished Rio Eigen or buy an Apple Shuffle? Thanks but Ill pass!$LABEL$0 +Bad examples poor coverage. I've read about 30 Oracle books. I wanted to find this book useful, but after 100 pages, I could not stomach it. Bad examples, poor verbiage, lousy structure, since oracle writers have little competition, the demands for quality are not that great. I found Sams series books much more useful.$LABEL$0 +Finish bad within 1 month. After less than 1 month of use, the entire exterior of the chiminea is spotted, pitted, and streaked. It does not come off. i sent pictures off to Blue Rooster, who promptly replied that it was called OXIDATION, and could be easily fixed with a good scrub down and a couple of coats of high heat BBQ paint. I really don't feel that I should have to go through this after less than a month. If what is needed to prevent this from happening is a couple of coats of high heat BBQ paint, then why wasn't this applied at the factory? I am waiting to see how this will be resolved.The company has refunded the purchase price in full. I do not know why the finish turned so bad so fast, however am pleased with the way the company handled it. I feel that I should add that, apart from the finish, there was nothing else wrong with the chiminea$LABEL$0 +Perfect. What can I possibly add to what has gone before me? Not for everyone, this incredible tome (or, rather, TWENTY of them!) is a weighty reminder of the turbulent and varied history of the English language. Actually, it IS for everyone. One soon gets lost in the story; each page providing splendid new wonders, and forgotten comforting vistas. How did I live without it?October 2010: a few weeks ago I noticed an issue with Vol 3 - pages 890 and 892 were blank. After some to-ing and fro-ing with Oxford University Press (OUP), I was sent a reprinted copy of Vol 3, this time with all pages printed! Customer support with OUP was fantastic. OUP did acknowledge there is an issue with Vol 3 in some of the printings, and that they intend replacing all faulty copies. So, check vol. 3!$LABEL$1 +Great topic, should have ended far better than it did. Overall the book wasn't a bad read. The topic of exploring some of the sinister aspects of the Catholic world I found very appealing - especially as I am one ! Unfortunately the book started out promising much but in the end turned out a bit of a fizzer. I was left feeling a great deal more could have been done with the topic - to be honest, the ending was nauseating. However, to the credit of Mr Case (whomever that may be) it certainly makes one want to head off and find out more about the subject.$LABEL$0 +Avoid this player if you like classical music. If you like to listen to CDs where there is no break in the music between 2 tracks, avoid this player! I like to listen to classical music, and often I will program only a few tracks, e.g., to listen to one symphony on a CD with multiple works. The way it is designed, there is a break when switching tracks, so if you're listening to a movement that spans several tracks, you get a "skip"!If I'm listening to an entire CD, it doesn't happen, but it's horrible if you're listening to part of it.I've talked to the company, and it was hard to even explain the problem to them - I guess no one there listens to classical music (or other albums with continuous music) anymore. Their only suggestion, after weeks of discussion, was to take it to a repair shop. Given what I've read elsewhere, I suspect I've stumbled across a design defect, not something that can be fixed.$LABEL$0 +Hard to review this when I can't buy it due to no samples. I'd love to have somesamples. I've heard his music, and love it, but I couldn'ttell that from this site. The other reviews actually saidnothing about what's actually on the CD. Quite a price fornot even having one sample.$LABEL$0 +good movie. I recommend this product cause' is something a little different of what the horror movies offer, the drama is well written, even though there's some issues with effects and some irregularities with reality adaptation, but hey what movie in this world is perfect.$LABEL$1 +Didn't work, bought it again, didn't work again!. I bought this so-called lens cleaner twice from different sellers and neither time could I get any of my DVD or CD players to read the disc. I thought the first copy might have been a dud (it was an open box) so I bought another one. Boy am I stupid! My Panasonic DVD player won't read it, my Toshiba DVD player won't read it, my Philips CD player won't read it. I don't understand how a company can sell a product that simply won't work in who knows how many different brands of players!Don't waste your time and money!$LABEL$0 +Complete fizzle of right ear bud after two weeks of use.. I came across these to replace some cheap earbuds I got from the grocery store. I found these and was pleased with the price and the good reviews. I read some of the bad reviews, and noticed a lot were about this very problem. I thought to myself, "Oh, they probably weren't being handled well". That was definitely not the issue. The fizzle happened while I was on a trip, while the earbuds were in my ear. This was very upsetting. I found I could get the sound back for a while if I bent the cord a certain way, but it would simply go out again. They have great sound and fair noise cancelling while they are working. The problem is they don't last long. These are not worth the fifteen dollars I paid for them.$LABEL$0 +don't bother. I'm running Windows 7 and it won't install because the software doesn't recognize anything beyond Windows XP. If I had known this I would never have ordered it!!$LABEL$0 +poor quality. I saw this movie as a child so I was expecting to enjoy it again. You can never go back! That is not the worst of it.... the quality on the dvd is pretty bad, like it was recorded from a vhs and burned from someone's laptop. pathetic$LABEL$0 +Works well. I wanted covers for my kitchenaid because it is just easier than using foil or plastic wrap. I love this product. I have a 4 1/2 qt bowl and it fits perfectly. I wish the hole in the middle wasn't so deep (it pops out downward). Not sure what it is for. But the lids works for what I need.$LABEL$1 +Poor Gilbert :-(. Poor Gilbert! He must have turned over in his grave every day since this monstrosity was created.Removing the opera from Japan and dressing the characters in British 1920s formal attire takes Mikado out of context, and renders it humorless and senseless.Gilbert was a genius. The creator of this perversion is not!$LABEL$0 +What is this book about????. If there was a setting, a plot, or even a climax to this book I must have missed it! I also don't understand why Nick McDonell needed 98 chapters to write about nothing! It took all my energy to get through this book, I was bored from start to finish. Nice try!!$LABEL$0 +So short and we paid nearly $7. It was only 40 pages and the front of it says it only cost $2.99 at the stores.. So short and we paid nearly $7. It was only 40 pages and the front of it says it only cost $2.99 at the stores.$LABEL$0 +Philip Kaplan has done it again. giving it 5 stars would be a bit of a stretch, but overall I found it to be a great read from beginning to end.quite an eye opener, giving you a behind the scenes look into the seedy world of dotcoms.too bad about the ugly cover, even though that shade of red is my favorite.$LABEL$1 +Cry Baby. I also wanted to check out this book after the Terry Gross interview on Fresh Air, October 8th. Bill OReilly has made an entire career out of baseless character defamation, incendiary and intellectually weak commentary, and name calling. Yet he got completely bent out of shape because a respected journalist asked him a few tough questions. I mean really, walking out of the studio? Did Terry Gross hurt your wittle feewings Bill? I guess if you can't stand the heat...As for the book, I browsed it at my local bookstore. It's a travesty that amazon doesn't have a 0 stars option on these reviews. My advice - if you feel the need to watch a temper tamtrum in action, save your money and just watch his TV show or listen to the Terry Gross interview on audiostream$LABEL$0 +... what went wrong!. Ive been looking forward to this game for about 6 months and finially I found it in store. Unfortuantely, that store wont let me return it!The AI is shocking, the camera controls are next to impossible to use at any descent speed, and I cant get the game to run for more than 10 minutes without a crash to desktop. If you dont believe me, check out the gamespot review below...it sums up my feelings pretty well.Very dissapointed :-($LABEL$0 +Great collection. Finally found this again, after searching for it for years. Great collection of Holiday tunes that aren't in rotation very often$LABEL$1 +Attractive, but flimsy. . .. While this is an attractive teapot, I am disappointed by the quality of its construction. First, the glass is EXTREMELY thin; also, the lid does not sit tightly on the body of the teapot. The teapot is very small (which I knew beforehand)--so while it's suitable for the person I'm giving it to, I would not recommend it to those wanting to make more than 1 cup of tea at a time.For the price, I expected more. Next time, I will invest in a teapot of higher quality.$LABEL$0 +what a crock!. The book is written like the advice is magic. Its annoying. They could have just written an article on the suggestions. Not worth buying, just borrow it from the library, skim the material and send it back. Better yet, borrow the film. You get the same out of it.$LABEL$0 +Interesting reading but far from a work of science. No matter what the subject the author manages to pull a conclusion out of the data, often using his own ideas.While some of his work seems excellent, the praise went to his head and now he knows it all. Buy it used, so you won't feel like you wasted your money.$LABEL$0 +Drop-Dead Blonde DOA. This book included 4 short stories written by different authors. Nancy Martin's entry was good. So was one of the others, but two of them were awful. Bad plotting abominable editing, poor knowledge of basics of English grammar made them much less than good reading. I'm surprised Nancy Martin would allow her work to be published with such a waste of my time and all the other readers too. This book is available in paper at very high prices. I hope no one is fooled into wasting their money$LABEL$0 +Informative. My journey to "better eating and exercise" is one baby step at a time. This book moves in that same manner. You are not overwhelmed with all the things you SHOULD do. It's written in simple steps. You can choose any one at a time until you're ready for the next. There is not too much new under the sun but this book documents the latest in simple terms.Sandra Wilkes$LABEL$1 +We love it. My mother in law originally bought this book for my son last year (age 2 at the time). He LOVED it. We read it year-round. Unfortunately, he got sick on it in his bed in the fall (yes, he even looked at it in bed!) and we had to throw it away. Luckily, Santa brought him a brand new one for Christmas this year. He is 3 1/2 now and instantly remembered the book and has not put it down since. My 7 year old daughter also enjoys it, too. Of course, being 3, he likes to do a few of the same pages over and over, but i try to get him to try a new one occasionally. ;)$LABEL$1 +Oscar et La Dame Rose. This was another book our French group read and found very touching and imaginative. It drew me in and I savored every chapter. I would recommend this book.$LABEL$1 +NICE, CLEAN PRINT OF GOLDEN AGE ANIMATION!..NICE!. After watching this classic animation on DVD, I was pleased (for the most part),of the print quality,color,details,..(sound was mono) hd sound would have been nice. But, all in all...enjoyed watching it.I once had this same cartoon on Super 8 film, and this DVD print blows that film print away! I wish that the original paramount logo was on the intro, (was not), This is A MUST HAVE DVD for animation buffs like myself. It is a fun, enjoyable cartoon to watch, with great characters. I WISH SOME STUDIO WOULD RELEASE THE COMPLETE DIGITALLY REMASTERED ...BLACK and WHITE POPEYE CARTOONS, AS A PACKAGE A-Z!!!. Anyways, enjoy this DVD!$LABEL$1 +Practical Guide to New Age Philosophy and Application. This is a simple guide to New Age philosophy with some practical applications to use such as charts, visuliaztions and affirmations.$LABEL$1 +Tire Gauge Cover way too big. The 89590 Gauge Cover is WAY to big for the 2343 Tire Gauge. Amazon states " Frequently Bought Together" is the 2343 AutoMeter and the Moroso 89590 Gauge cover. The AutoMeter tire gauge comes from Amazon, the cover comes from an other vendor. I don't know who is at fault, but I am not happy. It is too much work to send the products back, so I consider the cover as a loss. I have to mention that the cover is well made.$LABEL$0 +sharpen your axe, Simon. Another colossal disappointment. Readers and seekers of factual evidence have a difficult time discovering reliable science, which this book does not represent. A scientist or researcher cannot have an agenda other than developing a fair postulate from sound facts. Good research includes all that is known first, and then confining tests to rigorous and sound analysis. Southerton does not do this, as so many pseudo scientists do. This kind of researching falls in the same category as Erich Von Daniken's "research."It's a real pity that people of any faith will cast their beliefs to the wind without first establishing the validity of an author's premise and examination methodology. They are however, of like minds, who look for an excuse to rationalize the abandonment of beliefs over a seemingly unsolvable conflict of ideas.$LABEL$0 +great informative magazine for enthusiasts. This magazine was purchased as a Christmas gift for an enthusiast. The articles are informative and easy to read. Makes a great gift!$LABEL$1 +NG. A typical pocket radio, but with an inconvenient FM antenna.Not long after purchase the volume control became noisy and continued to deteriorate with time. It is now almost impossible to adjust.I have many Sony products (TVs, FM tuner, CD player, DVD player, etc) but this little radio is a "bummer".My next one will be Panasonic.$LABEL$0 +60 dollars?!?!?. That's more than a concert ticket! Surely I must have missed the buzz that this is the most awesome music and demands a price like that, or maybe it's today's exchange rate.I can appreciate any ambitious musical effort from any country,in tune or out, rock equals guitar or not, but let's keep the distribution to realistic levels in this electronic age. Granted, I paid 30.00+ for Orianthi's Australian distributed Violet Journey, but knew from the previews that something fantanstic was going to erupt from this artist. Not going to bore you with accolades. If you know of her, you know. No musical or style comparisons here, it's about asking price and return on personal investment of the music that appeals to individual taste, but, come on man, 60.00 for a CD?$LABEL$0 +Think Pad Mini-Dock. This dock is your basic "connections" dock. It has the requisite USB ports, serial, parallel, key board, mouse and monitor connections but there is no space for an extra hard drive (could connect using the USB port). All in all it makes it easier to disconnect from a home office setup and take the ThinkPad on the road and is a good buy for the money.$LABEL$1 +Fantasia 2000. I was extremely pleased with the cost, quick delivery, and excellent condition of this DVD. I highly recommend this vendor, and would use them again!$LABEL$1 +Let me see, which world is this?. This not a story of something happening, or of people (or Spirits) doing something, but of characters standing around postulating. (Very British, I guess.) When you hear the terms the ages of Mouldwrap and Witspell you think Harry Potter Universe. But you're wrong. When you get to the part where Plato is listing his definitions, you think this will get better, it's a set up, like Douglas Adams in the Hitchhiker Books, preparing to hit you with strings of belly laughs. Wrong, some people might think Ackroyd is funny or a wit. No, he's not. Plato's world seems to be built of elements scoured from Asimov's Nightfall and Brin's The Practice Effect. If this is British satire, well then, back to Monty Python.$LABEL$0 +84 minutes of nothing!. 84 minutes of nothing! That is what this movie is all about. Some movies you wait to see what is going to happen next, 1313 is....will something ever going to happen next?! The only thing I can take from this movie is that a bunch of cute well fit guys parading in a huge hose in white underwear looking for each other.... " Adam... Adam... where are you Adam? " It is probably the only line these guys needed to memorize to play this movie. They were supposed to be in new Mexico but they didn't even bother to try not to film the palm trees of Malibu California. Even a voyeur will get bored with this movie. I can't believe I wasted my time watching this awfulness. I guess what kept me going was the hope that nothing could be so bad and something will ever happen in this total flop. Beware!!!$LABEL$0 +Go Conan!. All of the Conan movies are great, and no one fits the bill better than Arnold ;) There are some scenes in these movies though, that are....exposed....lots of nudity that I had never seen before....but that's ok, I could look at Arnold all day ;)$LABEL$1 +Dogs love it!. I recently purchased one of these for may parents German Shepard who just loves playing with it. It's her favorite toy. I bought a similar toy by the same company (birds in a nest), and my pug absolutely loves it. If your dog likes to play with toys, this puzzle will be his/her favorite!$LABEL$1 +Good, clean,funny movie!. Very funny-good cast-just a good movie to watch when you need a good laugh!! You can't go wrong with Tom Hanks!$LABEL$1 +A great book. Robert Cormier did a great job on writing this book. "I am the Cheese" is a great book that makes you think which you don't encounter often. It is full of suspense and drama. It is confusing at times but at the end it all comes together. The book was so interesting it was hard to stop reading. My favorite part is at the end when the title comes into play. I would recommend this book to any mature reader who likes suspense and drama.$LABEL$1 +Unsatisfying. I think Schickler wrote this book after one too many martinis, or after reading the New York Post for three weeks straight. It attempts to look at both the underbelly and the inner lives of yuppie New Yorkers. The use of the apartment building as a framing device is interesting, but it ultimately points out the book's weakness: a thin plot, and some rather misogynistic, anti-woman writing. Schickler is really interested in the story of one woman, Evie, and the two roommates who both want her. That the story is ultimately sick and simplistic is dissappointing; but that Schickler makes us wade through some sort of mediocre, almost-unrelated chapters on other apartment dweller is worse. Read the gossip pages instead.$LABEL$0 +I cannnot believe I paid $85.40 for this!. I ordered this speaker new. I was sent a used one that was covered in dirt and FOOD. It was also missing the power cord so it couldn't even be used. The instructions manual was missing as well. I would advise everyone against purchasing this speaker from Galactics.$LABEL$0 +To bury the present to preserve the memory!. RDA: October 1990. Alex's mother, a devoted and convinced defender of the Socialist ideals wakes up after eight months in bed. It's to say she never realized about the transcendental changes.Alex is afraid to tell her the truth about Berlin's Wall and the arrival of the capitalism at East Germany, due the fact she can get worse after her first stroke out. So he decides to create an Island of the past where nothing has happened, a sort of memory's museum making her believe nothing has changed.A fabulous dramatic comedy which plays hard with many items all the way through.Amazingly directed by Wolfgang Becker, awarded as the Best European film in 2003.$LABEL$1 +Pumpkin B utter Candle. I just received this new scent - Pumpkin Butter. It has no smell what so ever!! I am very disappointed as I have been more then pleased with the past candles I have ordered from Woodwick.I am very disappointed and will return this candle. Don't know if it is a flaw in this candle or if this is suppose to be the scent. (I received the large Pumpkin Butter Large Jar ) Returningthis candle for sure.$LABEL$0 +Fiction. We have to remember what this book is: Fiction.Well, Dan Brown, I guess I won't be seeing you after I die.$LABEL$0 +IF YOU CARE ABOUT TWEETER SOUND DO NOT BUY THESE. got it installed rather easily but the sound was empty in the higher frequencies VERY TINNEY. if you don't care about the quality then get them. these are very poorly made speakers. it is not a good deal$LABEL$0 +Book 4 - eh. I'll keep it short ...while you will wade through it, waiting for ANYthing, book 4 pretty much sucked. Didn't stop me from buying book 5. Even with the apologia at the end of 4, it was still not a very good book. Book 5 is getting back to speed ... we'll see...it's getting back to the characters I want to know about (tho, C1 totally baffled me). Oh. I'm a Tyrion fan.$LABEL$0 +Her best album. Janet Jackson's best album by far! It all seems so old-school now, but still great music with then ground-breaking rhythm, style mixing, and lyrics. Good stuff!$LABEL$1 +Good Price - Hope you like to yell. We bought this phone only because it was the cheapest with Caller ID and an answering machine together. We were constantly hearing complaints from people we were talking to that we did not sound loud enough. The sound on our end was just as bad! If you like to yell this phone if for you...If not, look for something better.$LABEL$0 +healthy, lightly sweet instant oatmeal. I enjoy many of the Kashi brand items, so I thought I would give this one a try. The flavor is light and not too sweet, which I didn't mind. But I noticed two things that put me off a bit: 1) orange bits, like tiny pieces of carrot, and 2) grittiness. I know Kashi adds healthy extras to their products, but the texture was not something I was used to.$LABEL$1 +Not there for the long run ...!. I bought one of these and am the only one to have used it. After a year or two, it began to stop popping the complete eight tblspoons that had been prescribed. Half of the kernels at least were left in the popper at the end of the popping session. Don't know if it doesn't heat up properly now, but it was treated like gold and simply is not a good machine. Someone needs to reinvent the older models which were fast and reliable and easy to clean. They put the current machines -- at almost any price point -- to shame. I'd be CRAZY to own another Stir Crazy ....$LABEL$0 +This reference is oversimplistic. Check it out in a store before buying it online. This book is written much differently than the Harvard Med Guide to Men's Health (which is an excellent book and a good read.) I am a health professional and I was disappointed to find that this book is indexed for use as an alphabetical reference and it is written in (too) simplistic language. Moreover, the explanation of where the research and conclusions come from (large research studies like the Nurse's Health Study, etc.) is absent. As a desk reference, this is a weak resource and as a comprehensive summary of Harvard Med conclusions, it also lacks cohesive, integrated organization.$LABEL$0 +Seriously?. I'm stunned by all the positive reviews of this book. For me it was unreadable. I found the romance to be a "wham-bam" kind of thing, the hero stilted and uninteresting, and the entire tone of the book felt like something written by somebody with no idea of the mores and history of the Regency period. I know this isn't true because I really enjoyed Putney's "The Rake".This book was just painful. There are actually moments when one of the daughters comments on her parents' behavior by saying something like, "There go the Parents again, misbehaving!" It was more like Gidget than something you'd associate with the 18th century. I guess there must be a huge market for heroines who act like they are from 2013, but are stuck in the 18th century, because that is what this book felt like.I'll read more Putney because I've read several of her books that are quite good. This is not one of them.$LABEL$0 +Good Remote - works great with most equipment!. I bought this remote from Amazon! Great value! I haven't turned on the RF capability yet. IR works very well on most devices (My Epson Projector, Pioneer Receiver, Panasonic Blue Ray player). I am having significant trouble with the Comcast set top box connected to their anyroom DVR. None of the codes given in the book work. Apparently the cable box requires a 5 digit code and the remote only provides 3 digits. Has anyone else run into this problem before? Would appreciate some feedback!$LABEL$1 +Call it something by another name!. To edit a book in order to make it into a movie such as 'The Fellowship of the Ring' did, is very common place and acceptable. After all squeezing an epic reading experience into 2 hours is impossible. On the other hand what happened in 'The Two Towers'(?) is like splatting some paint onto a canvas and passing it off as a Picasso. To alter the inherent nature of a main character is a crime against the book, and no longer worthy of it's title. Peter Jackson could just as well have started from scratch and made a great movie, but let's face it, he wanted to cash in on a much loved classic, not honor it.$LABEL$0 +High quality to buy. I just bought not long time ago, I still didn't use it because I bought these 2 pack brush head for keep instock but I will use them very soon. Right now I am using Elite (E-series) brush head, It is very good quality. I don't have to go to dentist every year anymore.$LABEL$1 +Narcissism run amok. The tale of freed slaves finding their way is decent stuff, worth retelling. But Huffman spends so much of the book talking not about slaves or their descendents but about himself, and the lots and lots and lots of sorta boring research he had to do, and how he really, really didn't like having to go to Liberia. Bummer, dude. Perhaps another author will give this topic the treatment it deserves.$LABEL$0 +Piano music. Part of this is a sample on Windows 7 and the music is Sleep Away and it is beautiful to listen and you can also buy his CD's online. Listen to your sample at least and hope you will enjoy it as much as I have.$LABEL$1 +Dull Noir Wastes Fine Cast. Strong performances by Robert Mitchum and Robert Ryan cannot save this dreary RKO crime drama. Based on the Bartlett Cormack play, "The Racket" (1951) has little spark and few surprises. Ray Collins stands out as the corrupt DA, but second-billed Lizabeth Scott gets saddled with a nothing role. Not even an uncredited assist from director Nicholas Ray could enliven the noir potboiler.$LABEL$0 +REALLY Wonderful Snack!. I have now ordered these Honey Graham Sticks twice and we all love them. My kids adore them and I do to. There is no guilt eating these wonderful snacks and I will surely order them again.$LABEL$1 +Tasty Chunx Abound!. How fortunate was I to pick this album up the day of release! And What A Release! Lemmy & his Bruise Brothers fire off a few more rounds to nail ya down! Premier selections include: Shut Your Mouth, Mine All Mine, Brave New World, and my personal fave, Voices From The War! Please do yourself a favor, enjoy the 1st song on the disc, skip past the 2nd & then Buckle In!$LABEL$1 +CD Quality. The quality of the CD I got was awful. It sounded like a pirated CD, the music was not clear - it's like being played from a tape. I can hardly hear the voices of the singers. The volume varies from one song to the other which made it hard for me to play it for my son on his sleep. I'm pretty sure it is not my player 'cause when I played the Baby Einstein CD I bought from Target, the music from that CD was crisp and clear.$LABEL$0 +Great alert. I received the alert system 6 days after ordering it. One day I was heading out the door with my kids on a nice, partly cloudy day when we heard a loud alert coming from a room on the other side of the house. I hadn't heard the alarm before, so we went to check it out. The radio alarm is loud, so it would definitely wake you in an emergency. The weather channel was alerting us that we were in a tornado warning. I got the kids and we went to the basement. About 3-5 minutes later the tornado sirens started going off outside. The alert system gave us several extra minutes before the outside alarms went off. A tornado did not come through our direct area, but it was nice to know when to head to safety. You can set the alarm to sound for many different watches and warnings and for different county areas. With all the extra storms this year, I thought that this could be handy and it already proved it works great.$LABEL$1 +Order cancelled without warning.. I was buying this CD for a friend and the order was cancelled, with no e-mail explaining why, just a letter from Amazon basically saying "F-you. You are not important, move along"Needless to say I would avoid this store at all costs.$LABEL$0 +Same Name - Different Product. As of November 2005 Amazon is shipping "Version 5" of the WRT54G. Thing is - it's a completely different product than they've been shipping for the past several years. Whereas Versions 1-4 were incremental tweaks to the hardware, Version 5 is a completely new entry, with far less RAM and running a completely different operating system (VxWorks). All previous versions ran Linux and were known for their high quality and reliability, as well as the ability to use upgraded firmwares. See other comments here and on other linksys-enthusiast sites - this new version is a turkey. It may be selling under the same name, but it's no different than if Mercedes started selling a Kia witha a trident hastily slapped on it. I've purchased a dozen of the real WRT54G's for friends and family but this is the end of the line. Some say a WRT54GL is available in Europe for our friends there that want the good one (same as version 4 here). Versions 1-4 got 5 stars; this one gets 1.$LABEL$0 +Love this stuff. I love this cream and am also disapppinted at how hard it is to find. It absorbs well into my skin without being greasy.$LABEL$1 +Microphone is Weak. The microphone is way too weak to be able to sustain a comfortable conversation. You get what you pay for in this case.$LABEL$0 +I'm definitely in the minority here...but that's okay.. I have a five year old daugher who has been a "blankie" kid since she was an infant. Let me just say...this book scared the bejeezus out of her. After reading the book to her, she asked if we were going to cut up her blanket now that she's in kindergarten.We donate books to the public library regularly and this will be in the next batch.$LABEL$0 +Nut seized up on first try - had to cut bolt!. Amazon you should remove this item from your store. It is expensive and flawed. As many other reviewers have experienced, I couldn't remove the nut from the bolt after the first application. I had to cut the bolt with a Sawzall to remove. I got this for Xmas and didn't try it until yesterday so I am beyond my return date. Terrible experience all the way around!$LABEL$0 +Highly readable and provocative. Have you ever wondered what it might be like to talk with John Irving at a dinner party? Wouldn't it be fun to run into the likes of Timothy Findley at the Second Cup and be able to ask him what inspires his writing and what he thinks about the meaning of it all? Most of us are unlikely to have sucn encounters. However, in the spirit of our age of virtual reality, Douglas Todd has provided us with the next best thing. In Brave Souls, he offers interviews with 28 of North America's most intriguing and artistic souls. Patricia Murphy, Catholic Register$LABEL$1 +Breaks easily and the WORST customer service. Had to send the base unit back TWICE due to it not charging the handset. Was able to send it back after many, many phone calls and explanations to the rep. Have had this phone for less than one year and already hate it for it's unreliability and lack of functions.WORST customer service I've ever encountered. Well, except for Dell, but that's another review.I recommend the Panasonic MultiTalk. It costs a little more but worth it.$LABEL$0 +Disappointment. Couldn't understand what the British actors were saying and it jumped from one year to the next with no explanation. I had high hopes, but thought it was very mediocre.$LABEL$0 +Well Researched--and Too Much So. Kaplan is an excellent researcher. His book is also boring as all heck, too. Dickens, in my opinion, is usually quite funny, or poignant, or both. Don't bother, unless you're doing a paper on Dicken's kidney problems or his friends, and who cares?$LABEL$0 +very eye-opening. i loved what chernin had to say about the importance of telling your mother-story over and over until you reach a place of understanding with your idea of your mother as a person. i feel like i am doing this now and this book was a wonderful guide - great stories by all the women.$LABEL$1 +Not great. Having heard the track "This bitter land" from this album and "Sober" from their next release I expected more from this album. Unfortunately "This bitter land "is the only track I like at all. It is certainly an original and interesting sound they have, but not a great album for my taste.$LABEL$0 +What a read!!!!!!. This book has a very different premise...time travel to the time of Jesus. The story was very researched and a thrill to read. I loved the subject matter as it combined both "thriller" and religious aspects. It made me think, laugh and cry! I highly recommend this book!$LABEL$1 +Full of lies.... When you do not come from an Arabic country, reading this book might be extremely horrifying because of the events that take place in the story. However, if you are an Arab then you know that the events stated in this book will never occur. Saudi Arabia is a country, it has rules and laws, and there are many mnay laws that protect women in Saudi Arabia regardless of what this book says. Many of the information about the Islamic religion is false as well. If you want to read a book to get a sense of what women's lives are in Saudi Arabia and the Arab world then do yourself a favor and do not read this book! Our lives, thank God, are wonderful. We have our rights, and we are equal to men. There is no law that demeans women in the Arabian world. I am an Arab, I am a woman, I come from an open-minded society (Kuwait), and yet I am strongly against this book because it does not speak the truth.$LABEL$0 +Excellent Energy. I am a relatively new fan of techno and I must say that I find BT to be consistent and energetic. The thing that attracted me to techno to begin with is the complexity of rythym bound together in one presentation. BT does this beautifully, and the first time I listened to "Godspeed" I had goosebumps. BT drew me into this world, as he was the first artist I was introduced to. I have just purchased two of his other works, R&R and ESCM and will review those later. For anyone who is looking to get into techno, I recommend BT. Warning: Do not listen to over and over again, like the NC gent mentioned. It is true. It's like a great movie, you wish you hadn't seen it already so you can enjoy it for the first time all over again.$LABEL$1 +Great thermos!. This is a very good thermos. It doesn't leak. The only problem is it is bigger than I planned and doesn't fit inside my briefcase very well.$LABEL$1 +Did not receive this item.. It has been one month since I placed my order for this item, and I have not as yet received it. Am I ever going to get it? Nothing to review.$LABEL$0 +Battery eating mouse. Works as intended, but Logitech says in manuals to expect 4 months of battery life from mouse. I'v owned product for about 6 months and changed the mouse batteries 3 times so far, less than 2 months per change. Not very "green". Listen, I can afford the batteries, but--call me deluded--I expect more. Logitech has work to do ...$LABEL$0 +Xtreme Machines Inside the Ride. Awesome and unique CD. If you are into motorsports, this is about as close as you will get to being at the controls without spending the hundreds of thousands required to own one of these beasts. Get it.....you will not regret it!$LABEL$1 +worst ever. I bought 2 of these and they are the worst sharpener I ever owned never got it sharp enough to slice paper and most of the diamond grit come off the fingers and just left a big mess of dust I would never ever buy this again or recommend it to anyone!!!!$LABEL$0 +Another great Star Wars soundtrack. First of all, I would like to point out that I do not own this exact soundtrack but the older collecters edition. I am writing the review on here because the reviews for the other soundtrack are for the movie, not the score. I highly doubt that there is any difference in the music though.John Williams' final installment to the Star Wars soundtracks is just as good as the previous ones. The epic fleet music to the Emperor music is fantastic. This score is a bit darker than its predecessors but that's a good thing considering the story involved. There is a lot of great music in here that should please just about anyone.$LABEL$1 +A Little Book on Basset Hounds. A review of: Basset Hounds A Andrews and McMeel gift bookFirst of all, this is a tiny book measuring only about 3 inches by 4 inches, but it's packed with interesting and useful information as well as the predictably adorable photos of basset hounds. It starts with an informative history of bassets then gives a detailed description of the "breed standard", the characteristics judges use at dog shows. Then there's very practical advice about choosing a puppy, caring for and bonding with your puppy and some general information about training and care. There's still a lot to know about raising a dog that isn't covered in such a short book, but a surprising amount of information is included between these tiny covers, and it takes at most half an hour to read it all.$LABEL$1 +Hilarious. I brought the DvD because I was curious about the whole falling out that The Game had with G-Unit. I was surprised at how the the Boroughs of New York embraced The Game and shunned G-Unit. The Game walked around New York Talking to people (Something that 50 can not do without getting Robbed) asking them how they felt about 50 and G-Unit and it was not good. The Game actually had jokes which made the DvD entertaining and funny.$LABEL$1 +Great Price. Product arrived on time and as describes. The great Price made it more than worth it. yes yes yes yes$LABEL$1 +Worth the Money. I bought this for my teenage daughter. My niece recommended it for her. At first I thought it was way too expensive, but after buying two other cheaper flat irons that didn't work well for her, I am convinced I should have just bought this in the beginning. It gets very hot which is needed for coarse, thick or curly hair. Highly recommend it!$LABEL$1 +souvenir doll. Sweet porcelain doll in blue dress was purchased as a souvenir for my granddaughter who appeared in "Cinderella" in our local community. My granddaughter loved the doll, who came with her own doll stand, and represented the work she had put forth for the play. This doll is a "character doll" and not suitable for play for young children. It is fragile.$LABEL$1 +Surprisingly disappointing. Perhaps I expected too much, but while this book is amazingly comprehensive, it is also amazingly amateurish. Almost every entry is filled with opinions - how does one separate facts (an encyclopedia is supposed to have facts in it, right?) from Gray's perspectives? It feels like reading something from a freshman writing seminar.$LABEL$0 +Zagat Hits the Skids. Although the ratings are generated by questionaire entries, the writing is within the Zagats control. This book used to be witty and entertaining; now it seems as if a high-school English class was hired to do the writing. The ratings and addresses are useful, but what happened to the prose??? Boring.$LABEL$0 +This movie was never that good.,. I also do not know why they bothered with this limited edition gift set. The extra disk does nothing except waste your time.$LABEL$0 +My Hands Definitely Didn't Clap.. Boring, not as good as the first one. Would make you think the first one was a bore too. Sorry Toby.$LABEL$0 +Improbable characters that work. Who else but Elmore Leonard could come up with a phony priest and an ex-con standup comic as his hero and heroine? I'm guessing the Catholic Church left its marks on him in one way or another because he's had Catholic characters in other books, most notably TOUCH and BANDITS. I went to Catholic school, and the title PAGAN BABIES alone was enough to stir memories and draw me in. (And a tip of the hat to the person who thought to put a mission box on the cover. Perfect!) Leonard unfolds this story of scammers and scumbags with a deft hand, giving us a generous helping of his signature humor and bull's eye dialogue. No one writes like him, and thank God he's so prolific. The man is a national treasure.$LABEL$1 +The Book of Chapin Opens Up. This was the first album I ever bought. At the age of ten (okay I was a weird kid) I cleaned out my parent's garage in exhange for this album. Harry is king of the story-song and some of his best are here. The world became aware of Harry with "Cats in the Cradle" but that song only scratches the surface of his talent. "What Made America Famous" is an excellent story of common-man heroics in the face of adversity. "30,000 Pounds of Bananas" is a light-hearted story of a fateful produce delivery gone awry. "Halfway to Heaven" explores a bored, married man's inner conflict with his beautiful young secretary and his dissatisfaction at having experienced so little in life. Like my other Chapin favorites, it is a song that expresses real emotions and the drama of everyday life. It is an even, somewhat somber album that doesn't come close to matching the energy and heart of his live performances, but it is an outstanding album and a good Chapin starter.$LABEL$1 +Good Enough To Keep Me Playing. Don't have to worry about batteries or re-charging batteries anymore. Since it's cheaper than the original ones, the material is expected to be cheap too, especially for the buttons. But if you're just going after something that will work and keep you playing then this should do. The wire is long enough but I use a USB extension cable to make it longer and reach as far as I want to.$LABEL$1 +Not what I expected from Sting. I got this as a gift for my Husband, but after we both listened to it we were very dissapointed.$LABEL$0 +revenge is sweet.... I sat and watched all of season 1 in 3 days...I couldn't stop...it is fantastic. Can't wait for season 2 to start$LABEL$1 +Chamberlain garage door opener. I had the purple learn button on my unit so this product worked great for me and it was shipped very fast.$LABEL$1 +Looking for something efective. Bought the product because last year my dog, a wonderful big Golden Retriever had a serious desease from ticks, and the products we had been using did not provide good enough coverage for ticks. Have applied it today because I just came back from the States and will see if it works.....our vet said it's very good, so we hope the dog will be effectively protected and able to go to his everyday walk, everywhere.$LABEL$1 +Really great CD. I bought this for my daughter, to use for her singing lessons. Brilliant that you get both instrumental and vocal versions. Perfect for us.$LABEL$1 +Do not purchase, have a snooze instead.. Lewis write great books, but this is not one of them.Liar's Poker was a great read, even read it a second time last Christmas. However, this new one trades on his reputation far more than the content.Let's get to the point - it's boring.$LABEL$0 +Brecht's Alienation. The book is a good guide on tracing the evolution of the notion of alienation in theater. A different route from the naturalistic theater tradition, alienation aims at "extracting" emotions in theater and sticking with the message and aim of a play. Peter Thompson's work indirectly traces the idea of showing that acting is just plain "acting". He does this by reviewing the various experiences of staging Brecht's classic "Mother Courage and Her Children". For actors dreaming to just plainly "act" in theater (acting a character and not being a character), the good is a good guide. For those dreaming to be the mother in Mother Courage and The Mother, Shente in The Good Person of Setzuan, and St. Joan in St. Joan of the Stockyards--learn from this book.$LABEL$1 +Disappointing. Gergen's book is awash with name-dropping, inside baseball, and self-serving reminders of his proximity to power and his influence,,,although the evidence of whether any of the truly powerful accepted his advice or were influenced by him in any meaningful way is scanty. In my judgment, it has been his willingness to pander which has made him a "bi-partisan" figure, rather than true intellect or political savvy (a la Moynihan).I find the book to be the same as the man,,,narcissistic and full of self-promotion. There are much better views inside Washinton.$LABEL$0 +A bit thin. Ladder of Years was my first experience with Anne Tyler. I was only mildly impressed, because I thought the development of the plot was a bit thin. The book incorporated many real-life situations and emotions, but Tyler was too vague in her descriptions. Tyler left too much to the reader's imagination, which made it a bit difficult to really connect with the characters. It was a constant guessing game throughout the book as too what Delia was really feeling. It was almost impossible because of lack of description to decipher the real reason for Delia leaving, and whether or not she was justifiable in doing so.$LABEL$0 +Beautifully written summary of scientific knowledge. This book is a terrific, elegantly written (and occasionally funny) summary of the scientific understanding we have about cats. Among other things, its useful to know what is really demonstrated and what is just folklore. And yes, cats are just as unique as we think they are. Although solidly based on research, the book is written in a journalistic style that is easy to read. I am a high school biology teacher and read a lot of science, Budiansky is one of the very best of the popularizers. Parts of this book are so eloquent, I plan to read them aloud to my classes.$LABEL$1 +Poor quality. I like the lightness of the bulb. But the quality of the lamp is very disappointing. It stands there in tilt and the screw is hard to adjust.$LABEL$0 +Emancipate Us.. This cd is great and the re-release promises to be better. It's worth the price just for the 5 videos you will have...Then 4 new songs.. What a package and Mimi fans don't mind at all..Heck it'll make a great gift for someone else if you already have it.$LABEL$1 +good buy. Sometimes hard to find black tv trays so I ordered these. So far so good. just what I was looking for.$LABEL$1 +Choppy - could have been better.... I agree with other reviewers - 2 hours is insufficient. It seems like the movie is broken into 3-5 minute segments of the most important scenes in the book. It's very choppy, rushed, and doesn't really explain anything. If you watch this (and haven't read the book), you're going to wonder what the hell happened between certain scenes. I thought the cast was great, but the movie just didn't flow. If you're looking for a good adaptation, check out one of the BBC/Masterpiece Theatre productions; they never disappoint.$LABEL$0 +Too Bad!. I ordered this book from the "Used Book" section on 4/12/09. Today is 5/13/09 and I still HAVE NOT RECEIVED IT. I guess this supplier wasn't such a good choice after all. TOO BAD!$LABEL$0 +Great Buy!. Best backpack I've ever owned! Plenty of useful pockets. If you're not sure what to put in all those pockets, it even has little square hardware symbol logos sewn into the inside of each pocket... and there's a legend in the main compartment that explains each symbol. The handle is a big plus. It wears comfortably, and is made of water resistant material. The Mp3 pouch holds an external HD perfectly, though it's weight makes the bag slouch, especially when the main compartment is open. The file pocket is great for keeping bills and other paperwork separate. Great design overall, my wife wanted it when I walked in with it on my shoulder... I'll have to get her the Metro by Ogio, she liked that one too. Very nice laptop backpack in every way.$LABEL$1 +fuzzies up in the wash. this blanket was beautiful when it arrived and I washed by itself it before use. It got fuzzies ALL over it, plus a big ball of fuzzies in the dryer screen. I tried washing it again and using a different brand of dryer sheet and still fuzzies and another ball of fuzzies in the dryer screen. I tried using a tape roller on it (like for pet hair), it got some of the fuzzies but not all of them. but of course they come off and stick to my clothes! I will try putting this in the dryer again on no heat, to try to get the fuzzies off.this is too bad. I've purchased from Warm Things in the past and had good things to say. this blanket is a real dud. assuming i can't get the fuzzies off with an hour in the dryer on cool i will be contacting Warm Things to see if i can return this.UPDATE: Warm Things allowed me to return this item. Fantastic customer service!! Absolutely would order from them again.$LABEL$0 +really?. This movie is a joke. The story line sounds like it fits on a napkin and was made up by improv people within 2mins. This movie makes no sense, none of it does. Things are horribly obvious, stupid, and badly put together. I dog dreams better movies than that. I was more than disappointed and frustrated with this movie. Total waste of time to watch this, because at the end you feel even dumber for sitting through it that long.$LABEL$0 +Flows through you like water. Tori's music is always reflective of her life, like any artist. At the same time, an artist continually explores technique to add to their base of knowledge. Tori always injects these things into her music...that is what makes her the great artist that she is. To Venus and Back...the new material...is more about atmosphere than clear expression of emotion ... more evident on Little Earthquakes. I like the fact that the words and their meanings are not so immediate...they too become atmospheric. She is masterful at the use and combinations of sounds and uses her voice more instrumentally here. I am a big fan, and this recording (live set is excellent too... those pining for "the old Tori" will appreciate it) is as great as all her other ones.$LABEL$1 +Disappointed. The Descent is one of my favorite films by far. I was surprised when a sequel was announced. To me, the first film (uncut version) resolved everything. My greatest fears were confirm when I finally got to watch The Descent Part 2 over the weekend.What were they thinking! Leave well enough alone!$LABEL$0 +Wonderful Look at Gay Life in the British Fifties. Neil Bartlett's The House on Brooke Street is a wonderfully written look at the repressive 1950's in Britain. It has the erotic charge and the creepy paranoid (with good reason) fear mixed in equal measures to make this novel feel vivid and authentic. The unnamed lead chararcter takes the reader through his encounters and furtive loves through the decades to when he writes it all down in 1956 in a very compulsive manner that is sad and lonely with the thin shadows of anger, rebellion and triumph creeping in on the edges. It is an evocative look at a time but also a look at a time about to change. A very knowing, readable novel.$LABEL$1 +Excellent and detailed reference. The coverage of the topic is broad and deep. It is one of the few introductory books that devotes some space to transfer function modeling and does so intelligibly.A must have for the novice as well as those more familiar with the topic that need a solid reference.$LABEL$1 +One star. Great pictures (for black and white), including of the tombs of some of the great Chinese Muslim saints; but regarding content the author displays very little interest/appreciation for the religion of Islam; he presents a book that is quite "fuzzy around the edges," with very little regard for the vast wealth of Islamic/Sufi tradition in China, including the Naqshbandiyya (Khuffiyya/Jahriyya) and Qadiriyya orders. One would wish to see in a book like this much more probing and intelligent representation of these truely fascinating people, the Hui Muslims.$LABEL$0 +The best companion to your coffee mug. Picked up this SACD based on the many positive reviews here and I must agree. The album is highly repeatable without fatigue. If you enjoy relaxing music mixed with soft vocals, then take a chance and in a few weeks, you too will be writing the next review.$LABEL$1 +Terezin revisited. Beautifully sung and played. Reminds one of the Berlin cafe music from the 1920s, which is probably where most of the composers found their niche. Sad to know that these people didn't survive, but their music lives on!$LABEL$1 +revisting my childhood. I had already seen this movie in the past, the fact that I had a "craving" to see it again should say something! It is a chick flick there is a ditzy blonde character nothing more than a light fun comedy to relax..........$LABEL$1 +How a uke should sound!!!. I have been a fan of the ukulele since growing up in Hawaii and hearing some really good players. IZ of course is a favorite with his ability to make a few clear notes have so much feeling. Troy in this CD captures some really great uke playing and has the ability to have a lot of flourish without going over the top(easy to do I guess). There is good feeling with some very complex playing. I would highly recommend this to someone new to the uke as well as those who have loved it for many years.$LABEL$1 +interesting. I thought the book, being short, was well done. I'm not a tolkien, the man, fan, myself, I just like the books he wrote. It was short enough to keep me interested and didn't go into tolkien worship. He was a man just like any of us. White didn't go into intense depth like some of the other authors, who border on tolkien worship. This book is for those who want to skim his life, his associations, like C.S. Lewis, his wife, etc., to see who he really is really quickly and go on. The few supposed 'errors' as some other reviewers put it, are completely outweighed by the many facts put forth by the author that paint the picture as it is done in other works, but at 30,000 feet. Like I said before if you want more depth and concise tolkien history go to some other book.$LABEL$1 +Funnier in memory. I remembered this as a really funny movie, but wasn't all that amused by it. I guess humor changes as times change.$LABEL$0 +Alan Dean Foster's best work. I rate "Nor Crystal Tears" as Alan Dean Foster's best work, and as one of the best books I have ever read. It is a masterfully written story of first contact. With rarely a dull moment, it really is worth reading.If you haven't read anything by Alan Dean Foster, this is a good place to start.$LABEL$1 +One of my all time favorite Jane Austen movies. "Persuasion" is a wonderful book and this is a fantastic movie version of the book. I had a VHS version of this for years and finally picked up the DVD.The cast is spot on - without "big" names to which the script is molded around. It is very true to the book - and evokes in the viewer a lingering wistfulness of what might have been.My recommendation is to read the book first and then see the movie to see the characters brought to life. If you are not a reader, you will still enjoy the beautiful story of a love that survives despite all odds against it.$LABEL$1 +Waste of money, bought and immediately sold!. I heard one song and hated it immediately! Don't even bother!$LABEL$0 +Remastered Audio should be called UN-Mastered re-do. "The Colour Collection"[2007] is NOT Available Anymore, I hope.This is the same 'collection' of recordings as "20th Century Masters", Millenium Collection released in 2003. Billed as (remastered), a better designation would be "Un-Mastered". The audio is flat dynamically on the newer release[as if compressed or limited for dupping purposes].Not to worry, I returned the disc for a refund. I Love You, AMAZON!$LABEL$0 +Great Screwdriver. Great screwdriver saves space by not having to carry two !quick change works greatcan't find them in stores like this !will buy more just to allways have one$LABEL$1 +Save your money !!. These DVD's are junk. I have tried half of the spindle and can't get one to record. I have used two different burners and niether will record them. They either spit them back out with a message such as "unrecordable" or they record half way and then spit them out with different error messages.They must be made in China and should be recalled. I'll stick with Memorex.$LABEL$0 +Great glove for the price. Made with a tougher leather this gloves lasts WAY longer than other more expensive gloves. Sure the other gloves have that super soft leather, but with that comes accelerated wear and tear. Often times the expensive gloves develop minor tears after just one game. These gloves will last you most of the season. I found that I often lost my glove before it wore out. The only drawback is that the hand tends to sweat more in this glove, but if you remove it after every shot you won't have a problem.$LABEL$1 +Not worth $60.00!. I saw all of the positive reviews for this body pillow and drooled over it for some time. It seemed like the best one on amazon. Boy, was I wrong! I'm pregnant and the first night I slept on it was horrible. I woke up with pains in my shoulders from the seams so I removed the cover that came with it as I had read about in other reviews. The next night, same thing. After a week of this I finally gave up. It takes up most of a queen sized bed and I found it didn't give me any support where I needed it. I'm 5'5 1/2'' and slender. No matter what position I was in the pillow was still very uncomfortable. I put it in my daughter's room. Seems the only thing in this house who liked it were the cats. Now it is just taking up space. I would recommend buying a body pillow without any seams in it because for me it just cut into my neck and shoulders all night long.$LABEL$0 +The weakest in an otherwise decent series. It seems to be the habit of most fantasy writers (or perhaps their publishers) to forever stick with the characters and worlds that made them famous; this pattern can be witnessed over and over again in the fantasy genre (see R.A. Salvatore, David Eddings, Robert Jordan, et al). The result, unfortunately, is usually books like this. One gets the feeling that even Brooks has grown tired of the series. The plot is nothing any faithful reader of Brooks isn't familiar with by now, and the literary execution is, to say the least, uninspired. Sadly, however, I'm sure that as I write this, Terry's publishing company is pressuring him to come up with yet another Shannarra novel, perhaps this time an epilogue to the series. What a waste of talent.$LABEL$0 +completely worthless product. I just tried EnurAid and found it did absolutely nothing to solve the problem. I wonder if it's just a placebo because it has absolutely no effect whatsoever. Please take this useless product off the market and above all, stop taking people's money for it.$LABEL$0 +Works great, when it works. This is my 4th wireless mouse, and the only one that I've owned that is sufficiently smooth and accurate for gaming. Its also reasonably easy on the batteries. Ergonomically, its great. Just one problem, and its a big one. Sometimes it just stops working. Sometimes re-establishing the connection through the control panel will work, sometimes not. Sometimes reinstalling the drivers will work, sometimes not. Sometimes absolutely nothing can be done to get it to work, but then the next day it will be working fine.If the mouse spirits are kind to you, you'll love this mouse. If not, you'll curse it$LABEL$0 +Trap. I read reviews on this trap and was excited to give it a try. I placed and set the trap as described, but was very disaapointed with the results. The gopher unbelievably was able to defeat the trap many times, packing the trap with dirt but not setting it off and being killed as descibed by the manufacturer. The spring on the trap is too week, and the trigger is of poor material/design. I'd stick to the "Vitor" brand black box, as it works good on gophers not experianced with trapping techniques. I finally decided to hook a metal dryer vent tube up to my cars exhaust pipe, ran the other end of the pipe down the hole, let the car idle for a while, and killed em dead.$LABEL$0 +Another fitness trainer jumps on the bandwagon and falls off. Very weak attempt at covering weight training for golf, I already do more in the gym than this book suggests. Nutrition chapter was especially disappointing$LABEL$0 +this book is boring. It took so much effort to get through this book, and I'm not even sure why I read the whole thing--I must have been really bored. If you want to read a book full of stories about wealthy teenage boys who can't decide which ivy league school to attend written by a man who clearly thinks academic achievement is the single most important thing in life, this is the book for you. And most of the stories sound fictional; maybe that's just because Pollack isn't a talented writer.I gained nothing from this book and I want my money back.$LABEL$0 +Stats Class Workbook. The workbook was missing the key software that will be required in the course. VERY UNHAPPY. I wrote customer services and was not offered the missing software, but only to send it back. I need the workbook for my class, and the class is in its fourth week. I have since ordered the software from the manufacturer.Jim McShane$LABEL$0 +BEWARE: These gloves run very SMALL. I typically wear a medium & could barely get my hand in the glove. Go up one size, I need to return mine for a large (at least).$LABEL$0 +Rudyard Kipling and India folk talkes. This is a classic folk tale which tells about the domestication of animals. One after one, from cow to cat, the animals become friendly to humans. The CAT is the last animal, and it refuses to fall for the perceived enslavement. Then the woman has to become creative and entice the Cat to join the family.$LABEL$1 +Recommended. We were recently at the falconry at Ashford Castle in Ireland. Our excellent falconer guide mentioned this book as the definitive read about this type of wonderful bird. I ordered it for my husband and he is enjoying it. The book itself looks like it stood on library shelves for a time and was discarded. This makes us like it all the more.$LABEL$1 +I don't know what to say.... Nobody buys a CD advertised like this! What are the pieces Rubinstein is playing on this CD??? Tell me that and I might purchase it.$LABEL$0 +Some good ideas, and some good research. This book has some good ideas, i enjoyed it. The author knows more about the government than some want to believe. You have to check on some of the "cures" yourself - do more research if you want to be sure.Those who only review "the author" really should not buy his books. If you think he makes more money than the government OR the drug companies, youre wrong. I've worked for both for many, many years.$LABEL$1 +My bad. I should have read what this was better before ordering it....I hope to get use from it...but not to bright.$LABEL$0 +Save your money!. Product does not work. You have to hair at least a quarter inch in length, according to their directions for it to properly work. Ladies are not going to let their chin hair grow to that length in order to use this product. It certainly does not work with hair less than 1/4 inch. It is similar to waxing anyway.$LABEL$0 +Not missing much. Buried Alive revolves around a group of college kids who soon learn that the demonic spirit of a woman murdered in their vacation house is out for blood, and guess who's in her axe-wielding sights? Robert Kurtzman, best known as partner to gore effects gurus Greg Nicotero and Howard Berger (hence, KNB Effects) and the original scripter for From Dusk Till Dawn, directs Buried Alive, and sadly it comes off as another derivative, uninspired slasher flick that provides little in the way of scares or suspense. The acting is atrocious and the story is cliche and oh so predictable (for the most part), but Buried Alive does have a few good moments of note, including some nifty gore effects and a small role from Saw's Tobin "Jigsaw" Bell, who himself up's the creep factor just by appearing on film. All in all, Buried Alive may be worth a look for die hard slasher fans, but those that don't see it won't be missing much at all either.$LABEL$0 +A Good Buy?. Don't bother with this book unless you want to read a novel worthy of a daytime soap opera. There's nothing but melodrama here. The characters' cookie cutter emotions end up reassuring readers rather than transporting them to a place where they stand to gain a deeper understanding of human life and its complexities.$LABEL$0 +Software stinks. The card is solid. Getting it to work on Windows XP is another matter.With blank drives, couldn't download from web or from CD to the floppythat it requires (file is 32 MB, floppy holds 1.44MB)With drive with data on it, couldn't get the program toput the drives into RAID 1. Vague user manual. No online or phone support.Taking it back for refund.$LABEL$0 +Father Ted collection. It will be the perfect gift for my husband. We were introduced to Father Ted while on a recent trip to Ireland and will enjoy watching the collection. Thank you for having it available!$LABEL$1 +EXCITING ACTION. ANOTHER THAI ACTION DVD WITH SOME HUMOR TOSSED IN. A MAFIA GANG FORCES A MARTIAL ARTIST TO STEAL INFO BY KIDNAPPING HIS BROTHER. BIG MISTAKE !!$LABEL$1 +Great Films, Lousy Set. Believe all that you read about the defects of this set. There is freezing/skipping in every film in the set that I tried to watch (4 out of 8) and the manufacturer will not do a thing about it. They ignored two emails from me that were very detailed and explicit about the dvd set's issues. Luckilly Astro Video, the Amazon retailer that I purchased it from were good enough to do a return for me. Although I rabidly want these films in my collection, I will not buy this set again until all the issues have been corrected by the manufacturer. Don't be like me, believe what you see written here and steer clear!$LABEL$0 +Yawn yawn yawn ZZZZZZZZZZZZZZZZZZZZZ. Diamond Dave is a crap album. This guy was only cool with 2 guitarists, Eddie VH and Steve Vai. As for this album, boring covers all the way through with a naff version of Icecream Man. All you can tell from this is that DLR has lost all direction. He couldn't get back with VH. Other musicians have dropped him. Perhaps it's time he retired. After all is getting old now.$LABEL$0 +Don't Buy this.... I loved this toy at the toy store but then we came home and tried to get it working and we hated it. Don't get me wrong the IDEA of the toy is great. But the company that makes this toy should worry less about the money and getting it out on the market faster. In the long run, they'll just loose money. If I could change this toy I would make sure the coin and money withdrawn and DESPOISTS work. Instead of a card maybe their should be a combanation like for other safes. When I came online to check out the reviews I reliezed I wasn't the ONLY one wit this problem!!$LABEL$0 +Deceptive advertising!. I agree with Troy. In addition, the picture is misleading by not showing the type of electrical connection. It turns out that this product is not a standard 120 plug, (U.S.) It appears to be a 220 volt plug and renders it unusable to the average consumer. Even though I have the ability to make it work, I do not have the interest or time and do not recommend this product.Get Real!T.L.$LABEL$0 +not good. The book was not what I taught it was. I was really looking for a color wheel guide to beading. This book did not meet those requirements.$LABEL$0 +Very poor quality MADE IN CHINA. Received the shamino bicycle and in bold letters on the box MADE IN CHINA. I started to not receive it and have it returned. I took it home and was doing the minor assembly and noted the machining of the fasteners was terrible and the nuts were loose on the studs/bolts they were fitted on. Packaging was just ok...........there was a loss of paint on the seat post from rubbing something. the tires inflation is rated for 45 to 60 lbs. I was pumping up the rear tire after doing the front tire and got to the 45 lbs ok.............then got a loud pop and the tire blew out very loud. As i write this I do not think this bike was advertised made in china........if you want a good dependable shamino bike buy a used one that was made in the USA. Amazon should not sell substandard made in china items.............I learned my lesson about Amazon and you should also.$LABEL$0 +Good concept, poor content, lacks detail. The video covers what could be interesting and important joint locking and joint control techniques. But the videography is terrible. It looks like they had the video recorder on a tripod 10 meters away and filmed this in one or two sessions with NO closeups. Even though I am an experienced martial artist (17 years), and aficionado of joint techniques, I could not figure out the hand and finger positions the people used and described in the video. The subtitles had poor English so additional detail could not be gained there. From the distance the techniques were shot it looks like they have some interesting methods and techniques, but there is almost no way even experienced practitioners would be able to apply these without multiple trial and error sessions. I gave it 2 stars because there is potential there, but all and all it is a disappointment.$LABEL$0 +Killing Time - Different but Enjoyable. I enjoyed this book. I salute Linda Howard for trying different types of story lines. Don't listen to the negative reviews. If you are a Linda Howard fan, read it and enjoy. I know you'll love the end. By the time I closed this book - I was very satified and had a smile on my face. I will never miss a Linda Howard book!Don't forget to read my very favorites - After the Night *******, Open Season ******, Shades of Twilight ******, Son of the Morning *********, Dream Man ******, Dying to Please *****.$LABEL$1 +Info about Virgo Degan. Virgo Degan's first album, entitled "Yes, it is.", was produced by Chuck Henry of 10 West Productions, and released to critical acclaim in the fall of 2003."YES, IT IS" is an eclectic mix of digital and progressive rock, trance and ballads from LA-based vocalist Virgo Degan.Track Listing: 1. Bourbon Drive, 2. Stop Sayin' That!, 3. Just You and Me, 4. Can I Go On?, 5. Stop Sayin' That! (Dark Trance Mix).$LABEL$1 +Far from a triumph.. Blackmantle is in my opinion a hugely disappointing effort from Kennealy-Morrison and is symptomatic of a slide that has occurred in the quality of the series since the Copper Crown ( a truly superb book ). I agree with the comments about it being a thinly disguised autobiographical novel and it got far too mystical in places -not enough essential action. I await the arrival of the Deer's Cry on this side of the Atlantic with a touch of foreboding- especially given some of the comments I've read on it$LABEL$0 +Dangerous nonsense. Such a shame. I saw the book advertised on TV and was intrigued. But within the first few chapters I began to question some of the logic. For example, from Chapter 2 "Consider this--animals in the wild such as chimpanzees do not get sick!" ... at which point I thought, erm, yes they do? Then, as I was asked to consider more and more "startling bits of data" that were clearly suspect I started to get really suspicious about about the author and the authenticity of what I was reading. So I Googled him. I suggest before buying this book you read his Wikipedia entry. That, and other references, have made me decide to throw this book in the recycling, and satisfy my interest in naturopathy from an author who's much more legitimate.$LABEL$0 +Would Not Recommend this Toy. My 2 year old son received this toy as a gift. Although he somewhat enjoys playing with it, I was seriously disappointed with the functionality of the click bricks.First, the click bricks don't 'stick' together well. If you pick up two joined sections or try to reposition them they fall apart -- very frustrating for a 2 year old!! I think the magnets are way too weak. Some of the magnets don't work at all!Second, you can't really build much of anything with the pieces in this set. They have some neat pictures of built projects on the box, but good luck recreating them!I would absolutely not recommend this toy. My son has MUCH more fun playing with his Mega Blocks and with his basic wooden alphabet blocks. Hope this review is helpful to you!$LABEL$0 +Sennheiser RS-120 Wireless Headphones. Excellent sound, but fits like most headphones. I expecially liked the padding around the ears. I thought it was a good buy for the price. I use the set mainly for watching TV, so I don't wake my wife, and it works great.$LABEL$1 +Weight Loss. Great product for the price!! I haven't seen much loss, but my craving for food has decreased throughout the day!$LABEL$1 +At first I liked it. The cream is smooth, unscented and non-greasy. It didn't dry out my skin and it didn't cause breakouts! (I have combination skin) I thought I had a winner! However, after going through a complete tube, I realized that the cream didn't work. It didn't moisturize, reduce wrinkles or fade age spots. Nothing. I've had other Alpha products and they are always excellent, this wrinkle cream just didn't work for me at all. Unless they tweak the formula, I wouldn't recommend.$LABEL$0 +laughable!. I have to say I had my hopes up when I bought this book, but this book is non realistic, who has time to explore their bodies, for hours on end. It wasn't disgusting in anyway but the terms she uses for body parts some times I could not stop laughing! Rose buds, petals, love bud I mean come on who uses terms like that? I certainly don't and never will!!!!! Good Luck to the next person who reads this book!$LABEL$0 +Cross Mini Gel Rollerball. This refill was what I expected and I am enjoying using my Cross pen again.$LABEL$1 +tough to beat. I have to say I'm totally hooked on this show, I can't wait to get the next season on dvd! As a doctoral student in clinical psych I'd say it's probably the closest thing to real therapy that your going to see on tv or movies, it's the closest I've seen. Of course it's sped up to fit one client into one season, but it's pretty accurate in its depiction of how a psychdynamically-oriented clinician goes about work. The fact that he does his own personal therapy is a major plus for the show, it gives you a great view of the human side of the therapist that you don't see when he's the therapist. Overall, it's a great show. If you like this type of therapy (psychdynamically-oriented, non-manualized, etc.), or if you have had some of this type of therapy yourself, I'm sure you will really like In Treatment.$LABEL$1 +bad deal / rip off. Don't buy this. I bought this because it was recommended in other people bought this section, when I order my Slime COMP06 Pro Power Heavy-Duty Tire Inflator. It doesn't work, when I turn on the power switch on the pump the red power light on the adapter goes out and nothing happen. No worth the price to send it back. (JUNK)$LABEL$0 +I'm returning mine. I just received my SanDisk Cruzer Micro with U3 today, and it's going right back where it came from. If you don't use THEIR software's eject, you get an error message the next time you insert the USB key. This wouldn't be a problem, except that their software is sensitive to certain settings that I have, and _disappears_ from my screen before I can click on the Eject button. Hardware should not be settings-dependent. Also, if the USB connector is retractable, there should be a flap to prevent dust from gathering inside.$LABEL$0 +Great giraffe but seam tore. I was given this giraffe at my shower. I love it and was hoping my son would too. Within 2 weeks of use (just for music as my son is too young to interact with it) the seam has opened up and the leg is falling off. I don't know how this happened as it hasn't been used much. I feel like it was just not stitched well. I have contacted the company so I hope they will replace the giraffe.$LABEL$0 +Beautiful Film!. This film is the best Little Women film to date! Claire Danes was not the best Beth, but very enchanting. Winona Ryder did a superb job as Jo. Kirsten Dunst was very funny and enchanting as young Amy. Susan Sarandon was wonderful as Marmee.$LABEL$1 +really bad book. I am glad I didn't pay money to receive this book. I got it at the library's free table. I started to read it and found that it was full of violence. I stopped reading it and threw it away. Our society is violent enough w/o books having violence in them. So I threw it away and hurled it way back in the trash bin so nobody could reach it, it was just so bad. I would give no stars if I could.$LABEL$0 +Megadeth's sound is huge... this just sounds weak. I too was psyched for this DVD. I've seen the band several times the past couple years, and think they are pumping on all cylinders. However, the sound production on this DVD just really disappointed me. There is no punch to it at all. Honestly, I have trouble watching it for this reason. I've heard the cds sound better, I am a huge 'deth fan so I may gave them a try. But this DVD left me feeling empty.$LABEL$0 +On my top 5 list of favorite movies. This movie was just simply amazing. If you are the type of person who easily feels other people's pain then you may need an entire tissue box after the movie is over. I felt everything the movie wanted me to feel. Guilt, remorse, sadness, and even happiness. I don't understand why people would totally dislike the movie just because of a few factual mistakes. There are thousands maybe even millions of movies that don't get the facts %100 right. I hate when people look for the negative in things and then forget all about the positive. If this movie didn't move you to want to at least consider donating you have no heart..regardless if the facts weren't all right. I cry every single time I watch this movie. Will Smith is a wonderful actor and he deserved every award for this movie. My copy of the movie got scratched so I immediately went on to Amazon to search for a new copy.$LABEL$1 +dark and depressing. I love Angela Hunt's books because they are all different. Unfortunately, I knew I was in trouble with this one when I read of Mark's favorite pastime. From there, things went from bad to worse. The book depressed me, possibly because it addresses the afterlife and I was just looking for a good inspirational read. I also had trouble understanding if Ms. Hunt was really trying to describe hell, purgatory, or was merely using poetic license to get readers to take stock of their relationship with God. If the latter is the case, she succeeded. However, I do think that any book that addresses such a dark issue needs to thoroughly counterbalance that darkness with the Hope we can have in Jesus Christ. Kudos to Angela Hunt for tackling all topics, but I will probably not recommend this book to any friends!$LABEL$0 +Great Guides. I ordered both Barcelona & Madrid before my May trip to Spain- saw them in the Magellan travel catalogue a couple weeks before I left town, and thought these might be helpful. As it was my first time in Spain and I speak only a little Spanish, they proved really helpful, much better than carrying around a guidebook.$LABEL$1 +Do not buy!. I have had some real problems with this software. And the customer service at Pinnacle is terrible! The always tell you the same thing, "Uninstall and re-install".When I would burn my finished product onto VCD, deleted scenes or something would blink in and throw my movie off sync. Talk about annoying! I am sure there is software better than this out there. I am going to try Adobe Premier now and I hope I get the results from it that I need.*Mac users praise the computer gods for giving you Imovie!$LABEL$0 +Well, if you are a true Beatle fan..... I have been a Beatles fan since 1964, and I have distinct memories of the band's influence on my young life. I saw Hard Day's Night, Help!, Yellow Submarine, and Let It Be in the theater when they were first released. This film has always been the Holy Grail of Beatle fandom.Now that I own it, I can honestly say I understand why it took so long to release it to the public. That thirty years of isolation, locked up in a vault somewhere in London, only improved its standing in my imagination, not on actual film. The BBC was right to bury this. As a film, or television special, it's horrible.But as a fan, I had to have it. Now, that's all I can say about it; I own it. When will Let It Be be released?$LABEL$0 +what happened to the romance. I really liked the previous books in this series a whole lot so was very excited when this book came out. I read it and there was no eric or bill, so no romance involving sookie. That is what I like so I was very disappointed with this book. I hope definately dead is better but it doesn't sound like it will be.$LABEL$0 +Have GPS Will Travel. It is just fantastic. If Columbus had one of these , the history of the world--- , well who knows! I love it. The voice is harsh and the pronunciation at times is tough to follow. But all in all do not leave home without it.$LABEL$1 +Essential Batman. I absolutely loved this boxset, almost based completely on the special features of which there are a ton!! Obviously the movies are here, and they look and sound great. But the main thing would be all the special features. Nice buy for any Batman or action fan.$LABEL$1 +Tedious and Endless. This film presents an interesting but sad story about female miners who were living in an impossible situation in Northern Minnesota mine country. However, the presentation of the fact that these women were constantly hassled on their jobs and in their community is way overdone. And nearly every single male character in the movie is portrayed as vulgar and evil, with the exception of one miner's husband and the lawyer who takes the harrassment case to court.This movie tedious and neverending, and much of the dialoge is so "movie of the week." Skip it.$LABEL$0 +Outstanding Bible Survey. I was handed this book by my Youth pastor in high school, and it helped me form the foundation of my personal faith. I am currently leading a group of high school guys through the book and they also are loving. Great for new or old christians who want to start their learning in the bible and theology.$LABEL$1 +Don't buy this toy!. I bought this for my 9-year-old son on his birthday and it is totally useless. As other reviewers have noted, after a few firings, it jams up and the more the bullets jam, the more damaged they become. Furthermore, it's hard to find replacement bullets. This was a total waste of money and I doubt we will ever purchase a Nerf gun again.$LABEL$0 +this should be your civ pro bible. If you are taking Civil Procedure, this book should be your Bible. Period.$LABEL$1 +HORRIBLE!!. This item is cute and supposedly "protects" little fingers from being cut. This item is horrible and useless - I am returning this junk. It is comfortable and fits well in my hands, but as you try to cut your little one's fingernails... it is impossible. The "skin guards" around the clippers make it IMPOSSIBLE to cut nails accurately. I am disappointed... sassy usually comes out with really great products... NOT THIS TIME! EPIC FAIL! >:^($LABEL$0 +Informed Decisions - 2nd edition. As an owner of the original "Informed Decisions" I was thrilled to see that there was an updated edition. I purchased the 1st edition when afamily member was diagnosed with cancer and it was a wonderful help -notto try to make decisions, but to know what to ask the doctors.I purchased the new edition in order to try to do the same for a familymember with oral cancer. What a disappointment!!! I expected to findupdated info about staging and survival rates, Not there!! Just a generaldiscussion that is not any more helpful than the information in ageneral use medical text, such as Merck's, Johns Hopkins, etc. If agood text is needed, find a used copy of the original "Informed Decisions" and check the data with your doctors.$LABEL$0 +Good price but poor quality. The seat foam was poor quality/ low density......not comfortable. Don't feel that it would have held up for very long.$LABEL$0 +I watched it 3 times in one day.. I notice how this movie didn't get rated with 5 stars. Maybe because Owen Wilson is always funny with ben stiller by his side. But I gotta say he pulled it off without B.Stiller. Not all can relate to this movie. I know I wish I had someone to fend off the bullies while I was in school. LOL!well, my fav part was when Owen ( Drillbit) told the kids to find a common ground with the bullies. So the fat kid had a free-style (rap) competition with the main bully. Except he only made the bullies more furious and embarassed them.there are other funny parts in the movie but this just made the movie..to me anyway.$LABEL$1 +Fan of old musicals. Still well done by this fabulous duo. Its in color, but I prefer black & white. Still worth the purchase price.$LABEL$1 +An odd and enchanting writer from Denmark. Hoeg is known in the States for his mystery/exoticica Smilla's Sense of Snow, but when addressing his fantasy/real world body of work he falls into the rarified atmosphere of South American novelists who mix a crackling good story with elements of fancy. Yet Hoeg's fancies are dark and brooding and compellingly written. Bravo and more please.$LABEL$1 +warm hands, warm heart. Bought them for my daughter who is off at college in NJ, because she couldn't find them in stores. Arrived on time, nice packaging.$LABEL$1 +let down. Willing to give it some more time but this record is a big let down. It's still Supergrass so there are lots of great vocals and band personality but the songs are largely insignifigant. Where is the weight?"Prophet 15" and "Run" are all that keeps me from smashing this thing over my head and into one hundred bits. Run is a top 15 Supergrass song but low on that list. Prophet 15 would have made a nice b-side surprise. Something is rotten here.I saw it coming when the last album was dominated by weak material but I did not want to believe that it could happen.The last album has some gems though that more than save it and seperated Supergrass as one of the true musical leaders of this pale generation.Why could this not have continued?Let down. Who is next to fall?$LABEL$0 +Useful for a beginner. I bought this book hoping to pick up a little bit of the language that so many of my friends speak.Although it is no substitute for personal instruction, I found this to be quite useful. I learned a few colloquialisms, and the author interjects some interesting culture notes here and there.All in all, I'd say it's work the couple of bucks to pick it up. Recommended.$LABEL$1 +Sopie and the Bfg make a very good team.. When Sophie first met the Bfg she was scared. They became friends and at the end the rescue was very entertaining. I think other people should read this book because it is a delightful book.$LABEL$1 +Sucked!. I was really hoping for some good chuckles on my hour long commute to work. This didn't give me any chuckles. It was more cringe worthy than anything. I'm hoping his other stuff is better and will give it a try, but I would recommend skipping this one.$LABEL$0 +Ashes to Ashes, Boring-to-More-Boring. Looking over the reviews, I can't believe I'm reading the same book! I am sooooooooooooooo bored, I can only read a few pages before falling asleep at night. Yet, I am plugging on because I did read Tami Hoag's last book, "Ashes to Ashes" and found it engrossing. The only reason I don't just QUIT reading this book is because I've never done that before and I am curious enough to want to know what happens. I can't recommend it to others, though. Do a crossword puzzle instead.$LABEL$0 +Good read - though gratuitous in parts. I enjoyed this book quite a bit, and would have given it 5 stars except I felt some of the story line was overly gratutious.$LABEL$1 +A perfect book for young Star Wars Fans. I think that this book is middling in complex wording, probly created for kids around the ages 8-12. Even though it was a bit slow, and I prefer more complex wording, it was a fairly good book as far as the plot goes. For older readers seeking Star Wars Books, try the Young Jedi Knights series, but this book is a perfect book for a younger reader.$LABEL$1 +Poorly Written Book. It is a great story idea, but the writer made it predictable and trite. There were many long dialogues where nothing was actually said. I was horribly disappointed, and I live in the town the story was set. That in itself should have kept me interested...or maybe not?$LABEL$0 +Did not get the product I ordered. The product I ordered was the large version of this book. What a received was a smaller version. Not what I wanted. Extremely disappointed.$LABEL$0 +Out of This World. I love M.I.A. She experiments with music like a scientist does with lab rats. Crazy beats, untouchable energy I love it.$LABEL$1 +Excellent protein supplement. My son recommended this for my recovery from heart surgery six months ago. My wife and I have been taking it ever since. I think NOW products are good across the board, and this one is particularly good. I'd recommend the "natural" flavor over the "Dutch Chocolate." The natural flavor doesn't require a much to constitute the same amount of protein, thus saving money, and the natural has a very neutral flavor. We use it in a smoothie every morning with lots of different nuts and Green Vibrance and a banana. Makes for a very filling breakfast. I think this product really helped in my recovery.$LABEL$1 +The Best Despite Others' Criticism. This book was one of the BEST I have read in a long time. It takes a fantasy sci-fi book to a new level. It was supenseful, intriguing, and a renewal of faith. A great way to say "what if God had made a place other than Earth..." Overall: This deserves six stars.$LABEL$1 +Worst album ever?. I would give this no stars if that option were available. The only interesting thing about this album is that it is mentioned by Thomas Pynchon in Gravity's Rainbow. Amateurish, pseudo-psychedelic pseudo-folk of the cheesiest, silliest, most inane and cloying sort. Do not listen to this album. It may be hazardous to your mental health, especially if you attempt it with trendy chemical amusment aid. No redeeming value on any level, even as an artifact of silly psychedelia. When I had to move I threw it in the dumpster.$LABEL$0 +Repetitive, boring. Too long, too repetitive and almost no dialogue creates an extended agony that sometimes might be confusing.$LABEL$0 +No NON. Monotonic dribble. This is definatly the ... NON release so far, asides "Might". I can only recommend NON's "God and Beast" or "Easy listening to the Iron Youth". If you are looking for a good noise, look for titles from Merzbow, Painjerk, Deathpile, Whitehouse, Masonna and others. NON is way too over-rated.$LABEL$0 +Inaccurate Sizing. If you have a larger breed dog (GSDs, Labradors, Huskies, etc.), beware of the sizing.I decided to buy one of these muzzles for my 9 month old German Shepherd for when he goes to the Vet. The sizing information on the packaging and the website are all way off so I didn't really get to test it out. They both suggest a size 3 for GSDs, but in reality, the size 3 is half of what my dog would need. And my dog is standard size, so he's not over-sized or anything.I returned this and ordered a Size 4XL. Hopefully that will fit.$LABEL$0 +Great price and functionality.. I was looking for a compact electric kettle that would be good for travel. The Proctor Silex K2070Y 1 Liter Electric Kettle was the best choice I could find, and the price was very attractive. It is a very useful and mostly well-designed unit. Lightweight, compact, easy to see the water level, easy to see the "on" light, and fast. Two and a half minutes to a boil (filled at the minimum level; enough for one large cup). The only down side is the on-off trigger sticks up and might break off during travel, and the pouring screen (inside the spout) is not very secure. It has come loose several times inside the pot. All-in-all, a very good product.$LABEL$1 +Good stuff. This thing is just as advertised. The hose is good quality. It is well built and works very well.One word of warning: This thing is HEAVY. Think through what you are going to mount it to and how.$LABEL$1 +Captivating. An excellent book. Jennings story gives a child's account on a very profound and important subject matter. I discovered once I began reading his book, I could not put it down. I strongly recommend it--a most captivating narrative of what a child had to endure.$LABEL$1 +A delightful twist on an old favorite. My four year old daughter adores this book. Already a huge fan of the classic Cinderella story, she found this book at the library and enjoyed it so much I had to purchase a copy for our own collection. The illustrations are bright, colorful and clever. The story is long enough to hold the interest of a child who is ready to move beyond single-sentence storytelling, yet not so long that it takes forever to finish the book (always a plus if you have a child that is always trying to negotiate for just one more book before bedtime).$LABEL$1 +My cat love it!. Great Supplement!! I got both the one for dogs, and the one for cats. They all love this supplement very much! The only reason I am rating it 4 instead of 5 because the tablet is slightly too big for my 15- year- old cat, so I have to powder it to put in her food. It would be great if they can make manufacture one in a powder form.$LABEL$1 +Great guide but needs updating. This book is excellent for both the novice and experienced eBayer alike. Everyone who uses eBay regularly should be able to take something away from this book.As a previous reviewer has stated, some of the tips are common sense, and come straight off the ebay site. However, its great to have these tips in one place and easily referenced. This can serve as a checklist for your own buying and selling procedures.PS: Second edition has now been released. Make sure you are buying the new one.The one big negative - no coverage of the latest 'bid sniping software'. This automates your bidding, allows better planning, does not increase the sell value early in the auction and maximizes the chance of winning (by placing a bid in the last seconds of auction). This software isn't highly publicized by ebay.This is a great book, but look out for newer texts covering the latest auction software.$LABEL$1 +Yummy!. This is great for settling the tummy.And for those of you wondering if you can use this syrup for sodamaking with something like a sodatream - Yes you CAN. Each bottle will make between 2-4 litres of cola depending on how strong you like the flavour. So, slightly more expensive than sodastrems flavours, but WAY BETTER TASTING and no artificial sweeteners.$LABEL$1 +Teaching Strategies for Nurse Educators (2nd Ed). I really enjoy using this book, it was one of our recommended books for the Masters of Nursing Education class. Have already used it a lot as a resource for my Nursing Education Practicum clinical log and other papers that have to be written with references.$LABEL$1 +Awful "voice" for this character. Selma Blair did not understand this character. Her tone of voice is really unappealing. I am very disappointed and will not use this in my class. Poor product.$LABEL$0 +Can't beat this - easy problem free. There is nothing to say really, I have no problems,I support 5 major formats, it is small, and user friendly. I would recommend this to anyone! I had this for about a year now and still no problems.$LABEL$1 +Not to my liking. I'm not sure what everyone is talking about in the previous reviews. We had this for a bookclub and several members, including myself, found the religious overtones offensive. The author appears to be pious and judgmental. Just because you think about a sin doesn't make it a sin! Would not recommend this book.$LABEL$0 +Excellent magazine. I received my first issue much sooner than expected and I'm pleased with the informative articles and wonderful photographs in the magazine. If you're a horse lover, this magazine is sure to please.$LABEL$1 +FOR COLLECTORS ONLY. This 1955 effort for Prestige is marred for me by vocalizing on 2 tracks and rather loud congo playing from Candido on several others. Fortunately Bennie and Charlie Rouse returned to the studio several years later and recorded BACK ON THE SCENE for Blue Note. It is much the better of the two and is included in the 3 CD box set which gives you 5 LPs worth of music,including SOUL STIRRIN--WALKIN AND TALKIN and more.$LABEL$0 +Horrible!. Forever was forever boring. I enjoyed the first ten pages and then it was all down hill from there. I've been told the first two books by McCann were far better, maybe I'll give those a try.$LABEL$0 +5 scenes too late.... Everything seemed okay, but when we went to watch it - and tried over and over again, the movie skips the beginning scenes of the movie. I was very disappointed at a product that was supposed to be in new condition. The DVD is useless.$LABEL$0 +A Good Knot Book. This book gives clearly illustrated instructions on tying many very useful knots. It organizes them under headings of Sailing, Hiking and Climbing in which they are most commonly used. The author includes the strength of most of these knots which describes how much they weaken the lines in which they are tied - often leaving less than 50% of the original strength of the line! Some knots do not hold well when bending (you will learn the definition of this term, as well as "hitch" and "knot") together two ropes of unequal size. Maybe you should use a different knot? Budworth has a suggestion!This book is both useful and interesting thanks to the inclusion of a brief history of each knot. It did not change my life, but it did change how I secure my anchors! I recommend it!$LABEL$1 +Look great, work great.. I've owned a similar set of these for 8 years that came from the dealer when I bought my car. They've been great and totally trouble free so I bought these for my old truck after recently purchasing new tires/wheels. These fit great on the longer studded 3/4 ton and 1 ton axles. Let's not kid each other - if a real thief wants your tires/wheels there are relatively easy ways for them to get any wheel lock off. For the modest price, however, why not try to at least deter the casual thief? These fit the bill, look great and come with a great warranty.Cheers!$LABEL$1 +never recieved my books. i never recieved the book because you messed up with the shipping. I got my money back a month alter for it but i still never read it. i will never buy anything from amazon again. noone even offered to resend the book free of cost which they should have because i waited for it for so long. 3 different books i had this problem with.$LABEL$0 +Time Travel & Pseudo-Scientific Jargon. Time travel and what-have-beens are among my favorite type of book. Highly recommended are Anderson's TIME PATROL, Piper's LORD KALVAN or Dann's TIMESHARE series.However, Mr. Parkinson has produced a plot with a minimal storyline, characters with confusing pasts, presents and futures, a knowledge of history which would not do justice to a ten year old and glossed over this dross with mathematical constructs and scientific jargon in a mish-mash of nihilism. Having received the enire series plus his TIMECOP work, the best I would note is that Mr. Parkinson's writing is of a consistent level -- unfortunately, that level is poor.$LABEL$0 +Vornado EH1-0028-06. EH1-0028-06 This is a very dangerous product, The cord gets extremely hot, causing the outlet to turn dark black, I notice a burning smell and checked the heater and the outlet was on fire. Luckly We were able to put the fire out before it caught the house on fire, I would not recommend this product to anyone. If you do buy it or already have one check the out let often!!!$LABEL$0 +Wonderful performance of Swan Lake. First thing is to say that indeed, today, you can find much better recording qualities (we are in the DDD era). However this performance by Boston and Ozawa is the only one that got the zing. It's really emotional and Ozawa truly lives Tchaikovsky's dream. As others have already noted, the string work is magnificent, and the listener might cry together with the swan... If you are a ballet fan, Buy this CD!$LABEL$1 +Not Very Good!!. I was assigned to read "Define Normal" & if not for that, I wouldn't have finished it. I think the age level it was meant for doesn't match the age level that would actually enjoy it. I agree very much with the review that called it dry, it lacked emotion & any depth into the characters. I found it boring & corny. I just don't really think that the author really has much talent. It's not a book someone could really get into. The only positive thing about it is that it's easy & fast to read, only I think a 4 year old could read it. Nope, I would say, don't waste your time & money.$LABEL$0 +Fun, but does NOT contain words that you can use every day. I actually purchased the day calendar that was produced from this book by Jeffrey Kacirk. The information he provides about each word is fascinating and wonderful! However, this is a book full of words that are forgotten for a reason...they are no longer of much use to those living in our times! Some could be used, but most refer to things that are no longer in use, or to issues or items that we no longer have knowledge of. For instance, there are many words that refer to horses as a means of transportation--since we rarely use them in this manner, the words are not functional for our society.I would highly recommend this book to anyone with an interest in history or etymology, but not to those who, like me, are looking for words to add to their current vocabulary. I enjoy the information, but that enjoyment is soured by my dissapointment in not finding words that I can actually use from day to day.$LABEL$0 +Uses 100% CPU, No Response from email Support. I've used Trend Micro for a couple of years as a happy user and upgraded recently. I installed 2007 on one of my 3 PC's. A Trend Micro program called PcnSrv... will eat between 90 to 100% of CPU. I have to kill the process in order to use the computer. Apparently this is a known problem but Trend Micro has no obvious information on their website about it. Via google I found some information about this problem with a suggestion to deactivate SpyBot. But that did not work. I sent 2 or 3 support emails, and they never respond. I am getting rid of this product and will not install it on my other 2 PC's. It is bad enough to have a problem like this but when the support staff will not respond, that is a deal killer. Very disappointed. I wasted my money.$LABEL$0 +Overheats in Microwave. I bought this set because it said it was "Microwave Safe". I don't know what this term means in respect to this set. After heating a cup of coffee up for only 30 seconds, it is untouchable and the coffee is still cold! The plates and bowls get too hot also to the point you have to use potholders after 30 seconds. I am thinking of returning them for safety reasons. Also, you try to put them in a dishwasher, the wierd sizes of everything do not fit properly. On the positive side, they look pretty.$LABEL$0 +Time better spent painting your house. I listened to this as a book on tape. After each chapter, each tape, I would think "this has got to get better, this is Grisham." I have no doubt that if I had been reading this book I would have given it up after the second or third chapter -- and I ALWAYS finish a book I've started.$LABEL$0 +Crystal cracked. After about a month of ownership of this beautiful watch, I went into HyVee's beer refrigerator for 30 minutes. I was diligently choosing beers I was curious about. I then walked outside into a hot, humid day. I drove home. During the drive, I begun to hear a cracking sound. I wasn't sure where it was coming from, but it was near.After I arrived home, I looked at my watch to see the crystal was cracked right down the middle. In fact, to my horror, I got to see it crack one last time.The watch still works great. I plan on getting it repaired. Unfortunately, the one item that's not under warranty is the crystal.$LABEL$0 +Fair Warning. Okay, okay, how do I say this nicely? This book is all but unreadable. Period. But not for the reason(s) you might think. The author is British. I am a not, and frankly, half the time while toiling through this book, I didn't have a clue as to what this writer was talking about. You see, that's because the book is written a la "British humor". British humor combined with late 20th century British slang terms, references, in-country gossip, yada, yada,yada. It's a book written by a Y2K Brit for fellow Y2K Brits. While his stories of previous Tour races are interesting and well written, so much of the rest of the book, like I said before, had me more than once thinking, "What is this guy talking about??"All you Anglophiles can turn up your noses if you wish, but I personally would not recommend this book. I am sorry I bought it; even used, it was not worth it.$LABEL$0 +ok (optimal kuality). few albums came out in 1998 with more far reaching impact ... possibly it will prove to be easier for +40 people to enjoy talvin singh's sitar-tabla-vocals-fused sound than the young people of the here and now ... we've travelled the track before hand in hand with ravi shankar etc. ... anyone who adore singh as much as I should look into the works of nusfrat fateh ali khan as well ... talvin singh bodies electric$LABEL$1 +My most favorite movie!. THis is the best movie ever!! James woods is hilarious. I have seen this in theatres and i just had to buy it and see it again!The ending is amazing!!$LABEL$1 +Great solo's. Nice to hear something lean, mean and raw.. If you like weather report or return to forever, you need to hear this CD. Wayne Reynolds is a very scary bass player who is obviously into Jaco, but he's definately doing his own thing. I heard several different influences as I listened, such as Ornette Coleman, early 70's Miles, and the two I mentioned above. Overall, I was very impressed with the CD.$LABEL$1 +I Beg to Differ. I thought BASIL was an intriguing film - a classical tale of revenge gone wrong. I couldn't figure out why it was rated R though, since there are no sex scenes, and less violence than what is found in most contemporary films.I didn't find it dull at all, so I guess I will be one of the few people who thoroughly enjoyed this film. Christian Slater did a fine job - as usual, and I found the ending to be sweet.Had the lead character found someone to love, I would have given the movie 5 stars.$LABEL$1 +BEST CD IN A WHILE!!!. This CD is great! I love every song on "Free Me"! Emma truly is a fantastic artist! I really hope she makes it big in America! Buy this album because you won't be dissatisfied with it! Join the Emma Street Team: (...)$LABEL$1 +Do not waste your money.. My husband rented this movie . Within five minutes he turned it off. That is pretty sad because he usually will give more time than that!!' He said it was horrible.$LABEL$0 +An inspirational treasure. I am reading Things Unseen for the 3rd time now. I expect it won't be the last time. This book is a work of art & I am shocked to learn it is out of print. It is readable for people of all ages and capacities. If you want to rejuvenate your view of the purpose and meaning of your life, start right here. You won't be able to put it down. If this book were written by a more well known author it would be in every church library and Buchanan would be a millionaire.$LABEL$1 +Just what I wanted. I do residential remodeling, so I'm always using a compressor--inside the house, or outside. I have a Porter-Cable 6 gallon pancake compressor that was part of a kit, and a good buy to get me started, but the PC is NOISY, so I hate to take it indoors. And it's relatively heavy. The DeWalt was just what I was looking for. It's quiet, and as it turns out, it usually has enough capacity to run either the brad nailer or finish nailer, regardless of the job (inside or out). Much lighter to pack and carry, too.$LABEL$1 +Sony M-470 Microcassette Voice Recorder. I would not recommend this product. The loud buzzing noise during playback made it almost impossible to hear what was on the tape. I tried different tapes and speeds and a mic but to no avail. Digital please!$LABEL$0 +Take along train included; not wooden. Just so you are aware, this is a take along thomas train included with the movie, not a wooden thomas. It is not compatable with the thomas wooden railway.$LABEL$1 +Greatest Band Ever!!!!. I love the CD!! I Know Travis and he is a fun person. I love his music!! He and his whole band is the greatest rock group ever!!I play guitar and Dudly inspires me!! I like the way he plays!! I think if you haven't heard this band you should!!!$LABEL$1 +The Rippingtons ~ [Rippin'] Live Across America!. I have listened to many traditional and contemporary jazz artists, but none inspire me like The Rippingtons.I bought this after seeing it on the shelves and listening to music samples. All of the tracks are performed live, with 9 of them being remixes of some of their previously recorded work, 3 of them being remixes of well-known songs by other artists, and 2 being altogether new, never-been-heard before songs.And it is for the one song, "Road Warriors," that I bought this CD. The electric guitar, and just the whole arrangement of the song, is just so POWERFUL and MOVING. "Are We There Yet?" the second new song on the disc, simply sounds like a more mellow version of "Road Warriors," following the same melody.Sure, the other performances were good, but nothing special if you've already heard them before on their previous CDs; they're just done with that much better instrumentation this time around.$LABEL$1 +Muito Bom!. Muito bom!!!I gave this to my kids to watch before traveling to Brazil and they loved it. I myself speak pretty decent Portuguese, yet still picked up a lot of new phrases from the more advanced chapters. Great product.$LABEL$1 +A Biased Film ??. They have taken 3 stories and put the women in a worst case scenario. I felt like this film was really trying to push "Pro-Abortion" down my throat, and not very subtley. They are using high drama and emotions to try to influence those who question allowing abortions as a "convenience" for a woman. Very few women have abortions due to life threatening situations. In reality, most abortions are a matter of convenience. Period. Why not be honest about it ??? I wouldn't recommend this film, but if you are really pro-abortion, you would probably like it. This film is biased, but if you realize that up front, then it's okay.$LABEL$0 +Tears and MORE TEARS.... I love this band. I just saw them in NYC and the show was fantastic. That's why I had to have this DVD.With that said, this is probably the worst concert footage I've ever seen of them. The performance is uninspired.The footage looks grainy and poorly shot, and the set list sucks as well.I COULDN'T EVEN MAKE IT THOUGH THE WHOLE SHOW. I still think they are great and would see them LIVE againin a heart beat. But they do not translate to DVD very well or at least on this DVD.SAVE YOUR MONEY and buy a ticket when they come to your city next. You will not be disappointed.$LABEL$0 +Awesome. If your tired of mixing gas and pulling till you get blisters on your fingers. Get this trimmer. Charged the batteries up as soon as I received it. Next day I trimmed the whole back and front yard. I have fence line,5 mature trees in the back. Front street line,driveway,walkway,etc. Its not loud and not heavy,anyone could use this. This was one of most awesome tool purchases I have made. I use to make my son do the weeding,but I tell him I will do it.$LABEL$1 +Disappointing!. I bought this book for my kids on my kindle fire, and it doesn't work...there are double pages and pages with nothing on them etc...Very annoying! If your thinking about buying on Kindle Fire...DONT DO IT!!$LABEL$0 +good but having lots of powder. these gloves are good, fits well but they left lots of powder on my hands when i remove them so i have to wash my hands$LABEL$1 +NOT A QUICK FIX!. I bought this thinking it would speed up the process getting rid of my yeast infection. I was dead wrong! I wish I would have read the reviews before I even bought this stuff. I too initially had a burning sensation. About 36 hours later I started to feel a little different, so I thought this medicine was a get worse before it gets better type of medicine. Using this only prolonged the treatment of my yeast infection. Like many other reviews, I too had to use another 'regular' cream to treat the yeast infection, despite the use of this one a day. Save yourself time, money, and aggravation by using something like 3 day or 7 day.$LABEL$0 +Dissatisfied Mom & Disappointed Son. The go kart just won't hold a charge - whether I charge if for 1 hour or overnight. We live on a 9 house cul du sac and my son can't even go around the cul du sac before it runs out of power. He is very disappointed! I am contacting Razor and hopefully they will know how to fix this problem.$LABEL$0 +Wrong Handle. Be sure to read the product description before purchasing this. You will probably need to purchase new tips to fit the handle that comes with the hose. I would purchase them from Goodman's- not from another picture listed with this item. They may not necessarily be the right ones. While I had an issue with Goodman's on this initially, they made it right and I applaud their concern for their customers!$LABEL$0 +The Art of the Automobile. Great information. There are models mentioned that I am seeing for the first time.$LABEL$1 +Nice illustrations!. A great children's Bible, with lovely illustrations. Not a "take to Church" size, but a great lap cuddling, story and discussion time book. Thanks! Bought for my grandchildren to learn from.$LABEL$1 +very peaceful and soothing. This album is useful for (1) focusing on work and (2) de-stressing from everyday anxieties. This album has been able to soothe me at key moments. I listened to the album on Magnatune and then had to purchase it because I enjoyed it so much. I would whole-heartedly recommend it. I think the first reviewer's idea to give this album as a gift is great.$LABEL$1 +Kinobe - Soundphiles. Kinobe's first album, SOUNDPHILES, finds them raiding the crates for all sorts of samples and influences, from the neo-spaghetti Western of "Hombre" to the voodoo funk of "Bayou Barrataria." Some mighty fine downtempo on display here, probably best exemplified by the sleazy listening classic, "Slip Into Something." It makes you feel sexy just listening to it. In some places, though, there's a bit too much reliance on samples to carry the track, such as "The Biological Break" or just plain outright silliness from a mediocre M.C., such as "Theatricks." But when they stick to smooth downtempo grooves, they're on fine ground: the lazy country vibes of "Bopalong" or the blissful "Lucidity" which suddenly kicks into house gear or the through-and-through calm of "Hammock Island." Slip into something comfortable and enjoy this album.$LABEL$1 +Buyer Beware. The sets shown in this video are not traditional Shaolin Kung Fu. Rather they are a poor mixture of Wu Shu (Chinese aerobics) and a common village art known as Long Fist. This style of Kung Fu is a creation of the Communist government of China and one designed to sucker money from naive Westerners.$LABEL$0 +Great bags!. These bags are perfect for storing milk in the fridge or the freezer. Based on other reviews I was skeptical to buy them because of the leaking issue, but i've only had one bag leak on me ever and i've been exclusively breast feeding/pumping for 7 months now and have used these bags since the beginning. I registered for them because they held the most milk. The bags that I freeze, I usually only put 6-7 oz max in each one so they will lay flat. However I keep milk in these bags in the fridge also and will sometimes put up to 10 oz in each bag. You can fit 12 oz like someone said but then the bag is hard to zip and even harder to pour the milk out of without spilling so I just stick with 10 oz. I highly recommend them!! They also don't leak or anything while pouring milk into a bottle which is great!! This is something I keep buying over and over!$LABEL$1 +Works. I bought this product because I have sun spots on the upper parts of my cheekbones and forehead. I had heard that this product's ingredients are not as harsh as a lot of the skin lightening products on the market. I've been using this product for about a month (2 times a day when I remember) and it has helped lighten the sun damage considerably. I don't know if the sun spots will ever be completely gone. But I've started using dermablend foundation which has worked out well to help cover what still remains. I have very pale porcelean like skin and with the help of this and the dermablend my skin looks almost perfect.$LABEL$1 +if you're reading this, you should buy this album. solid musicianship, solid songwriting, a variety of styles, terrifc, compelling vocals. you even get a song from the viewpoint of a migrating whale and a song about slowing down on a fresno-area twisty road--what more do you want? if you need a frame of reference for the sake of comparison, they are more traditional than, say, the beachwood sparks. if you think you don't like "country music," you must be thinking about that swill nashville pumps out. this ain't that. check it out.$LABEL$1 +do not waste your money. this is not much of bond movie, if you would ask me. I love daniel criag as a actor, but I do not see him as bond. I could not watch this movie could only watch about 15 mintues of it to date. Bring back old bond not this none playful one we know and love.$LABEL$0 +Worst company ever!!!!. I ordered Chocolate from Italy. Maybe this was the first mistake since it is Texas in the Summer. Anyway I took a chance because this is suppose to be the best chocolate in the world; according to another website. Anyway the chocolate arrived at my door when I was not there.So fedex in all its wisdom drove around with it all day and tried again when I was not there. I had to go to the fed ex office and pick it up.When I opened the box of course the chocolate was soup and the remains of a soggy single ice pack. What does this say about this company?They ship from Italy with one tiny ice pack; not even dry ice.Also they said it was my fault that I was not home when Fed ex tried to deliver the package. So I am out $75 and nothing to show for it.Please send a message to this company that their chocolate is not all it is cracked up to be.$LABEL$0 +Didn't notice a difference. I like Aussie products and they smell great tooWhen I got this in the mail, I was excited because I thought hey who doesn't like softer hair? and so cheap too!I used it for about 2 weeks and noticed that even though it smells like coconuts, it didn't do very much for my hair like I expectedInstead of soft and sleek as I was expecting, it was more like salt water hair lookI will still use it, if I want to appear like me and my hair have been to the beach but for shine and sofy and sleek I like the Dove hair serum they best$LABEL$0 +Not what we expected.... My son received this toy on his first birthday. He loves Winnie-the-Pooh, and although it seems to be a very durable toy, it is difficult to play with. The "wires" aren't spaced far enough apart to easily maneuver bees from one side to the other. That's basically all this toy consists of, other than having a nice "baby powder" smell. It just doesn't hold my son's interest for very long.$LABEL$0 +I fell in love with this sound.... I listened to this CD, and bought the rest of their titles. I never fall in love with any music on the first go... but I did here. They are the only band of which I have all the albums.I can't praise this band enough. Tight harmonies, accomplished music, thoughtful lyrics... Doug, Jerry, and Ty do it all. Get it, throw it in the player, let the music wash over you. Then, dig out the lyric sheet and play it again. There is many levels to some of the songs... what does "six broken soldiers" mean, anyway? mmmmm$LABEL$1 +SO uncomfortable and not safe!. We bought this a few months ago for our 1 year old daughter. I had an off brand carrier with my son and loved it, so I thought this would be even better. Wrong. My shoulders ache 5 minutes after putting it on. Even my husband, who is strong and has a high pain tolerance, can't wear it for longer than 30 minutes.Because my daughter's feet can reach the bottom of the frame, she tends to stand up and wiggle out of the straps. I hate that I'm constantly having to tell her to sit down. I listed it on Craigslist and I'm going to purchase something different.$LABEL$0 +Excellent. This racquet is light and confortable. I use it since I was trying to play my initial shots. Thanks a lot!!Helio$LABEL$1 +poor software I can not connect it to win.xp. I am spending hours to find out1-Were I can not get any information how to instal this product to win.xp.2- How I can transfare picture from DSC to my PC (even with my former win.983- How can I send email?May be somebody answer meoverall I give zero rating for this product web info,and help$LABEL$1 +The "Citizen Kane" of Canadian Frat Movies. Just like my title said, this movie is the "Citizen Kane" of Canadian Frat Movies. It's ultra raunchy, made up of fart humor, vomit humor, getting people high at a funeral, among other things. It's politically incorrect, and darn proud of it. Catch it if you can.$LABEL$1 +What?. It's as though somebody had a good idea, and then decided against it, and chose to go with what the lunchlady said instead. Avoid.$LABEL$0 +The most boring movie ever made. I never thought I could be so bored watching two naked ladies, but I was. I couldn't even make it half way through before I removed the DVD and threw it into the garbage. This is just a chick-flick for lesbians, because no guys could possibly be interested in the endless dialogue about nothing. These girls just drone on and on about nothing in particular, most of which is just them telling lies. I guess the fact that they are naked for 99% of the time is supposed to keep you tuned in. But like they said on Seinfeld: "There's good naked, and there's bad naked." Well, let me tell you, this was "bad naked." No stars for you! (Yes, I know, it shows that I gave it one star. But this is because Amazon forced me to.)$LABEL$0 +You get what you pay for. I knew this was a cheap flask and went into the purchase with open eyes but, you get what you pay for!Plus:+Good size - I like the capacity, curve and general dimensions+Sturdy - nice gauge steel+PriceNegative:-It leaks - the stopper in the cap is made out of some sort of hard plastic or vinyl that doesn't seal. Needless to say, bourbon leaking into your pocket is not a good feature.I'll try to find something that I can replace the seal with and get it to do the one job its made for. If I can get it to not leak I would give this product four stars but it loses two because I have to hack it to get it to work.$LABEL$0 +Very cheaply made. I would not recommend this.. This item looks great in the photo, but when it arrived it was so badly made that I sent it back immediately. The bottom plastic part that is supposed to screw into the glass wouldn't sit properly or screw in correctly, so the metal part of the bottom also sat crookedly.The "copper" outside parts were cheap as well and looked like they would discolor immediately out in the elements. I would not recommend this item to anyone.$LABEL$0 +Infamous Aircaraft. The book is misnamed. There were very little about "Dangerous designs and their vices" and I was disappointed with it. I found some sections interesting but becasue of the title I was expecting so much more. The section on early Russian jets was the part I enjoyed the most. Just wish the author had talked about the vices of those aricraft.$LABEL$0 +doesnt touch american wasteland. because american wasteland had no load time they must have thrown the load time to this game. when your in free mode it takes 7 seconds to load the next player on the list...... n64 was faster...... no customization either not a very good game this is a game that u want to rent not buy first$LABEL$0 +Yellowing elastic band. After the first washing, the poorly sewn elastic band of these briefs turned a grotesque yellow color. Also, the order took a long time to arrive; and, when it arrived, one of the two packs of briefs was the wrong size! Poor service and a low quality product! I can not in good conscience recommend this product to anyone else.$LABEL$0 +Beautifully written!. I am only done with the first book in this set and half way through the second, but the story is great! Beautifully written and enjoyable to read.$LABEL$1 +Best Tortilla Warmer. This warms the tortillas really well and then keeps the tortillas warm for quite awhile. Looks good on the table too. Doesn't take up too much storage room in the kitchen cupboards. The only thing I've not done is washed it. I usually wipe it down with a damp cloth/sponge. Looks very bright and good on the table too. Highly recommended.$LABEL$1 +Garmin Get Lost. I am extremely disappointed in my Garmin....it knows less than I do and often wants me to drive in the direct opposition to where I have told it I want to go...then it yells at me telling me to turn around and I have to shut it off. I feel sorry for folks who do have a poor sense of direction if they try to rely on this product.$LABEL$0 +Poor quality. Basket is of poor quality with the weaves sticking out in places. It is a little smaller in size than expected.$LABEL$0 +Xenosaga special edition dvd. The actual game is great, but its takes a long time to play through (approx 80 hours). This dvd is good for saving you the time of actually playing through it (or a second play through), and you still get to watch all the high quality cut scenes. However, I still recommend getting the game, because there is a lot of things left out in the movie.$LABEL$1 +ATTACK OF THE FAKE BATS. WELL, I HOPED TO PUT MY DVD COPY UP FOR RESALE, BUT THERE IS NO 'DO YOU HAVE ONE TO SELL' BUTTON TO PUSH. IT DEFINITELY BELONGS WITH 'KILLER TOMATOES' AND SUCH. GOOD TO WATCH WHEN YOU DON'T WANT TO USE YOUR BRAIN AT ALL - JUST SIT THERE, SIP YOUR SODA POP AND LAUGH.$LABEL$0 +Good for the price. I bought this after borrowing a similar one from a friend. No, the sound is not perfect, and yes, sometimes you get some static from the radio stations, and sometimes you have to try to find another station. But I live in Washington, D.C. and often travel the I-95 corridor to New York, and I have never once not been able to use it at all. Sometimes it gets a bit fuzzy, as I said, but you can still hear your music. So, I would suggest it for anyone who is just looking for an affordable way to listen to their i-pod in the car.$LABEL$1 +A memory to this day.. It'a A Beautiful Day opened for Neil Diamond in the first fieldhouse concert i was ever at as a freshman at the University of Iowa in Iowa City,Ia. It was Oct.or Nov.of 1970. And when we heard that violin sound, we were blown away. Talk about Layla, and Stairway To Heaven sure. But in my mind, White Bird is right up there as a song for all time. The beginning plucks to the violin strings at the beginning of the song bring a wide smile every time i hear it. And it was just the beginning of so many wonderful shows at the fieldhouse, the Duane Allman Memorial Fieldhouse. It has always been great to be a Hawkeye but it was especially great in the days from '70-'74. Check this album out. Acehigh$LABEL$1 +Twenty Three Years Later.... We might know "Airport 75" right? Now Twenty Three years later, we have "Turbulence." Both are 747s, both have no pilots, both have to make emergency landing. This movie should have been aptly named "Airport 97." The only actor that could take a beating was the 747 itself. Everyone else was clueless and unrealistic. Only if stewardesses were given pilot licenses. Lauren Holly didn't need the hairspray that Karen Black needed in 75.$LABEL$0 +Joy Spring. If Clifford Brown had lived to make more recordings, he would be better known today, and this would be at the center of more collections. The solos are great, and the ensemble work is inspired -- the product of arrangements by West Coast jazz arranger Jack Montrose, whose charts set the standard for West Coast jazz. A vintage recording without a "historical" feel to it, completely enjoyable today.$LABEL$1 +$250 stick of garbage. Used it four times and it was dead forever when I plugged it in during a plane trip when I really needed it. The problem with all Sony laptops is the batteries which suck.$LABEL$0 +No information about size, it may be just anything. Wüsthof Classic 2-Piece Carving Set in Presentation Box - but there is no information about size of item, therefore it's just useless for me.BTW, where is a button to post it ?$LABEL$0 +Form your own opinion. this is my first time seeing this movie and I was blown away by the performances. Jeffrey Wright is an underrated actor, wish we could see more of him. when the movie came out, i think on hbo, there was a negative critique given to this movie from a magazine that I supported. because of the critique, i wouldn't give this movie the time of day. i must say how wrong they were!!! this is an excellent movie and i no longer go by the reviews of others, i form my own opinion. will definitely add this movie to my collection.$LABEL$1 +Cheaper Than TurboTax, But Not Worth It. I used Turbo Tax for many years and every year it got better and better. Then I tried Tax Cut for two years in a row and was surprised how much clumsier of a program it was to use. I even ran into situations where I had to override TaxCut's built in methods to get certain things done correctly. I've never had to do so with Turbo Tax. I finally wrote on my file folder where I collect receipts for the coming tax years "Do Not Buy Tax Cut" so that I wouldn't forget.If you are doing a simple tax return then almost any software will do, but if you have a more complex return with rental properties, investments, trusts or anything else beyond normal wage and salary income and the common deductions then TurboTax is IMO the way to go.If your needs are fairly straightforward, then saving a few bucks by getting TaxCut might be OK.$LABEL$0 +Sucks. This album really sucks, and that's all I got to say about that. Well first of all, the academia wants to pass this guy as a rocker, which he is not, he is straight up pop. Rockers write their own songs, they don't rip off other people's songs.$LABEL$0 +Part order. The part I order was to have ,(VGA Y cable) 15pin on the male end, only had 14. Send back only to get the same cable$LABEL$0 +He is a victim of what he rights about (he's afraid of guns). Could not finish a book about how we are afraid of all these things for no reason when he puts out misinformation and engages in the very behavior he critisizes.$LABEL$0 +Great Music!. This has a lot of party music which is good for parties and a couple of slow songs. "Get the Party Started" has a great beat and great singing. "Don't Let Me Get Me" is another great song and says that you shouldn't let people try to change. If you like party music you'll love this CD. that is all, Good-bye.$LABEL$1 +Worst $5 spent ever!!!!!!!!!!!!!!!. This was the biggest waste of money ever. If you are truly trying to gain information regarding actual Alaskan oil feild "experience" ie the day to day life do not waste your money on this!!$LABEL$0 +Fabulous!!. I have a pair for both my stepdaughter and me. They work like I want them too!!! The colors are vibrant, and I don't get headaches anymore! Thanks!!!! I have already recommended this product and site to some people. I will definitely come back if I need another pair.$LABEL$1 +Great product. This is a great French press. Easy to use, effective, and an overall success. I would recommend this product to any coffee enthusiast.$LABEL$1 +rip off. this is a total rip off. may as well put some plastic bags over your feet. will probably work better.$LABEL$0 +why I'm the first?. I've no word to describe the atmosphere of this album. I suggest for all the people that loves the 80 English music$LABEL$1 +The LCD screen breaks easily & not worth the cost to fix. Same as others with the breaking LCD screen what a bummer they should do some sort of testing with pressure placed on the screen and have to meet a minimum force to break. I like the camera other than that. Slim and long lasting battery user friendly It would have cost $130 to send back and replace the screen I can get a new one on e bay for that so I won't buy Olympus cameras any more. I am going to try Sony now.$LABEL$0 +great German resource. This is perfect for the German scholar needing to know every word! It includes full guidelines for the new language reform. It rivals the Langenscheidt series and is affordable.$LABEL$1 +AWSOME!. THIS GAME WAS THE REASON I BOUGHT A PS2 FOR SIMPLY PUT THE GAME IS GORGEOUS FINALLY HAS VOICE ACTING THE READING THE TEXT OF THE PAST FINAL FANTASY'S GOT ANNOYING THANK GOD THEY CANNED THE TEXT FINALLY PERSONALLY MY FAVORITE PEOPLE IN FINAL FANTASY X ARE 1:RIKKU TOTAL BABE2.LULU SHE RULES.3.YUNA SHE IS A COOL SUMMONER4.SIN SIMPLEY AWSOME TO LOOK AT$LABEL$1 +If you loved Hee Haw this is right up your corn row. Another silly downhome approach to lifes complex issues like, cheatin' drinkin' and four wheelin'. Ridicously simple and yet overbearing. The I.Q. allowable for maximum enjoyment of this record should not exceed 72.$LABEL$0 +A good looking, working tea kettle. What is there to say about a tea kettle? it handles the tea making just fine. The design is overall appealing, especially since I have matching teacups from another company. Like another review said, this comes with a removable whistle over the spout, not the lever.Cons: Besides the lack of the lever from the picture, the whistle is not very loud at first, so take that as a pro or con as you see fit.Also, the whistle is not going to work unless you completely close the top of the lid, and properly secure the whistle to the spout. Otherwise the steam just flows out random openings and does nothing.Only other downside is that the top of the kettle is kind of hard to remove, especially if you can only grip the little black nob due to heat.Overall, a working, good looking, teakettle, but I bought this for about half price. I wouldn't suggest it for its normal price though. If your going to spend over fifty dollers for a kettle, make sure its one you want.$LABEL$1 +Excellent coverage of exchange 5.5. Great book. I see that one of the reveiewers has stated that the book doesn't cover exchange in a wan/production environment, I agree but my advice would always be to buy more than one book when dealing with a product has huge as exchange 5.5.This book covers detailed using exchange in a single domain environment. Their are excellent explanations on migrating from msmail and ccmail to exchange. Disaster recovery, mta parameters and good explanations on all of the connectors.If you are new to exchange I would recommend this as the first book to read, followed by the excellent Tony Redmond exchange planning guide.$LABEL$1 +Dont order from worldofbookusa!. It has been a month since I ordered this book from worldofbookusa and I still have not received it. I'm sure the book is great but the supplier is not.$LABEL$0 +A Family Favorite. The reviewer who said a preschooler could not sit through this book has no children. All of Lynley Dodds' books are great. But Slinky Malinky is just outstanding among young children's literature.$LABEL$1 +Terrible.. My car will not accept this cassette. It's terrible. I tried in another car and it's loud. You can hear it whirring. Don't buy. Try sony or voss - they are much better quality.$LABEL$0 +Very good!!!. Great information about the breed. This is not just another "one size fits all" dog book with the same doggy content and different breed photo on the cover. Scotties have an unique personality and need understanding.$LABEL$1 +Missing pin?. Maybe I'm just stupid and should have realized this from the acronyms in the product description, but there is a pin that is not wired in this cable. This pin happens to be the signal that tells my laptop hardware info on the monitor I attach to... so when I hook this cable to my Samsung DLP HDTV that has a VGA port, my laptop can only assume its a generic VGA monitor and displays in resolutions that don't fit on my HDTV (like 1024x768.) I tried another VGA cable I had that has all the pins wired, and my laptop immediately recognizes the display as a Samsung HDTV and defaults to a 720p resolution. Since the purpose of purchasing this cable was to hook up to my HDTV, this cable is useless to me.$LABEL$0 +Sound great but flimsy. Will not last.. I tried the cheaper in ear noise cancelling Sony earphones and they broke in a very short amount of time. I figured the more expensive version would be more durable. I WAS WRONG. These broke in an even shorter amount of time - 2 weeks. $50 is a lot to spend on disposable headphones. I guess Sony makes all of their products disposable; portable CD-players, stereos, etc. Sony customer service also sucks. Pray you'll never have to deal with them. Better yet, just don't buy Sony and go with Shure. It is more but worth it because it will last. Buy from a company that doesn't believe in disposable products.$LABEL$0 +CD player does not work. Just got this as a X-mas gift for my wife and the CD player now can only play one song before it says there is no disk. I am returning it for another brand.$LABEL$0 +Hilariously Bad. Hokey, cliched, comically terrible and an absolute joy for any B Movie lover to watch. An amazingly hard to track down film,as well, I discovered. .$LABEL$1 +Not Happy. This cleaning machine worked great when it was brand new and I left it sit just as the instructions say so it is always ready to use. Then one day I wasn't getting any solution spraying out and I had a real mess to clean up! I took everything apart I could including the pump and cleaned it but it still doesn't spray. I give up!$LABEL$0 +This is how music is supposed to be.... McLachlan is astounding! Her voice combined with the cleverly written lyrics are emotionally charged; something that is rare with many female artists, specifically mainstream.I first heard Sarah when her song, "I Will Remember You", was played in a video montage of The Ellen DeGeneres Show. Captivated by her beautiful voice, I wanted to hear more. Thinking that "I Will Remember You" was a track on Surfacing, I purchased the album. You'd think I'd be disappointed to find out it wasn't, but I was highly satisfied with the mistake I made! I immediately fell in love with almost song (with the exception of "I Love You").The lyrics are dark, deep, & oddly unique, McLachlan's voice it haunting, both making Surfacing so damn good.This album is highly recommended.$LABEL$1 +Great hands on instructor. I have watched Mark do LIVE trades using some of the indicators reviewed in this DVD set. He is very knowledgeable in options and futures trading. If you apply the information on just the inertia indicator, you will gain an edge in your trading.$LABEL$1 +doesnt work. i tried it with 3 different devices into my receiver none work, they all have very weak audio and in only 1 speaker works at all$LABEL$0 +Only for serious Akkerman fans. I bought this as a CD in 2012, forgetting that I had owned it as a vinyl LP in the late 70s. If I had remembered, I would not have bought it again. I DO like the final 7 short songs of the album: some blues-rock that sounds improvised; also a jig and a couple medieval pieces that are cool but not as well developed as some similar works that appeared on Focus 3, Hamburger Concerto, and Akkerman's album Tabernakel. HOWEVER, the first cut, "Fresh Air", is a tedious, 20 minute example of one of those 1970s unsuccessful attempts to elevate rock music to a higher art form. Yes, there are some impressively-fast guitar licks which are instantly recognizable as Jan Akkerman. But, otherwise, I find the song unlistenable; beginning and end are dreary, noisy chaos in between. Quite a bipolar album!$LABEL$0 +a vital and reliable companion to u.s. history today. This volume contains entries that deal with concepts, events, persons, and movements in u.s. history. The length of the entries is appropriate to the topic considered. In addition, the entires both inform the reader with up-to-date information and indicate how revisionist historians have resahped opionions or refocused the discipline. The entries are clearly written and eminently readable. They are persuasive in thier opionions, yet respectful of other stances. The cross references are helpful and ample. The same obtains for the bibliographies. The Oxford Companion to U.S. History far surpasses some other contemporary dictionaries in U.S. history. Its articles are treated in more depth and greater nuances. The entries in the other dictionaries are too short and far too superficial. I would highly recommend this for people involved in serious historical study and research.$LABEL$1 +yawn fest. This series is incredibly lame and boring! Not worth the money, especially since there are only 10 episodes! I do not recommend this series, and it's not often I say that!$LABEL$0 +worked great. until it broke.. It worked great. Until it broke. It fell into the tea kettle while I was boiling water and it stopped working. Sure... maybe it's not meant to be boiled... but considering what it's designed to do, one would think it could survive 185 degree temps for 5 seconds (that's how long it took to fish it out)! I'd imagine if the seal around the thermometer's face was better, it'd be fine. But, it's not. The word "disposable" comes to mind regarding all these cheap thermometers.$LABEL$0 +Great Literature. Friends who had tried this book were divided - one thought it was great, another thought it was too "dark". I found it moving and beautiful - the plot grows out of the people's characters, and they are sympathetic people.$LABEL$1 +OMG, How can you stand this crap?. This CD sucks. I wouldn't spend my money on this. All I can say is don't waste your money, buy somthing else.$LABEL$0 +Didn't like it.. I really didn't like this product! The smell is very strong and my stomach was totally doin' back flips! It also made my skin very, very dry! I don't know... I just wasn't into this product!$LABEL$0 +Falls apart quickly!. I got this mat a couple months ago and practice in a studio twice a week.Now there are peeled spots where my feet land in downward dog! The material peels off! I am surrounded by little blue foam nubs by the end of my practice.Is no one else having this problem?My other mat was five years old and only faded slightly where my downward dog feet went.So disappointed.$LABEL$0 +Nice but very unsafe design. I must agree that the set is very cute and this is what made us keepping it even with doubts about its design and quality. After just a few days of using it, my 2.5 years old leaned backward and broke the back of the chair. She is only 25 lb and did not do anything that the child of this age does when is sitting in the chair. I find this set is very unsafe and will not recommend to anyone.$LABEL$0 +Project Runway Season 3. The creativity and drama once again prove to be awesome. Jeffrey is such a jerk, Angela is so two faced and Laura Bennett is the ultimate chic NYC woman. Michael is the baby faced sweet heart and Uli the Uber beachwear queen.$LABEL$1 +Great followup to excellent first movie. Couldn't pass up buying this movie when it was dirt cheap at $10!Iron man is one of my sons favorite action stars and he watches the first two movies over and over.I like the overall story, think it was a great follow up to first movie, and cant wait for the next one due out 2013.$LABEL$1 +I DON'T THINK SO!!!!!!!!!!!!!!!!!!!!!!!!!!!. This book has infuriated me! You know why? The author is sympathetic to the hijackers of Flight PK 326, especially Arshad. My family and I were aboard that flight and I can tell you by their actions on that plane, that they do not deserve anyone's sympathy. If that's not enough, half the book is written on heresay and facts that, in no way, the author could have witnessed. This book is a sham. Do me a favor and take your money elsewhere.$LABEL$0 +Oh, Romeo... Hello, my name is Alexandra Marie Anne Bunitorisua and i am reviewing "Barbie as Juliet". I think that Barbie is very ugly and wrong. What are toys trying to teach children these days?!? That it is fine to graduate schools? Girls should stay home and help their mothers until they are four teen, and then they get married and have children at fifteen. These dolls are very bad for young girls because they make it seem like girls can particapate in sports, which they cannot. That is my opinion and i hope you follow by it. its true.$LABEL$0 +Great. i bought this for only one scene. my favorite snl skit. connie "the hawk" hawkins vs Paul Simon. its great quality and by for the best snl skit all time.$LABEL$1 +Don't start reading this series.... Although this is mostly a well-written series, do not read it until the author has the full set of books completed, which at the rate he is working will be in about 10 years. He is already about 4 years behind on the next installment (A Dance with Dragons), and two more novels are supposed to be added after that. Just on content, this book is worth 4 stars, but the lack of completion for the series ruins it.Also, be sure to note that the content is for adults only, with some sexually explicit material.It also seems that the latter books in the series tend to ramble, making me long for the more concise, action-oriented content of the first two books.$LABEL$0 +Much ado about nothing. Seemed very shallow as though it was written for 1 purpose only, to sell. Nothing but a bunch of anecdotal stories that have aleady been recounted over and over again in your standard MBA program with a sampling of Public Speaking 101 class thrown in. Kind of like being invited to dinner, expecting a big t-bone steak and baked potato, and only getting salad. I think the author would approve of that imagery$LABEL$0 +On With the Story. Book arrived safely and in good condition. Shipping was rapid, perhaps supernaturally so. I'm amazed and humbled.$LABEL$1 +One and done.... Upon hearing "In the Walls" on a DVD sampler, I though this amazing track would be accompanied by several more.Boy was I wrong! This band is directionless. Instead of simply taking from their influences like an Interpol, they just throw theirs into a blender and get this...Please listen to the samples before you but this.$LABEL$0 +This band rocks. I saw The Young Dubliners at a free concert in Santa Monica this summer and was so impressed I bought the CD. This album was a delightful surprise. I like every song on it. This is an excellent band that brilliantly combines traditional celtic style and instruments with modern rock n roll. I've listened to it over and over and still enjoy it.$LABEL$1 +WRONG BATTERY SHIPPED. I have returned the incorrect item to seller for a credit (refund); hopefully I'll see a credit on my credit card statement soon! The ordered battery number and the invoice number were correct. Item received was not.$LABEL$0 +Puff Pastry. I can think of one function this book might serve well: as table top "puff pastry". Ever had puff pastry? It's full of air with no real substance. This book reminds me of something a pseudo-craft person might use to convince everyone they are a "Witch". (You in the craft know what I'm referring to...those who enter the craft for all the wrong reasons, who want to impress people, and do no real work to gain knowledge) I'm sorry, I hate being negative, but if you are seeking lots of pretty pictures complete with a snazzy little "bow" to tie the book closed-this fills the bill. Kudos to the Graphic Design team, who did the layout, it displays very well. (My college degree is in Graphic Design) If you are seriously seeking spell work, I suggest you try other books. Morgana$LABEL$0 +A sweet and touching story of creativity and family. This is a wonderful book about Emma, a little girl who wants to be an artist. Her parents and teacher, though, don't understand her creative vision. When her grandmother comes to visit, she finally finds someone to share her art with, and finds someone new to love.The first time I read this book, I was afraid that the grandmother would die in the end. So you won't worry, I want to tell you now that the grandmother DOES NOT die.$LABEL$1 +Question about track 6. Can anyone tell me what happens about 3:08 of track 6 on Retropolis? Is this cracking up sound a recording blunder or wierd sounds added by the Flowerkings? Please let me know your thoughts.$LABEL$1 +its a 2 piece protector and the plastic piece. wont stay aligned... very frustrating. having to use with only the rubber piece. would not reccomend to anyone to buy$LABEL$0 +FUNNY. Jeff Dunham is the best very very funny every time I need a good laugh I will watch his movies WELL worth the money anyway you can't put a price on laughter wish I had a dollar every time he made my laugh.$LABEL$1 +marketseller lost the order. unable to review the product since the order was never filled due to being lost . . . the first time this has ever happened.$LABEL$0 +talented? what?. How can he be such an enormous talent when all he does is copy off of other people? sorry i just cant see it. I dont think he does justice to Nolan Porter's "If I could only be sure" on the first track at all: If you want to hear some great music listen to the original!!!$LABEL$0 +Ken's Review. I have a Lahsa Apsos whose fur is too thick for the groomer. I will just have to look for a bigger and stronger groomer. I am really sorry it doesn't work as all I can do now is try to find another. If your manufacturer has a recommendation I would appreciate hearing from them. Thank you in advance for your kind help.$LABEL$0 +Wannabe Beatles. It seems that they have always tried to be like The Beatles in everyway of their career. They keep telling everyone they are greater than Jesus - the world only took note when The Beatles said it. This album is REALLY disappointing and shows the weak(est?) side of Oasis...great sound when snapped.$LABEL$0 +Great Pet Bath. I love this pet bath. Not only is it cute but my Teddy Bear Hamster loves it.Haven't put any sand in it yet. I just wanted to see how he would react to it and he's been climbing in and out of it all night.When I first opened the box and took this Chinchilla bath out I thought it was huge and that I would have to return for a refund.Then when I measured my Hamster I realized that he would never fit in the smaller one. A dwarf Hamster yes, but not a Teddy Bear.My Hamster is nearly 6 inches long so he'll have plenty of room to roll around in there.Seller/Store chooses the color. Mine is yellow.It's about 7-3/4 inches tall not including the ears. From the middle it's about 6 inches wide.The opening in front is about 3-1/2 inches tall and 4 inches wide.I like this product and would reccomend. Oh, and the seller was very helpful as well.$LABEL$1 +Sheer delight. Auto Da Fay is about as good as autobiography gets. Fay Weldon has a wonderful zest for life and a larger than life-size personality that comes through on every page. It's the sort of book that cheers you up and restores your faith in human nature.A Good Boy Tomorrow: Memoirs of A Fundamentalist UpbringingBasic Flying Instruction: A Comprehensive Introduction to Western Philosophy$LABEL$1 +Turned my HDTV into an iPod. You can probably just watch video Podcasts on your computer screen just as well, but I have come to enjoy watching them on an HDTV. The Apple TV also shows videos from YouTube, shows pictures from my photo collection, plays music and all the stuff you can do with a computer or an iPod. I have just been using it a couple of weeks but I am very pleased with what it does and like using it very much.$LABEL$1 +Lovely. This is really a great book. I am a total DMB fanatic and it told me very interesting facts about Dave's and the rest of DMB's life. Like the time a snuck into a bush with some of his dads friends and smoked with them. That experience lead to the song "Tripping Billies" I really loved this book and I truly recomend this book to any DMB fan.$LABEL$1 +Not Good Quality. The quality of this product is very bad because it broke now it is not useful for me. Today I ordered from different company/member from Amazon. Hope this quality will be good.$LABEL$0 +Wake Up Simmons, Your product needs WORK.. In my 59 years as a farm boy and then an engineer, I've seen some poorly designed products...and this one needs some work. Our water quality is quite good but my hydrants eventually begin to weep after it is shut down. I was sold these with the assurance by the sales person that the working/moving parts could be serviced above-ground. NOT-SO. The stem was so well stuck that I was sure that I was going to break it if I pulled any harder. So I reassembled the unit and worked the handle and adjusted the tension until it finally quit leaking. That is the last time I've used either of the units. Now these exist as legacy waste on my farm and a lesson learned. Don't buy these unless you want to dig them out of the ground after 3-4 years. Bad Product.$LABEL$0 +I did not receive what was advertised. The book I bought was advertised as being leather, not leatherette, or bonded leather, or imitation leather, but LEATHER. What I received was not leather, but imitation leather. I am willing to pay more for what I want but do not appreciated false advertising.$LABEL$0 +Poor Service. Very poor service... vendor did not mail book and I was forced to buy the book at a bookstore in order to have it for class.Vendor blamed it on being new to the process... unfortunately I suffered the loss...I asked for a refund...$LABEL$0 +Another Amazing produce from Moleskine. Moleskine has become a standard in my life. This size is so great, plus the quality of paper almost wants to make you journal/write. Once you start using moleskine, you will never go back to anything else. The simple thing like a pocket and the close clasp is so great.$LABEL$1 +Listen before you buy. I would have not bought this album if I had a chance to (legally) listen to the whole thing first.This album may be good in its own right, perhaps by another band or even as a side project, but I enjoy Slipknot for their style of brutality and this was such a major disappointment. A little change or experimentation is good although this is just too much. Also, the sound production is way overdone (mainstreamed, radio-friendly, or whatever you want to call it) for my taste but this may not bother most people.I would return the CD if it were possible.$LABEL$0 +Not Impressed. Despite the reviews posted by others, I foolishly bought this book. After reading it, I shipped it back. Very, very introductory book that barely covers the basics. Agree with one of the other reviewers - take a training class or sit with someone already knowledgable.$LABEL$0 +Sizzling, concentrated conservative ideas...no sugar added. Dr. Michael Savage has hit another home run with this provocative book of his no-nonsense expression of conservative ideas. Dr. Savage does not apologize for his concrete conservative stance on the important issues facing our nation today. If only the vast expanse of our liberal college campuses would begin to expose our next generation to some of this truth serum...$LABEL$1 +Excellent Product. Forget the old "water bath" canners! This is an excellent product...quick and efficient with a handy guide for canning various foods!$LABEL$1 +Awesome - This book blew my mind!. I was so excited to finally get a copy of this book. After reading this book, I was totally blown away! It completely changed the way I think about dating and relationships. I have been telling everyone I know about this book. I honestly feel that every student and parent needs to read this book!$LABEL$1 +First time Koontz reader enjoyed it.... I have never read any of Dean Koontz's novels, and just picked this one up randomly. I really enjoyed the story, but it is so violent & disturbing that I felt guilty for reading it. However, all in all, I did enjoy the book. Can anyone suggest better Koontz books for me to read?$LABEL$1 +A very pleasing album.. This is a very nice and romantic piano album, only seems that the style (or the melody) of each piece is too similar with one another.$LABEL$1 +vellux blanket. I have always been fond of Vellux blankets.The quality is good,they are lightweight,good for summer and winter.But the current one I purchased is not really as good as the old one I feel.Not as soft.$LABEL$1 +OK product, crappy seller. I received my turntable in, what I thought, perfect condition. "Super Saver Shipping" is actually USP ground from NY, which takes all of eternity and then some, to arrive in CA.The turntable itself looks sturdy, but I haven't been able to test anything else, as the needle it came with was BROKEN. Which now means I have to buy a $21 dollar replacement. Or wait through the living hell of returning the item to J&R;, a seller that doesn't accept normal e-mail returns.Amazon should really look into who sells on their website.$LABEL$0 +Too Loud for Office. The heat output was great, construction was as expected, but this was WAY too loud for office use. Sent it back and did trial and error with 2 other units at Wal-mart...still haven't found a very quiet one.$LABEL$0 +im not liking it already. i just purchased my bbs 3 days ago and still the order has not be processedim not liking this alreadyit probably worth the money but the waiting just for processing the order is a pain i can imagine what its like when it comes to shipping$LABEL$0 +Don't dismiss this CD - It grows on you!. I first heard about this CD on the Radio. Our local AM station that plays standards was playing "It's My Life" (the Bon Jovi cover). It was such a great arrangement that I didn't realize it was a cover until the song was almost over. I was so impressed that I bought the CD the next day.I am a big lounge/standards collector (mostly LP's) and this CD is a great fit to my collection. What impressed me most is that Paul took this project seriously, it's NOT done tongue-in-cheek. Just read the liner notes and you'll soon see that he is proud of this album - as well he should be.$LABEL$1 +More Garbage By A Wanna-Be. Who is this person who feels qualified to write an Encyclopedia of Hip Hop? First of all, she is not qualified. Second of all, who has ever heard of this broad? Her writing is sub-standard at best--a wanna-be intellectual pretending to be smart. Skip this book and save your $6. It's not even worth that. Hold out for a real historian to come through and write a definitive tome. This is a piece of garbage by a wanna-be writer with NO credentials in Hip Hop. Tell this loser to get a job and leave the writing to those with knowledge, talent, and experience.$LABEL$0 +SURPRISES AT EVERY CHAPTER!. This is a really great book.Of course, you should read Foundation and Foundation and Empire first to understand the plot better. The second part of this book(search by the Foundation) follows Arcadia, preffered to be called Arkady, as she travels and finds out where the Socond Foundation is (or so she thinks). Her father is also working on the subject. Just a few words( they won't really spoil you the ending) DON'T READ THE LAST PAGE UNTIL YOU REALLY GET TO IT! I did and it spoiled me all the fun, especially the last two words, if ya know what I mean.Read it from begining to end. Also(you'll know when you read it) don't trust Anthor! I will not tell why, you'll have to read it by yourself. The book has many surprises, espacially in the last two chapters (The answer that satisfied and The answer that was true).They really give you different viewpoints! In all, I think it's a very good book full with surprises from begining to end---- which is not here yet!$LABEL$1 +Canon Scanner. Good scanner with excellent resolution. Software is not "user friendly"; too complex. Top of unit is curved and if desk space is an issue, it wont support any thing on top of the unit. Negative and slide scanning a plus.$LABEL$1 +Waste of Money. Don't buy this. It's like 4 girls and some of the scenes are looped. If you want to waste your money, but this movie$LABEL$0 +Not so much for the big mixers. This Cloth Cover is great and made from a very good material, but it doesn't quite fit the 6 quart KitchenAid mixer it is a few inches short.$LABEL$1 +I've got a better Idea. Tie a plastic golf ball on a string and tie it to the celing of your garage. Position your car where you normally park and lower the ball until it hits your windshield. Price .25 cents. HAHA. But seriously. This item stinks. It works 1/2 the time. Has a VERY ANNOYING clicking along with it. CLICK CLICK CLICK.. AWWWWWWW Cheap plastic. Dont drop it, it will break. Makes sence seeing it was made in Japan.$LABEL$0 +Not as advertised. As with many other reviewers of this product, I only got one canvas in the package, not 6. This company either can't count to six, or it has the most expensive single canvas I have ever seen. Amazon's return process made it simple enough to get my money back, but with all of the negative reviews of this product, it is obvious that there is a serious problem with the way the product is described.$LABEL$0 +If you say the authors are wrong, you prove their thesis!. Beckwith and Koukl firmly refute relativism and many self-defeating positions liberals take on current cultural issues. In fact, if you think these authors are absolutely wrong, you prove their point . . . you're really saying they're absolutely right! Not just for Christians, this is for every American concerned about our crumbling culture.$LABEL$1 +Rambling and struggling too hard to impress. Is this book interesting? Well yes, this is an interesting topic, and the author covers lot's of ground, and obviously knows a great deal about the history of science; in particular physical science.However, the first 200 pages killed the curiosity of this reader - I have a clear feeling it was more important to the author to impress me than to educate me. I do not need to have every scientist living between 1600 and 1900 mentioned (or know that the author knows about them) - I need just fifty pages background to develop the ideas we are to discuss later. After 200 pages I was totally exhausted and bored.$LABEL$0 +All Night Runner. As an ultra runner myself I know Dean personally anmd have met him a few times.Having run myself for 19 eyears on every continent myself I certainly can nrelate to his stories.I am not i9nterested in finishinmg times but rather enjoy the experience being in nature.Dean, I think is opver doing iot a little andn maybe not too many people can relate to what he does on teh same level.However I think the book was well wtritten also the appeal and audience may have been somewaht limited.It espouses several good human qualities such as detemination, disciplene and endurance, all attribute sthat will benefit anybody throughout life.All in all, I think this is an excellent book, well written and certainly entertaining to read even if you are not a runner.$LABEL$1 +The Revenge of making a good Halloween film.. What happened? This film saga was good until this one came out. I admit it was decent, but thats no excuse for bad acting, bad storyline, and no jump or frightening scenes at all. The story is boring in a way. Michael returns after jaime when shes in a mental asylum. This film was poorly made and poorly written, and the characters are so bad you dont care if they die. This is by far the worst in the series. I only liked it because of some deaths were cool. But this is my own opinion and i still think its worth to rent.$LABEL$0 +Wake-up and Smell the Coffee. Anybody who buys this book must be masochistic. The last book was a joke on the faithful readers who invested much time and money on this series(i.e. 200 pages on Egwene getting the Nobles permission to travel w/ her army--what a bore!). That was enough to convince me that Jordan has lost touch with reality.$LABEL$0 +Still Tight After All These Years. Another disc of solid musicianship from the current lineup of Chicago. Gone is the syrupy, smoky haze of stellar production by David Foster, Humberto Gatica, Chas Sanford and Ron Nevison. I'm not saying that like it's a bad thing, as I loved Chicago with heavy production but Chicago "Stripped" still shows what a great bunch of musicians these guys still are and always have been. Little to no processing on instruments or vocals [there are a few verbs, delays and keyboard/sequencers/loops, but if you can find them, they're ALL the way in the back] this is a solid bunch of songs accomplished only as Chicago can do them. Four out of five stars because I wasn't dazzled through the first listen, but I did have a smile on my face the whole time. Standout cuts: '90 Degrees and Freezing', 'Lovin Chains' & 'Feel'. Thanks guys - as always it was worth the wait!$LABEL$1 +Not one-touch. I bought a Maxtor product assuming that it would function like the100GB and 200GB products that I had purchased previously -- walk upto a PC, turn on the Maxtor, connect the USB cables, and it's done.Unfortunately, since this terabyte drive came pre-formatted for a Mac,I had to install their software, re-format the Maxtor, and thenit became a "one-touch" product.Maxtor should sell products that are consistent with their originalphilosophy, i.e. sell a "one-touch" drive in two editions -- onepre-formatted for the PC, one for the Mac, and whatever otherpre-formatted flavors.It's nice to tinker with computers and hard drives, but as an end-userI expect the product to be useful out-of-the-box. That's why I wasloyal to the Maxtor brand.Unfortunately, a one-touch product it's not.Other than that, it seems to be working fairly reliably as mytertiary-storage device.$LABEL$0 +Don't waste your money!. Too bad Amazon won't allow 0 or negative stars. I read the bad reviews on these but decided to try it anyway because the fetching Mrs. wanted it bad. What a mistake! When the plastic mount for the laser pickup broke from snapping CDs onto the spindle, it jammed and burned out a motor. It is the cheeziest CD drive mechanism I have ever laid eyes on, and I've seen a lot of them in my line of work. Avoid this piece of junk at all costs!$LABEL$0 +The best undies!. I've been wearing this style of undies for years. They are the most comfortable I've found. They never ride up giving wedgies and they cover to just about an inch below the belly button. Love them!$LABEL$1 +Not very consistant pieces. The songs aren't all consistant, one moment it's quiet as a mouse, the next it's banging like trashcans falling over. The songs are all very pleasant, if not the typical mozart. The only noteworthy one I have to brag about would be #5 "Jupiter" is just beautiful. Only problem is, that it makes you jumpy, it just bangs and booms, though very thrilling once you get the hang of it.$LABEL$1 +Die Trying... to finish this book!. I'm female, so maybe this is just a guy's book. I always like a good hero, and Jack Reacher qualifies as such, but I certainly am not interested in paragraphs-long descriptions of the geophysicalities of bullets as they traverse through the atmosphere. This and other testosterone-laden information unfortunately comes well into the book, so I plowed through to the end. I couldn't suspend disbelief in order to believe that any human can discern the difference between 1.4 seconds and 2.1 seconds (as it relates to the time it takes for a bullet to travel). I believe it took me 3.7 seconds to scan through each page to a part that I could tolerate reading until the end of the book, which fell flat.$LABEL$0 +I love the book and the series. It was a great book and series. Keep in mind it is an historical fiction - so some is simply made up. I read all of the series, and even though you know the ending it was a wonderful adventure.One funny - and a little distracting for me, was the fact that corn was mentioned in the book... I wrote the author, explaining that corn was a "new world" discovery, and did not exixt in Eurpoe durin the Roman days. He did change the next book, but did not get all corn out... He sent me an autographed first edition for my "help"...$LABEL$1 +Not Good. Sure Christina has a good voice,but a good cd? No way!I was excited to get this cd after hearing Gini in a Bottle and What a Girl Wants but once I listened to it I instantly took it out of my cd player. Hardly any songs are good or catchy. If you want to get a good pop album buy a Britney Spears cd.$LABEL$0 +What???. I saw a special on Mario Bava and it featured many of his horror films. They looked very interesting and interviwers said tha many of Bava's ideas were later copied by American filmakers. With that said "Lisa and the Devil" filmed in '76 is a mess of a movie. It makes no sense, and sometimes that's fun in a horror flick, but in this movie it's annoying and quite dull. I realize I saw this movie on cable but what happened to the exorcism scene that I saw in the special on Bava. Not that it would have made the movie any more intelligable, but at least a bit more interesting. Overall not a good movie.$LABEL$0 +Hitech - AC Adaptor Plug (converts European plugs to US Outlets). We bought a small fan in Spain last summer to provide some ventilation in a small room some friends in Madrid were letting us use as we traveled around from one place to another. It was so efficient that we decided to make room for it in an extra suitcase we had to buy to get the things we acquired in Spain home. This adaptor plug works just fine in doing what it was designed to do. However, be aware of the fact that your appliance without further adaptors to change the current from 110 to 220 will function at about half the speed! Of course, you could plug your appliance into a 220 outlet if you can figure out how to make that work.¡Buena suerte! (Good luck!)$LABEL$1 +GeoSafari Jr. Talking Telescope. This was a gift for a 6 year old boy and a opportunity for his parents to spend time helping him learn to use it. The telescope was a great hit.$LABEL$1 +Not what I expected!!. I have been waiting for this cd for a while and I must say it was a complete disapointment for me.I am a devoted fan and I must say this production is not even close to the previous cd's.The songs are too bland and the quality of the compositions is very poor and flat.Overall a bad cd.$LABEL$0 +loving it. little black backpack is such an awesome song; i loved it from the first time i heard it on the radio. the chick from portland talking smack about them should go grow some taste.$LABEL$1 +this game sucks. this game is a waste of time and money it is only fun when playing on manager mode. The minor league thing was cool but still I am bitter because the A teams from leagues like the South Atlantic league were not in the game. get MLB Baseball it is a much better game$LABEL$0 +NOT GENUINE - KNOCKOFFS. I bought these bags thinking they were the real thing. Went thru 2 bags, each had holes in them after short time using them..I thought. When I went to the Kirby dealership they said they were knockoffs, then I noticed all the bags I had bought had holes in the seam. USELESS.$LABEL$0 +No subtitles. I was disappointed to find that when I received the DVDs that there are no subtitles or captions for the hearing impaired and there was no notation on the product description to that effect.$LABEL$0 +Richard is the Best. This isn't his best.. I use this and Sweatin' to the Oldies III. I love the music and dancing, however it is hard to follow this video because the camera isn't always on Richard at the beginning of a dance or when he changes steps. Head shots don't help with foot work. STTO III is more professional in this regard. At first I thought that this didn't provide as good a workout as STTO III, but my heart rate and sweat prove otherwise. I believe it is because these dances use your arms more. Richard is great for those of us who don't have perfect bodies and probably never will. Even though I am toned and losing weight, I will never look like Denise Austin or Kathy Ireland. I've just ordered the original STTO and will let you know what I think.$LABEL$1 +Keeps a smile on your face. This American release of the British powerhouse recording star contains a sampling of the types of songs which keep your feet tapping and a smile on your face. The Loco-Motion makes it hard to sit still while listening. I Should Be So Lucky is set to a beat in a European style which draws the listener to the lyrics. In summary, this is a CD that makes the listener feel good and just plain "enjoy the music."$LABEL$1 +The Claiming of Sleeping Beauty. I was not impressed and will not be reading the other two books in the series.$LABEL$0 +Second rate. Very disappointing. Didn't add much to the BSG universe; in fact, a sizeable portion of the footage seemed to be lifted from the series.$LABEL$0 +Bad game, dissapointed, traded for Ace Combat 6 now very happy!. This game is horrendous, get Ace Combat 6 instead for the same price and you will be a happy camper.$LABEL$0 +Storage Case. This is a very sturdy product that works well with medium to thin puzzles. Excellent for helping keep puzzles in one place.$LABEL$1 +This one's already on preorder. I am getting this bad boy without hesitation. The Gift set trilogy is already on order with the extended version of them all and of RoTK I shall complete the trilogy have the book on my TV screen with 5.1 sound! 50 minutes(or more) each chapter contains an extended extention over the last. Peter Jackson really knew what he was doing with this movie and there is no movie out today that I find worth watching except for this trilogy. If you are frivolous(or a sincere fan) get the gift set on all three movies.They giftsets contain in addition to(not instead of) the usuall extended edition trilogy:Fellowship: National Geographic Doc, Statues from which the first movie ended.Towers: Making of Golumn, Golumn statueKing: Minas Tirith castle, Making of the music of Middle Earth.$LABEL$1 +Astra Yarn - Ombres. Believe it or not,I am crocheting a throw with this product right now. It is so soft, the colors are beautiful, and it is so easy to work with. I love this yarn.$LABEL$1 +Careful - Not backward compatible. I still have not used the product to full capacity, however, it is much faster. I would be careful however if you are putting it in a native SQL 7 environment - you can upgrade the database, however any manipulations you do in 2000 will not be reflected when transfering back to SQL 7. If you upgrade (as if you have a choice), realize there is no capability to use both versions.$LABEL$1 +IS THERE NO GOD??. First, there was nick carter, forever polluting the music business. Then came aaron, who delivered a crippling blow. This is the final nail in the coffin of good music. This is the worst piece of trash ever to come out of the sewer that is the music industry. How can this girl live with herself? She sings worse than her brother aaron ( worse than nails across a blackboard) and put out the ugliest music video since the days of Michal Jackson. The Carter parents should be shot. If one more Carter sibling records something, I will kill myself.$LABEL$0 +Poor Design. The roll is WAY too large for anything other than long pattern Snap-on wrenches or similar. I have no idea what they were thinking when they designed this monstrosity as the designer surely did not experiment with actually putting standard wrenches in it. The pockets are just too deep to be of any use. It is really close to worthless because it just takes up too much space and the wrenches get lost in the overly large pockets. Also, it is not cotton duck and it is made in China. I found other rolls by Tool Pak and they are 100 percent better.$LABEL$0 +Smell Like Machine Oil. I purchased 3 of the white ones and they smell like machine oil. Washed them once and they still smell like oil. Not worth the shipping to get an RMA and return them.$LABEL$0 +Total Comfort, Excellent Sound. Total over the ear and headband comfort with excellent sound. The over the ear wasn't so thick as to totally exclude the world around you so you can still respond to others--after you take them off, of course, and ask them to repeat themselves. ;) Not being aware of your surroundings can be dangerous. Not being aware of your spouse, suicidal. ;) The only thing I could wish for is a volume or mute control on the cord, but this was an excellent buy for the cost. I wear this headset above all others because of the comfort. The L for left and R for right is a nice touch.$LABEL$1 +GREEEAT!. my english is not as good as you might like, but i will give it a try.the trigger finger has become my KEY midi hardware as a trigger, im a DJ and i've been working with many other midi hardware, this one finally satisfied my needs.great response, fast, many many knobs , and...many pads :Pits a bit heavy, but for gigs, its the best you can get.y used a M-AUDIO midi keyboard, and this new one replaced my entire set.it{s a must, for drummers its a must, its not expensive, you can use it for secuences.the only problem i had it's the USB cable, it has been giving me problems on stage, thats a really BAD CON. but once repleaced, it worked fine for me.BUY, BUYi didn't give it a 5 star review, but.. the cable took off one.$LABEL$1 +DOA. I am sure this is frabjous and more....but it arrived DOA, so I'll never know. Sad. And no returns or exchanges. More sad.$LABEL$0 +HATE IT!!. Come to find out that this DVD will not play at all. I have to have a "International" DVD player in order to view it. So I will not be ordering anything else movie wise from other countries.$LABEL$0 +Nice looking, BUT very fragile. I bought several of these frames and I had a lot of prints to frame and like d the clean lines, and low cost.I really like the look of floating glass frames, and it provides more options for your photos or art.The problem with these frames is that like many things made in China, they are cheap...at great cost.The glass broke from the pressure of putting those little tabs that hold it together down, and (as someone who works with glass) I know that this type of break only occurs in glass which is not properly annealed.What does this mean to you? It is DANGEROUS!!! A product like this should be made with either safety glass, hard glass (pyrex, borosilicate) or, at the very least, properly annealed soft glass (actually any & all of these glasses should be annealed to remove stress)...but, without getting too technical- all I can say is that the glass in this product is unsuitable for it's purpose, and fundamentally unsafe.$LABEL$0 +Dave Feffer is not what he appears to be in this book!. Dave Feffer is someone who manipulates evidence and people in other cases and has let other criminals go free. He is NOT the hero that he appears to be in this book. He is a deceitful and evil man who is in it for the money and fame it provides him with and he doesn't care about who he has hurt or victimized in the process. I know of two families devistated by his involvement and actions in other court cases. Don't believe everything that you read. Do the research on the other things that he has done.$LABEL$0 +Overlooked, Undervalued, But Still A Pop Music Masterpiece. Fine songwriting, produced with perfection, and timelessly listenable.When this recording was released Loggins and Messina would soon break up. You'd never know it.Many excellent recordings suffer from not having enough drama; an all-over sameness of sound, tension without release, bad pacing. I could describe many qualities that make recordings with wonderful parts not wonderful as a whole. In contrast, Mother Lode is the complete package, enjoyable in its full presentation as it is in its individual parts. A real gem.I loved the L.A. country-rock style of the early albums. The fine crafting of songs. This effort, while not as commercially viable as its predecessors, still resonates today in a way that the more popular Loggins and Messina recordings do not. I urge you to give it a place in your CD collection.$LABEL$1 +Poorly edited. If any U.S. citizen would read the section on the United States, one would quickly realize how poorly edited this book is. He refers to Clinton as having been ALMOST IMPEACHED. HE WAS IMPEACHED!!! He misuses facts and statistics with a snide bias. Too bad. It could have been a useful book. Mine is now in the trash.ADW$LABEL$0 +COLORA HENNA VEG-HAIR COLOR. THIS WAS THE WORST HAIR PRODUCT THAT I EVER USED. IT HAD A TERRIBLE ODOR ANDIT TURNED MY HAIR RED.$LABEL$0 +Paige is intolerable. I really loved this show through the first 3 seasons. However, the new Paige character is just unwatchable. Not only is she obnoxious in that "I'm a teenager and I know everything" sort of way, she's even self-rightous and soooooo politically correct it's enough to turn your stomach.And she doesn't fit. There's absolutely no chemistry between her and the other girls. None ever developed no matter how many seasons she was on the show.As if that's not bad enough, the scripts just got so incredibly dumb in season 4. I remember watching the first few episodes when it aired and all of us were groaning and rolling our eyes at the goody-goody two shoes approach the writers decided to take. It was like a film strip aimed at teaching third graders how to be good, in that really overbearing, obnoxious sort of way.Skip this one, stick with the first three seasons instead.$LABEL$0 +Great Beginning...poor ending. Parricia Corwell, Cruel & Unusual was breathtaking in the beginning! Her relation to her family, her dedication to her work exeptional. However, this story began to get boring towards the end...the ending, not too great.$LABEL$1 +Good device, instructions cold be better. The CD installed 3 software executables without any desktop shortcuts. The sparse documentation gave no hint of which of the 3 modules to start with. I ran "Eye-One Diagnostics" and it could detect the device. Vista complained that the driver was not digitally signed. I finally hunted around on the xrite web site to find and download the correct driver, and then I had to hunt through the Vista hardware device list to find the Eye-One and install the driver files.$LABEL$1 +Wonderful movie! Don't forget to watch Special Features too!!. It's hard to pinpoint what I loved best about this movie - it was all so well done! The acting, the storyline, the photography, the soundtrack, the overall message...it was all superb! Movies about actual events are the BEST!! I think audiences crave this - learning how other people react to tragic and heartbreaking events in their lives. We can all draw something out of this girl's story that we can apply to our own lives and attitudes about our future. The amazing scenery of Hawaii and the awesome surfing work to make this movie so engaging. The DVD has a ton of Special Features!! Check them out!$LABEL$1 +Condensed, but that's why it's called a Pocket Guide.... Good overview and quick read on the subject. It is a great resource if you are just starting a study on Islam or if you need a quick review. Does not go into too much detail so that is where it is lacking but I think that was the purpose for writing this book.Because it gives a fair understanding of Islam and I believe accomplished what it wanted to be.$LABEL$1 +Shallow read. This book tries to cover everything. Thus each topic is covered only breifly. The orginization and wording is passible at best. This book is not really for beginners but for the times when we forget the simple tasks.On the plus side, it is one of the few reference books with precompilers in it.$LABEL$0 +Solar Spot Light. Disappointed in the amount of light it gives. Disappointed in the product and also the advertising that says it is a strong solar light. Not worth the money spent.$LABEL$0 +This is one of the more unusual and good books in the series. This is one of the freshest and most engaging Star Wars novels written in a long time. The plot is original and the characters, from Prince Isolder to Teneniel, are believeable and likeable.(when they are supposed to be likeable) The conflicts are well crafted and the story sparkles. Good Work$LABEL$1 +Great DVD content but.... I watched this on a cable channel a while ago, and I was so glad to finally see this on DVD (it was only available on VHS), I read the review of the other same title DVD and I decided to get this because this one seemed not to have the 1:30 Devine comercial, to my bad luck the person who shipped my product from amazon apparently didn't have a clue of this and sent me the Devine (cheaper) one and I paid the price for this one :-( I don't even know if I could something about it.Wynton Marsalis is the best by the way. Thank you Wynton for this great series. One recommendation for the future in DVD, the one on Duke Ellington, I think it was called "In Duke we trust" or something like that.$LABEL$0 +over a thousand kiddos can't be wrong.... I have given this book as a gift more than 100 times now. I often give it to graduates - both high school and college. As a teacher, I've had the opportunity to read this book to over a thousand students. Of course there have been students who didn't get it or who did get it and simply didn't like the book, but most (possibly over 80%) have enjoyed the story and learned something from it. I have also sent this book to people in some sort of trouble - jail or rehab type situations - and the gift has always been received with great enthusiasm. Personally, the book changed my life, as trite as that sounds. I keep hoping Oprah will discover and share it.$LABEL$1 +Short battery life. Using Rechargeable AAA batteries, with the Battery Saver feature turned on, about two hours. Sometimes I get more using alkalines, but not much more. Honestly, this unit is worthless, because I can't trust the batteries.Order a Garmin Etrex Legend instead. It isn't much more expensive, larger or heavier, and it includes a base map of roads, towns, and shorelines. The Legend comes with a cable to transfer data from your computer. The Legend's screen is a bit larger, but shows much more detail. And - the batteries last hours and hours.$LABEL$0 +great music and a worthy cause. The John Lennon covers were great and complement the original recordings. And the cause couldn't be more worthy (both supporting Amnesty International and raising awareness of the genocide in Darfur).$LABEL$1 +Aesthetically Pleasing. Great to look at -- in the tradition of Eraserhead or Freaks.But that's the troublesome aspect. It's mostly aesthetics, with a great backup score.Very little information, almost no social consciousness -- one would think it had been made decades ago. Singer objectifies the people in front of the lens shamelessly. Or perhaps he is just woefully behind the times and didn't know what he was doing. I would hope that was the case. But if you just want to see a good looking black and white film, it's got some great shots.$LABEL$0 +SMUT. I loved THE OTHER BOLEYN GIRL and was excited to start this one. Disappointment is an understatement. I find it difficult to enjoy a book in which I have no sympathy for the heroine. I'm turning the pages only because I can't wait for her to get what's coming to her, only it can't come soon enough. Beatrice's lies, incest and selfishness drag on for pages and pages and pages. Needless to say, I will not be reading the next books in this series since I'm struggling to finish this one.$LABEL$0 +Eloise. My daughter and I love Eloise, so it was nice to have Eloise in our home for the holiday season.$LABEL$1 +Published in 1916...so dated!. I was looking to inspire my son to read more...this definitely didn't do it...bad choice of stories and so dated!$LABEL$0 +Great companion when watching the series. I love this book. I refer to it and make my own notes in it when I watch each episode so that someday I will have watched them all. One thing that I have a question about. This is regarding the few episodes that were taped rather than filmed. The author says they were taped then transferred to 16mm film for broadcast. I just don't understand why they they wern't just broadcast from the original tape. This way they would not "look like a copy of something" rather than an original tape. You would think that with today's technology restoration could be made of these tapes to make them look other than a cheap Kinescope from the past. Otherwise, thanks for a great book.$LABEL$1 +This not a Stebel horn as pictured, its a Flosser. Its not 139 db as stated its 115 db. Recieved the horn. Box says Flosser, the horn has Flosser in big letters where its sposed to say Stebel as it does in the picture on Amazon. The box says its 115 db at two metres, not the 139 db its supposed to be. Came with no reciept so dont know if there will be a warranty. Would not have bought if it had been properly discribed, just another ripoff.$LABEL$0 +"meant to live" is deceiving. if you think switchfoot's "beautiful letdown" will follow in the wake of "meant to live", think again."dare you to move" sums up the whole cd, mellow and bland.sure,they are a christian band and have inspiring lyrics which could "move" people.but this allbum is pretty boring.i mean seriosuly guys, take a listen and try not to fall asleep."meant to live" is a good song, but other than that-zzzzzzzzzzzzzzzzzzzzzzzz.$LABEL$0 +Read Suspicion First. This book has the same two characters as Suspicion, Kate Logan and Mitch Calhoon. I would recommend reading that one first. Kate Logan an attorney is asked to represent Todd Buchanan, a man being sought for the death of his wife Molly. The problem with this is that Molly was the sister of Mitch, Kate's boyfriend. It all started with two people agreeing to meet in person after they first meet in an internet chat room.$LABEL$1 +I recommend this book to everyone I know having multiples. I think this book is the best resource for women having multiples on what to do during their pregnancy. I tried to follow the recommendations as closely as I could, although taking in 4,000 calories a day was almost impossible!! My triplets were born at 35 weeks and all came home from the hospital with me and I have to give some of the credit to following the advice in this book.I did see the negative review from the husband of the lady who could not "force feed" herself. That is unfortunate, but I don't not think it will apply to most women.$LABEL$1 +best invention ever for cat owners - but costly. I absolutely LOVE my scoop-free self-cleaning litter box. I can't think of a chore I hated more than cleaning out the litter box, and now I can ignore it for two weeks. Change the refill is quick and not too messy. The refills are expensive, but to me, it's worth it to avoid dealing with cat litter on a daily basis. I don't find the smell to be much of a problem, except a little in the summer.One other thing I'll mention is that the company has great customer service. When my first box stopped working, they were very responsive. First they sent some troubleshooting ideas, and when those didn't work, they sent a free replacement which came very quickly.So bottom line: I'd give it 5 stars if the refills were not quite so expensive, but other than that, it's a product I don't think I could live without anymore.$LABEL$1 +No thermostat!. The description of this product clearly states, "Adjustable thermostat automatically maintains desired room temperature". However, there is no temperature thermostat. There is nothing but one knob for high or low power (1 or 2 setting), and a second knob labeled 1-2-3-4-5-6, 6 being highest. No idea what actual room temperature these settings translate too. I am very disappointed! I ordered this over a Honeywell electric silent baseboard heater because the DeLonghi description said it had a thermostat.It does heat silently and pretty well, but it had a large dent on the top of the unit due to poor packaging and delivery damage.$LABEL$0 +Entertaining and illuminating, enjoyable, but not Faulkner. Heddle obviously draws from his knowledge of the physics academic community (and physics itself) to write this. This is to the good; one should write about things one knows about, and this allows one to convey the ring of truth (and allows the reader to actually learn something).His point of view is also clear, but not thrust annoyingly upon the reader (at least to my ear). (Unlike other authors who write in science-related fields whom I could point out.)There is good use of humor (I laughed out loud in places as well), insight into human behavior, etc.; so it's definitely worth a read.But in honesty, I wouldn't quite consider it highbrow/fine literature. (Perhaps one more go-around with an editor might have made a big difference.)$LABEL$1 +Merely a retelling of Anna's book. I was quite disappointed in this book, especially since it claims to be a scholarly work. As a scholar of Thailand, I was very disppointed and didn't get further than Chapter 1. The author clearly has no knowledge of Thailand's history, language, or religion let alone how Anna Leonowens is looked upon by Thais. Chapter 1 is merely a retelling, almost like a cliff notes version, of Anna Leonowens' & Margaret Landon's novels. While it was nice to see the debunked history of Leonowens' life, it would've been nice to see the debunked history of her writings as well.$LABEL$0 +not the best. the name of these hip scarves is true. they are deff. imperfect! they are made really cheap, and dont really stay on your hips really well when your dancing. i wouldnt buy another one.$LABEL$0 +Coarse and Trashy. This could have been a very good story if it could have been told with class instead of such trashy coarseness. I will not be reading anything else from this author. This one was stomach turning enough.$LABEL$0 +Almost. This cd was not quite what anyone expected. 1,2,and3 are ok but the rest don't bother listening. I read Justin's review and he said that they were proud of their acomplishments on this album. I guess the public was just suprised at the styles of music they put on here. I'd sugjest just getting used to the cd then you can learn to apriciate thier hard work and dedication!$LABEL$1 +A Favorite!. This toy is one of my 'kids' favorites! I ordered several of them in case they ripped one of them up but so far, are all still intact! And the sounds are SO funny (and realistic)!$LABEL$1 +Adventures worth sharing. I found this book while browsing at Best Buy waiting for a friend to buy a washing machine. I didn't buy it then, but I kept going back to it in my mind and decided I had to read it. I'm glad I did.Although the writing itself is not particularly noteworthy, Ms. DeLong's career is worth reading about. Her knowledge of the criminal mind is extrordinary. It is sad that that there have to be people like Special Agent DeLong out there to catch the scum who victimize other people, but reading this book made me feel like there are people out there looking out for myself and those I love.$LABEL$1 +One of Abbey's Better Novels. Abbey is at his doomsday best with this tale that leaves a glimmer of hope that we can yet save ourselves. Say what what you want about Abbey (narcissistic, sexist, moody), the guy could write! He was also ahead of his time in his warnings about our abuse of the environment!$LABEL$1 +Poor. The fan never worked well (didn't turn freely and was horribly noisy), and it conked out completely a month after the warranty expired.$LABEL$0 +The final battle (and an awesome conclusion!). Max has been completely absorbed into the consciousness and has no control over his body at all. But the others are determined not to give up. They've got two of the three Stones of Midnight, so they have that adventage. But Liz is devestated - she's just lost Adam, and the thought that she might lose Max, the love of her life, as well is almost more then she can bear. Isabel learns she may be able to return to her home planet - but she can't leave her brother behind. Or can she? Michael's torn between his love for Maria and the chance for him and his brother to return home. Alex, in spite of loving Isabel and wanting her to stay, tries to be there for her. And Maria is completely heartbroken that Michael will most likely leave her. They'll all work together to fight the final battle to free Max and the beings of his home planet from the consciousness. But can they triumph - or are the efforts too little too late? Read to find out!$LABEL$1 +Not an expert, but I like it. I've never played an electric guitar, but I some classical guitar lessons a long time ago. I went to my guitar store and looked at the Les Paul Standard, which was more money than I wanted to spend. I read that the Studio was not as pretty, but musically almost the same. Without having seen the instrument, I ordered one.I opened the box and was pleasantly surprised. It really looks nice, a little darker than in the picture. On the heavy side, but feels very well made. I wanted an instrument I won't need to replace in six months, and I'm confident it will stay better than me for the foreseeable future.It makes a good sound as far as I can tell, but as I said, I'm new to the instrument. Still, very pleased.$LABEL$1 +Great music, but not a lot of it. First the good news: the music is wonderful. Great playing, and a terrific mix of standard jazz styles (There Ain't No Sweet Man, in particular) with Beiderbecke's chamber explorations. It's definitely worth many listenings.The not-so-good news. I didn't think it was technically possible to only put 43 minutes of music on a compact disk. Seriously, the album seems awfully short for the money.$LABEL$1 +Outstanding. The author did exhaustive research on this book. It was informative without being pedantic, revealing much about the personalities and politics of the day.$LABEL$1 +A Tip on securing the Router Template Guide Adapter. A previous reviewer (i.e., Adrian) wrote that he had to tinker with it to attach it to his router. I tinkered, and tinkered with the adapter and couldn't get it attached. I even tried to call Bosch but it was after hours. Then I thought I would remove the base plate (it couldn't hurt, right?), and T.G. I did. Because there in lies the secret to attaching it--at least for me. Under the plate I discovered the spring tension latch which must be engaged for the template adapter to lock securely in place. I suspect this is what Adrian meant by his "fiddling", but did not elaborate for those who would follow him. But I have! So now, there should be no excuses. For you other people that are, like I was, ignorant of this latch, now you'll know,and be spared the frustration.Gosh, Adrian, it would have taken you just a minute to elaborate on this. :-)$LABEL$1 +Works well until it gives up the ghost. For the first year we owned this rice cooker it was very nice. Many times we have been cooking rice in it and steaming vegetables in the tray at the same time, and it has always come out nicely. After about 18 months of use, it just flat out stopped working. It worked one day, and the very next day - nothing. No light on the front, no heat from the heating element, nothing. As it was well out of warranty, I took it apart and could find no parts that looked to have failed. All of the electrical connections were solid with no corrosion. No broken or shorted wires, no burned out components. It just gave up the ghost for not apparent reason. Not worth the money.$LABEL$0 +Rupesh Goel. Clark has written a book both simple and detailed - for both the specialists and the generalists - in the big, bad, and exciting world of simulations.Sometimes the process IS the product - if you believe that you will love the notes in the book from Clark's developer's diary - he brilliantly captures the tradeoffs of design, technology, learning, legal and commercial issues, in the process of creating the simulations.I recommend this to anyone serious about simulations development or use.$LABEL$1 +Some real gems here.... After listening to Mr. Armstrong's work on albums such as the Moulin Rouge and Rome + Juliet soundtracks, I was really looking forward to seeing what he did on his own. While some tunes here are WAY too sentimental for me, the majority (especially the instrumental pieces) are wonderful. Soaring, simple melodies that take you from here to there and back again... It's one of the reasons why music is so powerful.$LABEL$1 +Eh, not as good as I remember. I remember catching an episode of this show here & there was I was young, probably 12. I remember it being kinda fun. So I impulsively bought this dvd (somewhere else for around $20) & I just couldn't get into it. I watched about 3 1/2 episodes, but Jessica (one of the main stars) just grated on my nerves. This girl was such a tease. Plus everytime she did something wrong she got off pretty lightly. If anything she would get back at somebody else. She was also very easily forgiven by her sister, whom she used just like everyone else. Some shows like Saved by the Bell I can watch now & still enjoy, but not this show. I'm happy for the huge fans of this show that it's out there for them. However, if you aren't a hard core fan, like me, make it a rental, not a purchase. Oh, the show also seems like a showcase for these girls bodies. So I wouldn't be surprised if some girls brothers decided to watch this show with them.$LABEL$0 +Nice Lantern. This lantern is sturdy built. It a thicker plastic outside, than the one I had. I believe the battery is what gives it more weight. It is not real heavy and I can still lift it with no problem. It is just different than the one I had, and takes getting use to it. I have not had to actually use it for a power outage as of yet, but have turned it on to see how it does, and it works good. I like the looks of it, and am glad I chose this one. I believe it to be a good lantern and would recommend it.It qualified for the super saver shipping at Amazon, so shipping was free. I like those type of deals.I believe this lantern is going to last a long time.$LABEL$1 +Won't buy from this seller again. Not only is their customer service terrible (if you can get a hold of someone), they're charging a $21 restocking fee. FOR A BAG. I don't see that warning mentioned on the shopping page. Bad deal.$LABEL$0 +partridge family - up to date. This is a very hard to find CD and has songs that most other partridge family albums do not, such as "You are always on my mind" and "Umbrella Man".....$LABEL$1 +Junk. For the price to get you by for maybe a week then they break I bought 3 belts and they all broke!$LABEL$0 +Works great. They were just what I needed and i haven't had any problems with them. I haven't received any errors while burning with these ones either.$LABEL$1 +Not worth the money. If you really know and like Arkansas this will be very disappointing. Arkansas is a beautiful state but you wouldn't know it from seeing this video. They avoid most of the areas of natural beauty and when they do venture slightly into those areas, we notice they filmed this in late winter or early spring when trees are just starting to leaf out, arguably the least attractive time of year in Arkansas.A few of the topics they cover are interesting but most are just stereotypical small town/hillbilly type stuff that could have been shot in rural Kentucky or Tennesee. If you don't know anything about Arkansas before you watch this, you still won't know anything after you see it.Production values are amateurish but would have been OK if they had let the state's natural beauty and friendly people speak for themseves.And it is way overpriced.$LABEL$0 +it's just ok. This workout does offer some cardio benefit. It also does introduce you to some basic Bhangra steps. It is not a serious workout or dance video. I wouldn't buy it just "to mix up my workout".$LABEL$0 +"In Pursuit of a better game". I was very disappointed with this game. I thought since it was a Trivial Pursuit game that I would would enjoy it as much as the original. The questions are obscure and boring, there is no real objective to the game, the rules are confusing and the game board and pieces are poor quality. Do yourself a favor and avoid this game and stick with original Trivial Pursuit games!$LABEL$0 +I'm torn.... I don't whether to laugh, cry or vomit. His singing is horrendous, and may give me nightmares tonight. Two words.Download this. Trust me the RIAA will not care but they may put you in a padded cell. Oh lord...my ears, my ears.$LABEL$0 +Didn't work for us. We have a small farm pond with an algae problem. We put 4 of these in the pond and waited...no change...ever. Buy an algaecide.2 stars only because the item was exactly as described and it may work for different types of algae. Who knows.$LABEL$0 +disappointed. We dined in the restaurant and enjoyed the food; I found it to be comparable with restaurants in Mexico. I ordered the book and was totally disappointed. The dishes I enjoyed in the restaurant are not in the book! It is a generic cookbook about tex-mex food obviously written to capitalize on their fame. They don't even have the recipe for the chimichurri sauce that is on every table.$LABEL$0 +Plays the Notes. If you like Spanish Flamenco and 'classical-on-guitar', and have already heard Segovia or Sabicas or Lagoya/Presti or the Romeros or Williams play some of this music, then you might also think Barrueco comes in somewhere distant. For enjoyment, also consider artists Parkening, Bream, Isben, Holzman or... well, all these folks project more than just the notes. This earnest-but-mechanical effort by Barrueco is an acoustically clear recording but contains not ALL of the music... IMHO.$LABEL$0 +Interesting biography. This book gives an interesting look into the founder of modern karate, and some practical advice for living.$LABEL$1 +v220 lack alot. I have always had a motorola cell phone but the v220 is a big let down. It looks, feels, and operates like a cheap phone.$LABEL$0 +Great Value!. I usually buy the normal (small) sized canister of ReptoMin sticks for my aquatic turtles. Never again! This is HUGE it will literally last months. And for the same price as the small one at the store. From now on I am getting my turtle food from amazon. Excellent price!$LABEL$1 +A wide range of material which shows off her talent.. The first time I heard her music was when "Dive" was new. Since then I forgot about her. A friend was talking about her so I bought "Eden". Wow! it blew me away. Her range of material as well as her amazing voice are incredible. After listening to it all day I plan to collect the other discs she has out, even the imports. For anyone who is tired of hearing the same tired material played on the radio I highly urge you to check out this disc. It's incredible.$LABEL$1 +Bellydance. Keti Sharif has put together a very informative and delightfully presented instructional book. The photography is excellent and the instructions are very clear and make sense.Keti Sharif is australia born and lives on the Red Sea in Egypt. She performs and teaches bellydance and hosts cultural tours of Egypt. Well done Keti. I teach bellydance and will be only too pleased to promote this book at my classes. My students will most likely buy a copy of this book.Anyone interested in Bellydance and Egyptian Culture or Middle Eastern Culture would be very pleased with the contents of this book, women love to express themselves and this type of dance does so refreshingly and culturally diverse techniques are explained.To celebrate our bodies is our divine right and we can enhance our health by bellydance. I invite women to take up this ancient art of expression, celebration, and good workout with pleasant music and rythms.$LABEL$1 +American dad season #5. this show has easily become one of my favorite animated series ive watched in along time. well written and the animation is fantastic! the characters are unbelievably hilarious.$LABEL$1 +its ok....cheap but ok. I am 8 months pregnant and was able to put the rocking chair together by myself. I think its ugly and cheap looking. I sat in it for 2 mins and when i took my feet off the ottoman there was marks from where my feels had been resting. The cushions is thin and not comfy at all and the fabric is not soft. I wish i had got a better chair :( I do like the size of the chair, not to big not to small, fits nice in babies room. I would not recommend this chair to anyone...$LABEL$0 +Great Coat. I got one of the best deals possible...a $ 275 coat for just $ 58!! Its great quality, wonderfully warm and looks great, on just about anything.$LABEL$1 +One Word - Brilliant.. One Word - Brilliant. Some films just turn out to be so good that words just don't seem to be enough to describe it. Watch it. Seriously.$LABEL$1 +Most annoying chord book, ever. I have a banjo chord book that is arranged by note. If you want to learn a C7 all you do is go to the C section. This one is arranged by key. If you are a beginner like me, I bet you are just trying to learn chords, not keys yet. You have to flip all through the book trying to find your chord. Find a book where the chords are listed in the order of notes, not by keys. You will be much happier.$LABEL$0 +Piece of Junk. Installed this on a new build and immediately the fan started spinning loudly and to think this unit is supposed to keep things quietly. The following day, the system would not boot up at all due to a Thermal Control Module (TCM) that went bad overnight. I tried calling CoolIt Systems technical support line and someone is supposedly calling me back. Well, I been waiting for over a week now and still no return call. Will try again.$LABEL$0 +Super the 2nd time around. Read the originally series the 1st time - in the seventies. It was amazing. Beautiful art, great covers, a super star line-up. This collection shows off comics' 1st full story arc well.$LABEL$1 +Watcher in the Woods. This movie has suspense and is so good ! I like it very much and would recommend it to everyone. It is clean entertainment and holds your attention. It won't scare you to death, but it will keep you watching non-stop.$LABEL$1 +i hate to diss a master p product or a flick with such a dope title but.... what can i say about this movie? truth be told, i couldnt finish watching it. i don't want to be too harsh because he is master p and has done a lot for the music industry, but i really don't think very many of his movies are very good. i saw this flick about 6 months ago and all i remember is that i turned it off after about 20 minutes. thankfully i rented it and didnt buy it. i would suggest saving your money unless you collect underground indie movies or at least are a HUGE master p and tony cox fan, even still i can't recommend that you buy it.$LABEL$0 +No Warranty on probes. CAUTION: My unit had been used about six times when the first probe failed. The second probe failed the next time I used it.What's more, the probe(s) ARE NOT covered by Polders warranty, and cost $17+ EACH by UPS ground (USPS postage would be 60 cents).Even worse, Polder didn't even respond to my email.$LABEL$0 +sufficient isolation for office settings, mediocre sound quality. Compared to stock iPod phones, these are an improvement, but absolutely nothing compared to "real" headphones: Ety er4p, Senn 280, Senn 580, Grado 80 (I own them all).The sound quality is quite mediocre, but I listen to it at such low volumes it hardly matters.At work I don't like sitting with full size phones and the etys, while superb, isolate me too much so these are a nice default.I use it in the office when I need a little bit of isolation from the background noise but not too much isolation so I cannot respond when someone asks me a question.... and they are shiny too..$LABEL$0 +DO not waste your money. it SUCKS. dont waste your money on this P.O.S. I usually never write a review on products, but this product is so bad, I would feel wrong if I did not say anything. If your not going to listen, let it be, your going to find yourself wishing you spent your money on something else.$LABEL$0 +Discusthing. I never got to use the trimmer. The motor doesn't work even after buying new batteries, and the cutting head looks like it's been smashed.It's not worth the postage or trouble to return it,so it just lays in the drawer.$LABEL$0 +Truly new & creative ideas for home & spirit. After reading this book I had so many ideas I didn't know where to begin. I first saw Kelee on Oprah and thought her story was remarkable....her work with Habitat for Humanity is so inspiring. And now I can use her immense spirit and creativity for my own home. She is like a spiritual Martha Stewart but so much more interesting!$LABEL$1 +shallow and disappointing. I thought this book was dull and disappointing. If you are looking for just a bit of light reading for the sake of a story, this may be the book for you - but if you are looking for a novel that is intriguing, moving and involving, this certainly didn't make the grade for me. The writing is dull, the characters are flat, the plot moves along like a simplistic fantasy with the characters making their choices with an unrealistically shallow level of conflict. I personally found I was unable to empathise with any of them because I felt they just weren't real to me, despite the book's issues being quite close to my heart. It's magazine-rack stuff.$LABEL$0 +A bit of sham. I was looking forward to this but it's a slim paper back book with a bland text book cover. It's certainly not worth the price.$LABEL$0 +This is garbage. These songs are NOT performed by the original artists, know that first of all. As such, they sound cheap rip offs (because they are). If this is the kind of music you're after, you are MUCH better off to by it by the artist's themselves or off of other compilations.$LABEL$0 +THE BEST HEADPHONE IN THE MARKET. IT IS THE BEST HEADPHONE I EVER HAVE, SOUND IS 10 POINTS, CONFORT 10 POINTS.$LABEL$1 +Awesome DS game, but..... I love it I really do. The most fun of Mario games but not the best in my opinion. There are some problems like the saving part. I can't save much data because some parts of the game only allow you to save data like the mushroom houses. Overall it's not that bad once you geat use to it.$LABEL$1 +Fascinating story. This story is absolutely captivating. The author is a man who is unable to communicate except for his ability to blink one eye. The entire book was dictated in this manner after having suffered a stroke. I read this book from the mindset of a health professional and I found it to be very helpful for empathizing with the patient. It is important to remember that just because a patient cannot speak, does not mean that they are not fully in their mind. I think this book would be a fascinating and useful read for both health professionals and lay persons.$LABEL$1 +Was a great blog, crappy book. Salam Pax started out well. Then he got commercialized. The tone of his writing has changed dramatically, and the influence from the anti-war crowd has all but consumed his writing.I'd love to tune back in years from now after he's been forgotten, to see if he returned to writing from the heart.$LABEL$0 +Bad Toy. This product is awful. I loved Lite Brite as a child but this is NOT the same. The pegs are very hard to put in and they fall out really easily. You can't put two in next to each other without one falling out. It is very frustrating for my daughter. The drawer where you keep the pegs gets stuck all the time and the pegs go flying when you do get it open. Don't waste your money.$LABEL$0 +JoJo is a HoHo ....her cd is Retarded ..everything suxxx !!!. "Leave" get out is the ONLY good song on her album everything esle is just trash.....plus all of her songs sound the same....i would tell people to just burn it or not buy it at all it is the WORST album Ever !!!!!!!!!!!!!!!!!JOJO SUXX!!!!!!!$LABEL$0 +A good mystery game. If your kids like mysteries this is the game for them! Who's picture is your opponet holding ask questions get answers and have fun while you go!$LABEL$1 +Best version of him. Mas Amedda was always one of the more interesting aliens in the prequels. This figure gets pretty high marks. The only thing I would like to see in a future update is a soft goods outer cloak. The hard plastic works well enough but limits articulation. Also, the soft goods would probably just look even more regal.$LABEL$1 +MUST BUY, you will NEVER find a better kosher marshmallow. We've tried them all, thrown away tons, shipped in many, stumbled across many at kosher markets, and we've ALWAYS come up w/ the same opinion....you simply cannot beat Paskesz Marshmallows at all. These are not just kosher, but are soft, yummy, correct texture, and do EXCELLENT over Sukkot campfires! BUY and you won't be dissapointed, guaranteed. There is no other option (we've tried many times!).Thank you Paskesz!$LABEL$1 +Not worth the paper its written on!. One of the worse ways to learn the blues... Don't waste your time or your money.$LABEL$0 +Don't Let a Murderer Profit. The author killed a man ("self defense' with a belt and a plastic bag. Uh-huh) and now profits from this book while the victim's family wakes up every day without him. By all means, read this book at the library, buy it used, or borrow it from a friend, but do NOT purchase it new.$LABEL$0 +Very realistic SACD sounding. "I can't believe they're early 1960's recordings!!"The sound is so vivid, lifelike and alive. This SACD disc has promptly transported me to the day it was recorded. I even heard bernstein breathing and can feel his hand movements while he's conducting. This is a real Hi-Resolution treat!!$LABEL$1 +Hmm.... This book, to me was pretty boring. I only read to half the book and put it away. Maybe one day I will open up this book again, but it won't be soon.$LABEL$0 +HUGE FAN -- MORE HUGELY DISAPPOINTED. This CD is all remakes, mostly more (overly) produced. If you want the better, less overdubbed claptrap songs, get SUBSTANCE. That's what I just did. I am Waaaaay disappointed. I've been a fan since the 80's (I had the original SUBSTANCE in cassette form. Actually, I still do, but I wanted to get the CD). Just very, very unhappy with my purchase. Thankfully, I didn't pay too much for it. If anyone knows which CD had the song, "KRAFTY" (I adored that video), please let me know. Happy New-Ordering, folks!$LABEL$0 +tracy byrd,i love you.. i have almost every cd of tracy's. i would love to meet him one day. if i ever get to meet him,i'm going to pack him in my suitcase and bring him home with me.$LABEL$1 +Review. It is not what i thought its going to be, absoloutely rediculous wasting my time and hard earned money looking for this$LABEL$0 +I finally give up.. I have purchased three of these over the course of the last few years. My mother-in-law bought me another. So four total. After four, I am giving up and buying a new product that gets better reviews. Without fail, the sound starts to go bad and then won't work all together. It is beyond frustrating and I am going to shell out some extra money for one that doesn't turn on and off on it's own. If I were you, I would look at another product.$LABEL$0 +ABSOLUTE JUNK!. This is your classic Chinese-made junk...rusted like a tin can within no time flat! Got a full refund. Buy American. Go USA!$LABEL$0 +Bored?. Only watch if U R Xtremely bored - and have not another thing in the whole video stratosphere 2watch other than this....I gave it a chance, but I will watch Troy for the 112th time B4 continuing to torture myself with this.. sighhh. I should not have even reviewed it. Just should have typed"no"$LABEL$0 +Poor quality - Impossible to use. My daughter got a White SC-20 for Christmas from Santa. I hoped that this machine would be of the same quality as White's line of sewing machines and sergers, however I was disappointed beyond belief. The machine is made of cheap plastic, including the foot pedal and bobbin assembly. Even after threading it correctly, adjusting tension and trying unsuccessfully for about an hour and a half, I could not get it to sew a single stitch. The thread kept binding up and knotting around the bobbin assembly. The machine is cute, but a total piece of junk. Save your cash and grief and go for a low end singer or kenmore. At least you can get a straight stitch out of them.$LABEL$0 +Not Sturdy Enough. I bought two of these. One broke the first time I used it, the other lasted two weeks. Simply put, these controllers are cheap. They aren't as durable as standard Nintendo controllers. Buyer beware. If I had it to do over, I'd have bought some authentic N64 contollers.$LABEL$0 +another brilliant slow brew by Shyamalan. Ok, folks, after his last few films, was anyone really surprised by the slow pace of much of this film, and the surprise ending? That's what M. Night Shyamalan does! His movies are not about the monsters and special effects -- each is a discourse on morality and spirituality. The lesson here is on family and protecting your children - how far would you go?I loved this film. it was probably closest to 'Signs' in pace and message. Visually, it was stunning. I love the way Shyamalan captures the facial expressions and feelings of his characters, and while I guessed the outcome of the film, it was still great to sit and watch.$LABEL$1 +Too much irrelevant trivia. The idea of emphasizing the rivals in Lincoln's cabinet is different from anything else I've read about that period. However, Goodwin uses up too many pages on the socializing in Washington..especially with Kate Chase. 757 pages is is a big bite, and some trimming tto the identified issue would have been appreciated.$LABEL$1 +this is one of the worst toys i have ever gotten. hi I'm 9 and i got this for me ninth birthday I was so excited.it came a couple days after my birthday when i was at a friends my dad opened go go.all it did was go in a circle and bark.it's ugly too.it comes with a brush but the hair gets tangled in 5 days. the fur feels wierd too it's all oily and gross.it cmres with the hankerchief that is really ugly and also fells really wierd.Don't buy your kid this horrible product or they will cry!$LABEL$0 +for my new phone.. i got this to put music on my phone. i could have bought cheaper but wanted to ship the item in time so i bought it here.$LABEL$1 +Very Disappointing. This was a good movie that suffered from a mediocre BD tranfer as it is just comparable with the DVD release.$LABEL$0 +I'd like to give it 10 stars!. My favorite Lowen and Navarro cd!!! It has the energy an spirit of a live performance, but the vocals and harmonies are flawless, the instrumentals are incredible - it truly is the best of both worlds. It's hard to believe this was just recorded as an "afterthought" by the house sound mixer. It's truly an inspiring cd, and one I never tire of listening to.$LABEL$1 +Movie. This was a good movie, but it was a little to drawn out in parts. But yet a heart warming movie. George Clooney was pretty good in this move.$LABEL$1 +I don't get it. I just don't get it. Virgin Records lists this as the seventh best album ever. I can't figure out why. When Man on the Moon came out I hated it, but I figured there was something else on the album that made up for it. There wasn't.I bought mine used, and at [the listed price], I think I got robbed. Nothing on here is particularly impressive. The "emotion" that is supposed to sell the song can be found in equal quality on a Backstreet Boys album, and they have catchier tunes.All in all, this is NOT the decade-defining album the producers try to sell it off as. Save your money, or better yet, take the money you would have spent on this album and bet your friends that the members of REM end up homeless within the span of five years.$LABEL$0 +Slammin Tracks!. Saw her live in San Francisco last weekend at the Pride Festivities. Tracks 3,8, and 10 are the best to jam to. 10 gets all the club play and it's about 7 minutes long. All in all you'll like it if you have any of her other music! J--San Francisco$LABEL$1 +Waiting...waiting...eject. I've watched slow-starters before, but this movie dragged for the full 10 minutes that I gave it to draw me in. The scenery & the players were dismal and the script was juvenile: First, you invite your dysfunctional adult sister to join you & your wife on a quiet getaway out of town? Then, you cave in on her pushy curbside plea to also allow her new male friend, whom you've never met, to come join you around the campfire? I mean, really?I confess to jones-ing for some good bloody gore once in awhile, but this one found my husband, having murmured "ugh" minutes before I did, watching me from afar to see how long it would take me to wave a white flag and choose a new film to pop in.In summary, I "let him in" but then I sent him packing (I re-sold him to Amazon). This one's a waste of time compared to the many frightful heavy-hitters that I've acquired through Amazon.$LABEL$0 +The Ugly Duckling meets Pretty Woman. Disney movies have all the same plot elements, so I was able to predict the rest of the movie within 30 minutes of watching it...an "ugly" duckling girl turns out to be princess of some unknown country of people with an undeterminable accent who give her a makeover to look all fake and "beautiful" and teach her proper manners while she's going to high school and has always liked the jerk jock that didn't pay any attention to her when she was ugly unlike the nice quiet guy that did who she ends up blowing off for the jock only to be swept up in a series of embarrassing mistakes with the jock who she finds out what he's really like and has thought to have lost chances with the quiet guy but miraculously appears all slick and handsome at her special royal ballroom party and they dance and kiss and I puke. There, now you don't have to see it, because you already have (i.e. every teenage romance ever made).$LABEL$0 +I hear it's horrible! I have better!. I hear this kit is pretty bad.I used to collect spy toys (the company is Spy Gear). I had a bunch of secret listeners. It had removable ear buds. I have like 2 I belive. They work great in my DS! My friend tried the same thing only some other stuff wich was her Fly Pentop earbuds and her Scooby Doo Radio earbuds and they work great too! About the DS cases I have a Nintendogs case and it was Nintendo certified and it is awsome! Now those game cases. My friend has 4 game cases and they looked cool so then I went throught my house looking for somthing to use and I found a Barbie suitcase (since I have a million Barbie things) and it works great! It can hold 2 GBA games, 3 DS games or 1 GBA game and 2 DS game! I hear the Car Adapter works SO GET IT SEPARATE!! I hope this helped!$LABEL$0 +Perfect for my body butter!. I make body butter with this, coconut oil and pure shea butter (plus essential oils). Turns out wonderfully! This is a great product and goes a long way!$LABEL$1 +WHY DID I BUY THIS BOOK?. Thank God I bought it USED!!! This was the WORST, UNBELIEVEABLE, book of Robinson's that I have read, and I have read them all!$LABEL$0 +She Can Paint, Too!. Fans of the golden age Disney films and animation in general are very familiar with the brilliant career of color genius Mary Blair, one of the most important graphic and commercial artists of the century, and some of her best work is found right here between these covers. These beautiful illustrations are among the warmest and most engaging she ever did. "I Can Fly" is one of the very earliest (and best) Golden Books, and this miniature edition seems to be complete, unlike the more common modern reprints which are severely truncated. The color reproduction isn't a hundred percent accurate, either, but unless you want to spend considerable time at the swap meets or on eBay, this is your best bet. For more about Mary Blair (as well as Golden Books hall of famer Gustav Tenggren and many others) see John Canemaker's excellent book "Before The Animation Begins". Oh, yeah, and if you're a real little kid you'll find it much easier reading than this slightly pompous review.$LABEL$1 +Router gone bad after 4 months. The router seemed to work fine in the beginning but then I upgraded the firmware to the latest version 5.02 and the router has now gone bad. I have much lost time trying to resolve this and now have to pay shipping fees to send out the bad router for RMA. This does not seem fair since the router is only 4 months old. I will be very wary of Netgear products in the future.$LABEL$0 +Jacket Messed up. Has anyone else noticed that the synopsises of the episodes on the cover don't match the episodes played? High Price and not accurate besides. The titles match but not what happens. Very strange.$LABEL$0 +The First World War--The Complete Series. I highly recommend this video series to those who already have some familiarity with the events of WWI, but not for people just wanting to learn the general history of the period. There is greater focus presented here on the non-Euopean aspects of the war, showing it to be in fact a global experience. Plus, the author and producers made a determined effort to be even handed in their portrayals of the combatants; with explanations of the actions and viewpoints of the Central Powers and the Allies in equal measure. Areas which I would have like to have had explored a little more were the campaigns of Austria-Hungary; and the unprecedented impact of war on civilians, such as the Belgians, the Armenians, and women. Anyone who interested in delving a little deeper into the lesser known aspects of The Great War will truly enjoy "The First World War--The Complete Series."$LABEL$1 +Not that much rumble. For subwoofers placement is key and can make or break your subwoofer. I have mine in a corner-ish spot, but it still doesn't give that chest pounding bass. Oh well, It's small so that's good for me because I'm using it with my PC.I have this connected to a Harmon Kardon Hk3390 receiver and On the back of the sub I set the volume 3/4 and on the receiver I set the bass knob to 3/4 aswell maybe it is defective because there the subwoofer only responds when the volume is 3/4 or higher. One thing to note is that it is very musical, it's not like those massive one note car subs that only go boom.$LABEL$1 +The Farmer's Almanac, explained like my grandpa would!. Like the other reviewer, I've always heard from my grandpa and dad that you should plant "when the signs are right". They both follow the farmer's almanac religiously. BUT, they have never been able to explain to me what the different signs were and how they interact with each other. THIS BOOK DOES THAT!I was so excited when I picked this book up while on vacation in the NC mountains - it explains things the way my grandpa would, kinda folksy and without a lot of fluff, but packed with meaning.If you are a gardener, and have tried to understand the almanac, then this is a quick but VERY PRODUCTIVE read!$LABEL$1 +'Precepts of the Samurai'. A nearly extinct class of honorable warriors, this book not only gives a visual and technical description of the art of "drawing" the samurai sword, but Sensei Shimabukuro also instills upon the reader ageless knowledge and wisdom.As a student of Muso Jikiden Eishin-Ryu Iaijutsu, I have found that the classes have opened up a new perspective on life and this book is one I often refer too, when I feel a little lost in my lessons and in my life.Definitely a must-have for any student of this art, practioner of another martial form or for someone who wants a little bit of instrospective enlightenment.Find your Heijoshin.$LABEL$1 +Good read.. I would recomend this book to friends. Still enjoy sitting down and reading Rick Steves' Italian Phrase Book and Dictionary.$LABEL$1 +Good heavy duty rain poncho.. This poncho does everything they say it does. I like it, but it is really awfully heavy & hot in warm weather rain. I would say it is well worth the money.$LABEL$1 +Your all in one Gardening & Farming magazine. I wish I had known about this magazine years ago, love it. FULL of helpful information if you garden or farm. I learn many things with each new issue and look forward to receiving them. Very helpful articles, tips and stories to help you make the most our of your land, gardening, farming and producing. Will certainly re-subscribe every year.$LABEL$1 +Fun, but doesn't "rinse" off. Great toy, but doesn't just rinse off with water. It leaves a tint/hue to my bathtub and walls that comes off easily with a basic shower cleaner. Not a huge deal, but DOES require more cleaning effort that one would think.$LABEL$1 +Recieved wrong item. I got thee other style of floor mat of this brand but cant find an email to contact you with. The one with red on and 1 solid black stipe down the middle$LABEL$0 +it doesn't know weather it wants to be a comedy or a drama. The acting was wooden. The direction seemed nearly non existent, or at the very last seriously flawed. The romatic lead (Shemar whatshisface) is a soap opera actor, chosen for his puppy dog glances, not his acting. He was perfectly cast. If you like black cinema's you will be dissapointed by this movie. The flick misses on all counts.$LABEL$0 +Beware the 12-track abridged version!. Be careful! The 2000 reissue of Madness's classic CD "Keep Moving" omitted two tracks from the original ("Wings of a Dove "and "Sun and the Rain") and shuffled the play order of the others.Make certain you're getting the 14-track version of this CD or risk missing two classic Madness songs. The 14-track CD is still available, so buy carefully!$LABEL$0 +Book 4 - eh. I'll keep it short ...while you will wade through it, waiting for ANYthing, book 4 pretty much sucked. Didn't stop me from buying book 5. Even with the apologia at the end of 4, it was still not a very good book. Book 5 is getting back to speed ... we'll see...it's getting back to the characters I want to know about (tho, C1 totally baffled me). Oh. I'm a Tyrion fan.$LABEL$0 +Kids loved it!. Very action oriented book! Lots of Kung Fu, a little bit of blood and gore, bit of fantasy (animals behaving in sympathy with humans) a litte (not too accurate) culture thrown in, definitely some mystery and good vs. evil. My 10 year old read it and REALLY loved it...he can't wait for the next book to come out. Consider that very sensitive children might be bothered by multiple deaths and violence. Resistent readers may be inspired by this book with very appealing characters and a clear sense of conflict re: obeying, thinking for oneself, appropriate use of violence.$LABEL$1 +Not Really a Murder Mystery. The back of the book, which I read before I made my purchase, led me to believe that I would be in for a good thriller. Boy, was I mislead. From the start, it is obvious who the killer is. The only "mystery" to solve is, where did the killer run to?I expected some deep, dark secrets regarding the double murder and their child, but there were none. I am so disappointed, that I will never read this author again.$LABEL$0 +Why not 5 Stars? Like Chris Degarmo, something's missing.... First of all, since Chris Degarmo left the band, Queensryche has never been the same. They've been "off." Some bands can live on with replacement parts, but it was too noticeable without Chris. Don't get me wrong, I really like Queensryche, but Greatest Hits? Queensryche is not that kind of band. A compilation of band or fan favorites? Yes! Greatest Hits or Best of? No such thing for Queensryche. So what they've had some commercial success, this package still misrepresents all that Queensryche has to offer, especially in their earlier work. "Live Evolution" was the right idea, but anyone could tell too easily that there was something missing without Chris. If you've never heard any Queensryche this is overall a really great mix, so by all means buy it. But don't be fooled into thinking these are their Greatest hits.$LABEL$1 +Very Entertaining!. As a preschool teacher, I'm always looking for good books that will keep the attention of my kids. Even though this book is a little lengthy for very small children, it really keeps their attention. The kids get a kick out of the fact that a doughnut has an opinion whether he should be eaten or not. They also really loved the ending. I have already recommended this book to family, friends, and other teachers. Very cute!$LABEL$1 +Great for the Newbie. If you're new to the bar or beverage industry, this book will help you understand the basics of managing a bar. It's a little dated but most of the material is still relevant. The copy is large but I think its a filler more than a necessity. Good buy when bought used.$LABEL$1 +AGAIN,ONE LESSER,ONE GOOD. THE DOOR IS STILL OPEN TO MY HEART is the lesser one with a few hits and a lot of fillers, and again a few songs from the country albums of 1963.The pleasant surprize is WE'LL SING IN THE SUNSHINE.REMEMBER ME is the good one ,in which DEAN has fun with some modern standards of the time.Also included are BUMMING AROUND,one of his national anthems,MY SHOES KEEP WALKING BACK TO YOU and WALK ON BY(both wonderful).DINO'S fans will love this LP.It is a perfect selection of songs for him.Wouldn't it have been nice if they had coupled all the good albums together and left the others with a stamp labeled LEFTOVERS-COLLECTORS ITEMS?$LABEL$1 +Sonic Kung Fu. Fast and fun pop-rock, a more ballad oriented set than the debut album, but still plenty of electronica influence. From Rush Hour with Love, Try Everything, Luxury Cage and Kung Fu Movies are standout tracks. Saffron is the only singer whose lyrics reference Mortal Kombat 2, Haggen-Das and early Cure all in one song and make it work perfectly. Good Stuff.$LABEL$1 +balloon jigsaw. Great jigsaw. A broken ankle kept us at it for hours at a time and there were enough picture clues to make it really interesting and fun. We finished it together in about two weeks "working" an hour or two each day. It's not for the faint of heart but not frustrating either...will hold your attention, relies heavily on perception of color and position in space. Great puzzle!$LABEL$1 +Soft?. There is nothing soft about the Davinci Tool. It is very awkward to use. Tried using it several times and did not like it at all.$LABEL$0 +Power Rangers Galactic Gift Set. This pack contains 3 Power Rangers videos! 1.Power Rangers Lost Galaxy:The Power of Teamwork Over Comes All-contains Quaser Quest parts 1, and 2, and Race to the Rescue. 2.PRLG:The Return of the Magna Defender- Magna Defender, Sunflower Search, Orion Rises, Orion Returns, and Redemption Day 3.Power Rangers Lightspeed Rescue- Operation Lightspeed, Lightspeed Teamwork, and Trial By Fire.The main villains in these videos are: Scorpious, Trakeena, Furio, Treacheron, and Destructso (for the PRLG ones) Diabolico, Vypra, Loki, Impus, and Jinxer (for the PRLR ones)$LABEL$1 +Great, simple workout in 30 min to do at home. Love this video. It makes pilates simple and something anyone can do. In 30 min I get an overall body workout. Can't wait to move up to the intermediate workout.$LABEL$1 +It would be best if we could combine the two !. Mame with Lucille Ball and Auntie Mame with Rossalyn Russell are both GREAT !! Each has moments that are best on it's version.The Fox Hunt is best with Lucille, but the Christmas job in Macy's is best with Rossalyn. Get Both and have a "Mame-a-Thon"on Christmas Day!!$LABEL$1 +Extremely disappointing. Despite my admiration for Zwicky, I must say I felt this book totally uninteresting; there is hardly anything on his methodology and many silly remarks, such as "you can tell there are doing great work here, their restrooms are clean!". Sadly, this was not a joke!$LABEL$0 +ultrasonic doesnt work. the only thing that works is the alarm, the rest doesnt do anything to dogs the ultrasonic doesnt work at all$LABEL$0 +A very unreal portrait of urban life. i really can't believe that the sexual abuse you watch in this movie can actually happened in the real urban life ... she actually seems very permissive and condoning , accepting and encouraging this male abusiness and even appeared to enjoy it !$LABEL$0 +Keeps you in suspense from cover to cover. This book keeps you wondering just how history did unfold; with catholicism and the epistles. A well rounded book with all the trimmings. The uniquely fresh look the book gives of the first apostles probable incounters along with the fast pace and Hi-tech scientific plot plays out wounderfully between countries and intensifying situations. You won't be able to set this book down$LABEL$1 +Not much fun. My 5 year old seemed to like this game a little but I thought it was really boring. It's all chance with no skill or strategy involved. Frankly, it's just not that exciting and we don't really play it much at all.$LABEL$0 +One of the best , know ur place.. First off to all you reviewers who just hate and dont respect the music, don't leave a review if you dont like shyne, idiots.This is a great album, i can admit that its not as good as his first. Still love shyne's lyrics sceme, one of the best. Shyne in my opinion raps better than most rappers caught up in the political scene. Whole cd bangs buy it or shut up.$LABEL$1 +It's a great player.....for a few months.. I received this MP3 player as a gift last July, and I didn't start using it until last winter. However, within the past few months a significant problem has occured with the headphone jack and the sound quality is terrible now. Apparently this is a widespread problem with this player, and all you have to do is Google "headphone jack Creative Zen Micro" and find the Creative discussion board to read hundreds of complaints about this one problem. To make matters worse, their customer service is practically non-responsive. Do the smart thing and purchase a different MP3 player.$LABEL$0 +Creative Improvised Music from the Pacific NW. Dave Storrs and The Tone Sharks are at it again. This quintet of very talented musicians met for 2 days in 1999 to spontaneously compose or collectively improvise on all the compositions excepting cub scout barbecue (sounds like a minimum of written composition there either). Storrs and his Tone Sharks have been a fixture in the Pacific NW for years and their interaction is unpredictable and entertaining. They are having fun too for sure. Thank you Amazon for finding independent labels like Louie [...] because they often record the finest local music. Anyone interested in genre-busting creative improvised music should listen to Tone Sharks recordings. And better yet, catch them live.$LABEL$1 +GREAT MP3 player!!. I have had one of these for 10 months and I love it! I use it often and it has never given me any problems! Great sound and user friendly.My daughter has an ipod. Although the Zen Nano I have is not as powerful, I still prefer it.If you don't want to shuck out the money for an ipod, don't buy one of the cheap MP3 players. I would highly reccommend the Zen Nano!$LABEL$1 +Generic and unspiring = as i lay dying.... Once i finnaly got aild's latest release "frail words collapse" i realy hated it...For the minute i put it on my stereo, it totaly sounded like crap and it just got worse & worse if you looking for any outstanding track or any song that sounds decent skip this because you won't find it here ! I got this because one of my friends who actullie seen aild live told me that they were "awsome"...Well, he was wrong!! Mediocre music for mediocre ppl is what aild is and will always be! Don't buy it unless you want to be bored to death with a repetetive/mediocre sound!$LABEL$0 +Mellencamp Returns To His Rock Roots Here. With WHENEVER WE WANTED, John Mellencamp drops the "Cougar" altogether and returns to his rock style and party-oriented lyrics from his early days, while continuing his deeper lyrical concerns. The remastering on this CD adds depth and definition to every single song, and the bonus cuts are quite interesting. Any serious Mellencamp fan must own this one.$LABEL$1 +ho-hum. blah, takes a day to master a pilot prof if you're half-decent.adds a completely useless side to a game that is wholly land-based.bit of a sideshow to the grinding blahfest that was swg...ah well, with the cu swg isn't around for much longer in this galaxy anyway.AVOID$LABEL$0 +Just another halocaust book. This book is just like all the rest of the halocaust books. It got very old very quick. I didn't enjoy it much. I had to read it for school and it really didn't interest me at all.$LABEL$0 +I threw it away!. This flavor was so terrible that I ended up throwing it away after trying it once. I absolutely love the vanilla ice cream royale and the strawberry banana smoothie flavors of this same product. I bought the chocolate mint flavor based on positive reviews - so maybe it was just me but I really could not stand it!$LABEL$0 +Useless.. This kind of "experimentation" was already over in the days of Woolf and Joyce. Not only was D.F. Wallace incredibly overrated and incredibly out of touch, but he's left us a legacy of second-rate regurgitated drivel like this as well. Thanks, guy.Whatever happened to telling real stories about real people?$LABEL$0 +Good for beginners. There are more than enough excellent tracks on this disc to make it a good buy. There are many songs left off, though, that are much more enjoyable and impressive than half the songs included here. Danger Street, the best rock song he's ever done, is missing. Vulcan Princess and Lopsy Lu, the two best songs on his self-titled album, are also missing. Worse yet, however, is the omission of nearly all of his most stunning bass jams. It would be nice to have a compilation that really shows off the full limits of Stanley Clarke's incredible talent.How about a second disc? Suggestions:Life Is Just a Game and Desert Song from School Days;Lords of the Low Frequencies, Illegal, and Funk Is Its Own Reward from East River Drive;Play the Bass and Time Exposure from Time Exposure;Basketball from Hideaway;Bassically Taps from If This Bass Could Only Talk.Until you've heard those songs, you really haven't heard Stanley Clarke.$LABEL$1 +Only one disc would play. The first disc would not play in any machine it tried (3). The 2nd disc was OK. The item was returned and I was given a no hassle refund.$LABEL$0 +The real deal. This CD puts you at an up-close table and you can practically smell the cigarette smoke and dried beer on the carpet. Billy Joe is backed by a 3-piece rock trio (not to be confused with a country band) led by the late Eddy Shaver on guitar. Besides the tremendous songwriting, it's Eddy's guitar work that super charged the band's live performances during this era. His homegrown creativity of blending styles and tones is powerfully evident throughout this live CD. Billy Joe's resume is packed with songwriting credits affiliated with many Nashville artists, although his own presentation style of these songs is far removed from Nashville and sits right in the heart of a Texas honky tonk. If you can't stand the way Nashville does it, boy have I got the CD for you!$LABEL$1 +Works well. A lot of at-home workout equipment is gimmicky, but this lives up to its advertisements. It's easy to put up and remove, and is stable in the door-frame. Plus, I don't have to embarrass myself at the gym :)$LABEL$1 +You call this "Like New"!?. I just bought a Spice controller and I thought when they meant "like new" I thought it would be like it was still in the container seal or something, but when I got it, it looked as it was in a old garage. It was working just fine, just this moment I was playing Zelda Wind Waker having a rematch on one my save files with Puppet Ganon, the Analog stick just all of the sudden stopped working. I have no idea on how it just wouldn't work. If I don't fix this, I think I feel like I wasted my $20.00 + Tax.$LABEL$0 +Tweaker. I've been looking for a tool like this for some time. Anyone who does house framing needs one of these. We've all had twisted lumber to deal with. This tool makes it very easy to straighten two by lumber. Highly recommended.$LABEL$1 +Are you people kidding. It amazes me on the propaganda bull that can influence people on twisted facts. Watch C-Span or the History Channel for the real facts you'll be amazes on who has the horns here. I once watch on the History Channel about the Persian Gulf war and how we screwed that up that cuased us to go back but I bet that was President Obama's fault too. Does it reality matter what faith you are because there are radicals no matter where you look in any faith. All I know is Mitt Romney even states he'll downsize the Federal government and remove where ever there is waste to him. For example the USPS and education is well in his sites. Wakeup people we are all in this together. By the way it's true about flying saucers I read it in the National Enquire and yes Elvis did go back to his planet.$LABEL$0 +Pales Next to Spenser!. As an avid fan of the genre, I began this book with high hopes that ended in disappointment. Never before have I seen such a derivative work like this. So derivative, it borders on outright plagiarism! Mr. Crais is obviously intimately familiar with the works of the venerable Robert B. Parker; however, in this case, imitation is NOT flattering at all.$LABEL$0 +HDMI Cable. These are great cables at a reasonable price. They are heavy duty with the diameter the size of a dime. You will like these cables.$LABEL$1 +it didn't work for me. I would not recommend this product, because it did not work for me.my search will continue for an effective Tongkat product$LABEL$0 +Worth the price. This product was delivered before the expected delivery date...as usuall when dealing with Amazon.com. Its amazing that 1 GB (wich holds a ton of files)can be on such a small disk. It has worked flawlessly in my cell phone now for 3 months. I also use a disk reader to pull the pictures to my computer. Its held up well. I recommend this size for any product that accepts it. No worries about running out of memory.$LABEL$1 +Good Product. Item is as pictures and described. You may want to place a nonslip mat underneath this to keep it from sliding, though that is not strictly necessary.$LABEL$1 +at last!. This film represents to me the challenge and spirit of karate. I've recommended it to groups who have not studied karate for the spirituality and philosophy. And it has great action sceens! If you are truly brave, listen to the blind flute player and have the courage and humility for the student and teacher to learn together.$LABEL$1 +It's great if you like headaches, stomach ulcers, and frustration!. Way too many issues with the wn311t. Worked okay for about 2 months on my XP computer. Then the issues started. Spent about 3 days problem solving, checking out online threads ... updating firmware/drivers, etc. All to no avail. My Netgear router is perfect. But this wireless receiver isn't worth all the headaches. I've even had some of my techie friends come over that do the networking for fortune 500 companies and they scratch their heads.Unless you like stomach ulcers, headaches and making cancer . . . I'd stay away.I never write reviews. This is my first. But I felt compelled to so that maybe I can save some poor soul some misery.$LABEL$0 +Excellent. I purchased this CD a second time because the 1st one I purchased started to skip. I liked this CD better than his first one.$LABEL$1 +Simply the Best!. This album give us the best from this pop group....They are simply the best group ever!!!!!!$LABEL$1 +Poor Quality Envelopes. Have plenty of tape available when using these envelopes. Sealing glue is terrible and will not hold your enclosed material securely. Also tape over bottom flap since that has a tendency to pull apart also.$LABEL$0 +Poor Editing. I just received this book yesterday, so I don't have a lot to say about the test-taking advice and practice questions. All I have read so far is the first chapter (introduction). In all honesty, I find it hard to believe this book was even edited. On at least four occasions, I found myself feeling deja vue - and the reason was entire sections were duplicated and repeated in succession! And it's not like they accidentally put in the same page twice. You finish a section at the bottom of one page, and there it is again at the top of the next page. I just don't understand how that could happen - if anyone took the time to give the chapter a once-over they would have caught it. Interestingly, you can see the introduction right here on Amazon before purchasing, but the problem appears to have been fixed for the online view. Too bad not for the $26 version I bought.$LABEL$0 +cordless right angle drill. I purchased the drill and only used it a couple of time-4-5 and the chuck broke. I have recently had a corded impact wrench and an XRP drill go out. Much poorer quality than my previous buys. Have started moving towards Hatichi.$LABEL$0 +A Bunch of Gobbledygook. I saw this man on Oprah Winfrey trying to explain why Barack Obama went to Trinity Church to hear that racist Rev. Wright preach his propaganda about the U.S. Gov't creating the AIDS virus to kill black people, along with saying G-D America, we brought 9/11 on ourselves. He gave some mumbo-jumbo answer that it was basically because of America's "collective pain". What a bunch of malarky. Obama went to that church to get himself some "street cred". Also, his wife agrees with the pastor, read her thesis yourself it's posted on the net. Oprah is pushing her agenda on America, just like others are trying to do and it is not going to work. Do not bother reading this book, it's a bunch of malarky. Save your money. Also, what are this man's credentials, does he have any?? Tolle is nothing more than Oprah's new tool if you ask me.$LABEL$0 +Awesome. I like to carry a keychain flashlight and, over the years, have had numerous different types. I ran across an ad, online, for the Photon and decided to try one. This is the best I have had. It is so tiny and so bright. I really don't need all the flashing modes but it is sturdy and easy to carry. I like that the batteries can be replaced and that they are reasonably priced. I had one small light where the batteries cost more than the light did. This Photon is a definite thumbs up.$LABEL$1 +Absolutely unlistenable. Knowing and kitsch and soooo achingly hip, so wink-wink more ironic than you are, an ugly and ungainly mash of diverse styles into music so deeply irritating I never want to hear it ever again. I tried my best. Gimmicks do not equal music.$LABEL$0 +Do not get this 'toy'. This item teaches children how to un-do locks and bolts making it easier for them to escape the house. We bought this for my Autistic brother and he promptly started undoing all the locks in all the house. Now, we have to alarms all doors in the house andd he still escapes constantly. BAD TOY IDEAL!!!!$LABEL$0 +doesn't work. I purchased this item to install an aftermarket Kenwood stereo in a 2001 Ford Focus. It fits flush with the dash, but the stereo doesn't fit.$LABEL$0 +A rare gem. A true gem of a book, dealing with a subject that is much overlooked. As the inspiration for Orwell's 1984 revising history, it is a chilling look at early Soviet attempts to rewrite history by erasing people from photos. Watching a photo of 5 men dwindle down to a picture of one as the others are disgraced, imprisoned, killed and then erased is just mindblowing!Whether you are a fan of Soviet history (i'm not) or not, the cold war touched us all and this book documents it in the entirety$LABEL$1 +If your a Goofball like me you will luv this comedy. I realize that not everyone has a corny type of sense of humor like I do where you find silly movies like naked gun or nacho libre just full of laughs ..And Im not the type to rank movies but if you like those type of comedies im sure you will love weekend at bernies ..i literly couldnt stop laughing ..the plot, the scheming is so far out there it truly has 90 min of laughs and its a really enjoyable movie ..I dont usally buy movies anymore but I had to on this one..bottom line either way buy or rent it its a must see "$LABEL$1 +Handy cables. I used these in a group of 3 to provide component video and audio to my tv. These worked out great and they look really cool.$LABEL$1 +as described. Looks great, very close to matching brick color of the house. to top it off best price I could find for a mailbox that holds weeks worth of mail.$LABEL$1 +The Catswold Portal. I found this book to be exceptionally original. As a reader of SciFi Fantasy for over 25 years I can say that this one is a keeper.. ( I have just finished it for a 3rd time) The only problem I have is finding out if there are anymore books about the Catswold and the Netherworld, if not Ms Murphy should sit down and start writing them. So many of her books are also out of print. I can only say I will be heading for the library.$LABEL$1 +Willie can do no wrong, but this is close.. First, let me state emphatically that I am a huge Willie Nelson fan. He is, by far, my favorite recording artist and I have seen him in concert three times. That said, there is not much in this book to recommend it. There are a few very funny jokes, although not that dirty. There are dozens of simple, yet profound, song lyrics, mostly of his lesser known works. As a reader, I would have preferred to hear Willie sing them. Willie tells you he is in favor of the family farm, God, marijuana, less government. He is against smoking. He plays golf and jogs. Everybody seems to be his best friend. But, if you are a Willie fan, you already know that. And there's the problem. I didn't read anything about him I didn't already know. Damn, I wish he would really get serious about writing an autobiography. There is so much I would love to learn about Willie, but it's not here. Save your money and buy another Willie CD.$LABEL$0 +A spanking good read.. This book is to the point and well written; I enjoyed reding it! In fact having read a lot of other DOM books I would rate this one in the best top 10! Great ideas and methods, great information and a real look inside the DOM mind!$LABEL$1 +Not Stainless Steel. These pliers are not stainless steel. They came packed/coated with a yellowish oil, like mild steel tools often are. The description didn't specify the materials so now I know to look for that. The manufacturers box that they were delivered in had the word "Stainless" before Steel scratched off with a black magic marker.$LABEL$0 +Cuisinart Stainless Thermal Carafe Can Definitely Stand the Heat in the Kitchen. Our original carafe was glass that held 12 cups. Well worth the extra cost even though you lose 2 cups. We're thinking of purchasing a second for dinner parties.$LABEL$1 +Excellent Product. I just took the plunge and purchased this unit. It is outstanding. Although using a DVD through a VCR is probably does not give the best picture, it worked quite well doing it this way. Another review said you cannot, I had no problem. I have an older TV set so this is the only way I could hook it up until later. Plays all my DVDs with no problem. Well worth the money. I purchased it for $179 with the current $20 rebate.$LABEL$1 +Very good Nay, but shame on the rest!. The Nay music is outstanding, but the accompanying music mostly keyboards and ultra modern sounds just don't fit at all and detracts from the excellent nay. Oh, well, what a shame to spoil such excellent music!$LABEL$0 +Buy something else!. I've never written a review on Amazon before. I bought this product from a local store last spring. Really a bad purchase. Couldn't suck up anything! I was cleaning out my garage this summer and acutally put it out for the garbage man to pick up. I wouldn't even give it away to someone because I felt like I was just passing along a problem to someone else. Told the wife sorry about wasting the money...but live and learn.$LABEL$0 +Quick shipment!!. I ordered this product Wednesday night and it came to me by Friday morning. It was the quickest shipment I've ever received. I had standard delivery and at wasn't too happy that it was not part of Amazon's $25 Free shipping policy but the fact that it arrived so fast made up for it.Filter-wise, this one does a good job for my humidifier. Soaking in vinegar helps prolong the life of the filter.$LABEL$1 +Beats the pop tart to death. My wife & mom really like these. They are really good & replace the breakfast rush meal$LABEL$1 +enlighting, good analysis. text is good, explains things well.don't have to be a nuclear scientist to understand it.$LABEL$1 +Wide but Shallow. Briefly introduces you to the elements of JBuilder database development. The coverage is wide but extremely shallow. You will obtain a cursory understanding of many database development topics. Each presentation covers less than is covered in JBuilder3's Developer's Guide, which comes with JBuilder3, and is surprisingly accessible. Like the other volumes in the Referentia series, you can use this to rapidly acquire a comfortable "feel" for the topics, but you won't gain a sound understanding of database development from the superficial exercises.$LABEL$0 +Seasons. This is, I feel, one of the better eps. Has the effects of the various seasons, plus gardening, fishing, snowball fights.. quite entertaining. I did lose the ability to see the fish in aquariums even with an upgraded graphic card.The one downside, which is with all the Sims2 ep's, is that upon installation the game creates an openning in one's firewall giving EA Games repeated access to one's pc through the game's exe. Having Norton AV and the additional firewall control, I was able to create blocks and I never play the game while on the internet. I had spent considerable time trying to get answers as to why EA Games was infiltrating my pc, first there were denials. When screen shots of my firewall was sent to them as proof, I was given the most idiotic "explanations". To date, not even the corporate office has responded. This has fostered feelings of mistrust for me. I will no longer purchase EA or Electronic Arts games.$LABEL$0 +You get what you pay for.. or do you?. I bought a this starter mp4 for my wife. After the ooo and awww of a little video, came the real reason of why it is so cheap.It has battery charge issues like the first generation iPod Shuffle. Bad part is, there is no warranty and support.It is like the Shaq sneakers from Payless. Look great for the first couple of months until it is not returnable. And you can't upgrade to a pair of jordans. Be Warned!!$LABEL$0 +dont bother. I haven't read such a load of trash for ages. It is not based as far as I can see on any scientific basis just his opinion. It appears to be just a desire to make money. Please don't bother.$LABEL$0 +Very good game!. Very good game! good graphics as well as sound. playable content is enough to keep you going for quite a while, and until you start bringing friends over and playing against them. :) It gets better even more.$LABEL$1 +Not for me.. Could not find a way to finish this. This was a book club selection, and just not my cup of hemlock.$LABEL$0 +Alright for younger girls. I bought this for my daughter, 10 at the time,and she enjoyed it somewhat. Though it did not hold her attention long. She said it was fun,but she became bored with it after about 2 months. It has since passed on to my 8 year old niece. Who pretty much gave it the same review.$LABEL$0 +Coraline. "We are small but we are many we are many but we are small we were here before you rose we will be here when you fall." That is one of the things that Coraline heres when she moves into her new home.This is the best book you could ever buy & own. When I first read this book I had a cold shiver down my spine because of the great details this author gifts us.This book is so frankly disturbing in a scary way. If you buy this book & get more into this book you will find some scary things like the voices that Coraline heres & you will find some odd things like Coraline's "other" Mother & her "other" Father.Coraline finds ghosts & sprites that are trapped and Coraline helps them get free. So if you like scary books with odd things and scary things this is the book for you.By: Rachell$LABEL$1 +Worse than expected. This dreadful film--amateurish to the point of laughter--is an example of the inferiority of Twentieth Century Fox Chan films. For real style and laughs, watch the cheapie Monogram Chan movies with Mantan Moorland and Willie Best. The fact that these films are politically incorrect, adds to their appeal.$LABEL$0 +Lots of good music in here. This has been my favorite of several fake books I've purchased. I'm still new at the keyboard, but this book is challenging me to learn more chords and pick up things on my own. The selection should please just about anyone.Yes, the print is a little small, but that's the trade-off for getting so much.I would recommend to anyone who can manage to get around the keys on their own. If you're going the route of taking lessons, this may not be for you. But if you want to make your own way and have a good ear and feel for music, this is a great book.Since I've purchased it around the first of January 2010, I've added a half-dozen or more brand new songs to my repetoire. My goal for 2010 is to be able to play 150-200 songs. I see that as entirely possible with what's provided.$LABEL$1 +When good bears go bad... Bad movies are made. When an oversized rogue bear starts hunting and killing tourists, hikers, and campers in Yellowstone National Park, it's up to park director Charlie Kittridge (Joe Dorsey) to stop him by any means possible. This doesn't sit well with a tree-hugging ranger, Christopher George (Michael Kelly), who seems to think maybe the bear could just use a little xanax and massage therapy. Old "Smoky" is just misunderstood, you see.Staci Layne Wilson$LABEL$0 +HISTORY WORTH READING. Probably one of Jeff Shaara's best books to date, useing the same style of his father's excellent book on Gettysburg, "Killer Angels". While I consider myself more of a Civil War student, I read this book to learn a little more about the Revolution, a period I had very scanty detailed knowledge of. This book really delves into the day to day activities of the officers and men and brings you into this period very effectively. The novel sustains the actual history throughout, and in the style of his other books and his father's, the end brings out the later history of the key players - in this case, a sad ending for several dominant figures in the success of the Revolutionary War, who became broke and/or broken by the peace that followed. Even sadder, is that I never heard of several of these men, and their efforts should have made them American heroes in our history books. A worthwhile and interesting way to learn about the foundation of our country!$LABEL$1 +The absolute Best Bottle!. I would recommend these bottles to anyone, whether they Breast or Bottle feed. My son was very picky and I tried every kind of bottle out there, these were the only kind he liked. The silicone nipples make a huge difference. These bottles are very durable and also very easy to clean. A must have for every mom!$LABEL$1 +I usually love her books but this one was the same old story. J.A.K.'s stories are usually a quick enjoyable read. They get to the point and the main characters are usually fun interesting people with great more than one dimentional PERSONALTIES! Not these! The story was boring, new age was boring, the scenery was boring, and the romance was boring (which was unforgivable). The only good part was that I would never have figured out who did the dirty deed .... probaly because the characters were not very well developed. I felt that she got an old plot and changed the location and the characters names but left out the good stuff. I was disappointed and will wait to buy her next book in paperback (if I buy it at all) instead of buying another J.A.K.s hard cover just because I love J.A.K.$LABEL$0 +..But check first with your eye doctor. I never thought I would give five stars to a game that involves probably 100+ hours of matching jewels on a grid, but this is very well thought out, and quite complex and large. The designers have somehow created a system by which the player is constantly challenged in a series of puzzle-solving battles involving a fair amount of skill, but also a fair amount of luck. As you advance, you open up new areas on the map, acquire new skills, collect tribute money from cities, build features onto your castle which enable you to collect new spells and skills, etc.$LABEL$1 +STAY AWAY FROM THIS CD. Greg Kihn is actually one of the best muscians I've heard in my lifetime but this LIVE album wasnt for me. The hit songs are all interupted by him talking and HE TALKS A LOT on this recording. HE talks nonsense almost as if he was drunk when he did this performance. This CD shoould have been a standup comedy album for all intents and purposes, but May i say he shouldnt quit his day job as a musician. Overall the song list was pretty decent but I recomend you buy his actual recording of these songs not this LIVE album. But I paid $5 so, it wasnt all that bad. IF your looking to collect his music then this CD is for you otherwise you WONT find anything good here.$LABEL$0 +Mouse. It works like a new one. Hooked it up and it worked instantly. I had a corded one just like it, so I knew what I was getting.$LABEL$1 +Springtime For Hitler. I was in London last week and decided to see the exciting musical, Notre Dame de Paris. Let's be honest, this may be the worst large-scale musical in the history of theater. The show is so bad that I had to buy the recording. The lyrics are both abysmal and repetitive, the music is uninteresting, and the performances are way over the top. Everyone should buy this CD because this musical and this recording may be discussed forever in the annals of musical theater disasters. Honestly, this score is so bad, it is actually fun to listen to. " BELLE, There's a demon inside her who came from HELL. And he turned my eyes from God, and oh, I FELL. " " Torn Apart. I am a man divided. Torn Apart. I want two women's love. Two women want my love. I don't know how to cut my heart in two. " Enjoy!$LABEL$0 +thanks. This item meets expectations set by the listing. Very quiet while operating, yes I don't hear it. I like the flow control. Very quit shipping.$LABEL$1 +A Pleasent Surprise from the Emerald Isle. This album is fantastic and has heart and soul of a gifted song writer and storyteller. I've seen Ricky Warwick in concert as the opening act for Def Leppard and he's fabulous!!! Buy this record and you'll see what I mean!!$LABEL$1 +This Book Goes Well with Scarlett's Walk by Tori Amos. As both Scarlett's Walk and this book involves the Great American Road Trip.You got to love how well researched this book is.For example, his discription of Kobolds. Did people actually do that? Did he make it up?Who knows? He has a rich tapestry of gods, djinns, and quiet Shadow who only wants to get back to his wife, a normal regular life, gets caught up in the beginning of a raging storm.As usual Neil Gaiman creates so many amazing characters. As usual, he has stories hidden inside stories like treasures, like stained glass filled with a variety of patterns.Read this story and enjoy how every character, humans and gods is distinct with their own individual voice.$LABEL$1 +Great Spiral Cutter. Due to the slippage I was left with a spiral cut for an overhead can light. I had to use other methods to create a trim ring to cover up the cut made from this useless attachment. I would try the sandpaper friction ring theory but I already threw this thing in the trash. I don't need anymore screwed up circle cuts.$LABEL$0 +Batman: Returns, Awesome but dosent match "Batman". 1992 saw the release of the much anticipating "Batman: Returns" and it really is a mixed feeling movie. Its enjoyable but in the way it dosent match its predessor "Batman" it is very cool how it is all dark and got a creepy vibe and its storyline is OK but it just dosent really meet perfection. Penguin is absolutely disgusting and i really hate him and Catwoman is cool but in other words they are cool villians. Same "SPECIAL" featues as #1. This film is good and I reccomend you to see it but if u have to choose 1 out of the 2 "Batman" is the way to go.$LABEL$1 +Nice product. This is a well made cover that comes with its own bottle. The cover is durable, but will not hold any other product than the bottle that came with it - at least not that I found. I use insulated covers over 24 oz soda-type bottles and this would not work. But my son is using it for his water bottle. I've seen cheaper water bottles, but I still have some doubts of the life-expectancy of this one.$LABEL$1 +It broke in 16 days. While it worked, this vcr was great. However, after it ate two videos and stopped working within 16 days of purchase, this vcr was a lot less appealing. I do not recomend it at all.$LABEL$0 +limited use. This is handy to keep in the car to transport hot or cold items short distances. However the top doesn't seal tightly, so in many cases a cooler is a better option.$LABEL$0 +Great!. I use this all the time to record things at work and it is great. Crystal clear voice recording the first time, I have never had it pick up a single background noise. The earphones for playback are also top-notch, it has great sound. I'd definitely recommend this to anyone looking for a nice headset with lots of uses!$LABEL$1 +Dead On 12 oz Hammer. I like the feel and balance of the hammer. Good weight for general use. The only negative is it looks like the manufacturer used a machete to fit the hammer head to the handle, not sure how well it will stay attached over time.$LABEL$1 +Another Hit for Exam Cram -- Thank you MS Wong. Excellent preparation for the exam. Like the Performance Tuning, DBA, and Network Exam Crams, the material is well organized, thorough, and the practice exams are harder than the real thing.$LABEL$1 +the best cd i have bought in a very long time. There are a lot of good artists and music out but this kid is the best sound out. dynamic!. uplifting!. After hearing this one I went out and bought his other cds. Guaranteed I will see him in concert. he truly sings from his soul. More than a talent!$LABEL$1 +QUESTIONS?. I've got a question. Where did this guy come from? Tried this. At first I was looking for redeeming value. After awhile I just sat back and enjoyed this guy who apologizies for nothing and even gives us something to think about in the way we view relationships. T to the m-fin' K, you're a welcome edition to my comedy library.$LABEL$1 +How to increase your pleasure. By accident I read Richard Rhodes' DARK SUN (a history of the A-bomb) before I viewed this film. Hard to believe how deep Kubrick's wit could cut into real life at the time he made the film. DR STRANGEGLOVE puts the Cold War to shame.$LABEL$1 +Only worked a few times. Only used a few time and color faded. Black is weak and the color cartride doesn't work. They didn't ship in HP box only plastic pouch, saying that it was a greener way to go less waste. I got ripped. Don't buy if I could give 0 stars I would. Total waste of money. For what was listed as NEW CARTRIDGES!!!!!$LABEL$0 +Simply the best...needs an update. I bought this book back in the 80s when it first came out. I've consulted it so many times over the years that it is virtually falling apart. The reviews are generally a joy to read, even when I disagree with them, which isnt often. Peary's reviews are intelligent, yet down to earth, and make you want to search out and see the films he talks about. My only regret is that the book is out of print, and desperately needs an update. I'd love to know what he thinks of the films of the last 25 years since the book was written....$LABEL$1 +this movie was AWFUL. ugh...total waste of money. I can't believe I really wasted $4 on a movie I watched for 30 minutes and then turned it off.$LABEL$0 +Disappointing........ I love most of Melissa and Doug's toys but I thought this was to much of the same thing. All the tricks were pretty much the same idea. And every trick was made from wood which makes this durable but not very fun. I remember the magic set my brother had as a kid. It had the glass with the liquid and the quarter trick with the box. Just other things that were quick, fun and easy. I gave this to my niece who is 6 years old. Her eyes lit up when she saw this but when it was opened and played with, I could tell she was not finding these tricks that fun or easy.$LABEL$0 +Yeah right!. Uh I guess if you have nothing better to listen to...Really a novelty in my opinion...I would like to hear a symphony orchestra do it... :) with a little electric guitar thrown in for good measure...in the end was decent :)$LABEL$0 +This is a good series. I like the books in this series, as they frequently give information missing in other how-to books. This book is the least helpful, but then, I am usually looking for specific information.$LABEL$1 +fun fun fun. my little girl got this for christmas and loves it. everything fits in the bag so storage is not a problem. contains messes! what a plus! has everything you could want to play with your dolls.$LABEL$1 +Mind corrupting Religious Indoctrination. -RE: (Book) "Sound Health, Sound Wealth" By Luanne Oakes-Ms. Oakes says: "As we increasinglymaster our perceptions, beliefs, and thought/feeling patterns, wemagnetically attract that which we most desire." -- Luanne Oakes=========================================I say: Zombie-robots are incapable of "mastering" themselves!Or, "Perceptions, beliefs, and thought/feeling patterns".I say: All 'that' is 'reserved' for the 'rational' few among us.========================================="Luanne Oakes" system, and style of expressing many of her mindcontrolling assertions and MAZE-like deflections from 'rational-reality',remind me of "Deepak Chupra's" writing; serving a similar purpose namely,to mandate 'blind faith' in a farce as the absolute only way to besuccessful at anything!-$LABEL$0 +Painful. This book was truly a waste of time.. Very little happens to progress the story, go ahead and skip this one$LABEL$0 +Not quite what I had expected. In my opinion, this book reflects the limited access that the author had to the people behind the pages. It comes across as a well chronicled excursion through the world of drug development and managed healthcare issues. However, the content is hardly Merck-specific. Much of this could have been written based on newspaper articles on the company. It offers no insights of significance into what made Merck such a great company and how the greatness might have contributed to the troubles it is currently facing. In sum, I would say that the title is grossly misleading.$LABEL$0 +falls apart. the unit is somewhat flimsy and does not hold up. we bought two and sent them both back as they do not h old up to cookie dough scooping$LABEL$0 +hi lift. this lifts very well with 30 v. no bleaching is required and it comes out very bright on lighter hair. also it does no leave hair dry and damaged like normal bleach and add dye routines$LABEL$1 +The latest release from 3DD...amazing. Many people have stated that this is unlike the last 3 Doors Down CD 'Away From The Sun', in my opinion this is better with some very good songs on this CD. The evidence of maturity as individuals and as a band is shown in this CD a evolution as a group would go through. The album doesn't really pick up a gear until the 3rd song in the hitsong 'Let Me Go' which sounds like Creed and PJ sounds mixed together. 'Be Somebody' is a song full of important messages for people to be themselves and not what others want them to be. The weakest song in my opinion was 'Landing in London' with Seger. Just didn't appeal to me. My favourite song was 'Live For Today', excellent lyrics ina world going faster and faster day by day. Any fan of 3DD should be pleased by this newest CD from this pure rock group that has matured and will be around for some time to come.$LABEL$1 +Zen and the Art of the Detective Novel. I read the first of the Flap Tucker series, EASY, and was on Amazon minutes after the last page ordering another in the series, EASY AS ONE, TWO, THREE. I really like this good ol' boy with a feng shui brainpan. These are readable, clever mysteries in the style of Lawrence Block. The only problem is...after number 4, you're Tucker'd out. We need more of this great series.$LABEL$1 +A holy purpose as an excuse for mediocre.. I found the message of this novel, or should I say this message disquised as a novel, compelling enough to get me to the end of this book. But look out, this is poorly written stuff. Characters, plot, story integrity, it's all pretty bad. At worst you feel cheated and wonder how this lack of respect for the reader should reflect on the sincerity and veracity of the material. All in all, I read it, considered it, and wished I'd borrowed it.$LABEL$0 +Worthless. Harriman edited and altered Rand's journal entries without noting it. This makes this book worthless. And this kind of dishonesty from Harriman is, to use one of Rand's favorite words, evil!$LABEL$0 +Robinson Crusoe. The long awaited "Adventures of Robinson Crusoe" has finally arrived on home video on DVD by VCI. This DVD entitled "Robinson Crusoe" purports to be a "restoration." The original film had two things going for it - a fine performance by Dan O'Herlihy and vivid color. VCI got one out of two. The so-called restoration's color is sub-par, although they managed to get a lot of dirt and scratches out, the color is not close to being vivid. It didn't help that it was filmed in bargain basement Pathecolor. The sound track has on and off thumping noises that are most annoying. Only if you are a fan of this film is it worth seeing or even buying. This restoration looks like it was one of those digital jobs. VCI should leave the restorations to Criterion and Robert A. Harris. I was really looking forward to this DVD but ended up being badly disappointed.$LABEL$0 +Quality Control Issues with this Brand. I too received my cart in a damaged box and 3 of the 4 wheels were broken. ALso, mine was brown now black as pictured. I was told by Amazon that I could contact the company directly to get replacement wheels although no contact information was included in the box and Amazon does not keep a record of it either. Amazon was very good to try to rectify my situation since the contact information was unavailable. I think this could still be used as a plant stand without wheels but still disappointing when I look at. This seems to be an issue of quality control in general with this brand. If you read reviews for their other products there seems to be a trend of cheaply made items.$LABEL$0 +Hypocrite!. Yes the book is all sweet and mealy mouthed and pink-happy ended, but why did then the sexy filly Waterwheel, that the author actually owned in real life turn up at an auction and sell for 1000 $, with a broken sesamoid bone and in foal? So much for care, love and responsibility! It is only luck, and none of Smiley's doing that Waterwheel ended up in a nice green pasture and not in somebody's dinner plate. Hypocrite! The book is nice and entertaining, but horse lovers should never buy it.$LABEL$0 +Fight propaganda with propaganda?. How does writing a biased right-wing version of history make up for the so-called "left-wing bias" of modern textbooks? Thomas E. Woods Jr hardly tries to detail a factual version of history. He merely tries to fight supposed propaganda with more unapologetic propaganda. This book is nothing more than a novelty item.$LABEL$0 +satisfied if a little disappointed. Once Upon a Mattress was everything that I would have liked it to be. But I was under the impression that Carol Burnett played the Princess Winifred. I was disappointed about that but overall, I am quite satisfied with the dvd. Now, all I need is the original screen play. If you know of anyone or website that does screenplays, I would be most interested in finding out.I did forget that there was a couple of songs that was left out, such as the Minstrel's song and the song about Normandie. That too was disappointing.$LABEL$1 +Bad.. I would not recommend this toy to anybody. Would rate 1/2 star if that were an option. It is highly disappointing. We returned ours. Even our young child was not impressed. 1. The toy projects light, and the stars are just shadows, not the other way around. I feel this is backwards. 2. The light is not very strong, and the constellations and words are fuzzy & difficult to see, even in a small room. 3. The toy runs on batteries instead of electricity, and eats up batteries extremely fast (ours may have been defective, but it only ran for a few hours on one set of fresh batteries, repeatedly). 4. It was fickle. Sometimes it would turn on, and other times it would not. It would work with one set of batteries, but not another. 5. It's an inconvenient size and odd shape for its purpose.$LABEL$0 +Great for those who like it.... I read this as a teenager and liked the dark themes, the deep pessimism and preoccupation with death, the more horrible the better. Now I read it and don't like it any more.If you enjoy Holocaust poetry or Darfur poetry or poetry about senseless, tragic death and loss you will like this. I am acquainted with a major contemporary poet who considers Housman to be brilliant in every sense of the word.In terms of poets who can be a bit "dark", I like Poe, Pound and TS Eliot, but I just can't see that brilliance in Housman.Not to say that Housman was not a brilliant intellectual; he is considered one of the the leading scholars of his time as Professor of Latin at Cambridge. That does not help me though, as the poetry often seems "pedantic" in the sense of being ostentatious in one's learning.This book has been in print continuously since 1896 so some people like it all of the time. Maybe you are one of them.$LABEL$0 +ONE OF THE WORST MOVIES EVER MADE. Can I give a film a 0? Awful, awful, awful. Lou Diamond Phillips is so over the top it is like he is the only one getting the joke. Mark Wahlberg, who redeemed himself with BOOGIE NIGHTS from his Marky Mark days, slides back down.What is really a hoot is the screenwriter's commentary. He talks with passion about the film as if he was Tarantino. That this script got produced is a slap to the face to all aspiring screenwriters out there.Do yourself a favor and watch something decent.$LABEL$0 +Redundant, redundant,reduntant.... This would have made an excellent article. As a book, it's a rip-off. I kept waiting for "the good part," which for me would have been the author's ideas on effective P.R. He convinced me of his basic premise, that advertising is a waste for establishing a brand. He did not tell me how to effectively use P.R. to do that.$LABEL$0 +Skip It. I read everything that Tom Robbins writes. Until I read this, I loved everything he wrote. This is a compilation of some pretty boring stuff. Read the novels. Skip this.$LABEL$0 +FUN FOR THE KIDS...POISON FOR THE ADULTS. Beware all you "musical" haters, this one really bites. Gordon fans are truly in for a rough and torturous time. Take my advise: If your over 10 years old and your mind has matured along with your body, avoid this one at all costs.$LABEL$0 +ridiculous. This was a rip off. Sat down with the girlfriend expecting it to be a follow up to the movie. It turns out to just be a few minutes long. I've seen commercials longer than this! I can't believe I paid for it. So disappointing$LABEL$0 +A great period piece.. Contrary to what some reviewers might think there are thousands of wonderful, stark gritty photos, whole books as a matter of fact with this exact subject matter. Back in the days before political correctness photo's of murdersand accidental deaths(especially auto accidents) clearly showing the victims were common place. Joe Pesci really comes through as a little man isolated in one of the biggest cities in America who craves love and affection and compromises himself trying to get it. The set and wardrobe work was spot on as well. This movie never got the recognition it deserved. The only downside of this and too many DVD's is this terrible DVD-R on demand format. We get screwed while the studios make even more money on their movies.$LABEL$1 +ok but................... Smaller than I realized. I also purchased an "Uncle Mike's" car organizer. If you are looking for a larger more roomy organizer go with the Uncle Mike's.$LABEL$0 +Pat - You are no Willy Hung. Okay, I admit I laughed and told all my friends about it. Pat Boone bare-chested, wearing leather and crooning Smoke on the Water is something I never could have imagined. However, to actually listen to this -- I've tried and it just ain't possible. This is physically painful.$LABEL$0 +Really not the best of MST. I paid for this one based on my love of the show but this one really isn't their best- by far. Not as many jokes as the show usually had & the jokes that are there just aren't that funny. Even the movies aren't that entertaining (cheesewise I mean). There are better episodes you can purchase out here. I'd go with just about any of them before this one. Still love the show, but in this case they really missed the mark on funny.$LABEL$0 +...plastic?!. I bought this thinking that it would fit the Handspring Visor...it doesn't but that's not Franklin Covey's fault. Just beware all you Handspring owners that this won't work. I'm glad it didn't work however. It's constructed of cheap plastic and isn't very usable for 8-1/2 x 11" planners. Yuck.$LABEL$0 +A good condensed Drucker reader. Peter Drucker has written a whole lot of books and a whole many articles on business management. For the past 60+ years, his writings have helped managers understand how to operate and run a business "effectively" for the short and long term. But, it would be impossible for most practicing managers to read all of these books and articles to understand Peter Drucker's advice. This book tries to condense his essential advice into digestible bits that can be quickly read when and where you have time.This was my first "real" formal book on management. And I think this was the best introduction I could have got. Read it and you will agree.$LABEL$1 +A great classic book with a great storyline. I had read this book in high school and had forgotten how great a book this was. This book has so much in the story that makes you think and alot of it makes you relate to real life.The character's in story reach out to you in way that makes you feel like you are in there world. Scout was one of my favorite charactors the way she was through the book. My other favorite charactor is Jem. I love how both of the kids were afraid of so much but from there fear they learned so much. I also love how they stood by people in the story.Overall I forgot just how good this classic novel this was and I wish Harper Lee had written more books.$LABEL$1 +Release the Director's Cut!. This version of Jane Eyre is quite good. Michael Fassbender and Mia Wasikowska are perfect together! However, this story can't be told in a mere 2 hours. This movie would be excellent if there were more/extended scenes with Rochester and Jane. The deleted scenes, part of the bonus material on this DVD, should all be in the film. For instance, the veil scene and Rochester chasing after Jane need to be included as they would provide more depth to the story. I will always love the Toby Stephens/Ruth Wilson version best, but this film is very moving. Again this film is very good, but it is too short--release an extended/director's cut version. Sign the petition for a director's cut on ipetitions.$LABEL$1 +The best thing for a humidor.. If you have ever had to constantly keep tabs on your hygrometer and add more water or try to dry it out then this product is for you. It is so easy it's unbelievable.If you have a humidor then you need this product. It really makes life so much more simple.$LABEL$1 +very well done. Good overview of bacons working career. color is good,images clear and explanations of work and time frame very well organized$LABEL$1 +Great but depressing......... This is a great CD it has all my favorite artist like KORN,LIMP BIZKIT,GUNS N ROSES,EMINEN,EVERLAST and much more artist I like.The only thing is that the are to depressing,I mean I like the CD and all,but it needed to be more....well....um.....not to sad.P.S. MAY GOD HAVE MERCY ON THE PEOPLES BODY WHO DONT AGREE WITH MY INTERVIEW!$LABEL$1 +Boring and illogical. If you want to read a book about being buried in muck, this is the book for you! I only got halfway through this one. It was painful to read because the action was so slow, and I couldn't care less about the characters, even poor Chekov as written.The thing that annoyed me the most though is that the writer didn't seem to think about the world (s)he was writing in. The characters spoke and acted as if the colony had been around for years, the people having old sayings and developed farmlands and ranches and old habits, when the book itself says they've been on this new planet for about 6 weeks! Flaws in logic continued throughout, and combining that with muddy characters (in more ways than one) that I didn't care about, I just couldn't find a reason to go on. Don't waste your time.$LABEL$0 +Dissapointing. Although I apreciate the frankness of this book, I was dissapointed by the emphasis on the male's point of view in the book. Considerably more information and pictures of penises are included than vaginas. Also, the woman's feelings, role, and consent are ignored in the discussion of sex. According to the book, people have sex beacuse "the man wants to get as close to the woman as he can." There is no mention of whether or not the woman wants to have sex or enjoys it. There is also talk of the physiological changes in a man when he's having sex, but none anout the women. And finally, lots of talk and pictures about sperm, but very little mention of the eggs role ("semen is how you and I and all of us started") and no pictures of an egg. Instead it shows a picture of a sperm curling up to a heart.$LABEL$0 +A very clever comedy. A comedy about a a science nerd vs. his newly aquired love interest he affectionatly named Daisy, the main character hasn't even seen the outside of his lab for years, before he accidently sees Daisy on the computer monitor, from there the story unfolds... The series from the very beginning had me and my friends cracking up, I would rate this 6/5 stars if I could. It has some running gags that never grow old, and make you wonder what's going to happen next. My only complaint is it's only 12 episodes long, it could of easily be lengthened to twice that many and still not be tired. A definite must watch for any comedy anime fan.I definetly suggest this anime, one of the all-time bests.$LABEL$1 +Ordered two because of poor reviews. Have an older microwave built-in which doesn't have a turntable. Had used the micro-go-round previously and had pretty good luck with it. However, one of the two is already not working very well. Can only turn it several times and then it goes no further, which is just a step above having no turntable at all. Have a second in reserve and am hopeful that it might work better than this one.$LABEL$0 +Nice from afar, far from nice.. Unacceptable quality of workmenship. Even for $20.Pros:Nice blue box, unmarked.Frontal view of pendant is nice and shiny, just as pictured.Cons:Easily noticible mold line with ugly blotches along the entire inside circumference of the pendant.Thin chain, not shiny, not glamorous.It resembles a $100 Tiffany's pendant chain but the blotchy mold line really junks this other wise decent pendant. I decided not to give this gift so it's just collecting dust now. I can't return it because it says you need a certificate of appraisal or something.$LABEL$0 +You get what you pay for.. The quality control sucks. Several bits had the holes in the center off center. The case did not close well and some bits rattled around. I spent almost 3 times as much for my set but it worked the first time and will work many more. I do my own lock work and I use security/tamper-proof screws so these bits have to work. Save up and pay a little more.$LABEL$0 +That didn't taste like I thought it would.... I wanted to read some fantasy, some high IQ stuff, some thought-provoking short stories I could read on the DART getting to work. Well, after reading all of these stories, I'm convinced that writers do not submit their prize stories for anthologies. They submit their scraps. That's craps with an extra S. I'm dissapointed. Maybe my expectations were too high. Perhaps if I lower my expectations to what one might expect if judging a suburban high school writing contest...hmmm...no, I'm still dissappointed. The people who put this together owe me $10 just for reading through it. If you read this then you should demand compensation. I am not better off after reading this book. Maybe I didn't do enough shrooms before reading it. :-($LABEL$0 +Only two disadvantages. We bought this gate because my toddler son figured out how to undo the cheap wood dog gates. We're very pleased so far.Pro:-Looks great in black. Lots of compliments-Wide entry. Others are not as wide-Low step height-Easy install. I didn't even need the instructions (which were missing in one of my gates)-Very secure. My son can shake it and it won't budge.-Requires three steps to open which makes it difficult for my toddler to figure out. 1) Push button on handle, 2) Rotate handle, and 3) Lift gate slightly and rotateCons:-In order for the handle to work properly, the gate requires A LOT of tension on the wall to push the handle closed. If you are not mounting this at a stud, it may very well damage your wall. (It damaged my friend's walls) Without this extreme wall tension, the handle is not used at all and it to open the gate you just need to lift the entire gate and rotate it.-Cost. Must be one of the most expensive, but so far to us, its worth it!$LABEL$1 +Sissel is awesome. This is a dvd of a live Sissel concert, and if you have ever had the opportunity to see her in concert, I think you will enjoy this dvd, and if you haven't, it will make you want to see her when the opportunity arises. She has such an awesome voice, and she is beautiful, as well as very personable with her audience.$LABEL$1 +Hard to tell, but I think it is helpful. I have arthritis in my foot which seems painful sometimes, and other times it is not painful. I use the Topricin every day, and I think it does help. Of course, it is hard to say for sure because I don't know how the foot would feel without the Topricin, so how can a person compare? If nothing else, it's the placebo effect. I tried Penetrex, not so sure about that one, but it's about $20 for 2 oz. and the Topricin is about the same price for 4 oz. Sometimes I wonder if it's the massaging in the cream which helps, but I'll keep using it.$LABEL$1 +Wonderful colorful movie. My granddaughter loves this film. when she was at my home- she watched it twice all the way thru. She is four years old.$LABEL$1 +The finest pictorial display of Japanese Underculture. A magnificent exploration of the underbelly of Japanese culture. One of our biggest selling books filled with rude pictures and miniturisation.$LABEL$1 +Cheap in all aspects. You get what you pay for. This pedometer broke after using it a few times. The clip on the back cracked after attaching it to my thin cotton pants. I glued a strap on it so I could keep using it and 3 days later it stopped counting. It just says 0000 all the time. I only needed something to work for 8 weeks for a contest I am doing and this failed. The same thing happened to the 2nd one I purchased. At least I didn't waste to much money on them.$LABEL$0 +Do Not Buy Westinghouse LCD TV's. My LTV-32W1 broke 1 month out of warranty. It turns out that Westinghouse does not have authorized service centers. Several TV repair shops wouldn't even look at it because they can't get parts. One shop finally took it but returned it after a month, unable to get parts. Westinghouse themselves don't even sell parts, check their webite.$LABEL$0 +Addicting. If you're used to regular super-sweet gum, you may not like this because it has a little less flavor. You really do get used to it though and it's probably much better for your teeth.I started chewing this years ago when it was made with sorbitol. They've since reformulated it with xylitol and while it took me a little while to get used to it, I'm hooked yet again. I go through this stuff like it's candy! I literally chew a piece after almost everything I eat. It keeps my teeth clean and my breath a little fresher. The weird thing about this gum is that the flavor doesn't last very long. That's fine with me. I usually spit it out after 5-10 minutes.$LABEL$1 +Guardian angel. My first Julie Garwood book and I loved it she tells a great story I could not put it down. I also love series an the next is even better.$LABEL$1 +Not as indepth as expected. The write up of the book is detailed and promises a wealth of information regarding the title. A quick read of the introduction and a little research on the author leads one to believe this will be the be all and end all of reading material required on the topic. The content of the book turns out to be a simple collection of stories which only give a basic and unsophisticated review of what the topic could possibly be about. This leaves one with the option of giving up or doing extensive research on the topic to full in the vast blanks left by the book.$LABEL$0 +Snooze. If you like boring, cacophonous guitar, then by all means, listen to "Heavy" by Tegan & Sara. But I must warn you: if you decide to torture yourself by playing this song, you should probably wait for a night when you are plagued with intense insomnia because this song will put you to sleep. The repetition in the lyrics is rivaled only by the recurrence of a single sound produced by scratching a fork against a desk, although I think that Tegan & Sara actually considers it guitar. She sings about being unstoppable, but the stop button on my CD player begs to differ. I strongly do not recommend listening to this song unless you wish to punish yourself mercilessly. Seriously, just shoot yourself in the foot and you'll get the same effect.$LABEL$0 +Our baby didn't feel secure in this swing. We actually traded swings with a friend who had the more traditional swing - our baby would not relax in the Papasan. When he was in the regular swings at his daycare, he'd snooze right away. After we switched swings, he loved his new one. He was a pretty big baby, and I think he just couldn't snuggle down since the indention is pretty shallow.$LABEL$0 +Isn't nearly as sturdy as the picture. Took about 30 seconds for my dog to tear apart. Took it out of the box and gave it to him. Walked up the stairs to find half of it hanging from his mouth and the other half on the stairs. The rubber is very thin and pliable. I thought I was getting a ball that was hardened rubber. Not the case.One note, the description says that it's great for stuffing treats into it. While that maybe the case, the dog will tear apart the toy getting to it. Also, it better be a big treat as the holes are big.$LABEL$0 +thriller? erotica? or else?. The story is short and bad for an erotica thriller. There aren't enough thrills to really make it a good thriller, and there aren't enough sex to make it a good erotica either. I was hoping the story would get better as I read on, but I was wrong. What a waste of money.$LABEL$0 +SAHARA REVIEW. I have read Clive Cussler's Book Sahara and as usual it was a great book. As you can see I am a big fan. If a book appears on the shelf with Clive Cussler or even NUMA files - It is immediately bought. I saw the film Sahara - What a dissapointment. The actors were very much less than convincing. The thread of the book was totally lost in the movie. Somewhere so was Abraham Lincoln. The story plot was very much lost and re-written in the movie. If I were Clive Cussler and wrote this book and then saw the movie - I don't think I would recognize it as the same thing. In my final opinion movie very poorly done. Wrong actors to play the parts and plot so re-written.$LABEL$0 +This set is awesome but .... ... I found this last year at TJMax for 49$. Some of the prices I'm seeing here for 'out of date' Lego sets are really outrageous. If you do some research online (or at your local 'cheap' stores ie. Ross, TJMax, Marshall's, etc, you can find these 'out of date' sets for really really cheap (as they should be).$LABEL$1 +She blends in great with the changes of music. For all of those who don't think that this album is great, they're all full of it. Whitney came through and alot of people expected her to come back with the sound of years past. If the people who write in were true fans, they should've been keeping up and they would know what kind of style Whitney is coming back out with. Mariah's a great singer but Whitney's my girl. Reviewer's say that she shouldn't change her style but Ms. Carey did the same, what about her. Much love Mariah but I gotta keep it real, both of you sound great. Whitney came out blazin' especially with the first track. She has great producers and who said that Whitney isn't an R&B artist? She kept it tight to death and with the changing times she gets much respect from me. Don't change a thing Whitney!$LABEL$1 +Doesn't Deserve A Title. Obie Trice is wack...straight up...that's how it is. He's not a good rapper at all. First off his flow is awful...you read that right AWFUL. It sounds like he is offbeat the entire cd. He does rhyme but he is incredibly corny. IF Got Some Teeth isn't the worst leadoff single for an album that I've heard this year...I don't know what is. The beats are decent...not all that and a bag of chips like many have claimed, and he definitely doesn't have a song where he just rips it. The album has no replay value. Once you hear it, that's it...let it collect dust with your Loon, Juelz, and Budden cds. Not good. 1 star.$LABEL$0 +Poor!!!. This stand arrived in a damaged box, missing instructions, missing components for assembly and missing the end stoppers in the feet. This stand looked as if it was repacked from the damaged shelf area. Extremely disappointed !$LABEL$0 +A political soap-box. My first Tolstoy book. Tolstoy spent 100 pages developing a story and 400 pages complaining about the criminal justice system. Of all the imprisoned characters that Tolstoy introduced into the novel, not one of them deserved to be in prison. Not one lawyer, judge, or prison guard was described as a good person. When Tolstoy creates such a lop-sided story just to try and stress his point, I find it difficult to give his opinions merit. Tolstoy also presented his philosophy on the ownership of land in this book, which was much more interesting than his oft repeated view of the prison system.$LABEL$0 +screwed by factory reconditioned magellan gps. Magellan company I wish you bad things!received magellan gps last christmasfinally figured out there was something wrong with this thing in mayCalled the INDIANS was told reconditioned product 3 monthsMagellan you suck!1 year guarantee on new productsThe problem I have with their position isI thought a factory reconditioned produt would be checked out before reselling.I used this unit about 4 times as this technolgy is new to me a 59erI just bought a tom tom new for my daughter and suggest to others to stay away from magellan!!!$LABEL$0 +This isn't just about funny pictures of dogs. I got it for my mother, who is a big fan of the Wegman calendars. She found it interesting, even though it's not just about the dogs- there is a good deal of depth to the art, and the book conveys it. But don't expect a picture book analog of the calendars.$LABEL$1 +My toddler loves these puzzles. My three year old wants to play with these every night. He never plays with one toy for more than 2 minutes, but he will play with these puzzles for 30 minutes straight! It's not to overwhelming for him (we bought a 42 piece, and sometimes he gets frustrated and doesn't want to finish) plus he can do it on his own. We can go over the colors, the animals, and what types of transportation vehicles he is putting together next. So, very educational at the same time. Also, NO BATTERIES, so an activity he is willing to do quietly on his own. His little sister tries to chew on them (14 months old), and they don't break or melt away either. Great price for 4 puzzles. If he gets bored with one, we just pick out another picture. He's into tractors, so he really likes that one the best.$LABEL$1 +Save your money. I was disappointed in this book. Nowhere does it tell how to actually do this Rapid Eye Technology. It just tells you to buy her videos or to see a "technician." I'm giving it two stars instead of just one because the author sounds like a genuinely good person. She describes how she fasted and prayed and asked God to give her a technique that would help people. She also includes several chapters on what she calls life skills. But overall, when I buy a book, I expect to learn something I can actually apply, not just a sales pitch.$LABEL$0 +Just See an Dialect Coach. I tried to learn an accent the cheap way by buying this book, but realized the only way to learn accents or dialects effectively is to see a dialect coach.$LABEL$0 +Big fat book!. This is an all-around great cook book with nice big pictures, and error free recipes. I've tried several already, and they've all turned out great. I didn't believe I could get good tasting ribs from only 2 hours of cooking, but it really worked.The only complaint I have is that I was looking for a standard, straightforward bbq book, and for the most part this is just that, however, certain recipes seem to veer off into the "exotic" realm. I'll use Steven Raichlen's BBQ Bible for crazy exotic BBQ.But I guess I can't really complain. The Kansas City Ribs recipe is excellent, and Weber gives great advice on grilling and grilling techniques. Good thing I own a Weber grill.A great book to have in your library.$LABEL$1 +Very Nice. This CD falls somewhere between pop and pop-rock. Easy listening, fun, bright music that really takes you back to those favourite moments early in the series. I wish they would do a soundtrack for each season! I really recommend it!$LABEL$1 +Another one Clint Eastwood will be remembered for.... There are some very good and lengthy reviews on here for this movie... so I have nothing further I could possibly add to the review; I just wanted to write this bit so that I could vote and give it a 5 star review. It is that good.$LABEL$1 +Good. 12 Stones is a good small band. They haven't been together very long so some of the songs on their first song are similar in sound. They are great band, and I am disappointed that they got no recognition from the collaboration they did with Evanescene. Since they've haven't been together too long and signed a record contract shortly after you can guarantee that their next CD will be 5/5, they will have more time to record and will definetly sound amazing.Support this small band help'em make it big they deserve it! Buy The CD! It's Great!$LABEL$1 +What you would expect. This book was rarely accurate and hardly worth the time I took reading it. Preaching from a single-minded point of view, the author professes to understand a culture and institution where she is an outsider. Having experienced The Citadel experience first hand, I can assure you it is one that is not easily explained to the outsider. Perhaps I am being a bit harsh, but quite a few of the points made in this book reflect upon a mind set that I can not comprehend. Read for yourselves, but I also implore you to keep an open mind about a school that has produced some of the finest patriots of the United States.$LABEL$0 +Good stuff. Old School and cool local influences galore, this album sure rocks and brings back the pleasant why-worry times. Too bad Seattle's an expensive flight away, would like to see them live...$LABEL$1 +Gerber's fruits are cooked. I've been giving my daughter Gerber fruits, veggies, and meat as everyday-meals since she was 6 months old, thinking that she's got enough vitamins and prebiotics. However, she developed digestive problem and chronic constipation; she almost stopped gaining weight since she was 9 months old. I took her to GI and she told me that those packed fruits are all cooked! And there are additives to keep them fresh for long period of time! I started to puree fruits and veggies using Vitamix, and only use Gerber fruits&veggies; when we are out and about. Now, after half a year of probiotics and wholesome food, she's slowly getting better and opens her mouth to food.Now, think about this: if you puree an apple and leave it alone for 5 minutes, it'll change color due to oxidation. So, how can Gerber's apple puree keep the same color for so long a time?$LABEL$0 +Enjoyable. In my quest to buy as many Christmas movies as possible I found a gem in this one. Quite the twist in the end that makes this movie worth purchasing.$LABEL$1 +The Excitement Fades Fast. We bought this on the strength of one TV episode (the first 20 minutes of the DVD) . Watching it all the way through, this is by far the weakest Wiggles DVD of the six we own. We just logged in to Amazon expecting to see poor reviews for 'Feel Like Dancing' and are quite surprised by the high score and rave reviews. Save for a few of the songs, this DVD is terribly boring. We're not sure why the Wiggles, or many of the reviewers, feel that children will feel compelled to dance to ballet, the waltz, and slow square dancing. Our 5 year old daughter and 18 month old son were entertained for the first few songs, then bored for most of the second half. Not sure how well this will entertain on our two 1200+ mile road trips this summer.$LABEL$0 +NO!!!!!!!!!!!!!!!. please don't buy this. this is straight bullsh*t. this guy is killing rap and hip hop. he cant rap sorry beats and soft. he is making rap soft PLEASE DONT BUY THIS...GO BUY A TUPAC CD$LABEL$0 +An amazing testimony. Mrs. Herzberger's very powerful story bears eloquent witness to the innumerable atrocities of the Holocaust and her remarkable resilency and tenacity. It is a testament to her abilities as a writer that we walk through her journey alongside her, all senses and emotions fully engaged. While displays of the worst results of dehumanization occur all around her, Magda retains her dignity and humanity, giving great honor to the memories of those who did not survive. More than a story of survival, her book is a profound spiritual experience about life and living. As groups of people continue to be marginalized, scapegoated and discriminated against today, SURVIVAL reminds us of the ultimate result of such folly. It should be required reading for all political leaders, teachers and students. I greatly admire Mrs. Herzberger for writing this book.Gregory N. Shrader, Ph.D.Psychologist$LABEL$1 +best idea. Just wanted to say that my grandaughter is so taken with anything that Elmo does that at 18m she is so brilliant, LOL. she is enamored with Elmo so anytime we get something of his especially dvd's that she can watch, they are very affective. I am so greatful for these DVDs as is her mother!!!! He keeps her very interested in everything.$LABEL$1 +Well-researched, but, dull, dull, dull. I read a lot of true-crime stories. Perfect Murder Perfect Town was a great disappointment. The author's research was impressive, but his storyline, and style need a lot of help. The book is a jumble of characters that continually pop in and out without a proper lead-in. I also found this book provided no new facts about the JonBenet murder. The story is very slow, very difficult to follow, and will test even the most avid reader's concentration. Sorry Lawrence Schiller, take some time off and try again!$LABEL$0 +Sure To Beat Jedi Outcast. This game looks really cool. Knights of the Old Republic takes place 4,000 years before the first Star Wars film, in the middle of a war between the Jedi and the Sith. You have a fully customizable character, and you always have an older sibling of the opposite gender who is a skilled Jedi Knight. Eventually you will become one, too. But before that, it's you and whatever blasters you may find or pick up. Also, you can make a group that can consist of Wookiees, Jedi, droids, Twi'Leks, or whatever is present and strikes your fancy. You'll travel to many worlds in your ship, the Ebon Hawk, very similar to the Millenium Falcon. En route, however you'll face Sith fighters. This game looks very exciting.$LABEL$1 +Waste of money. This case sucks, pure and simple. The camera barely fits in there, the top doesn't stay shut worth a hoot, and there's no room for extra batteries, or much else of anything. The sides and tops are v/ thinly padded, and let's just say the word "synthetic" needs to be inserted in front of leather. The material is of low quality and thin. There is no carry strap, so you must have the strap on your camera, so when you want to take pictures you have to take the camera out of the bag and unhook the catch loop of the bag from the camera strap. If you forget to reattach the loop, and put the camera back in the bag and sling it on your shoulder, prepare on losing the case, because as I said before, the flap doesn't stay closed. This is the reason my case went bye-bye last weekend w/ extra memory cards in it. I look at the positive side and figure at least I can get a good case now. Do yourself a fawor and don't buy this case.$LABEL$0 +Strayhorn . . .. This is a good example and performance of Strayhorn and his arranging style. I would recommend this to anyone that likes such and Jazz.$LABEL$1 +Piece of junk.. Hardly ever worked. Jams, doesn't fire, poorly designed. What were they thinkin'? Waste of money. Now I have to buy yet another staple gun to complete an upholstery project. Previously had to junk an Arrow PowerShot, which also fell apart almost immediately. What is it with staple guns? Are they really meant to be one-time (or a few-time) use?$LABEL$0 +Lovely. This is a very good, high quality product. The description told me exactly what I needed to know concerning size and type.$LABEL$1 +Not a Holder for the PSP Slim.. It only works with the PSP Fatboy,but not with the PSP Slim. The Slim just slids out, nothing is holding it. Its firm with the PSP Fatboy.$LABEL$0 +Perfect. The Instinct, believe it or not, is even more riveting than the band's first release, since the mixes are more "up front" and you get the satisfaction of hearing their songs while feeling as if you are seeing them live. This album is evidence that if you give a strong band time to perfect their sound, they can become great in no time. Denali's commitment to the beauty of the song is what sets them apart from most other "indie rock" bands...Brilliant.$LABEL$1 +Forbidden Planet Movie Review. This science fiction movie is one of the top five made in the 1950's and is even superior to the original "War of the Worlds" made in the 1950's. The story is truly a superior work as the events portrayed are possible in theory.$LABEL$1 +Great music, but too many medleys. Tom Fettke's Majesty and Glory contains some wonderful music, but in doing so many medleys it leaves the listener 'hanging' wanting to hear the rest of the verses of the hymns. The best two songs (for which I bought the cd) are not medleys, and I am able to get my complete hymnal 'fix' listening to those two songs. I don't regret buying the cd, but it could have been done with 'more of each hymn' instead of 'seeing' how many hymns for which Fettke 'could create an itch' for the particular hymns.$LABEL$1 +a great way to learn more about Buddhism. This is a well written book that gives you a lot of in depth information about Buddhism. I think a beginner should start with Rahula's What the Buddha Taught. After that, this would be a great choice. However, for those who have some knowledge of Buddhism and want to learn more, as they travel on the path, this is a wonderful book. Buy it. You'll like it.$LABEL$1 +For Kids - But Great for Adults. This book is written for kids - but the author has written it in a way that works for adults also. Good solid information that is communicated for all ages. Excellent for the person thinking about raising goats or the novice just beginning with goats.$LABEL$1 +castle in the air. the books are really cool. i love Dianas books and i am so happy that the books were in stock because there were non in stock anywhere near my house.$LABEL$1 +a bit too small but fits on my average head. A bit small but just frumpy looking. I guess Mcgonagall's hat is supposed to have that look? It's nice a soft.$LABEL$0 +Buyer Beware!!. If I'd only read the reviews before purchasing this for my 6 year old I would never have bought it! It is VERY flimsy and top heavy. The elevator gets stuck and it does take awhile to put together. As I was driving all over town looking for the best price I wondered why no store had the batcave out on display. Once we got it together I realized why. We ended up taking off the bottom poles and moving some of the parts around so it would stop falling over. We have lots of batman toys and other mattel products. This is by far the biggest disappointment in 10 years of toy buying. If it wasn't from Santa it would be going back without a doubt. Buy anything else!$LABEL$0 +Every episode reviewed!. This book is so great for the fan of the show. It reviews every episode in the four seasons in detail with topics such as girl talk, fetishes, trivia, and fashion victims under each episode. The author, Jim Smith, gives his thoughts on each episode too. This book is great to rehash your favorite episodes. Though it is unauthorized, it is fun to read up on everything you've watched for the past four seasons.$LABEL$1 +I read everyone's complaints about it being from China. and I didn't think it was going to be THIS bad. I'm positive that you can get a better quality pen at the dollar store. This thing feels like cheapo plastic painted chrome, it hardly has any weight to it and it's not smooth when you twist it either. This is worst than junk.$LABEL$0 +Not quite the Originals. Beware, these songs sound a bit remixed, and are not the original sounding radio hit singles. Usually .89 cent songs are a red-flag.$LABEL$0 +A lot of information on St. Peter. I enjoyed this book. Most writers about St. Peter beat around the bush and do not talk about Peter the man. This book does. The language can slow your reading pace a bit, but that is what dictionaries are for.$LABEL$1 +Mediocre and short-lived. I've used my T200T 50 to 60 times over a few years. It has always been sort of sluggish and quick to fade (and my beard is far from heavy). The thing recently quit altogether. Reason I'm online right now is because I was searching for "troubleshooting conair t200t" and "conair t200t repair." (No luck so far.) I did note that Conair's website does not offer a "contact us" feature. Hmm.$LABEL$0 +Terrible. I really do not know what this product is good for. It looked great and I thought I can use it to massage my back.But the handle is so flimsy that I thought it would break if I pressed it against my back. Also the balls on it are so ruff that you can not use it rub on your muscles.$LABEL$0 +This Lens Rocks. There are 2 lenses you should have in your camera bag which will cover 95% of most users needs. I do believe that Canon prices their lenses a little too high, but who doesn't. Many users a lot of money on a camera body and very little on glass. The first thing I noticed is that the colors are more vivid. The lens is much more efficient with light, especially with low light conditions. This lens will last me through many generations of camera bodies. And for the other lens you need, 70-200 L Is USM 2.8.$LABEL$1 +don't buy this one first. If you are planning on buying a Roger Waters album, get Amused To Death and The Pros and Cons of Hitch Hiking first (unless you enjoy eighties music). They are beautiful, and this one is rather annoying eighties music.$LABEL$0 +Excellent overview of the women's movement. I've probably read 60 books on the women's movement. Most of it is garbage that makes you want to gnash your teeth at the enormous errors being made.This book however puts the movement on a solid footing and is brilliant throughout.I took one star off because every other chapter appears to have been written by Judith Hughes. She is more of an activist than a scholar or a thinker, and seems to want to change things rather than understand them.Midgley is the mighty Minnie Mouse that the women's movement has sought. Finally, someone who can think clearly.I have no idea why this book has been so overlooked. It's one of the greatest books of philosophy ever written, and it's clean and tight and not very long.Read it, or forever remain a stupid dupe of the Maoist juggernaut initiated by SdB.$LABEL$1 +extremely disappointing..... I first heard about this flick a couple of years ago, and was waiting for it to hit theatres. I almost forgot about it, then was surprised to find it on the Blockbuster shelves a few weeks back....I should have forgotten about this movie!You know there's problems when even the Writers/Stars of the film are telling fans to stay away from this.$LABEL$0 +Blind to any media faults. A very unsatisfying book. Provides interesting snippets of information, yet the author seems blind to its implications. The majority of the Presidential 'scandals' come across to this reader, anyway, as minor and unimportant; blown all out of proportion by a media swarm desperately racing to be the next Woodward and Bernstein. The Clinton section seems rushed and unedited, a way to finish up a mostly pointless book while the Clinton scandals still have some interest to potential buyers. If you must read it, wait until it is in the remainders section at $2 a pop.$LABEL$0 +For Kids only. I thought this DVD would help me with american sign language as I am a beginner. I felt like a child as I watched the illustrations. I couldn't quite understand the zoo stuff. It did teach some words but not enough, way to much focus on the field trips.$LABEL$0 +ANY 1 WHO LIKES TO READ ABOUT MPD SHOULD READ THIS BOOK. THIS IS A VERY GOOD BOOK I FIND IT UTTERLY FASINATING I FIRST SAW THE MOVIE THAT IS HOW I FOUND THE BOOK THIS IS A VERY DETAILED BOOK TELLING EVERYTHING TRUDDI AND THE TROOPS ENDURED IT IS FASCINATING THAT THE ACTUAL TRUDDI CHASE WENT TO SLEEP AT TWO YEARS OLD.$LABEL$1 +One of the best all time family movies ever. This movie is well acted, simple, sweet and life affirming. And funny too! what more can one ask?$LABEL$1 +not worth watching. Just what kind of movie is this??? The animation didn't stand out, the music was too childish, and they could've given it a bit more detail! Almost everything in the movie was outdated. I think this movie should never exist again.$LABEL$0 +misleading advertising. I feel cheated, advertising suggest all the 3 cards butI only received one, I made the complaint but they told me it's just one card... Ifeel hurt$LABEL$0 +Everyone from the third world thinks this is a great country. which is why they have all moved here. Compared to India it is great. I think the point that he is missing is that native born Americans do not recognize this country as being the same one that we grew up in. This country was Great; but has been steadily declining in every area since 1965. It was great because our ancestors died fighting to make it that way. It has morphed into a capitalistic, violent, immoral society with native born Americans forced into second class citizenship.$LABEL$0 +I am crying, this movie is that BAD!. Even with half the budget of the original film this movie could have been alot better if they would have not used the same corny plot line ripped of other movies, and not relyed on CGI, and come on strobe lights for gunfire.. WTF!!!I'll give the film 1 star because of Richard Burgi who should have turned this film down, no paycheck is worth a mans pride and dignity.Back to the guns,alot of the guns looked stupid and plastic, And the nudity wasn't even needed not that I'm complaining but it really wasn't needed for the scene. I am still ripping my hair out over the guns..Oh when will hollywood find some real film-makers, I could have made a better movie with that exact same budget, Infact I dare Columbia Tri-star to allow me to make a film!Blah, I'm done with this review I needa take some advil for the migrane I got from viewing this film, just read the Original Starship Troopers novel, its 20 Times better than both films...$LABEL$0 +Terrible, poor quality shoes. I was looking to replace my 4-yr old Bostonian Tahoe shoes which appear to be no longer in production. The Andover shoes seemed to be a similar replacement from the photos, but are of a terrible quality. These shoes look like they are straight from a tuxedo rental shop. The "leather" is plastic looking and artificially shiny and the shoes are horribly rigid and uncomfortable.$LABEL$0 +Electric pump failed. Took it to France and electric pump only worked for a minute and blew. Bought a hand pump to pump it up. It was a painful job. After it was fully pumped the bed was rather comfortable. Decided not to bring home to return because once it was pumped there was no way to deflate to the extend that it would fit back into the original box.$LABEL$0 +Great workout!. This was the third bellydance video I've tried and really enjoyed it. There were some parts that could have been better. For example, at times, the camera focused on her face when she was doing moves with the hips. I needed to see exactly how the move was being done but had to improvise and hope I was doing it right. Yes, she is very beautiful but it would have been better to watch the entire move. Also, some moves were only done once or in one set as soon as I was getting it. It was a little inconvenient to stop the tape and practice. Other than that, it is a great workout which is fun. The negatives don't detract too much from the overall tape. I look forward to doing the workout each day and do feel I get better each time I do it. I even work up a sweat! Overall, I do recommend this tape. It's a new and different way to move each day!$LABEL$1 +GOOD PLOT BUT THE CHARACTERS NEED SOME WORK. OVERALL I REALLY ENJOYED THIS BOOK. I THINK IF THERE WERE MORE TRUE CONNECTIONS WITH THE CHARACTERS I WOULD HAVE ENJOYED IT MORE. THE TWISTS AND TURNS IN THE STORY WAS WHAT KEPT ME READING.ONE OF THE REVIEWERS GAVE THE ENDING AWAY, WHICH I THINK IS VERY UNFAIR TO THE READERS THAT CHECK OUT THE REVIEWS.THERE ARE SOME GOOD AND BAD REVIEWS ON THIS BOOK BUT I THINK YOU SHOULD READ THIS BOOK AND FORM YOUR OWN OPINION.$LABEL$1 +best S.f. guidebook. I love this book!! We live an hour north of S.F. and when ever we go to the city we start with one of these great walks. We have gone and explored neighborhoods we never would have without this book. San Francisco is such a beautiful city and getting to the top of some obscure staircase always gives you a unique and beautiful view. It is a must for anyone who lives in or near S.F.$LABEL$1 +30 GB Zune. Upon opening package on Christmas day, the USB cable was found to be defective and it will take a week or so to get it replaced. This put a damper on what should have been a great gift for my son since he can't really use it.$LABEL$0 +very uncomfortable. It is very pretty looking and stylish but very unconfortable. it made blisters on my feet.$LABEL$0 +Try The Ultimate Blue Train. If you are a John Coltrane or jazz fan, and if you enjoy "Blue Train", I highly recommend getting "The Ultimate Blue Train"... available from Amazon. It has the same 5 original songs, plus 2 alternate takes of Blue Train and Lazy Bird, plus it is newly remastered and is enhanced with many interviews with the other players and Rudy Van Gelder, plus a video of Miles Davis and John Coltrane performing "So What" and tons of photos. This version is great, but the "Ultimate" is so much better and worth the few extra dollars.$LABEL$1 +GOOD PRODUCT. I continue to order theses I use 100% syn oil and this works well keeps the oil cleaner longer than any other I have ordered$LABEL$1 +I Gotta Go is GREAT!. I saw these I Gotta Go potty training reviews and had to go buy one for my son. I LOVE this DVD! The concept is great. I never thought children (and parents!) could have fun while potty training. There is no stress for my son or us.He does not want to wear diapers anymore. The songs are so cute, we all sing them.I am glad we bought the DVD, the tape would have been worn out by now! I recommend it to anyone I know who is potty training their children!$LABEL$1 +Excellent Manual for Selling. This book is every salesperson's dream.Hogan outlines everything in the form of a model for influence then proceeds to share a well conceived step by step approach that works as well in real life as it does in print.I've been selling for almost half of my life (almost 20 years)and have found The Psychology of Persuasion to be one of the most helpful books about influence and communication I've ever read.Any salesperson would do well to read and implement the paradigm of persuasion. The techniques of reading nonverbal communication, utilizing seating arrangements and so on is all easy to understand.I love the book.Marcy Singer$LABEL$1 +Awesome Book on the life of the Great Patriot Veer Savarkar. Awesome must read book for every Hindu and every Indian about the life and works of the Great Patriot andfreedom fighter Veer Savarkar.$LABEL$1 +Is this FUN?. *stabs Avril voodoo doll several times with kitchen knife*Now THAT'S fun.This is a pop album, not rock. Deluded fans take note! I would call it humorous but it just annoys me. Can't sing, her voice is whingy and beyond tuneful. The main reason im going to this fuss to write a review though is because I have seen her in interviews and she comes across as rude, stuck up and generally vile in every possibly way. Has NOBODY noticed this?The songs are horrid and cringeful. Who would call a song sk8er boi with serious face? The lack of dignity is shocking.Though I must praise Avril for starting the craze of long straight hair and tomboy clothing for teenage girls, it means I can wear my fairy clothes without embarassment. I love my fairy clothes.A girl living opposite my house loves this album, or her other album I dont know. Whatever. She plays it loud sometimes. Pity me please.$LABEL$0 +Primus-Animals Should Not Try to Act Like People. Amazing footage. Any Primus fan should definitely have this DVD. The EP is good too, but it's very different. The first couple of times I listened to it I really didn't like it, but it is really incerdible. Riffs like I've never heard before, even from Primus. It's a must have, you won't be dissapointed. Les is the man!$LABEL$1 +Excellent absorbency and best price ever!. These work great. They are narrow and short, but work really well. If more coverage is needed I just use two. This is by far the best price I have ever seen on them with the subscribe program. I only use natural care products since the others have chemicals in them that have been linked to cancers. I recommend these to any one who wants to keep the chemicals out!$LABEL$1 +Diana's in love with herself.... yes, and we've got the pictures to prove it! I'm a little confused- is she selling the music or the face?? What, a few risque, sassy songs, a load of pictures and we've got a winner? I don't think so at all. Spend your money on real vocalists like Sarah Vaughn or Claire Martin. Eliane Elias can sure kick a-- on the piano and she even composes tunes, too. Now THAT's versatile. Diana just sings the exact SAME way on different tunes, that's all.$LABEL$0 +Fantastic. Great set of knives. Very sharp. It was a bit pricier than I had intended, but I had a lot of fun buying the extra knives needed to complete this set.$LABEL$1 +bubbling mixture of ancient and modern Greece. A convoluted patchwork novel that entrances the reader with it's poetic narrative. Threads of ancient and modern Greece run silver and gold in this book, complementing each other. The stories of generations of Greek women run together in a spiral circle that leads the reader along. A satisfying and dreamy read.$LABEL$1 +but the sound!. Wonderful selection of tracks, but the reviewers who commented on the sound quality are correct, it's unbearable. LOUD hissing. I have 35 year old Parker LPs that sound better. I was swayed to buy it by the many positive reviews. I was wrong, the sound guys were right.$LABEL$0 +Delightful romantic comedy. Keven Kline does a fabulous job. He's almost more believable as a Frenchman than Jean Reno! Watch this one with someone you love.$LABEL$1 +NOVA: Secrets of the Samurai Sword. A very interesting documentary on the art and science involved in manufacturing a samurai sword. The journey begins with the selection of the metal and the viewer then follows craftsmen producing a sword using the same techniques as their ancestors. Interwoven are scenes with swordsmen demonstrating their skills on bamboo targets and a brief history of the samurai and historical use of these weapons. Modern science is used to explain the strength of the sword and the reason behind the shape of the blade. My only criticism is making the handles, which can be quite ornate, was not explored. The focus is on the blade.Highly recommended for anyone with an interest in martial arts and weaponry in particular.$LABEL$1 +Deflates overnight. Does what it needs to do---but has a slow leak so must be reinflated every 24 hours. That's a disappointment.$LABEL$0 +A good classic for the collection.... This movie is an excellent addition to any film buffs collection. Although it cant compare to the first and original piece, it combines extraordinary film techniques and backgrounds, (especially for its time) And shows an arabian adventure for the ages.$LABEL$1 +dramatic. the emotional complexity of the pain and choice of musical expression make this album a must have item for those with passion for blues,soul,modern instramental expression.$LABEL$1 +Nutrition advice at its worst. This book provided some of the most misleading, slanted view of nutrition I have read in a while. As the author demonized grains in general I found myself so very frustrated. As a Dietitian I am quite aware of the benefits of a whole grain based diet. I am quite aware that one of Americas downfalls is an overconsumption of refined grain products, but equally so, one of Americas number one problems is its underconsumption of whole grains. This book is a set up for environmental and long term health disaster. This book seems to promote the overconsumption of protein which can destroy a persons health almsot as fast as it destroys resources. In addition, treating the general public as Diabetics is a sure way to set up for failure.$LABEL$0 +will not fit the new Motorola Droid Razr. The cable was fine and the price is great but the problem is it will not fit the phone I bought it for the new Motorola Droid Razr. Maybe it fit an older model but if you just got the new model this cable won't fit it. Other than that, fast shipping and great price as well as a nice cable! Just wish it fit my phone...$LABEL$0 +Needs a lot of work. After reading previous reviews, I gather people either love or hate this book. So farI haven't been able to get past the first three chapters, so I'd agree with the haters. A lot of things I have learned before about networking and subnetting are now explained in a confusing way or flatly contradict what I knew before. So who should I believe? According to the other reviewers on this site, I don't think I (and others) can rely 100% on the accuracy of the explanations offered. I do however agree that the questions at the end of the chapters are excellent.$LABEL$0 +Jane Langton thrills us again. In this addition to Ms. Langton's wonderful Homer Kelly mysteries, she again leads us through a maze of personalities possibilities and well described places to a very satisfying conclusion. Even if you've never been to Cambridge, she makes it possible, with her descriptions and drawings to imagine yourself there. Her characters are, as always, imperfect but lovable. There are just the right balance of humor, suspense and philosophy that make Ms. Langton's books worth reading - again and again.$LABEL$1 +IS THIS BRITNEY OR A MUPPET SINGING ???. If she is a singer I want to be a singer too. I know that I don't have any talent, but she does not have it neither. I completely sure that everyone sing better than her after listening this piece of garbage. I feel really offended with this cd, how her company allows britney to did this cd? The US lawS should prohibit this cd, it is so awful that it can be considered environmental contamination.$LABEL$0 +A controller without a D-pad!. Don't take the "5 stars rating" reviews in such consideration, because their owners don't seem to play many diferent type of games. It's directional pad is a COMPLETE JUNK. If you have emulators on your computer, like M.A.M.E, and usually play fighting games (Street Fighter, KOF etc...), FORGET it.It is also NOT recommended to play any other emulator games. PC games are also a hard task to do.Why?Simply because the D-pad doesn't work. It's almost IMPOSSIBLE to make the moves work well.The one star I gave goes to all the rest (I mean the buttons and the design).Stay away from any gamepad from MS. They are the worst choice.$LABEL$0 +Get it before it's gone. If you don't have this, get it now while you can! You won't be sorry. Beautiful and relaxing music that will brighten your day.$LABEL$1 +Awesome- Relaxing. I have tons of Dan Gibson's stuff. This Cd in particular is so relaxing, It's Jazzy, mellow, laid back music. My masseuse, even plays it for clients during a session.It's perfect candle-lit, bubble bath music :)$LABEL$1 +Mask. The poems in Mask are exquisite. Many of the poems make a deep contribution to the interpretation of Charlotte Salomon--Berlin-born artist who perished at Auschwitz--her struggles and her transcendent ability to turn those struggles into art. Elana Wolff's poems remind me of the poems of Jane Kenyon, one of my favourite poets on earth, in their conciseness, and also in the translucent way they portray love--even in its darkest context.$LABEL$1 +Great American Bash predictions. (1) Friend vs. Friend World Heavyweight ChampionshipRey Mysterio(c) vs. Batistawinner- batista(2) Fatal Four Way Elimination Number 1 Contenders MatchKurt Angle vs. JBL vs. Booker T vs. Lashleywinner- kurt angleorder of elimination- Lashley, booker t, and jbl(3) Undertaker vs. Umagawinner- Umaga(4) WWE Tag Team titles Ladder MatchMNM(c) vs. London and Kendrickswinner- London and kendricks(5) United States ChampionshipChris Benoit(c) vs. Finlay or Matt Hardy or triple threatwinner- benoit(6) Cruiserweight Invitational for the Cruiserweight titleSuper Crazy(c) vs. Psychosis vs. Jamie Noble vs. Kid Kash vs. Funaki vs. Gregory Helms vs. Scottie 2 Hotty vs. Nunzio vs. Gunner Scottwinner- gunner scott(7) Number 1 Contenders match for the wwe tag titlesGymini w/simon dean vs. Regal and Birchillwinners- Gymini$LABEL$1 +Not that much rumble. For subwoofers placement is key and can make or break your subwoofer. I have mine in a corner-ish spot, but it still doesn't give that chest pounding bass. Oh well, It's small so that's good for me because I'm using it with my PC.I have this connected to a Harmon Kardon Hk3390 receiver and On the back of the sub I set the volume 3/4 and on the receiver I set the bass knob to 3/4 aswell maybe it is defective because there the subwoofer only responds when the volume is 3/4 or higher. One thing to note is that it is very musical, it's not like those massive one note car subs that only go boom.$LABEL$1 +Not the Best Cook novel. I am a big fan of Glen Cook's stories and I had known about this book for years, but couldn't find it. I have ready every book of Mr. Cook's, and enjoyed most (no, not all though), but this one was bad. Simplistic characters with no depth and predictable story. I could only assume that this is the first story he ever wrote... and it shows. If you enjoy the Black Company series and the Dread Empire stories then stay away from this book. If you are a fan and just have to have this book to complete your collection, I have a copy that I will sell you$LABEL$0 +This Movie Was Enjoyable. I really enjoyed this movie. It was a very funny movie and worth seeing. I would watch it again and again.$LABEL$1 +Granddaughter loves this. I gave the Twilight Ladybug 5 stars because it was the perfect toy for our little toddler...she loves to watch the stars on the ceiling each night before going to sleep.$LABEL$1 +Great Product for your money. This is a great product and I have had no trouble working it. The only problemn I had is I was missing the stylus when I received it. But, I just went to the local gammming store and they hooked me up with one. I have no problems with it or the software. I loved it and so does my son, I think I am going to have to get him one next!!!$LABEL$1 +Not what we were expecting. The cover looked very interesting and tasteful. We were very disappointed that the whole book was in black n white and the photos were old, as it seemed to have been taken back in the 60's. My wife and I couldn't get into the reading as the graphics were not very appealing. We concluded that it was a waste of our money. We ended up much happier with Erotic Massage by Charla Hathaway.$LABEL$0 +Sobering, but hopeful.... This book presents sobering views of our past, present, and possible futures, if we continue on the path we are currently on. My fiancee and I have been reading it to each other, and it's the perfect book for us right now, as we make decisions about how to accomplish meaningful change in our lives, community and the world.$LABEL$1 +Power Problems here too!. Hmm...seems Panasonic has a problem that needs to be addressed. My 3-yr-old set would not power up, we would unplug the set then plug it back in and it would be fine. A couple of days ago it decided not to power on at all. When the set is turned on, it trys to power up and then just turns off. I have always been a Panasonic fan and have enjoyed the set, but I have to admit I'm rethinking my loyalty. My 12-yr-old Toshiba hasn't missed a beat. Anybody had any success in getting a response from Panasonic?$LABEL$0 +epic fail. The descrition says 8 gauge power wire but it looks more like 12 gauge.... its better used as speaker wire dont waste your money. If your serious about amping up your system spend the extra money and get a true amp wiring kit$LABEL$0 +Exactly what you think it is. This case is exactly what it looks like. It protects the iPod pretty well, leaving only the ports and hold button open to the elements. The opening for the headphone is about 7 mm in diameter so if you have a headphone jack that is bigger than that, you may run into some problems. The touchwheel remains sensitive and the screen is well protected. It comes with a case for both sizes of the 5G ipod. I only have the 30Gb version, but the case fits very snug. The only complaint I can think of is that the case will scratch. But that can happen with any plastic case and the whole point of a case is to have the scratches occur on your case and not on your iPod.$LABEL$1 +Stripper Clips. 20 for 5 dollars this is a steal! Got mine in the mail pretty fast, they were brand new and lighty oiled all but one works great. I definitely recommend this to anyone who owns an SKS.$LABEL$1 +Terrible experience. Didn't got what I ordered. Cannot rate because they sent a cheep substitution which is not acceptable. No response to efforts to contact seller. They do not answer e-mail$LABEL$0 +Xzibit's new cd is one of the better album's this year.. I was impressed with this whole album. I can actually listen to this whole cd without skipping tracks. To me that deserves a five star rating. The production of this album is solid even with Dre not involved. I have to say each beat is unique from what you might expect in a westcoast album. Xzibit has definitely stepped his game up and I look forward to his future releases. I strongly recommend this album. It proves to be one of the better albums coming from the west this year.$LABEL$1 +This is the one you want. This is the top one to buy right now for home users. Some important things to note.(1) Make sure you turn off the Microsoft Wireless Zero Configuration service. You do that in the Control Panel --> Services. Then you install the vendor-supplied wireless software, and you'll have no connection drops. This is important because Microsoft Zero Configuration Service is a piece of crap.(2) Make sure you use some sort of authentication for wireless, preferably WEP 128 combined with MAC Address Filtering.(3) After you get it up and running (reading the instructions) do a firmware upgrade and update your firmware to the latest version.Mine has been running for almost a year and I've never had a single problem.$LABEL$1 +Good quality buy. As usual Russell puts out a great shirt. It looses a star because the XL size was a bit big on me-ever other XL shirt fits fine!$LABEL$1 +Horrific. Ok, I heard Flood recently(I know this has been out for like ten years now). Real cool song, but that's all. This album really sucks. It's really mellow and almost boy-bandish. The drum machine the band utilizes is laughable. This is a horrible record. Thats all$LABEL$0 +SHEER DISAPPOINTMENT. WHAT HAVE THEY DONE. I ABSOLUTELY LOVE ALL THEIR OTHER CD'S. NOT SURE WHAT HAPPENED HERE.I CAN ONLY HOPE THEY GO BACK TO WHERE THEY WERE. THIS IS NOT A CD I WILL LISTEN TO MUCH. WHAT A BUMMER.$LABEL$0 +Mind-numbingly derivative action drama. Yuk!. What makes this movie different from all the other over-the-top action films of this genre that has preceded this? Absolutely nothing at all. All visual hyperbole and ridiculous cliched macho heroics from the strictly one-dimensional acting 'talents' of Segal. Appeals only to the brain-dead. Wake up people: you're being rinsed and bleached by those greedy Hollywood titans -- and, to think that a New Zealander was complicit in the making of this piece of asinine drivel.$LABEL$0 +movie review. Don't bother wasting your money..What a HUGE disappointment! This was simply boring, and nothing but a BIG political statement ...we watch our movies for entertainment, not for political opinions and leanings of writers and actors...We bought it and threw it in the trash...! When I want to find out how to vote, I do my research on both parties and look up voting records.$LABEL$0 +Betty Crocker Diabetes Cookbook. Bought this for my mom. She has a hard time keeping up with what to eat and what not to eat. She says this cookbook is great. For the recipes they use ingredients you probably have on hand. Most cookbooks for diabetes require you to buy extra ingredients, not normally on hand. She loves it!!!$LABEL$1 +Thin and cheap. These tshirts are as thin as you can imagine. After one wash the neck and arms stretched out unacceptably. I cannot recommend this product.$LABEL$0 +not satisfied. battery that I received did not work. Was not able to take pictures of a very important event because of it. I bought a universal charger at Best Buy for less. Felt it was wrong to make me pay postage since you sent me someting defective.$LABEL$0 +HUH>?. I rented this game expecting some fast and furious gameplay, the truth is, is that thats all you get. No statistics or roster changes!!!! Thats a major blow, besides that it has dumb gimics like when you have to play against a team of dolphins... WHY??? I recommend renting it first, the graphics are the only good thing about it, all you do is play play play, it gets pretty redundant and boring after a while, with no stats or rosters to look at.$LABEL$0 +Good, but not so very wild. I really enjoyed reading this book, but it struck me more as comedy than erotica. It is well written, with a wry, lively humour, but while the sex scenes are cute, they're neither as frequent nor as hard as I've come to expect from Black Lace. 5 stars as a read, 3 stars as erotica.$LABEL$1 +Big Disappointment. This book could have been alot better. I read these online reviews cause I was dying to read another Love Stories book and when I read these reviews, I thought the book was going to be cool, but I was so wrong. The only way this book is sad is that I actually wasted my money buying it. The plot is very unrealistic and stupid. I have read much better.$LABEL$0 +WAcom Tablet Intuos 3. I've been using this tablet for 2 years already & love it. It makes Corel's Painter lX.5 a breeze to sketch with ~ and working with tight areas on photo editing is much smoother. (My son-in-law & granddaughter also enjoy working with it.)After working with the pen it's hard to use a regular mouse again. Another perk is Vista's handwriting recognition feature... now I rarely use the keyboard.I cannot recommend this product enough. Just remember to keep your driver updated. You'll wonder why you never bought one sooner!$LABEL$1 +Another version of Cole Porter's style..... After the Cole Porter movie came out a few years ago (ie: the movie with Kevin Kline and Ashley Judd), there was a resurgence in interest in Cole Porter's hits.This CD has most of Cole's hits from the movie, although the songs are not sung by modern singers (as in the recent De-LOVELY movie). Thus, the songs in this Cd were recorded before the movie.Please note that the earlier recordings included in this CD will not sound as "sharp" as the movie version tracks (ie: the soundtrack's songs to the movie which is called "De-Lovely"). However, if you can afford to buy both versions (ie: this CD and the De-Lovely CD) I think you will be able to get a nice "feel" for Cole Porter.A nice addition to your music history CD Library,in my opinion.$LABEL$1 +Lousy, and OVER PRICED. My wife and I purchased this usit at I am an avid cigar smoker and we have kids. I read all the great reviews on this usit and thought for sure this was going to be a winner.I couldn't be more wrong.This unit itself is large and bulky. The filters and a pain to remove and clean, and the unit is NOT quiet as stated by the manufacturer. Not to mention the timer went out and now we're hearing crackling coming from inside the unit. Customer service was unhelpful and now this 500 dollar machine is sitting in the closet taking up space.We'll be switching back to Oreck soon. Stay away from this! Unless of course you like wasting money.$LABEL$0 +Where's the ".Net". I found the title of this book to be very misleading. First and foremost, this book has nothing to do with the ".Net" platform. At best this book reviews some Microsoft technologies that can be used when creating an e-commerce site (namely, Commerce Server), but misses the whole point of the ".Net" platform (i.e. web services and the like). Additionally, I found the author to be very self-aggrandizing - "I found that..." or "When I do do this I ..." or "I will define ...". This becomes overbearing by chapter 2 - the entire first 300+ pages are about the esoteric nuance of web design - in his opinion. This book is weak in examples and techniques - it is not a ".Net Bible" by any stretch of the immagination.$LABEL$0 +Crap..... Well, I got scammed. These cables do not work. My Roku image was covered with static. Swapped cables with one I purchased a while back somewhere else (for about the same price) and it worked great. Do not buy these cables...$LABEL$0 +didn't work at all. I bought this to get rid of the crow's feet and fine lines under my eyes. I've used this now for about three months with absolutely no improvement whatsoever. It is pleasant to use and doesn't irritate my eyes, but just didn't do a thing for me.$LABEL$0 +True musical genius exists in various genres. 1. Rock, Hard Rock, Heavy Metal... whatever you want to call it has the reputation of being basic music, performed by... unsophisticated "rock stars". The bottomline is that incredible artists exists in a variety of genres and disciplines and Steve Vai is truly a guitar genius. This DVD concert is a musician's dream; no compromises, total 100% performances by a band that is truly top notch (amazing amazing band). In this day of vanilla music, I'm truly grateful that there are still a few hardcore musical titans to keep me inspired.2. This DVD is highly recommended.$LABEL$1 +Bad quality gloves. I would not recommend this product to any one. Had tears in the seams within a week of using it.$LABEL$0 +Intermatic TN1 Standard Lamp & Appliance Timer. Unfortunately this product does not work as it should on a 50 Hertz voltage system.$LABEL$0 +leaked. i got 2 of those bottles i liked the fact that it was made out of glass because piggies like to crew i was wrong i payed so much money and both of the bottles start leaking right after i start using them i hate it i have like 5 bottles not working in my house$LABEL$0 +Grisham should take a break. I think it's time for Grisham to take a break from writing anddo something else to get recharged. His best work was his first book.The next two were fairly good and different from the first, A Time to Kill. Perhaps if he took a few years off he would come up with an original storyline again. I have read all of his books but I would gladly wait several years for a quality novel.$LABEL$0 +America the Beautiful. A neat book for children over 6. Beautifully illustrated. Makes a child think and react on his/her own. Teaches children to be individuals.$LABEL$1 +You can't argue with Early Church Fathers. Webster takes on a very textbook style in writing his book. He quotes directly from Early Church Fathers who did not believe in the Primacy of the Bishop of Rome or the Papacy of Peter. Although it is not the particular subject matter, it explains well how the Catholic Universal Church evolved into a Dictorial Roman religion packed full of pagan and gnostic theologies.In conclusion, the arguement brought up in Webster's book cannot be ignored, and prominent Roman Catholic Apologists cannot refute the claims made in this book.$LABEL$1 +Pike Street Fleece Sheet Set. Absolutely the worst purchase I have ever made. I should have done a better job going through the reviews of this product and I would have realized how bad they were before I ordered them. Unfortunately I only read the Amazon description. Very bad product-flimsy, thin, definitely not like other micro-fleece sheets I have.$LABEL$0 +Died quickly. With this battery you get what you paid for. It died within 6 months. No short cuts, if your phones battery goes dead, just get another phone, good batteries cost almost as much as the phone and cheap batteries like this one aren't worth the trouble.$LABEL$0 +WOW!!!. I had the pleasure of owning this cd one point and time. This group is off the hook. Talking about voices blending, and not missing a key. I was in Memphis at the COGIC convention and the girls performed at the saturday night concert(at the pyramid), that was my first time hearing them, and I loved their sound ever since then. I'm like a few others, I lost the cd and it has been hard trying to come across another. Amazon or somebody reading this please tell me where I can find another copy. Thanx!!$LABEL$1 +WAIST OF MONEY!!!. I bought these today at our local pet store and they are going right back tomarrow! This was the first attempt to cut my cat's nails and, though she was patient with me, they left her nails jagged and rough. I thought it was my technique, so I tried several different ways and none of them worked! These things cost me $14.99, too!!! I'm going to try the Millers forge pet nail clipper on this site or ebay...which ever is cheaper. It had good reviews and might actually work!!! This product is a waist of money.$LABEL$0 +Abridged!!??!!. Just so you know: the Oxford World Classics edition of LA REINE MARGOT is abridged. Oxford "justifies" the abridged version by saying it's the best known, but I think if MARGOT were as popular as THE COUNT OF MONTE CRISTO, Oxford would spend the extra money to give it to us in full. I understand things like Readers Digest condensing books for the masses, but shouldn't something as scholarly as Oxford World Classics give us the real thing? What about Dumas fans who want to read his stories they way he wrote them? Most Dumas readers aren't afraid of long books, especially if they've read MONTE CRISTO or VICOMTE DE BRAGELONNE(which is almost TWICE as long as MONTE CRISTO). Unfortunately, the unabridged version seems only available in French. But I'm a biggish Dumas fan, so I read Oxford's abridged MARGOT rather than nothing. It's great, Great, GREAT, but a shadow hung over the entire book making wonder what I was missing. What Dumas-esque character moments did I miss? What details?$LABEL$0 +This book is a must for anybody who has a dog.. I'm a Floridian and I have a dog, so I was pleased to find "The Florida Dog Lover's Companion." I now know which hotels, motels and restaurants where my "best friend" is welcome, as well as parks, beaches and other diversions for pooches. Thank you Sally and Robert for writing this book!$LABEL$1 +this game stinks!!!!!!!!. What is wrong with this game! people are all "it is cool" but really it stinks. I mean what is so "fun" about going around and killing things.i hear my friends say "the blood is blue" that is just sick this M rated game turned my friends into jerks because they got all violent. I went to my friends B-day party and thay played this all night! idid not even pick up the controller! I wanted to go home! so dont mess up your brain!$LABEL$0 +Love jack. Am enjoying reading Child's books, but this one is kinda slow, althought it picks up toward the end. Still worth it$LABEL$1 +How to use frontline for cats. Take $70 out of your wallet. Light it on fire. Go buy advantage. Frontline is utterly worthless. I have a 20lb indoor cat who has been plagued by fleas this winter. I won't go into the ordeal I have gone through for the past 3 months. But in short- I followed their directions in case of re-infestation and ended up using 6 month supply in half the time. Not only did this cheat me out of a refund but made my poor cat suffer. I would give it a Zero if I could.$LABEL$0 +Generic "no name" hose. This review has nothing to do with this item's quality. After receiving this soaker hose from Rittenhouse I wanted to return it. There are absolutely no markings or labels with the package that would indicated that this is nothing but a bulk produced, cheap hose. I was expecting the soaker hose shown in this ad's image: "Lawson Osmile Professional Soaker Hose". Only time will tell if this hose holds up any better than others I have tried. As it sits right now it's still coiled up and strapped as I have intentions of trying to return it to Rittenhouse.$LABEL$0 +A Great Series. I bought Sakura Diaries on a whim. I'd never heard of it and I wanted something different. I was tired of the things I watched on a regular basis and wanted a change. So I bought this series and absolutely loved it.It's about a young girl. She's in love with a guy but he's in love with another girl. This is definitely a series recommended to everyone. It's fun, delightful, and wondeful. Especially that you're getting the entire series, all 12 episodes for such a low price. Highly recommended.$LABEL$1 +Isn't what I was expecting. Not many options for recipes since they are all kind of the same. It is just taking all fruits and blending them. I wanted more recipes making balanced smoothies.$LABEL$0 +Don't stand, don't seal!. I did not like these bags for three reasons: (1) they don't seal well - you have to remove the air and then roll the bags down with the twist tie; (2) the bags are oddly shaped and don't stand up in the freezer; (3) THEY LEAK when thawing. I have had more than one bag leak in the thawing process. Those that didn't leak then leaked when I was transfering the milk. I much prefer the Gerber bags. They stand up on their own, the have the ziplock seal and I haven't had one leak.$LABEL$0 +Only slightly insightful. I was very disappointed in this book. Although there were moments of insight offered by this author, for the most part I found myself growing impatient with the simplistic faith perspective that ran throughout. There are many more interesting memoirs to read on disordered eating -- ones that look at the problem from the spiritual side. I am thinking in particular of anything written by Geneen Roth. Then too, there is a whinney undertone to this book that is a little off putting as well. Not that the book is steeped in this, but every so often I felt my eyes roll.$LABEL$0 +Bob create reggae to speak for the people. I think the Marley family needs to listen to Bob interviews and learn that Bob was not looking for quick money and fame, that come to him naturally. Reggae is to educate all people around the world and to bring consciousness to African about our struggle. And the family is just capitalizing on his hard work for a quick profit, and forget Bob and the other wailers hard struggle to be recognize by the international seen hope they will learn and get back to the roots of the people that has not voice, that Bob intended the music to speak for.$LABEL$0 +Ms. Butler delivers again. I love Octavia Butler's work and this trilogy is no exception. The characters are engaging and thoughtful and the author takes the time to explore the main themes of what it means to be human and how human sexuality affects our view of ourselves. There are no easy answers here: the reader can chose for herself whether we as humans would be better off with our violent but independent traits, or left physically dependent on another but in a healthy loving relationship, or relationships, as the author presents. No clear cut answers, which is as it should be, I think.The only reason I don't wholeheartedly give this a 5 star rating is that these books aren't for everyone given the thematic material. I wouldn't recommend them for a younger reader, for example.$LABEL$1 +Dissatisfied. The item that we selected through Amazon was a different set of cards. We received the Sicilian set when we ordered a generic set. This makes playing Scopa more difficult. The seller did not provide any package tracking information, and when received the card box was damaged.I contacted the seller regarding shipping and was provided a curt response.I would not recommend this seller to anyone.$LABEL$0 +A unique view of what it means to be human.. We all have wondered how our brains work, but this bookexplores the subject in a novel and compelling way. Throughcase studies of the more interesting of his neurologysubjects over the years, Dr. Sacks speculates on the needfor language, our perceptions of the world, and how wethink. Stimulating and intriguing, I enjoyed this book andlook forward to more from Dr. Sacks.$LABEL$1 +A business book with a difference. A must for people wanting to be in the web marketing business. Ad. agency people will have to read Marketing.com it's got everything one needs to know about business on the net.$LABEL$1 +CUTE BUT VERY FLIMSY. I already knew that these were not sturdy by the reviews but I figured the price was right so why not, well the pros are they are cute and colorful, the kids will love them, the cons are they are very small, poorly made and flimsy, so if they are strictly for that once in a blue moon emergency they are fine, but for camping etc they wouldn't last 10 mins, and be prepared, they are just a few inches high, to me they were originally meant to be toy lanterns or disposable$LABEL$0 +good enough. doesn't charge and the hooks that hold it in to the ipod have a hard time releasing especiially if the ipod is encased in an acrylic belkin protection sleeve but other than that I would buy again.$LABEL$1 +Overall, not bad. When I first ordered these I ignored some of the reviews I had seen about the shoes and got a size seven because that's what the chart said my size should be but I was wrong to ignore the reviews, the sizing is really small on these shoes so order a size up. Other than that I really like the shoes. The color is great and they are very comfortable!$LABEL$1 +God must be American.... I couldn't relate to this book. If God were talking & wanted the 'world' to read his book ..he'd have given examples that touched a chord with all humans.Seems to me that he speaks Enlish, follows american politics ...and just about everything else falls in to 'eastern theory' or 'eastern mystics'..he should know theres no east ..theres India, theres China, theres Japan..they all have their distinct philosophies.I am pretty certain if God were talking I'd be able to relate to him...Unless of course God wrote this book for Americans...maybe theres book 6 or 7 for the rest of us.$LABEL$0 +This is a good product. The Poise pads .... This is a good product. The Poise pads were small enough that they didn't feel bulky. However, they did a good job of absorbing. I felt comfortable wearing the Poise pads and had no worries about any leakage. I would definitely buy Poise for future use and would recommend them to others.$LABEL$1 +Not so great. This spray kills most ants within 5 - 10 seconds, but does not appear to inhibit further ant infestations. Some family members find the smell of the spray quite objectionable.$LABEL$0 +Fits my 2000 Subaru Outback. I use this on my 2000 Subaru Outback. My stock oil drain plug was getting a little beat up, and this is a perfect fit replacement. This also fits the transmission drain on my car. The plugs are the same.$LABEL$1 +I used to somewhat like this band..... but it just gets kind of old, this album has a few gems, and the rest is just screaming and pure noise. the best songs are the ones where there is actual singing in it, it provides a good mix and a change of pace."Wait and Bleed" is by far the best song on the album and i never seem to get tired of it. "Surfacing" is also pretty good along with "Spit it out" and "Me inside"(Although a little too short.The rest of the album is just a bunch of incomprehensible screaming, deafening guitars, a couple of clowns(literally) hitting trash cans and a drummer thats so good he really seems out of his element.$LABEL$0 +This really is the canine's privates. I bought this book when I first started on my Music Technology degree... I'm now just finishing my final year project, and I have to tell you... this book has been a fantastic help. Quite a lot of what is contained within is more information than I've needed personally, but if you have a real interest in the nitty-gritty of sound synthesis, then this is the book for you. Fantastic. You can hear how this book has helped my band by visiting www.groovedealer.com and checking out our mp3s. Also, we have free soundfonts available for download... so come check us out.$LABEL$1 +"Under The Pink" is her overall best.. I remember in 1992 when "Tori" released her debut, who knew how long she'd be around. It's good to have her here 12 years later. In that span of time, I believe this is my favorite of hers. It's not the most consistent, but still very strong. Included are three of her most popular songs "Cornflake Girl", "Past The Mission", and "God", which I like the most. However, they're all good, and each have something different to offer the listener. A new fan may just want to get her recent "Tales Of A Librarian" collection, but for "Tori Amos", I think 1994 was "A Pretty Good Year".$LABEL$1 +Not Large Size. Product quality is good, but it is a Medium size item and definitely not Large as advertised.$LABEL$0 +Uneven bevel. The jaws were ground unevenly and don't bite against the pivot. I have to move it to the tip to cut a wire.$LABEL$0 +Great Phone. We are using this phone in a small medical office with three stations and three lines. Sound quality is excellent. It also integrates easily with other equipment like "on-hold gold".$LABEL$1 +Pretty good. I like that this metronome is fairly loud (there are still times when I'm playing with my piano trio that we can't hear it.) But for personal practice, it's definitely more than adequate. I like the tone of the notes for tuning to. Another small qualm is that the speaker is on the back of the metronome. It's nice to have the temperature and hygrometer, but a friend who has this metronome told me that he has to put new batteries in it all the time. I've had mine for only a month so I haven't experienced that yet.$LABEL$1 +Arm Saver. This is a great little kitchen tool and I am now sending them to family and friends. Does just one job - pops open sealed jars that don't twist open easily. I have MS and weak arms so most jars I can not twist open any more. I also have "band" openers that work too. But this little gadget just sits in the top drawer and is quick to grab and use. I rate this 6 out of 5 stars. Hint - combine with other items for the $25 free shipping or it is too expensive alone.$LABEL$1 +No more being left behind!. The pet stroller is so much fun! I strolled a 5K with my 13 year old scottie and we had such a great time! He loves the action but just can't walk that far anymore. The stroller was very easy to assemble, folds (fairly) flat for storage and transport, is tall enough that I do not have to stoop like with some baby unmbrella strollers and the wheels are large and agile enough to handle a variety of "road" conditions. It's terrific.$LABEL$1 +Extremely disappointing!!. Daphne Bennett wrote the best biography of the Empress Frederick - "Vicky" - and everyone should read it, as opposed to Pakula's book which is a pale and anemic and boring imitator. Pakula just can't organize her endless material and make an intimate and involving story out it. She has basically rehashed Bennett's book and added a ton of mother-daughter letters which are eternally cumbersome and difficult and slow down the flow of the book. These letters seemed to be simply dumped here and there and would have been best summarized. Pakula makes history quite an ordeal!$LABEL$0 +Caution - This may not be what you get. I am a big Star Trek fan and a big Amazon fan so imagine how pleased I was (after having bought this calendar way back in August) to see that this looked like a totally different cover for the same year (2005).However, when I recently received the calendar it was the same white background as the one I had purchase several months ago. I have contacted Amazon customer service and they could not yet determine if there are indeed two different calendars. They are investigating. In the meantime, I thought I would enter this review to keep other Star Trek "nuts" like myself (who absolutely must collect ever different calendar) from making my mistake.I will update this review as soon as I get a definitive answer from Amazon. Until then...CAUTION...what you see is not what you get!$LABEL$0 +Zoom H4. As a musician, I have found this handy recorder to be a very fine recorder with multiple resources for recording. It is also has many resources that you find in good recording studios which you can use to make quality stereo and 4 track recordings. It is very important that one read every word of the instruction manual many times in order to understand this device and make good use of all its resources. The quality of the recordings I have done so far is excellent.$LABEL$1 +Comments that are not specific to the item's content may not be posted on our site.. As a dummy, i found this book written in a condescending and haughty tone. Where are the pictures of 50ft women?$LABEL$0 +low budget/high aspirations. I have no objectivity. I wrote the script for this movie. It was so much less than it might have been. And yet, Ray Sharkey (in one of his last roles) brought something to the character that no one could write, something deep and tragic that almost saves the film from "compleat scrap-heap". Hard to find, and expensive, no video library is complete without it. RVC$LABEL$0 +Awful. bulbs blew after 4 months, can not get into back to replace. NO technical support. Waste of money, very upset$LABEL$0 +Not A 'Complete' Dictionary. I purchased this Dictionary for my daughters thinking it was a thorough complete dictionary that would meet all of their needs when searching for a word. I have recently come to learn that this book definetly falls short of a complete dictionary,..as it simply does not contain many words you would find in any other complete dictionary. Several times my children were searching for a word and gave up not being able to find it in the book, so I had to get MY dictionary so they could find the definition! Very disappointing!$LABEL$0 +Surprisingly Disappointed. I am the biggest fan of Jonathan Butler however, this CD is not his best work. "Do You Love Me" as well as some other work in the past has been so outstanding that I was really disappointed with "Story of Life".I was expecting more great ballads like "Do Love Me", "Life After You", and "Lost in Love".$LABEL$0 +cute lunchbox. This is a great lunchbox, cute pattern, completely waterproof and easy to clean/wipe down and it is not too big or too small.$LABEL$1 +I was bored!. I didn't much enjoy this book. The hero was way to whiney and wordy, and the heroine was waspish - and what is with her infatuation with the dog? Another thing I didn't understand is why the hero kept all the staff at the manor. He should have sent them away. Both the hero and heroine were thoroughly unlikeable.$LABEL$0 +File under BUSINESS, not MOVIES. Do you love movies, or do you love backroom business gossip about the movie industry? If it's the former, skip this book.Movies could just as easily be widgets in this repetitive, uninteresting chronicle of Mirimax and Sundance. They are secondary to the details of executives and business deals in this yawner.Imagine having seemingly unlimited access to some of the greatest film makers of the 90's, and all you can come up with is what hardnoses the Weinsteins are. Don't stop the presses.$LABEL$0 +An "eye opener".. I decided to buy this book to have a different, more esoteric view of music. If you desire to view this theme on a natural or more scientific perspective, this is not the correct book.An author who poses himself like THE ALL, writing as if he knew the distant future, as well as pinpoint our erroneous conceptions of how we see music to-day (which he does), can give a very interesting perspective. Yet, interesting perspectives must obviously provide the perspective which is at stake. One cannot just pose the question and then evade the answer by writting something as shallow as, "you will find the answer as you evolve as a race"....A sad-hungry hippie wrote this book. Yet I must admitt that it is an excellent midnight-bathroom book!!$LABEL$0 +Great Source of Information. It is a totally comprehensive book detailing the observations Dave Pelz has made from his schools and from his engineering studies of how a golfer can putt successfully by learning the feedbacks necessary to understand the mechanisms of putting. His "tools" can be made easily. There is a wealth of information, well presented, and informative pictures!$LABEL$1 +Good cable for cheap. it does its job , what's important for much cheaper than Microcenter or Best Buy.$LABEL$1 +Easy Read and High Value. This is another great book by a great author. It was easy to read and also implement suggested meeting styles. I recommend visiting the author's website to get additional handouts.$LABEL$1 +Fantastic Workout !!!. As a FIRM fanatic for the last 3 years, I had to take a moment to share my opinion on this DVD.Allie, in my humble opinion, is the very best of the FIRM instructors at preparing the user to smoothly run through the workout without a level of sheer frustration. She gives you proper form, breathing recommendations, and a smooth transition throughout this workout.You never stop moving from one set of weights (if not a beginning) to another to work different muscle groups. I have only used this DVD once, so far, but I already know that it will become a well used workout.Well worth the money and time!!!!$LABEL$1 +For kids or not?. If you love golf, you can't go wrong with this title. Very realistic golf. Very beautiful golf. Did I mention this is a golf game? Unfortunately I do not like golf. However, at least I can recognize a decent game. This is truly a decent game. Not great, but not terrible.Bottom line: Is it fun? yes, if you love golf. Will I keep it? Nope. YOu have to love golf to do that. Is it for kids? Nope. Too slow, and too many controls.$LABEL$1 +attractive lights--excellent seller. While solar lights have not yet been "perfected" as far as the light they emit, these particular ones are the brightest I have purchased in years. The look great, are pretty sturdy, and the seller is terrific as I had a small concern and the seller contacted me immediately--I would certainly buy these again as path lights--$LABEL$1 +Hard Rock Suckage. I saw these guys per chance during this tour. They played Horde for some unknown reason. With all the hype that surrounds these schlemiels, i can't get over the played out rock poses of Mr. stapp and the atrocious penchant for writing tunes that are only enjoyed by those who drink PBR in a smokey hick bar. Rev up your truck, grow your mullet and move to the sunny coast. I will give them two stars based on the fact that all of thier songs sound the same, but don't necessarily make my ears bleed.$LABEL$0 +Unique Classics. Considering the technical limitations of the period during which these jazz treats were made, you may be surprised at how good they sound. They aren't as good as you would find on a vinyl LP but when they're matched with the visuals, they are probably the best you can get for the time, which seems to be about the 1940s and 1950s.Lovers of earlier big band will revel in some of the unique features of many of these numbers. Solos on bass clarinet and valve trombone, a song/dance rendition of the classic "Bli-Blip" which you may never get tired of, and Lionel Hampton's piano magic on "TV Special". You can be forgiven for not knowing that "The Hamp" played piano too. The second half of this DVD demonstrates what a sensational bandleader and entertainer he was.And finally, if Ray Nance's broad grin at the end of his violin solo doesn't lift your spirits, you may need professional help.$LABEL$1 +the brat pack. it is the best collection i purchased because of the 3 movies and the music compact disc that comes included. thank you raul$LABEL$1 +Disappointing. I actually liked this BT, but those I talk to don't. This thing picks up every bit of back ground noise. Bustling with paperwork comes across louder than my voice and prompts a "Ahh! what is that!" response from the person on the other end. Although it's light, it doesn't settle into my ear well. After about 20 minutes, it has to come out due to the sharp corner poking into my ear. I've broken two of the ear loops. Not really usable unless you're in a quite place.$LABEL$0 +Big disappointment. My fifteen year old is using this book in LAUSD high school so I was confident that a book by an old Exeter professor would be more than adequate. I was wrong. Had Brown walked into an Exeter classroom with this book thirty-five years ago we would have nailed him spread eagle to a Harkness table. I bought my kid a copy of Weeks and Atkins, the book used by my prep school teacher Arthur Weeks and Brown himself when he taught at Exeter.$LABEL$0 +Ott Floor Lamp. I purchased this lamp because it looked like it would fit into home decor and not look so industrial. I use it for doing quilting and it's wonderful. The tiny stitches really show up well under this light. The lamp is beautiful and has a clear non-glare light that is easy on the eyes. I had been shopping around before I purchased it and Amazon had a great price on this lamp. It's hard for me to sit anywhere else in the house to read or do needle work now. My favorite place is by this lamp!$LABEL$1 +Amazing!. I am the sole owner of a book and DVD sales company and a lot of the other tape I have used from other companies, this is by far the best tape I have used in a long time. It is a cheap price but a good good quality. I would HIGHLY recommend this for any shipping company.$LABEL$1 +Read Memories of a Catholic Girlhood instead. I love most of Mary McCarthy, but in my opinion, this is her weakest book. It covers basically the same territory as Memories of a Catholic Girlhood, which she wrote in the 1950s. Here, however, there's little trace of her signature, tightly-wrought style. Instead, the style is baggy, with convoluted sentences, chatty asides, digressions within digressions, and endless lists of books she read, names of friends, etc. As a result, I often lost track of the basic story - which, after all, was the exact same story she had already told in Memories of a Catholic Girlhood. I'm rather confused as to why McCarthy wrote this book at all. Given that she had already written a detailed memoir of her formative years, why not just skip ahead to the mid-1930s, the subject of her unfinished "Intellectual Memoirs"?$LABEL$0 +Not That Good. I have been purchasing NBA Live since the Sega Genesis days. I waited anxiously for the release of 2000 expecting a stellar game due to new competition form the Dreamcast, I was very dissapointed. The game is better in part due to the old classic teams and the MJ one on one but the graphics I belive actually got worse if you can believe it. I think they spent too much time focusing on the teams and MJ and the graphics suffered. NBA 2K on Dreamcast is ten times better, they really took the time to make that game realistic, EA slipped on 2000.$LABEL$0 +Easy to understand, lots of fun.. My son absolutely loves this and our youngest daughter is intrigued. I guess I have the older version. but this is great game for kindergarden and below. I guess the newer model its not as loud. that is the only knock i have on it, if someone in the room wants to watch the boob tube and not read subtitles or wear headphones.Its fun and my boy doesn't get upset when I beat him, he understands luck is involved. We repick our color right before we start each game, so that don't subconsciously cheat setting up the next game.$LABEL$1 +Super Duper.. I just had to throw a good 5 stars for this album. These guys have always been good and, having lived in Lawrence and attending KU, the only thing I regret is not attending while they were forming and playing up there! Road Rash forever!$LABEL$1 +one of the most tiring books I've ever read!. I am sure that after the great performance by Tom Hanks portraying Forrest Gump, everyone is dying to hear of a sequel to the movie. Gump & Co. brings that to the readers except Forrest's life does not match up to the life of Forrest from the movie. Forrest isn't having the best time of his life and he needs to survive all the hardships being thrown to him. Reading the book is suppose to give you the sense of reading the continuation of his life. The past references that Forrest makes in the book are not equivalent to the movie itself. In the movie for example, his long time sweetheart Jenny was buried under "their tree" in Forrest's backyard. In the book, I really wanted to put the book down. Some parts just didn't make sense. The movie and the novel were two entirely different things. I highly do not recommend this book if you are interested in reading a sequel to Forrest Gump. Just wait for the actual movie sequel.$LABEL$0 +great jacket. awsomr jacket been on a late season ride in ny with it kept me bice and warm has held up to my son and my 3 dogs and not a single problem$LABEL$1 +what a sham. I was ready to boogie to all the fabulous records they have listed using the artist who originally sang the songs but when I started to play the cd it was singers attempting to sing the songs. I was horrified to find out that the product was not as listed. they should not be able to get away with misrepresenting their product. I was very disappointed.$LABEL$0 +It's a Classic. Hygeia was published a fair bit ago--1979. It's a classic in the field of woman's herbalism. And it is 'way before its time if you consider that mind-body-spirit medicine is much more accepted now than before. Jeannine seems to bridge that gap in Hygeia well before others did. Prepare yourself for a relaxed, extensive journey into herbalism and philosophy written in Jeannine's trademark style.$LABEL$1 +Marx Brothers Silver Screen Collection. How disappointing. The rating is not based on the films- four of the five films are incredibly fun and full of lunacy- it is Universal's half-hearted effort that is really a let-down. For that studio to re-release them in no better condition than they were in the late-90s releases is insulting. No effort was made to find better film elements, the extras are pathetic (they would've been fine as part of a larger collection of extras) and "Duck Soup", one of the top 100 American Films of all time, doesn't even merit a commentary track!Compare this shoddy work with MGM's labor of love from earlier this year on "A Night at the Opera" and "A Day at the Races", and Universal's effort looks darned poor.Universal needs to hear from Marx Brothers fans, too. The Brothers deserve better and so do we.$LABEL$0 +ehhhhh. I was REEEEALLY excited when I received my copy of this album. I took it to my car and started listening with the system blasting. I found myself pressing "next track" more than loving the music.It's definitely unique. Some of the songs are REEEALLY good, but the rest make up for it. Ugglor|Mossen might be one of the best songs I've ever heard. The rest of the cd can't compete though. The reason this album earned 2 stars is because this song is on it.I've reviewed a number of cds and box sets... if it's great GOA you're looking for you get you movin and groovin, go other places. It may be a great album for some of you looking for a unique sound that unmatchable (like I thought it would be), but I can't say I'm satisfied.$LABEL$0 +FUN!!!. My son received these blocks for his 5th birthday and he has had a lot of fun with them. They seem to be a very sturdy and solid toy, considering they weigh nearly 20 pounds! Even my three older girls, ages 7-11 were down on the floor playing with them and having a lot of fun. Thanks Melissa & Doug for another great toy!!!$LABEL$1 +Pretty Solid. Plastic wheel and the line coating came melted in a spot. Pretty nice though works great and is holding down my 60lb husky just fine.Edit: I am changing my review due to an incident Yesterday. the small cable that hooks to the dog broke. My husky is currently missing and has been since I got home from work yesterday. I spent 4 hours looking for him and will spend more time after work today. I hope we find him and he isn't hurt.$LABEL$0 +We enjoyed it!. Awesome seeing all these action stars together!!! It was gut ripping gun fights thru the whole movie, but worth it to see these guys together!$LABEL$1 +Out of the Race. TWICE SHY by Dick Francis is an off day at the track. Jonathan Derry is a nice enough young physicist who acquires some musical tapes, which are in reality a fancy computerized betting system. But in the world of computers a hiatus of fourteen years doesn't work and neither does the change in narrators.Add TWICE SHY to your collection by all means, but try WILD HORSES for a trip into the power of Dick Francis.Nash Black, author of WRITING AS A SMALL BUSINESS and SINS OF THE FATHERS.$LABEL$0 +Just alright.... The game has fairly good cartoonish graphics for the time it was made. The voice acting is clique but serves its purpose for the game style. Plenty of war materials to get anyone happy. The biggest issue is the controls. They are hard to get use to and some what clumsy. It didn't feel natural to move and conduct basic movements and commands. After a while I got tired of it and simply put the game down. I don't any intention of ever playing it again. Just not worth the time.$LABEL$0 +Statin levels. Based on what I have researched/read each pill in this formula should contain 3.4mg ofLovastatins, (Icluding monacolins KA form).The FDA will not allow these companies to print this on the label. They want everyone reliant on large pharma. This formula was tested and contained no mycotoxin citrinin (thought to cause chronic kidney disease in the Balkans where this toxin is found in high levels) a dosage of three pills a day should be a good start and is the minimum effective dosage shown to work in clinical trials.I would also recommend taking a CoQ10 supplement like Q-gel which is solubilized in polysorbate 80, for excellent absorption.$LABEL$1 +I Gotta Go is GREAT!. I saw these I Gotta Go potty training reviews and had to go buy one for my son. I LOVE this DVD! The concept is great. I never thought children (and parents!) could have fun while potty training. There is no stress for my son or us.He does not want to wear diapers anymore. The songs are so cute, we all sing them.I am glad we bought the DVD, the tape would have been worn out by now! I recommend it to anyone I know who is potty training their children!$LABEL$1 +Isn't comedy supposed to be funny?. If you lined up all of the humourous material on the 2 CD's, you'd laugh for 5 minutes. But those 5 minutes would be F**king hysterical. Funny in places but very diluted.$LABEL$0 +a little light reading. This is Nepal as it was in the 80's A throwaway novel, when compared to his masterworks like the Mars Trilogy, this entertaining read is highly recommended for anyone who has trekked [or dreams of trekking] in Nepal. He evokes the Kathmandu of the late 70s and 80s perfectly - from named restaurants and hippie highpoints to the bustle, muck and medieval layers of Kathmandu and its environs. Descriptions of the town and trekking the nearby mountains ring true, although the plot itself is too thin to support much examination. It's a fun book, in the style of The Ascent of Rum Doodle.$LABEL$1 +A bit thin and oriented to the big end of the scale. What I didn't realise when I ordered this is that it is an publication of a US kennel association. It is a slim book, gives a good, realistic overview of kenneling from a management perspective, and is a good thing to read if you need to decide basic questions like "is the kennel business for me?" and "what are the main issues in kennel management?" Its orientation is toward large kennels (65+ dogs) in the US. For someone like me, who is thinking about a small kennel in Australia, it was interesting, but not really worth its pricetag.$LABEL$0 +No mention of diabetes?. Not to oversimplify, but if a guide to dwarf hamsters doesn't mention diabetes - a *huge* issue with the Campbells variety - then assume it's flawed in other ways, too.$LABEL$0 diff --git a/text_defense/206.Amazon_Review_Polarity10K/amazon.train.dat b/text_defense/206.Amazon_Review_Polarity10K/amazon.train.dat new file mode 100644 index 0000000000000000000000000000000000000000..7f117290929d45ccdb446c38a10d6631792611ab --- /dev/null +++ b/text_defense/206.Amazon_Review_Polarity10K/amazon.train.dat @@ -0,0 +1,8000 @@ +Hayden cooler. This product worked well. Came with all the parts I needed for my project. Easy install and it worked. I will buy another in the future if I have another project.$LABEL$1 +This book was very interesting.. This book although it started out slow was one I would recommend to other readers. It tells the life in detail of a young girl who became a woman before her time. Anyone who thinks he/she has a burden that you will never over come just read this book, after hearing about Delorise life yor problems will feel much lighter.$LABEL$1 +Holland 1990. To the extent that a Nomeansno show was exactly like a spiritual revelation, this cd is the resurrection and the life.While everything about Wrong is right, some of these songs, especially What Slayde Says and Victory, are about the finest versions of these songs I am familiar with. They distort and mess with your expectations. The vocals are totally clear. I gets to shakin'.When I put this on tonite, I had just forgotten how good it was. It's like a perfect Nomeansno show, and I ain't apologizing for it.$LABEL$1 +Great product and value. I am very pleased with the CD and the fact that it is in great condition. Great value and very timely service.$LABEL$1 +great book. i got it for a friend since he was joining the marines and he needed to study so this was my going away present for him and he loved it i wish this guy the best$LABEL$1 +Great for sweaters. These are perfect to hang up sweaters and t-shirts. Exactly what I wanted. No more wrinkles from folding and putting them in a drawer$LABEL$1 +Tough but enjoyable. It's a tough workout, especially when you first begin. But it helps you sweat and you feel like you've done a lot after. Not bad.$LABEL$1 +Regression. I wasn't sure how this cd would work. I bought it with my fingers crossed that it would. I live in a place where therapists don't offer this sort of thing. So, it was my last resort. I've tried it 2 times now and both times, it worked! My body was put into deep relaxation...not sure my body has ever been so relaxed!One thing that many don't understand about Past-Life Regressions is that you see past lives and you see the death. It can be a very educational thing for us as long as we don't view this instance as a part of our current life. There is separation there and it needs to be there. If you see yourself in a way that is painful to watch, it's okay. Learn from it. Move on. There's no reason to claim any of the emotions or instances as your own now.Past-Life Regressions can help us recognize those parts of us that we don't quite understand. Relationships, hobbies, little quirks, habits etc.$LABEL$1 +If you like suspense movies, you are going to love this one.. This is the best movie I have ever seen. Even though everyone dies at the end, I still get a sense that those guys are still running around the woods looking for the Blair Witch. The camera is used masterfully with not even a hint of bluriness . Go see this movie, I would give it my highest recommendations. Two thumbs up!!$LABEL$1 +Died in less than three months. I bought one of these locally. Sound quality was okay, but not wonderful. I mainly used it to charge my iPod Video, and for that it worked fine.That is, until is died for no reason what-so-ever.My opinion: it's junk. Look elsewhere.$LABEL$0 +Not user friendly. The concept of this product is very good; but the installation is not user friendly. Perhaps it would be easier if the instructions were a little clearer. I like to think of myself as a pretty handy person, but not with these gadgets. I actually gave up and will be returning the item.$LABEL$0 +Bonsai Buy!. The book was an old book and I bought it from the Salvation Army via amazon.com. What I was looking for was the section that identified the plant and then goes on to describe each plant's attributes, needs and care. It will save me hours of research and the information is still the same as if it were a brand new book. Bonsai Buy!$LABEL$1 +Didn't work for me.. This book had a lot of good ideas. They simply did not work for me. My son did not want to sleep unless he was being held. I ended up doing a modified Ferber: we let him cry for one minute at a time. It took two weeks, and now I have a baby who goes down to sleep smiling at seven pm, and wakes up smiling and happy at six am.Try this book first, but if it doesn't work, don't blame yourself. Every baby is different.$LABEL$0 +Get Real And Stop Making Crap Like This. A movie about a drug dealing rapper...Gee, wonder why I'm not interested?$LABEL$0 +not worth the money. sure this thing might work if you can stand having that tight thing on your leg all night... I tried it for 10 minutes and was so uncomfortable with that just being on my leg. I"m also so restless that I flip from one side to the other so I think the pillow is my best bet... The size was spot on but when your trying to sleep you don't really want anything constricting on you, it wasn't really all that tight but it was awkward.... I can't imagine putting that thing on every night...$LABEL$0 +Don't waste your time. Bob Marley was the King. If you want to hear his music listen to his music...by him. These people have talent but don't need to show it doing bad versions of Bob's songs. Go get the real thing...If you got it all then listen to some new original music by "Onyan Art"...'Hurricane is coming'.$LABEL$0 +Two Minutes Silence is the ONLY good track on this album (should have been released as a single). And indeed, it provides a welcome relief for weary listeners struggling their way through this horrendous monument to artistic vanity and pretentiousness. I cannot imagine there are many who've honestly listened to this pseudo-art more than once all the way through. The only role this album plays in music history is to serve, like the Wedding Album, as a dire warning to all of how awful the results can be when artistic pretentiousness prevails over good judgement and true creativity. I'd gladly listen to an album's worth of 'Two minutes Silence' rather than just two more minutes of this nauseating tripe.$LABEL$0 +Grandparents that are not close. I think that this is a great book to communicate with my grandchildren that live far away.I first saw this postcard book in the Cape a few years ago , but didn't buy it at that time and was searching this year for it when we were at Cape Cod and couldn't find it so then I thought that Amazon must have it .And they did.$LABEL$1 +Zzzzzzzzzzzzzzz!. I admire the intrepid readers who were able to slog through this tedious book long enough to form a conclusion as to whether Sickert was or was not Jack the Ripper. I'm willing to take Cornwell's word for it. Just don't ask me to try reading the book again.$LABEL$0 +Great quality book. I agree with Suzanne's review of this book. I also purchased this for my son, and he really enjoys it. Really, really well made with very thick pages. Multiple textures and colorful illustrations. My only complaint would be that the text is a bit boring... "this big truck has a shiny red door"... "and this big truck has bumpy wheels".. (etc) Otherwise, I would give it 5 stars.Really good value for the price though.*** Other REALLY good touchy feely books are "Dinosaurs" and "Mermaids". (also by Usborne - Fiona Watt/Rachel Wells)$LABEL$1 +Fairly superficial. If you are looking for an overview of the causes of infertility, or are newly diagnosed with infertility, this might be a useful book. If you are an infertility patient you probably already know most of what is in it - for example it covers the testing that is done to determine causes of infertility.If you are looking for a really good explanation of how your body works, and how you can maximize your chances of getting pregnant, get Toni Weschler's "Taking Charge of Your Fertility". It's much more thorough and complete description of how you can increase your chances of getting pregnant.The section on mind/body is really stress reduction techniques, which are available in many other places. Infertility causes stress, and stress aggravates infertility, so stress reduction and coping strategies matter. However, buying a book on meditation will give you a much better introduction into how to use and apply the techniques described here.$LABEL$0 +War Horse(Blue-ray). I bought this move to add to my collection of DVD's. It is a wonderful movie and there is no way to describe the difference between regual viewing and Blue-Ray.$LABEL$1 +Very nice.... Smaller than I thought, but very witty and it goes with my red and white kitchen. Guests think that its cute lol.$LABEL$1 +this has some very good original/traditional songs. this is a very good christmas cd. christmas rock,santa's gonna take it all back are very crappy and the total opposite of what christmas is all about and hot rod sleigh just sucks.....BUT.... the rest of the cd is so good that it makes it worth having to program out those songs each time you play it. Bethlehem in Birmingham, what made the baby cry, and Jesus gets jealous of santa clause just might be some of the most beautiful christmas songs ever written.$LABEL$1 +Works well but not perfect.. It worked well but there seemed to be some problems with taking my settings. Most of it was solved by Logitech's excellent tech support so if have any problems give them a call.$LABEL$1 +Amazing, simply amazing.. I heard a large sum of reviews claiming the picture quality was quite low for this box set's episodes. And after so many claims, i waited a month until i bought the blu ray, hoping it would be fixed. I have watched every episode in awe, the picture quality is absolutely perfect. I think that its safe to buy this blu ray now, since funimation must've fixed whatever was producing the low quality episodes before. Not only are the episodes amazing quality, the font of the subtitles has a fresh new feel, that for some reason, makes reading them feel a lot more in touch with the episode. (I guess you have to see it yourself to get what I mean)The boxing case is just incredible,the holographic cover is the biz! It even comes with 4 high quality poster cards.This is a must buy, and make sure you buy the second box set in august, as it holds some of FMA's greatest moments.$LABEL$1 +50 bucks and it works great.... Used many other shavers but this one works...I was going to buy the high-end version for a lot more, but then I found this and glad I bought the reconditioned versionUse it everyday on my way to work for about 3 months nowIt has already paid for the amount of 3-blade razors that I used to use, but without the razor burnThe only drawback is that it does not get every single neck hair...thus I carry one of my left over 3-blade razors and use that to get those 2 to 3 remaining hairs...At this point I am not even sure why you NEED the cleaning...I just click open the screen, turn it on for 3 seconds outside my car window...and I'm done...then every week or so I use that cleaning brush thing when I am recharging...Items like this is what Amazon was invented for...$LABEL$1 +NOT ORIGINAL DVD, BUT COPY. THIS DVD IS NOT AN ORIGINAL, BUT A COPY OF IT. I RECEIVED AN BLANK BLACK DVD BOX WITH HANDWRITTEN NAME OF THE MOVIE ON IT. WEN I OPENED THEBOX IT HAD A BLANK DVD WITH NOTHING WRITTEN ON IT NOW ANY PICTURE ON IT. IT WAS POSTED AS VERY GOOD CONDITION ANDI DID NOT PAY FOR A CPY OF HE MOVIE.$LABEL$0 +This is a wonderful series. I really have enjoyed this series, I am now on the return to red river of the north series and yearn for more and more about these characters...Lauraine is a wonderful writer and although I am just now reading her books I am throughly enthralled with them...$LABEL$1 +A well-constructed mystery.. This is one of Christie's most interesting novels. Don't be surprised if you can't put it down!! You will be quite surprised at the ending and kicking yourself for not guessing whodunit! My hint to you--listen to the description Christie gives about the mind of a murderer, and then try to pick which character matches.$LABEL$1 +What a disppointment. I was thrilled when they came out with "Ride Again". It was the Aces from the old days. And "Out Of The Blue" gave us some good new material. But this one was a real disappointment. I should have guess by the title that it was a live album - recorded in concert, and it sounds like it. Not only does the music sound dead, and sometimes muffled, but the group sounds tired. I was way excited about hearing some of my old favorites in CD quality, but no such luck. Come on guys, do another "Ride Again". You can do so much better than this.$LABEL$0 +Sound Blaster Audigy SE. The Sound Blaster Audigy SE has been around for a long time which to my mind is not such a bad thing. For the price when compared to on-board sound it represents good if not great value. So if you have a little PC upgrade knowledge, a few dollars in your pocket and listen to music / video on your computer go for it.$LABEL$1 +Funny...for 30 pages. This book was funny...for about 30 pages. But after that, the story of these self-centered, materialistic, and shallow people just became repetitive and sad.$LABEL$0 +Made in Thailand. Just purchased this item in white. Was so excited about buying what I thought was a French made stock pot that I didn't think to check where it was actually made. I tipped the box over and saw that it was made in Thailand.After finding this out and reading some of the negative reviews, I will be returning this not-so-French stock pot.$LABEL$0 +Reliability Problems. My AVR 347 was wonderful at first, but shortly after the warranty expired, it start to fail. It would occasionally flash "Protect" on the front panel then shutdown. Originally, the receiver would do this every few hours, but now, it won't stay on for more than a couple of minutes. I sent it in for repair, but after spending $100 at an authorized HK service center, it still has the same problem. Searching the Internet, I now find that many other owners are having the same problem. I caution anyone considering a Harmon Kardon receiver to look into the reliability problems before making a purchase. I can assure you that my next receive will not be a HK.$LABEL$0 +Strength and Sensuality. Oreet's bellydance is one of the best dance workout I have ever encountered. I feel like a different person each and ever time I workout with her video. I have much more confidence in myself as a woman. Loving everything about my body this dance is all about celebrating and liberating myself as a women. It's a self-esteem video for whatever insecurites that might have entered my mind. Thanks Oreet for making a difference in the way I see myself. When I workout I become a completely different person and now all my friends are fascinated which is a good thing more sales for your tape. Oreet without knowing... you are great inspiration to me...$LABEL$1 +Hee Hee Hee....CAMP!. This is a campy low budget witch film. Decent acting...campy plot. If you don't expect oscar worthy anything, then you'll enjoy this one. Especially if you and your slightly drunk friends can add witty commentary along the way.$LABEL$1 +Misrepresentation of Book and Poor Customer Service. This seller misrepresented his book. It was in poor quality and also torn due to mailing in a regular thin envelope. Due to the weight of the book, it damaged the cover.I am still waiting for the refund on the book after mailing it back on June 29, 2010 and today is July 19, 2010. He sent me back the $5.00 shipping charge but not the cost of the book.I do not recommend this seller to anyone. This is the worst experience that I have had with an Amazon book seller.$LABEL$0 +Well written, a must for anyone who aspires to climb Denali. Sherwonit has written an interesting history of the expeditions on Denali. It is not a "page-turner" but anyone interested in climbing will appreciate the stories of successful and unsuccessful first ascents, first winter ascents and first solo ascents.$LABEL$1 +A good movie based on a good book. Everyone in my family read the Da Vinci Code and enjoyed it. A movie - well maybe. So often good books just don't make the transition to good books. This was the wonderful exception. The casting was well done - some well-known stars and some new faces. The locations were perfect. Again, some familiar tourist sites and some really great new places.The extras on the DVD were really neat. I especially like the short about Dan Brown and the director getting together to put cryptic items in several scenes to act as pointers to what was really going on. I had missed most of them, but that just gives me another excuse to go back and watch it again.Hope everyone else enjoys this movie.$LABEL$1 +A Superb Offering!. King Diamond comes through with an outstanding album with Puppet Master. I got to see the opening night of his tour in Hollywood. It was a fantastic show. This record provides the listener with another excellent story and awesome music to boot. I love House of God and this one is as good.$LABEL$1 +Ponderous, plodding, weighty. As a former employee of Bank of America, NT & SA (the REAL Bank of America), I bought this to see how the old Bank could get so taken by this guy. It confirmed what I'd already suspected, that the old BofA's wimpy management at the time was no match for this operator. Unfortunately, the book is pretty light on the merger details. It does contain some glaring errors about the old BofA.The book is way too long, and is essentially a big valentine to Hugh McColl. Thankfully, I bought a used copy.It should be titled, 'A History of Banking in North Carolina and the Deep South.'$LABEL$0 +THE BEST OF POP. This is Paulina Rubio's great work of art. She blends all kinds of rhytms, lyrics, and feelings that make of BORDER GIRL an excellent album worth buying it.My favorite ones are UNDENIABLE (recorder part in NY and part in Oslo, Norway), THE ONE YOU LOVE (That's PAULINA's seal), THE LAST GOODBYE (a "ranchera-hip-hop?" in English???). Yep, as Paulina says: "There are not rules when it all comes down to pop music."This album is way better than Shakira's, honestly. Buying this CD will be the best thing you can do. This is such a great album. Five stars for Paulina, who has done it again.$LABEL$1 +TexasLily. This is the first time that I have read the author Patricia Rice. The story flowed at a good pace and kept my interest from beginning to end. Liked the characters. I would definitely consider reading another Patricia Rice Historical Romance.$LABEL$1 +great book, but one ethical issue. How it could be possibly be ethical to charge $52 dollars for a 98 page paperback is just beyond me. Was there a shortage of cardboard and binding tape? Acedemics- sure, but it's ethics, not biotechnology!$LABEL$0 +Huge disappointment!. I work in a library and have read other books about Mary Jemison. I was really looking forward to reading this book. It was quite a disappointment. I borrowed this from our Main Library since my branch's copy hadn't arrived yet--boy, am I sorry I wasted the Library's money! I think it was half the style of writing and half lack of information. Not very entertaining at all. If other poets write fiction like this, I'm not going to even try to read them!$LABEL$0 +Another way of looking for the gap in history. The book was interesting. A short novel,with a different kind of look at pre history. The author tells you how it might have been after the Time of Atlantis,and before the time of the flood. When demigods were roaming the world in place of terrorist, and when mankind seemed be in the dark ages of prehistory. Sinned the first person of the story speaks to you as if you were his sidekick. Very well done. The Tiamat, could surely be a real character, now and then. Julia$LABEL$1 +Fox Mobile Base Much Improved. The steel wheels make this a "buy," but be sure to order the matching rails if you need the extensions - the rails offered by Amazon were for the "old" Fox base, and at much greater expense I had to purchase these rails from Grizzly (recommended by Fox). Amazon did take back the rails that did not fit with no issues. Hopefully Amazon has already fixed this issue.$LABEL$1 +Don't buy it. HTML version of an article omits 8 figures. Not good idea for making a comparison of two GRAPHICAL notations.$LABEL$0 +Swing arm breaks. While I like the slim profile provided by the face armor, this thing is poorly designed. It pivots on square plastic pegs and shatters after you flip it out a few times. Mine took less than a month to break.$LABEL$0 +Solid and reliable.... Nice solid manufacture, simple and easy to carry, super sharp blades and lovely after sale policy to sharpen your nail clipper for free, nobody appreciates good products without great warranties, overall the Tweezerman folding nail clipper is a good solid product with minor aesthetical details over which to improve.$LABEL$1 +Disapointed. I read Last Words and I really liked it so I bought Brain Droppings. I found this book to be very mean-spirited. George's personality doesn't come through in the book like it does in person. Brain Droppings seems to be a list of his notes on what he might put into his live act. If I had to guess his book was written to pay his huge tax bill.$LABEL$0 +it's great. This chute really works great! it's very easy to mount and it brings the ball back out to you. You don't need another person to throw the ball to you or chase it yourself so you get to spend more time practicing your shot.$LABEL$1 +Purchased five months ago, developing tears despite only light use. I purchased this backpack about five months ago and initially was impressed with the product. It appeared sturdy and well-constructed and was reasonably comfortable to carry. I've been using it lightly since - no more than a couple of days a month carrying loads up to twenty pounds. Unfortunately the stitching at the bottom corners of the backpack (the bottom two corners of the main compartment that are closest to the wearer's back) has started to open up. One corner is entirely open such that there's a one inch gap in the corner through which objects can fall and the other corner is starting to unravel but is not yet open. I haven't been carrying any sharp or unusual objects that should cause this to happen so I have to give this product only two stars.$LABEL$0 +Disappointed in This Rusty Kettle. I specifically purchased a relatively expensive stainless kettle to avoid problems with rusting. This kettle rusted more quickly and extensively than cheap porcelain ones. Save your money.$LABEL$0 +Single factor failure. Someone else correctly pointed out the inaccessible battery compartment. He had speculated that the problem was limited to the units produced in 2004. Not sure the problem is limited. Mine was purchased in 2007 (although may have been produced in 2004??). The cover for the batter compartment cannot be opened. Had I made any greater effort than I did, I would have broken the cover. Who approves the design of stuff like this, and why is there apparently no quality check before it gets out the door. Will never know how this item might have performed since I couldn't turn it on. Lost all interest after failure to insert batteries.$LABEL$0 +Total junk. I bought this bike from Toys'R'Us in a box and had to return it because it was next to impossible to assemble and overall built quality was horrible. This is an example of a product produced evidently without any quality control whatsoever. The front wheel was about 3-4 mm wider than the front fork which it was supposed to fit into. There were only two ways to get it in - use brutal force and expand the fork at a risk of damaging it or assemble it incorrectly by removing the nuts which should go inside of the fork. Perhaps this is how toy stores have to do it - but in this case I would not want this bike anyway. The wheel bearing felt overtightened to the level that wheel would not spin freely, the handlebars would turn only with signficant friction and effort. I was amazed to see what kind of junk this bike is. Stay away by all means.$LABEL$0 +Exactly as described, 15 feet of stereo 3.5mm headphone cable. Works as described, no distortion issues. I use this in my workout room so I can watch TV and wear headphones while I run.$LABEL$1 +Starting really slow. OK, maybe I need to wait until I've watched the whole thing, but I've gotten through the first three discs and this is sloooooooow!Well, I made it through the whole set of discs and have to say, I'm a bit disappointed. The pace of the story did pick up and the Marine Corps never looked better. But, I think they could have done a better job. Doesn't compare to Band of Brothers, and I'm a former Marine!$LABEL$0 +Great Family Album. If you liked "Return to Pooh Corner", you will love this album. My children like it and listen to the songs often (even my 10 year old).$LABEL$1 +Fragile. Broke the first week I had them. I use a leather soft side case with some hard cardboard reinforment in my purse and haven't had a problem with other sunglasses.$LABEL$0 +another stupid review. these book are a great read every young girl should read little women it gives you a picture of how weomen have changed over the last century what was important to them$LABEL$1 +Cheap chinese junk!. One of the arms broke on my rabbit after less than a year of use. The warranty is a joke. You have to pay for round trip shipping, so why not just pay for a new one instead of a repaired one? They will never get my money again.$LABEL$0 +Fell for the Glowing Reviews Here. My old food processor/blender stopped working after 20 years and so I needed a new one. I decided to buy a mini processor/blender and after reading the reviews here on Amazon, I decided to purchase the Proctor Silex 72500RY. Big Mistake! I tried making a dressing with ginger. I cut small slices and put it in the chopper along with some honey, mustard, and a little water. Some tiny slices of ginger never got chopped no matter how many times I tried. Very frustrating. I should have shelled out more dollars and bought a better chopper!!$LABEL$0 +What are people raving about? This movie was bad. Classic? Horror? I don't think so. I consider myself to be a film buff but I could hardly pay attention to this movie. The effects were comical, I would have laughed if I wouldn't had been so bored to tears. The plot was ridiculous and the characters were anemic. The most disappointing aspect was its failure to meet the hype. Every time the music began playing and practically nothing would happen, I'd get angry at the director for wasting the music, which could have been this movie's only saving grace. I was sorely disappointed. Don't believe the hype.$LABEL$0 +Every woman should read this. This is the most refreshing book to pregnancy and every day events in pregnancy. Every minute I was laughing. My husband found som many little comments to be so funny, he had to read it himself! This was a big step for him!!! Every woman either thinking of getting pregnant or is pregnant should read this.$LABEL$1 +Don't get your hopes up.. When I saw this video I thought Oh boy!!! Dawn French (Dibley, Murder Most Horrid), Jennifer Saunders (Ab Fab, French & Saunders), Tracey Ullman (you know), Ruby Wax, it must be wonderful!!! Unfortunely, I saw none of the biting wit, acid humor nor sharp edged satire of their later efforts. They play around with some sitcom conventions but the humor is all very conventional. I didn't finish watching the tapes.$LABEL$0 +What were they thinking?. A horribly executed satire piece that is boring from its start to its ridiculous finish. The humor is dry and the acting is poor, I can't believe Hugh Grant would sign on to an atrocity like this considering the direction of his career as of late. I gave this 2 stars only because of Dennis Quaid's very humorous and satirical portrayal of the American president, it's a shame that his was the only performance in the film that made me laugh. With the country's current take on both President Bush and American Idol, the concept of this film is good from a pop culture standpoint, unfortunately better screenwriting may have made a world of difference for this disaster.$LABEL$0 +KEEPS YOU IN SUSPENSE FOR AN ENDING, BUT THERE ISN'T ONE!!. James Herbert is one of my favorite authors because of his grisly detail, and the book I read before this was the Fog. Upon reading it, I felt like I was reading it all over again. I read this book, and was very disappointed from it. James Herbert builds a book out of old ideas. The story is good, but the plot is not thought over enough.$LABEL$0 +Forest saw blades. Absolutely the finest saw blade I have used in 45 years of wood working. Balance is perfect. It even sounds quieter. And guess what, if it ever does get dull just send it in and Forest will sharpen it for free. I have two of them and they have all but replaced many other blades in my shop.Kelly McCLanahan$LABEL$0 +Do not buy this product. My unit quit reading all DVD's. I was very disappointed and surprised because I bought a Sony because I thought it would be more reliable, and I only use my DVD player maybe once a week to watch a movie. I am not a heavy user and still it quit working. When I called Sony, they informed me I could either get it repaired for $169 or get a refurbished one for $109...since mine is practically brand new why would I do that..who knows what I would get as a replacement.So I bought a different DVD player, not Sony, to replace the non-working one for less than half the price of their offers. The VCR still works fine. No explanation was given why this happened.$LABEL$0 +sickening. this game is one of the worst I have ever seen for ps2!I was extremely disappointed with the graphics! the gameplay was awful! I found my self frustrated and annoyed!the load time was way over limits for such poor graphicsall UBI soft did was take the ps1 game and make it a littleharder. Tarzan untamed is just a platform game I thoughtI was back on my old Super Nintendo there is only one path,one way! everything else is decoration! I myself am a trueTarzan fan but this is awful! and for 50 bucks its even worse$LABEL$0 +Great Tool. Well-made tool; rugged and very strong. I used it to pull the pitman arm off a Jeep Grand Cherokee, and it probably took 400 ft/lbs of torque to get the arm loose. No other puller could have taken that much force. You can't go wrong with OTC tools.$LABEL$1 +Best in some respects. This is the best longwave UV flashlight I have ever used in terms of light quality, i.e. it has very little visible purple light. It also seems to be built as sturdy as any flashlight could be. On the other hand, it is only about half as bright (in UV) as my no-brand Chinese 21-LED UV light that (1) cost about half as much (2) uses cheaper AAA batteries and (3) unfortunately puts out a lot of visible purple light. The light from the Inova is also less focused than most other UV flashlights--could be considered either better or worse depending on your needs.$LABEL$1 +Brilliant, hilarious, stop reading so much into it. Have to say, as a librarian and parent of 2 young children, I found this book to be an absolute joy. I actually laughed so hard I cried the first time I read it to my son. It's absurd, it's challenging, it's brilliant.$LABEL$1 +TEAC AD500 Integrated CD/Cassette Deck. I have been looking for this type machine for a long time. I was disapointed. It broke down right away. Guess I am still looking.$LABEL$0 +Waste of money. Another album, Another piece of sh#t released. Cam ron aint got no skills. He's another commercial rappa like Gay-z. this album is bull Sh#t n if u like this crap u is a dum a## herb wit no sense in good rap music. Don buy this.$LABEL$0 +Great listening. If you love great lyricsIf you love folklore tunesIf you love a great voiceIf you love percussionsThis album is great, great, great$LABEL$1 +Great SDTK to "One" of the Best. This is more of a documentary SDTK than anything else. But it is still good. Ghost is probably the best track on here. I am not that impress with the 50 Cent song or the Eminem track. They are not whack tracks, but they are not great either. Hardcore Pac fans like myself, this is a definite buy. Everyone else, you shoudl buy it and not download it.Top 3 Songs: Ghost, Runnin, Death Around The CornerBottom 3 Songs: One Day At a Time, Realest Killaz, Same SongSleeper; Bury Me A G$LABEL$1 +Primitive and simple sounds ruin this promising album. I could hear better music on a National Geographic special of Africa. This shows no progression from their last release, Undertow. Not worth the money.$LABEL$0 +it is not comfortable.... This cot seemed like the perfect solution for taking my 4 year old grandson on trips but he couldn't sleep on it and ended up sleeping with me anyway. I should have heeded the other reviews.$LABEL$0 +WARNING: SAVE YOURSELF TEN BUCKS !. Well, somebody has got to be the first to review it, so here goes.Of all the country albums I've heard, this is definitely the worst ever! I bought it just for "A cowboy's born with a broken heart", expecting the rest to be in the same vein (at least the titles looked promissing). I don't know how the other albums by this band sound, but this is pathetic. You can hardly call this country music by any standard. The first couple of tracks sound more like "praise songs", the harmonies are almost gospel-like. The only tracks bearable are "In another tear from now", "If her heart ain't in Memphis" and the forementioned "A cowboy's born ...". Only the latter is really good, the other two being ruined somewhere down the line. ABSOLUTE LOW HOWEVER IS THE KINKS-COVER "YOU REALLY GOT ME".Verdict: one star for "A cowboy's born ..." and the effort. They should thank me for that one star.$LABEL$0 +I wouldn't buy it!. It has a samsung logo, but it looks fake after I bought it. The belt clipper tore of the phone holder with no reason.$LABEL$0 +Tracklisting. 1. Outro Lado (NY C12 mix)2. Outro Lado (Presence mix by Charles Webster)3. Brazilectro (Maurice Fulton remix)4. Humana (London Elektricity mix)5. Outro Lado (Presence Dub by Charles Webster mix)6. Brazilectro (Amazonia Hyper remix)$LABEL$1 +Bad experience. I looked over the Internet for several screen protectors for my new PSP, and I found this one as the best option.(The screen protector from Sony it's only available in Japan). I follow all the instructions and I have bubbles everywhere. I take it away, put it again, and I can manage to have less bubbles, very little and tiny ones, but still have them. It looks good for protecting the screen, but terrible for admiring this amazing screen.$LABEL$0 +If you have a thyroid problem this book won't help!. I read this book & was very disappointed. It has some basic things that anyone with a thyroid problem already knows. As far as the diagnosis method it is to eat a 1000 calorie diet for 28 days to see if you loose weight normally. And the diet to lose weight is to eat 1000 calories a day. Very unhealthy & unrealistic.$LABEL$0 +no good. I bought this game and just as said in all the other bad reviews it did not work properly. I couldn't put in any of the codes off my pc. You could use the cheats that were already programmed in to it, but soon found it messed up the game. There was not a phone # to call, not in this country anyway.I spent hours trying to figure out this and it was useless. It was very frustrating and would advise against buying.$LABEL$0 +for my daughter. I was adaquately pleased with this item for my daughter. I am hoping to add many charms for her over the next years.$LABEL$1 +Horrible. Absolutely horrible product provider. The mesh below the spigot where the water comes out was bent and full of dirt upon arrival. I also received a chrome filter but I had ordered a white one.$LABEL$0 +Pinnacle Studio Ultimate Version 11. Pinnacle Studio Ultimate Version 11I've been using this product for about a month now. I used version 9xx for several years. Version 11 is much more stable; it maintains the same intuitive user interface; and in general, makes a rather complex process relatively simple. One caution: pay close attention to the RECOMMENDED system requirements (as opposed to the MINIMUM requirements). Any video editing package must necessarily utilize a lot of system horsepower and resources. So - unless you have the required system components - look to a more basic editing package.$LABEL$1 +Not as great as I thought. From the review I thought this would be a great book to have, but I find it lacking and thin. Many of the suggestion were repeated [...]. I thought this book is more about ideas of words to write, and indeed it has some, but not a lot to choose from.$LABEL$0 +Just Wait A Second. When people are saying this is the best punk album ever, that's quite ridiculous. I know there are at least two NoFX albums that are much better than this. "Ribbed" and the album everyone hates because it's raw "Liberal Animation". I read a review for this album that said My Hear Is Yearning an opera was 10/10 because of diversity! WTF! I didn't pick this cd up for an opera song, or a folk song. It's called diversity in a PUNK song. Diversity doesn't always meen a different genre, it can also meen a different style of punk. I also disagree when people say that this album get's five stars because sometimes you can't understand what the lead singer is saying.Well this cd really is good, but I'm sick of people saying this is the best cd because there is one diverse opera song.Best songs- Linoleum/Jeff Wears Birkenstocks/ Punk Guy$LABEL$1 +JAMES BOND LOSES. Why do most of John Gardner's James Bond novels seem like screenplays? I think that is what was always missing from his writings. Because they were similar to screenplays they read like movie scripts, not novels. It just leaves the reader so uninvolved. Detail and flavor for the settings are always noticeably absent from his Bond novels. This one is no exception. I suppose we all lose!$LABEL$0 +frustrated with product support. I offer this assessment with a certain amount of sorrow and I offer it on behalf of myself and the friend who I gave this item for Christmas last year. I actually liked the knock box in terms of function. But I'm unhappy with the company response when I attempted to purchase replacement rubber grommets that split after a short time. I was told to buy the entire knock box bar and that was my only recourse. I found this to be very poor customer support. You can't tell me they don't have the rubber grommets they could sell at a fraction of the cost. Plus I don't like scrapping a perfectly good piece of metal. Very not green.$LABEL$0 +FLA's most consistant effort. you really can't compare it to anything else. FLA is industrial...but...not. FLA has always been more subdued than, say, skinny puppy or ministry. more atmospheric. this is music you play while driving at NIGHT. its very sleek, and enjoyable from start to finish, but you have to listen for the little melodic, rhythmic, production complexities. its definitely a landmark album for industrial music, it announces the arrival of electro-industrial (just as NIN's Broken and Ministry's Psalm 69 did for industrial metal, the same year might I add). Personally i like Reclamation just as an overall snapshot of their career or Implode as an example of how far they've come, but after you pick up those amazing CDs this should definitely be the next to get.$LABEL$1 +A good read. Bought becuase i was buying a new husky puppy and i feel that this book really helped. It arrived in a timely fashion and was in perfect condition.$LABEL$1 +Madness in the House. Kim Stanley and Richard Attenborough are terrific in this understated thiller you will not soon forget. Their dreary house provides past dreams lost and insidious remedies to correct their condition. Superior acting .$LABEL$1 +First Class. Brigadoon has always been a first class movie. We have seen it many times, mostly on TV, and once in the theater when it frist came out.We would recommend this movie to all those people who like good musicals, made by fanstastic actors.$LABEL$1 +Best TV Show I've Seen. Period.. While I am not a TV buff and haven't seen many series from before the 90s, this is easily the best TV series I have ever seen. I have made my family and friends all watch it with me, and all are hooked. I started in the middle of season 4, but still became addicted and joined Netflix solely for the purpose of getting the rest of it when my local Blockbuster didn't have it. Amazing and totally worth the expense.$LABEL$1 +Too shallow to be very useful. I teach Microsoft networking and have been charged with learning IIS. I need to know the Why's and the details of IIS, and this book didn't do it. It hits many areas in general overview, but then spends CHAPTERS talking about general NT topics (backup/restore, domain authentication, fault tolerance, etc). Not recommended unless you want overview-level only.$LABEL$0 +A blatant example of cultural racism.. This book by Berenger contains the two most blatant examples of cultural racism currently in print that I have yet found. See the arrogant dismissal of Berenger of the Hungarian origins and the unbelievable dismissal of Jews in Hapsburg history most obviously in the area of the Rothchild's. I have no idea what positive value this book may have, but as an artifact of racism, it is quite impressive.Michael Wahrman$LABEL$0 +A-MAY-ZING. Quite simply the finest book ever written. The translation is breathtakingly eloquent. I have read each night over and over again.$LABEL$1 +Looks good so far. Checked out from library, read intro... I like the brain-based approach, but would be more complete with a religious angle on contributing to ending hate. Up to date with references to 9-11.$LABEL$1 +Love Dee Henderson. I have read all of the books in this series a long time ago...they are great books and really got me started reading her works...Take time to read and find out about this "family".$LABEL$1 +Terrible, Broke 2 hours into 12 day road trip, ruined gifts. I purchased this carrier to take on a road trip over Christmas. Only two hours into a 12 day trip the drivers side zipper broke. Luckily the kids didn't notice and I was able to spend an entire day trying to re-wrap the gifts that weren't completely ruined by water! We fought the stupid thing every time we had to use it. The straps were too long and even after adjusting them, they rubbed the paint on my new car as we drove. We had to hold our belongings in with Duct Tape and several things got wet again on the ride home. I'm terribly disappointed in this product. I have returned mine asking fora refund. I do not recommend.$LABEL$0 +Garmin Carrying Case. This case is much too small. It does not hold everything you need so therefore it's kind of useless.$LABEL$0 +**. I heard Oliver Stone promoting this film on NPR. He said, "I share certain traits of Nixon's." When the interviewer asked Stone to name one of those traits, Stone said, "Paranoia." That admission kind of sums up everything that's wrong with this and all of Oliver Stone's films. They are filled with paranoia. Reality-marring paranoia. Well, at least he admits to his paranoia. But too bad he has to splash it up on movie screens.$LABEL$0 +Needs to be proofread!. I'm reviewing algebra after not doing math for almost 6 years. I already had a basic understanding of algebra from high school so this book is good in that it's straight to the point. I'm only about 1/4 of the way through and there's already been 3 instances where the examples have completely confused me because there are mistakes in the problems. Don't believe me? Check out page 14, they're switching the signs when finding the remainder but they don't mention it anywhere in the lesson. On page 40 the exponent is a typo so the solution makes no sense! These are just a few of the mistakes I've come across and I'm sure there will be more so if you're buying this book be prepared for confusion.$LABEL$0 +Happy with it. Right the battery life is short and there is a lag when a button is pressed, but other than that I'm glad to not have any problems. Unfortunately I DID pay over $200 for this product and cannot find any accessories for it. I've had it for at least 1/2 a year now and enjoy every function of it!$LABEL$1 +Sabrent USB 2.0 to SATA/IDE Hard Drive Adapter. This is a very handy device if you need to get something off a hard drive. My sister-in-law's computer drive was damaged by lightning and would not boot up. She decided to buy a new computer but wanted some pictures and files that had not been backed up. With this cable was able to copy her files to a thumb drive and she was happy to have those valuable pictures of a vacation trip.$LABEL$1 +Starts off good, but disintegrates into poorly related ideas. I was expecting much from the reviews, but felt as I moved into the fifth chapter that the coherence of the presentation and thematic development was falling apart. I found it became too confusing for me given the time I have to study this.$LABEL$0 +SC-200A Charger/Maintainer. I bought this to keep the battery up on my 1999 Chevy truck. The truck is being driven alot less due to the high price of gas and after 4 or more days of being parked it would ether turn over slow or not at all. This charger keeps the battery up to full charge and overcomes the drain from the alarm and other accessories that are online all the time. I was skeptical of the low price since other like chargers cost twice as much. I can recomend this charger.$LABEL$1 +Bad Luck?. This is my second indiglo watch. The date on the first watch did not roll over correctly. On the second watch the indiglo worked well for the 1st month and then it stopped working.$LABEL$0 +DO NOT WASTE YOUR HARD EARNED MONEY. I paid over $27 including shipping for this DVD and was truely disappointed. The movie is in B&W showing only one dance that lasted less than 10 minutes. I did not learn anything nor get anything out of this DVD. It is truely a waste of time and money. Again, please do not buy this DVD and waste your money.$LABEL$0 +Get To Really Know Your Child!. Knowing Laura personaly, I can tell you that her two children are living proof that the content of her book is a success! If you want to really understand,identify and connect with your child, this is a must read. I hope you enjoy it as much as I have.$LABEL$1 +Small jobs only.. Yes it sucks more air than other battery powered vacuums but: in brief it is rather heavy and has very short battery life and no extension handle accessory. Even using the 18v so called long lasting $90 battery, it quits only after about 1,500 sq. ft of dusty floor space, about 15 minutes of use. Dewalt customer service said that it would pickup multiple bags of cement but it will NOT in my experience hardly do much dust off the floor. I spent $240 on the vacuum, charger, and best battery and feel this is too much for the results I got. The unit is light until the battery is put in then it is really heavy (I'm a 250lb man and think so). The body is wide bulky but should be narrow in format and longer since it bumps everything and bumps you in the side which is part of why it seems heavy.$LABEL$0 +awesome stability. The On Stage KT7800 Plus is an exceptional value. Final assembly can be completed within minutes--no tools are needed--just place the legs into place and slide the locking pegs into position and secure with a twist. It not only is extremely well built, it has unsurpassed stability, and is cosmetically appealing. The multi-level positioning makes it ideal for those of varying heights. And, I am sure that this bench is quite capable of handling the indicated weight limitation. I've looked at and sat on a more expensive (twice the price) bench at my local Guitar Center and their bench has nothing on the KT7800 Plus.$LABEL$1 +falls apart and not water tight. I purchased 3 of these and I no longer have any. Yes they are very bright, but what good is that when the light falls apart on the lightest bump or curb hop. I lost two of them before using zip ties to hold the 3rd together, but it failed from water intrusion. $75 and 4 months later I have no lights. Save your money and get a USB light.$LABEL$0 +The Spellsong Cycle. A newly imagined world of horses, swords, castles,the evil and the righteous,with a twist of music and magic. It is well written and captivates the reader with the desire to find out what is going to happen next, Which is the reason for the this question. Why??? is the following book "The Spellsong War" Kindle Edition, not available in Australia? Could you please supply me with an answer. Walter Winch.$LABEL$1 +Awesome!. I was surprised by the ending, saddened, and left totally amazed. This is a great book that continues the tradition. I got it at midnight, read it immediately, and slept away the rest of today. Totally worth it! -Syd Salsman (daughter)$LABEL$1 +Nuuse. Handy case. I bought these for my B&D Lithium cordless that should have come with a set of at least screw driver bits$LABEL$1 +its an awsome idea-the product is very poor quality. During the baseball game, the bat totally snapped in half-luckily the remote was not damaged. An adult was playing the game, the baseball attachment was not struck-just the swing of the bat broke the attachment. Now the golf club and tennis racket are useless.$LABEL$0 +A guilty pleasure!. Outstanding book, engrossing, a classic! Inspiring, delicious, erotic and full of inhibition, "Lip Service" is a pillow book for the '90s. The writing is flawless and easily flows without interruption. Read it in the privacy of your home, if the puritanical type. Otherwise, take this book to a cafe or into the office lunch room and revel in its naughty revelations. Don't be surprised if this book fills your cheeks with color and makes you glance around to look at other people in a differen way. "Lip Service" is a guilty pleasure to read - share it with your girlfriends.$LABEL$1 +Must Buy!!. I feel of the left leaning books that are out there, this is the BEST. If you listen to his shows he is a wonderful common sense talk show host. His book is just as good. Ed really is where America needs to be. He leans left of center, which is where I think most common sense republicans will understand and agree on most of his book. Neo-cons you want to read him because this is where your party is heading. Left of Center and Liberals please buy, you need to move the party back or else bush and pals will make this a worse place. Left of center is ok, and actually moves the country forward. MUST BUY!$LABEL$1 +Good introductory book on C++!. This book takes you from C++ ground zero up to writing some fairly complicated and interesting programs in a short time. Mr. Lippman provides progressively harder problems that need to be solved, and at each stage teaches you exactly those new language elements that are needed to solve each problem, so you can understand from the beginning the usefulness (and necessity) of the language features. The example programs are interesting, and best of all, he provides answers to the programming exercises (I always love it when an author does that!), so you can practice what you're learning and get feedback on how you're doing!$LABEL$1 +Cute, but breaks easily. I really liked this night light because it matched our set. We put it up for our new daughter and our one year old son touched it and it broke. It is nice to have the light bulb included as many other night lights do not have this feature, but if you have other little ones around be weary. It will probably break very easily for you as well.$LABEL$0 +Amazing Diversity of Life. Tasmania: Land of the Devils does focus on the famous devil, but covers a vast array of other wildlife as well. Also seen in this program: the wombat, sea eagle, blue-tongued lizard, wallaby, swan, sea dragon, sea horse, tiger snake, carpet shark, mountain dragon, kangaroo, gannet, albatross, giant crayfish, and the platypus! And that's the ones I remember!The cinemaphotography, as usual in this series, was excellent. Whether it was watching the sea eagle hunt (it is so effective it only needs 10 minutes a day) or being taken through the undersea kelp forests (150-feet high!), the viewer is immersed in a wealth of sights and sounds.Great program on Tasmania and its wildlife. Five stars!$LABEL$1 +great service. I received this in record speed, especially during the holiday mail chaos. The cd was in Great condition and who could ask for a better product? Thanks$LABEL$1 +Tales of frigid wives. Hey, maybe if these women were "ministering" to their husband's needs they wouldn't have to turn to pornography."I started buying sexy nighties, acting sexier, and suddenly I realized I was bowing down to an idol. "This book is just full of the whining accounts of frigid wives who blame pornography for their bad marriages. Why is "acting sexy" within the bounds of a marriage bowing down to an idol? These women deserve their bitter, lonely, sexless lives.$LABEL$0 +Not useful for PFC 6+. This reference book restates most of the reference material available in the PFC online books. The reason for this (as stated in the book) is that back in PB 5 days, the online books were only available if the CD was in your drive. As of PB 6, the books can be installed on a hard drive. The PFC 6 features are only glanced at. The focus is on PFC 5 features. So if you're using PB 5/PFC 5, this book is great. Otherwise, it's not useful at all. I returned this book.$LABEL$0 +Graceland II. This is the album Paul Simon should have made after "Graceland". The lyrics get a little jammed up, much like Simon's, but that's not necessarily a bad thing. Clean production too. They need an opening spot on a national tour, maybe next time Barenaked Ladies tour, or something like that.$LABEL$1 +Skyjacker Brake lines. Excellent product! They really make the brakes feel much firmer more solid than the stock brake lines. Expensive, but worth it!!$LABEL$1 +Excellent Ambient CD. I am always listening to ambient music on winamp or on my ipod. Ambient is great music to listen to when on the computer, studying, or just chill'n. This CD now part of my ambient arsenal. This CD is fantasic! My question is, "When is the next one going to come out?"$LABEL$1 +Epoxy inner layer peels off. I spent over $60 on 3 water bottles. I was expecting superior quality for this price but the bottles were easily dented. The real problem is not with the dents but the epoxy that is coating the inside of the bottle is peeling off. It is really disguising. I hand wash all of my bottles so this is very disappointing. The company does not stand behind their product. They will not give refunds for anything over 30 days old. Stay away from this company and their products. For this price their products should be guaranteed. I will never purchase a sigg product again.$LABEL$0 +beware. If cheap smelling cologne that is usually handed back to the clerk at the counter to put back is your thing, buy it. If you enjoy finer fragrances for men don't even waste a second of your time. Its smell is both ugly and outdated.Definitely make sure and smell this first if you decide you might buy it.I bought this last year and ended up giving it away.$LABEL$0 +Great Hound. Terrence Fisher directed many great Hammer Films, and this is one of his best. Cushing is a great Holmes and this version of the story is very well paced. Christopher Lee gets to play a romantic lead for once, and he is very good. I own several versions of this story, and this is my favorite.$LABEL$1 +Dissapointment. I was captivated by his first book, Rocket Boys, but this book turned out to be a disappointment. I couldn't get in the groove. Put it down far too often.$LABEL$0 +Fraught with fallacy. Polyamory works (quite well actually) when the central character is young and attractive and horny. Add a few years that bring droop, sag and jiggly jowls. Add to that tricky financial considerations (which is the main source of contention in monogamous relationships), children (from other relationships or otherwise) and the care of aging parents. Then the whole concept goes to hell in a hand basket. Polyamory is our era's freak-show-du-jour. Our alternative to the failed free-love mish-mash of the 60s. That didn't survive and neither will polyamory. But it sells books. Oh Behave!$LABEL$0 +Great Wire. I needed to extend my speaker positioning and this wire sure did. I need to add 8 more words, DONE$LABEL$1 +Great Shoes. These shoes look great and my son said they felt good also. This means a lot from him because he complains so much about the way shoes feel.$LABEL$1 +Looks nice, sorts laundry, don't bother with the wheels.. This product is very nice. It is on the delicate side, if you sat on it you would break it for sure. its pretty, looks nice, etc. Cons? It sort of falls apart, if you will. All the pieces just sort of set inside of each other.. Nothing really "fastens down" or "snaps in". So if you scoop into the basked you may bring the entire basket and the mounting brackets with you. Thats ok, you just put them back into place, not a big deal. I would of like to have it snap together a bit.The wheels? don't bother. If you want this as a roll around unit, you have come to the wrong place.$LABEL$1 +Lacking in the basics. As with most pose books, there is a severe lack of detail and contrast in the photos. The purpose of this book is to provide an alternative to life drawing, but fails in the very aspect of life drawing that makes it so effective. With such poor photography, it is extremely difficult to discern the surface features that are so important to learning artistic human anatomy. While the poses have a slightly more natural bend than most books in this genre, there is still an unnatural stiffness, or exaggeration of movement that is rarely every desired in figure references. In addition, all of the models are young college age people, with little or no ethnic diversity.The overall direction of this book attempts to provide the artist with a holistic smattering of references in anatomy, movement and lighting, but fails in all three catagories, badly. I don't recommend this book to anyone with serious ambitions in learning to draw the human figure.$LABEL$0 +Car Valet. I liked the idea of this tray for my 2-year old daughter for long car trips. It is soft, so it can't injure her in an accident, but the tray is durable. The problem might be my specific car design. When it hangs off the back of the front seat, it seats too low and my daughter kept hitting it with her legs. My husband tried to adjust it, but with no success.$LABEL$1 +History of the American Revolution made fun!. In preparation on a column that I am doing for middle and teen readers on espionage, I picked this title up at the library on the recommendation of the young adult librarian. What a great suggestion! Allen does a fantastic job of leading the reader through the incredible story of spying, double agents, and treason during the Revolutionary War. This book has it all - invisible ink, disguises, codebooks, hidden messages, and more. And readers are invited to test themselves at decoding, using a "mask", and other spy talents. Recommended for school use in American History units, and for anyone (gr 4 and up) that is looking for something really different and entertaining, while being completely factual! This would make a great read-aloud for teachers too.$LABEL$1 +Easy for VB developers. I you read it once and did not understand some chapters or terms, read it again and how easy everything appears to be. Will really help to use for your own purposes from the very beginning.$LABEL$1 +Do not buy this. I solved this cube 2 times and while I was on my 3rd solve one of the pieces popped out, So like the 3x3x3 I just popped it back in, but when I did this one of the centers snapped off and the cube was broken. I now have a QJ 4x4x4 and it is one of the best you can get. You can get it for about 14$.$LABEL$0 +A seminal work in international relations. Many criticisms to Waltz's work are unfounded, in that the book is not intended to be an end all for explaining wars in international relations. It does however, provide the reader with a theoretical framework of international relations. The three images of analysis provide for a generalization of the system in which war is promulgated. This book and a bevy of later works argue what level of analysis is best at explicating the cause of war. Don't read this book as a means to finding a simplistic answer to the cause of war, rather read it with the hope of gaining a better understanding of the causes of war.For those interested in international relations, Keohane and Nye's works are very worthwhile.$LABEL$1 +Constant buzzing. I purchased three of these from Amazon for my two Sony Ericsson W580i's and one Samsung A737. All three paired quickly and correctly. The only problem was that there was constant buzzing heard by the person receiving the call from all three cell phones. As a test I paired all three of my cell phones with my existing Samsung WEP200 bluetooth headset instead -- no buzzing from any of the phones. I ended up returning all three H500's and purchased the WEP200's instead. I don't know if the three I received were defective, but for sure there were not compatible with my cell phones.$LABEL$0 +Best rock album ever?. Very tight. Innovative guitar work. Led Zepp and many others soon followed. And that new Scottish singer -- Rod Stewart -- I think he'll be around awhile.$LABEL$1 +Broken. This tea set is very cute , but it's very small .( Tiny )I was very angry when i opened the box ! there was the tea set in a million peices !! some one didn't do there job right !They just put a open package , that holds the tea set , in a box with out any packageing , so by the time I got it , it was all broken ..$LABEL$0 +good pointers. So for all of you who said this isnt' like her show. Well, hello, it is. Pointers all the way through for male and females.Yes, there are many staged scenarios but they are to help those get through a date or a bar/ coffee scene.I didnt buy this but I borrowed through the library.$LABEL$1 +99% advertising. These magazine really is just a bunch of advertising. You might as well just pick up a South Coast brochure rather than pay for this. I subscribed for just five bucks a year, and I still feel ripped off!!There is really just one semi-interesting restaurant related article per issue, but I can just go to yelp instead for free advice.LA Weekly is better (and free)$LABEL$0 +One of the best albums ever made. 6 stars!. Words cannot describe how incredible this album is, but I'll try. First of all, this is easily one of my favorite 10 albums of all time. I can't get the songs out of my head... the music is so catchy, AND the lyrics are so intelligent and piercing! E experiments with a few different styles here, from harder stuff like Mental to funk like Guest List, to more depressing slow stuff like Manchild. My favorites are Not Ready Yet, Flower, Guest List, Your Lucky Day in Hell, and Manchild. However, it's ALL great stuff. The only low points for me are Mental and Spunky, but that's only because they're not INCREDIBLE like the rest of the songs... they're still very good by normal standards though! My only warning would be that this album is VERY depressing... by the time the last notes of Manchild (a real downer of a song, but an appropriate last track) have faded, I'm often in tears. But it's so worth it! Buy this album!$LABEL$1 +Disgusting. This book claims to be like 50 Shades of Grey. It is NOTHING like 50 Shades. This book is full of endless torture and rape. The sexual situations are not consenual between parties. I read about half of the first book and then returned the second and third. This is very dark and very disturbing. Not sure why someone would write and sell this garbage.$LABEL$0 +I couldn't get into the show. I saw the previews for My Own Worst Enemy and I was excited because it looked like an original show. I mean one guy with two lives and he didn't know about it? The show had some high points, but overall it didn't deliver like I hoped it would and I found myself getting distracted while watching it.$LABEL$0 +Broken. The switch on this hairdryer was broken when I received the product. Revlon RV408 1875 watt full-size turbo dryer. I do not recommend it.$LABEL$0 +Simple toy but classic fun. This is a very simple toy, doesn't make noise, basic shape sorter. And we like it! My son is under 12 months, but he enjoys handling the animals, opening the barn door, and I go over the letters and animal names with him. It's easy to clean, which I like. I'd say this is good from over 6 months to whenever they get bored with it. It's a colorful toy at a reasonable price! (if you get it on sale, like I did!)$LABEL$1 +Only got one bowl!. Only one of the four bowls got delivered to me and by the time I got online to complain, this item was no longer in stock and it was more trouble to return it than to settle for 1/4 of the product I paid full price for... Such a shame too, as i do so love that one bowl!$LABEL$0 +Very limited Spanish.. I bought this to help me teach Spanish to my grandchildren and I was quite disappointed. It is mostly arts & crafts and VERY little Spanish. And when it says "Basic Spanish," it really means basic.$LABEL$0 +Surprisingly sturdy. As my title suggests, this fridge lock actually works very well and is pretty strong and sturdy. I strongly advise that you apply it correctly and not take any shortcuts. Take the time to clean the surface properly and align the pieces before applying and it should last long enough for your child to outgrow the need for it.$LABEL$1 +.... Hmmm... now, could someone tell me where I've heard this before...death guitar samples, machine gun beats, and loud screaming. OH! WAIT! Atari teenage riot! Now don't get me wrong, the album is OK, but ATR does it 100 times better. Believe me, Im a HUGE Digital Hardcore fan, i own at least one album of every DHR artist. Im also willing to forgive the fact that Ec8or aren't very original, im somewhat lenient on that, but the truth is the only good songs on the album are; "i dont wanna be a part of this", "think about", and "spex is a fat B!tch". But you wanna know the funny thing? These 3 songs TOTALLY make the album worth buying.$LABEL$1 +God awful. Dali is correct about this CD. This is just another crappy screamo band with no talent. Iron Maiden had 3 guitarists at one point. Unlike this band, they made it work. The stupid singer/guitarist has to have the ****ty bassist do the "hardcore screams". These guys fall under the same pile of **** as bands like My Chemical Romance and Silverstein. They're another band that appeals to the brainwashed MTV masses. These guys can take their stupid radio with them while they slit their wrists, because i'll be listening to Iron Maiden instead.UP THE IRONS! And to Josh, I can and will make a better CD than this band someday.$LABEL$0 +Chick Lit at it's Best!. I loved Billerbeck's Ashley Stockingdale Series, so I was eager to see if her new Spa Girls Series had the same sass and flair. I was not disappointed! In this series, there are three friends who meet regularly at a day spa to re-connect and work out their problems. All three characters are well-drawn and interesting--which only makes you long for the next book in the series. The star of this one, Lilly, is a flawed, quirky, and completely lovable financial guru turned fashion designer. I enjoyed getting a peak into the fashion industry. As with all of Billerbeck's books, there is a romantic thread that has you guessing til the end which guy will be The One. It's a rare book that can make me laugh out loud, but this one had me cackling several times. I can't wait to see what happens in the next installments of Spa Girls!$LABEL$1 +No bouncy bouncy problems!. This is a great CD player! The bouncies of the road, running, walking or driving don't disturb it! Of course, the only drawback is that it doesn't come with car adapters, and they can get pretty expensive. But, for the money it costs, it is a wonderful buy!$LABEL$1 +Great Music!. Was one of the best CD's I purchased! If your a fan of AFI or Electronica this is a MUST-BUY!$LABEL$1 +What Was All The Hoopla About?. I had heard that Eyes Wide Shut wasn't any good, but I went ahead and rented it to see what all the "talk" was about. What a terrible dissapointment! This movie was like a soft core porno flick. The only plot this movie had was sex. Cruise and Kidman didn't do too good a job acting either. Eyes Wide Shut was a bad movie from the get go. I would advise not renting it.$LABEL$0 +Not to be Missed. I am a life-long fan of Shirley Jackson and, especially, "The Haunting of Hill House." It is only recently that I have had the opportunity to read many of her works which, for some unknown reason, are out-of-print. "The Sundial" is, at the same time, psychologically unnerving and immensely humorous. It is quite disturbing to read about the rantings of Aunt Fanny and the schemes of Fancy. But, at the same time, to imagine this handful of awful people who hate each other unendingly having to spend eternity with one another is incredibly funny. I must admit, I was a little disappointed when the book ended, but I realize that it must have been in the master plan of the author to leave the reader without the information which would have unnecessarily cleared up questions which will instead linger on the mind.$LABEL$1 +great product and value!. Johnson's products are great as always, good for both kids and adults with delicate skin. The price is much lower than the market.$LABEL$1 +Two Large Baoxers love this bed. We have had this bed for a couple of weeks now and both our boxers (one 95lb and one 75lb) love it. We use it inside and put a small blanket on it. The cover alone seemed a little rough. I love it because I can vac all around and under it, instead of having to move the dog bed every time I vac. I rated it a four star because it arrived with missing parts. I called the factory and they immediately sent the part to me. It was just a matter of having to wait the extra week. It does take up quit a bit of room, but hey, it's a large bed for large dogs. I had no big problem putting it together and so far see no bending of the frame, possibly a slight sag in the material although the dogs are still elevated off the floor even when both of them are on the bed at the same time. And I don't foresee the material stretching any further. For the price and even much more, I don't think you can get a better bed. We have placed an order or another, the dogs are tired of sharing.$LABEL$1 +A BORE AND MISLEADING.. AFTER hearing oops oh my the thought album would be exciting and similar to that. the cd is very boring i do not like and i think the ashanti cd is better .$LABEL$0 +Fantastic!!!!!!!!!!!!. In this book the Baudelaire are faced with numerous of situations that can change there lifes forever. They must once agein try proving count ofal's identity, run laps every night, pass many exams, and still manage to sleep. But, with the help of there friends, the two Quagmire triplets, they manage to survive. Until something terrible happenes to Quagmire triplets, thanks to there own forturn, and coach Genghis.I think this book is the best in its series, this is because it has a little bit of everything in it, and you can relate to it more than the other books. This is because, it is all about thehaving to deal with unfairness, and I am sure we all think we have that. But from werid teachers, to even bullys, the Baudelaires have another adventure that is worth reading, so go and read this book I'm sure you woun't put it down!$LABEL$1 +Don't let the price fool you!!. Don't let the dealers rip you off(alltel,verizon,t-molbe etc.) This battery works just like the big boys and saves you a bundle. Super fast service and the product is perfect. Jon Tabor$LABEL$1 +Arrived DOA - Chance you take. Item was purchased as is w/ no guarantee at a terrific price. Most of the time you do get what you paid for. Item arrived with broken lid and was inoperable. Some you win, some you lose.$LABEL$0 +NOT for the Buffett Fan. ... This CD is terrible, and Im a die-hard Parrothead from South Florida !! A collection of ultra slow ballads, some of which I swear Jimmy fell asleep in the middle of. Then a few of those songs yhat arent really songs, just Jimmy talking to himself. The last 3 songs were ok, but sounded similar to some of his older songs. No catchy rhythms or verses, just boring tunes and your glad when their over. ...$LABEL$0 +Hello, my name is Tamer and this is my Review. I cant believe that "Jim Carrey" wasnt nominated for the Oscar he did dammn good work here! A movie who conntens good gags but actually is a sad story! A must see! Jims best role ever and a lovely "Courtney Love" who acts very well! This DVD have some very good Features so it is a must for every Collectors heart! Two Thumbs up!$LABEL$1 +Novel Says Nothing. This novel is boring, has a jumbled beginning, drags in the middle and rushes the ending. It's saving grace is that it capitalizes on common human feelings and relationships, while never really saying anything. The theme, as near as I can figure: "You are unique, just like everyone else." Who doesn't relate to Conrad? Comments welcome.$LABEL$0 +Protector of the Small #3- Squire. I actually thought this book was better then the one before it (Page) which surprised me as usually I find in Tamora Pierce's quartets the first book is the best, then they get slowly a little worse each time. But even though Kel wasn't working aound the palace any more, this book was still really intresting and it was great that it was a lot longer then the first two books. I have one complaint: Cleon. ....Otherwise the book was brilliant. I loved all the bits with jousting and Kel's visions outside the Chamber of the ordeal. I now think I undestand what the Ordeal does; as well as making Kel face her fears inside the chamber, it set her a challenge for the future, as it did Alanna ( Kel's was the metal machines-Alanna's was Duke Roger.) A great addition to this quartet and I'm really looking forward to reading book 4, Lady Knight.$LABEL$1 +Great deal!. I've been using the sennheiser 151 headset for over 6 years now. I've gone through 4 sets in that time (on my 4th now). I'm pretty rough on the units... with wires being ran over with my chair wheels... toddler chewing on my microphone, the ear muffs being physically busted from being stepped on.... various things that happen blah blah... My last unit actually still works great minus the physical damage my toddler and I did to it. I highly recommend this unit for media and gamming.I can't believe I got a like new unit for under $30 shipped. These are high quality and I remember when they were around $100 new (and still up there on some places on the net).$LABEL$1 +great gift. our granddaughter loved getting this as a Christmas gift. She enjoyed watching it grow a little bit more every day.$LABEL$1 +Price is ridiculous - buy it at shopkitchenaid.com. I saw in another review that someone regretted not purchasing it at the KitchenAid site. I just went to the KA site, didn't see the jar and chatted with their online help - they did confirm to me that the "KitchenAid Pro Line Coffee Mill Replacement Bin" SKU:KPCGBIN was indeed the correct part. Oddly enough, there is no picture of the "bin" but that's why KA has an online help system I suppose. Anyway, I ordered two (one for backup just in case - mama isn't kind without her coffee). Total cost for two, shipped, plus tax was under $30.I'm all about making a profit but when you can get it for less than half price by going direct to the KA site, one would be foolish not to.Happy shopping!$LABEL$0 +wack music. sorry to say this, but you can't make a hit song saying you want a 'night we will remember forever'....and then say in the hook 'im only in town,for one night.' when are latino rappers gonna realize there's more to rap than hoes,money, cars,cruisin,clubbin....etc. records like this add fuel to the rap stereotype that its trash-music.$LABEL$0 +Just to support Mills on this. This album truly is a 1 star album, hope fully he can go Proof of D12 on us, and rid the radio waves of junk.$LABEL$0 +EEEEEPPPPPP! This Mouse Roars!.... I received this mouse as a gift and I like it. It fits my hand perfect (as a right hander.) If a left hander were to use my mouse they would find it very uncomfortable (if using with their left hand.) The thumb button is great to re-program for games. The wheel is smoother then the Microsoft Optical counterpart.I use the keyboard whenever possible for shortcut keys but some activities such as surfing the web and playing games can be greatly enhanced by having a good mouse. This mouse has fulfills all the needs I have.Optical is the way to go if you spend large amounts of time at a PC. It avoids the snags and slowdowns of non-optical mice. The optical logo is nice if your in the dark (and your monitor goes to sleep) so you can quickly grab the mouse and active the monitor.This is a great affordable mouse. It's a must get if your still using a non-optical or non-wireless mouse!$LABEL$1 +BAD NEWS IS RIGHT. This program is full of bugs. The UI is actually OK, but the program just does not work. Error after error, coaster after coaster.$LABEL$0 +Harley oil change. Great book, will pay for itself in no time flat. Thinking about buying it?? Get it, you will not be sorry.$LABEL$1 +Clear not Blue. The picture shows a blue urinal, but the description says it's clear. It's clear, and to me that's a disadvantage because everywhere you carry it your urine is on display.$LABEL$0 +just avoid it!. JUST HOW AMAZING THAT VAL KILMER CAN ALWAYS FINDS HIS WAY INTO LOUSY MOVIES,NOW HE DOES IT AGAIN!$LABEL$0 +Excellent compressor. The MF-1052 works. I would give it 5 stars if it had standard fittings. I will need to replace the fittings. But it works. I filled my trailer tires (225/75/15) in just a couple minutes. I was worried because this is not the model that got such rave reviews on the 4WD sites but it looks exactly like the 1050 model and the performance must be pretty close. You cannot use this through the cigarette lighter, you must connect to battery with included clips. This is a good thing because it is more powerful than most small compressors. It is great for re-inflating tires after a day on the beach.$LABEL$1 +Don't bother. this movie is horrible! I bet all of those in it hope it disappears. Nicole Kidman is good in it but the overall story is very boring, this is a waste of money and time, don't bother.$LABEL$0 +Bad purchase. I bought this bag for my son last May. He used it once for a trip from CA to Boston. Now when he's ready to make a trip to NY the clasp is missing it's tongue. Will never purchase from this company again.$LABEL$0 +Writing with errors after 3 months. It was great for the first 3 months. I use Nero Ultra 6 (not OEM from this product) and is up to date. After 3 months of use, it wrote with errors and cannot use those discs. Nero can varify whatever writing with it. Now, it's just a DVD-ROM, not DVD-RW double layer!$LABEL$0 +A Childhood Classic Read. My grandson, 3 yrs old, is a big fan of Thomas the Tank. This classic tale has become a favorite already, I think because it does have colorful drawings of the story and, it is about trains. He thinks twice now about saying " I can't". If he does, Grandma quietly repeats " I think I can, I think I can...". He will grin and forge ahead with the task or skill he was attempting.It is often one of his picks for a bedtime story. Train-loving child or not, the message is timeless.$LABEL$1 +Quick service, good price. The website was a little confusing, but once I found the products I wanted, I was happy with the result.Quick response in mailing the bowls to me.$LABEL$1 +Good, but . . .. This could be the kind of novel that readers love -- a keep-you-on-edge-of-your-seat kind of novel. But somewhere along the line, the writer has to deliver, has to get the reader to believe in something, even if there's an unexpected twist at the end. This novel never makes the last jump. Even at the end, you're left with questions, unsatisfied. The writing is good -- different because its third person, present tense -- but expert. Only the ending, the relationship between the two primary characters, rings false. I would read more books by Mr. Stone in spite of my reservations about this one. Still, a worthwhile read.$LABEL$1 +Not what I expected. I ordered this product because of it's advertised health benefits, but I found that it is not something I like! I suppose it is of good quality for what it is. Maybe it is an acquired taste.$LABEL$0 +NOT THE GREATEST FILM.. It's worth having to see a young deniro and Keitell. This was the beginning for Deniro-Scorcese team. They would do bigger and better things in later years. This film was probably cheaply budgeted. It jumps during scenes and can be hard to follow at times. Scorcese betters his directing by the time taxi driver is released. This film does influence other films to be later released. (sopranos, Good fellas).$LABEL$1 +DVD Packaging is UNACCEPTABLE!. What is WRONG with this company? Season 11 was released with packaging that didn't allow for removing the discs without destroying them. You can't take them out to play or you risk ruining them. STUPID!!!Virtually every review by customers complained about this and it looks like sales plummented for season 12. I am a hardcore fan, BUT...I want new boxes for seasons 11 and 12, or I won't be purchasing ANYTHING from them again.Season six shipped with a new format package and cover (which didn't ruin the DVDs) and eventually FOX offered a replacement box so that it matched seasons 1 - 5. You would have figured that FOX learned their lesson from this. The show is great, no denying it, but their decision to change the packaging to this complete crap format cannot be tolerated.A mistake for season 11, it is inexcusable to repeat the mistake for season 12!I am done...up yours, FOX...$LABEL$0 +not a typical star trek book. This book was fantasy, not science fiction. I loved book 1, but unless you like pure way out there fantasy, I would skip book 2.$LABEL$0 +?????????????????????????. Let me start by saying im a fan of the Jason seris and the freddy seris. And i find this to be a true failier in the horror seris. Its pure stupididy wraped up in a DvD that is pure crap. Im giveing it two stars only because it did give me some small bits of enjoyment and it was better than the monstrousity of pure stupidity they call Jason X. But whatch Freddy and Jason fight for yourself you might like it its OK but the original of both files is way better i meen WAY better.$LABEL$0 +Ok product, accesories needed and wrench failed. I used the Tool Force product for several hours; I was trying to spray latex paint onto a wooden surface.Things I knew:1)I would need additional accessories that did not come with the gun (water/oil separator)2)The included 2.0 tip is recommended to spray latex paint.Things I did not know:1)The gun came with the 1.4 tip pre installed. I attempted to remove the 1.4 tip but the open ended wrench bent. I soldered on.2)1.4mm is too small for latex materials (unless you want to use the gun all day)3)I couldn't find a replacement wrench and thus the gun is ruined (full of dried paint)4)A $10 equivalent (sans the 2.0mm tip) is available at your local harbor freight.If the wrench wasn't so cheaply made, I would be giving this product a 4 star rating. Tool Force is probably made by the same people who made the HF model. They look identical. I would opt for the cheaper option and buy the 2.0 tip separately if I was doing this again.$LABEL$0 +No Results. I purchased the 30 day supply (90 capsules).One of the ingredients in is Biotin (300mcg/0.3mg) which is known to promote skin, hair and nail improvements and growth. Another ingredient is He Shou Wu (99mg) an Asian herb that promotes not only hair improvements but physical improves to one's body.I was very optimistic about this product. I have been sampling a number of hair growth products. Fast Grow compared to the others showed disappointedly no results for me. Prior to beginning this new product I trim my hair.Instructions are to take 3 capsules daily ideally with a meal or snack. There were no side effects that I noticed. At the end of the month the growth that occurred was the normal growth, there was no accelerated growth while using this product. Hope this was helpful.$LABEL$0 +Excellent essays on interesting, varied subjects.. I have read other Travelers' Tales (France, Spain) and have enjoyed all of them. The personal experiences of real travelers is more valuable than just guidebook-suggestions of places to see and things to do. I like the addition of 15 Things not to Miss at the end of the book. Well done!$LABEL$1 +LEMONY SNICKET'S A SERIES OF UNFORTUNATE EVENTS. I think that the Lemony Snicket Movie was great! There's only one thing I can say bad about it: Klaus (pronounced Kl-OW-ss and not Clause) just wasn't right! He didn't have glasses and his face just wasn't, well, right! Liam Aiken is a great actor and all but just not right for the role. Other than that, it was great. I will admit I was a bit worried about Jim Carrey as Count Olaf (I thought he might be a bit TOO goofy) but he turned out to be great for the part. And all the other characters were great, too, especially Violet. I definitely recommend seeing this movie. It was great and you won't regret it!$LABEL$1 +I love this movie!. I'd wanted to see this movie for a long time, but was extremely busy when it was in the theater and couldn't go. I was thrilled when it came out on DVD.The beginning of the movie was a bit of a shock for me, as none of my friends who had seen the movie warned me. (But it's okay...the movie has a happy ending! :c) )Nemo is so cute with his lucky fin and he reminds me of human children who want to push the envelope with their parents. This is a movie the most people are going to enjoy. I could definitely watch it again!$LABEL$1 +My Life As A Turkey. My Life as a Turkey is a heartwarming film about one mans adventure in learning about wild turkeys and how it hanged his life forever.$LABEL$1 +Best OIF documentary. This is by far the best war documentary that covers the current conflicts. I am a Soldier with 2 tours in Iraq and I think this story is amazing. The actual Documentary itself was very well made and the whole thing is a tear fest. It is insane what these guys went through and I think every American should watch this film, these Marines of Lima CO are an inspiration for me. I am a Combat medic (the equivalent of a Corpsman) in the Army and for those of you that want to see the average experiences of the infantry in Iraq, this isn't average, this is the worst case scenerio.Another film that is worth watching and I think shows the average experience of life in Iraq is Occupation: Dreamland, which follows the 82nd. Another one is Gunner Palace and it does reflect how a lot of support personnel are living in Iraq, yet the troops in it are an embarrassment to the Army. An amazing documentary that covers WW2 is The War by Ken Burns, nothing compares to it.$LABEL$1 +PUTTING A SHINE ON AN OLD KING'S CROWN. This new definitive bio of Michael "King of Baseball" Kelly adds new luster to the crown of this early Red Sox player. Kelly's life and game were those of legend. Unfortunately, the passage of time has relegated that legend to the history and statistics books. With this bio, Kelly has been resurrected as a high living and loving human being; a human face has been added to the bronze plaque in baseball's Hall of Fame. Well researched and documented, filled with rare images assembled in one place for the first time, this book throbs with the life of a beloved record maker/breaker, Michael "King" Kelly.$LABEL$1 +Pull out the superglue!. My sister gave me these shoes because they were a lot smaller than she expected, even though she ordered them in her size (7). I wear a smaller shoe (6.5) and they fit me exactly. The shoes are cute and VERY comfortable (they actually feel amazing considering the height of shoe). I wore the shoes for the first time today at work, on carpet, and the sole of one of the shoes is already starting to peel off. Note that I did not wear the shoes from my car in the parking lot to the office. I put them on once I arrived in the office, and I sat at my desk for the majority of the day. I'll pull out the superglue, but it's still disappointing that I have to repair brand new shoes after only wearing them once.$LABEL$0 +The key to the life I want. This is an amazing book that describes exactly what the Christian life is all about. If every Christian could only learn what is on these pages, we would be a very different Church here on earth. The only downside to this book is that it spends a lot of time debating against what seems to be people who were teaching against the need for the Spirit at all. These people are no longer around, but the arguments against them are still useful, just not as needed as they were then. Overall a wonderful book.$LABEL$1 +The book that never ends. This book starts out great. It's cheeky and funny.. but this books big problem is that the plot is to thin. So, your boss is crazy.. then what? The answer to this is nothing! That's it.. the book is about an evil boss and that is all the book is about. There are no twist, no mystery, no nothing... After about 200 pages, the jokes gets old and you just want it be over..$LABEL$0 +Excellent!. I'm not much of a reader, but this book was one I NEEDED to read and enjoyed doing it at the same time. If you are struggling with this in your life don't hesitate. Although the book is directed towards married men. It also applies to single men like myself. I'm about to marry the most beautiful and loving woman and I don't need sexual sin in my life EVER! A real man would strive to be sexually pure for God, his wife or future wife, as well as himself. The author has helped me put up safeguards to protect myself from Satan's attacks. I highly recommend this book, so much so that I am also ordering ever book in the Every Man's series.$LABEL$1 +Rio Carbon 5G Mp3. Rio Carbon 5G Mp3 player does an overall good job. It's hard to find another player that has this much space for the price. A couple of flaws that need to be addressed are:1. The player tends to freeze and need to be re-booted if the charge is low.2. Books parts tend to load onto the player out of order even when you've synced them to the player in order. The most common problem is that part 10 will come after part 1 of the book so if you're not paying attention you're suddenly at the end of the book. I've had the ending of a story ruined more than once due to this problem.CH$LABEL$1 +If this is the Brazilian-made transfer done in Manuas, Brasil, from the original British VCR tape Avoid this!. Please try to locate and see the original VHS videotape from the 1980's that this Brazilian transfer DVD was made from (if this is indeed the Brazilian Manaus-made transfer from the original videotape). This DVD is a very shoddy and poor copy of the original with poor graphic image and sound quality compared to the original VHS videotape. That original VHS tape is worth its weight in GOLD!!! But not this DVD, alas!$LABEL$0 +not a linear text, but a true map!. This book is a map or a model of spiritual ascension that can be used by anyone, as ascension is affecting everyone on the planet.It is not written in a linear manner, so certain sections will "spring out" to you depending upon where you are in the lightbody process.For beginners, it makes no sense upon the first read, and sounds crazy on the second read. It is designed to bury pieces of its truth within your spirit. (that comment should comfort and not scare, so process your fear!)I recommending reading it through, then picking it up again and again as the years go by. This is an authoritative channel.Remember, however, it is only a "map." You may prefer another map, which is fine as long as it helps you arrive at your destination on time!$LABEL$1 +A walk back 30+ years. I first heard Rare Bird in late 1973 and fell in love with "Hey Man". I bought the album (remember albums?), then lent it to a friend in the late 70's and never saw it again. For 25 years I've tried to find a copy and was amazed when I saw Epic Forest available on Amazon. As soon as I received and played the CD it brought me right back to the 70's. Yet the sounds of this band are timeless. I hear shades of Moody Blues, Pink Floyd, Stevie Winwood, Steely Dan and Jethro Tull in the unique style of Rare Bird. The vocal harmonies, acoustics, and hard licks are in great diversity, but make the listening very easy. I realize that I had pretty good musical tastes 30+ years ago. I just wonder why the band wasn't a greater commercial success. This was a purchase that I will cherish for a long time.Epic Forest$LABEL$1 +Great DVD for kids. My 10 year old loves watching vintage cartoons. This was perfect for him, and his younger brothers like watching cartoons that were around even before their grandparents :)$LABEL$1 +Breaking Point. The book Breaking Point is on a boy named Paul Richmond who is a loser that switches schools a lot. He attends Gate Highschool, which is a rich school. His mother works there so he gets in free. During the story he becomes friends with the most popular guy in school. He doesnt know that his friend is going to use him to plant a bomb that will blow away the whole school!I liked this book a lot overall becuause it had a very good way of making me keep on reading. there were many exciting parts throughout the book also.I would recommend this book to teenagers mostly. Boys or girls will enjoy this book a lot on teen anarchy. It was great.~Chara, straight up from Compton$LABEL$1 +worked one week. Nice product but it worked only 1 week with my 90W laptop, then blew the fuse. Should ship with an extra fuse.$LABEL$0 +Very enjoyable. Unlike the annoyingly stupid Brown Bear, etc., this book is easy on the parent's nerves. I can read it over and over.$LABEL$1 +Best Wok. I researched other Wok's before I chose this one. I liked all the reviews this was getting, so I took a chance. Like any other review, there will be some people that do not like it. This Wok makes excellent food! I love it! Curing instructions come with it. Just follow them and and BAM, you'll be set. The Wok comes oiled up, to prevent rust. So that will have to be washed. Like I said, the curing instructions come with it, so just follow it. Tells you the proper steps to follow. If I had to but another Wok for whatever reason, I would definitely buy another one of these! Like always, shipping was awesome....it got to my house so fast.$LABEL$1 +Does this stuff work at all?. We have three adult indoor cats in Seattle in our small home. Recently one of our cats got outdoors and we ended up with fleas. We used this exact product and three weeks later we noticed nothing had changed. There where still fleas. So we applied the other dose and three weeks later we have seen a 0% decrease in flea popuation. This cost us 100$ and we do not make loads of money so to spend 100$ on a product that did NOTHING is quite a loss. I will never buy Frontline again in this lifetime.$LABEL$0 +oscar wothery. This is ryan goslings greatest work by far. Watching this movie is like takeing the painful heartbreaking trip of additction yourself. Mr gosling pulls you into the film and won't let you go.$LABEL$1 +In puragorys shadow and by infernos light. Worf and Garak go into the gamma quadrant to investigate a cardassian code whice garak claims was sent by tain the former leader of the obsidian order. They progress further into the gamma quadrant where they are captured by gem hadar. Worf is forced to fight the gemhadar while garak engineers their escape from the dominion prison camp . It is a great episode which is one of my favorites it shows worfs true test of klingon honor and spirit.meanwhile on ds9 doctor bashier was replaced by a changeling where he is damageing station systems and would be sucessful if doctor bashier wouldnt have hailed the station from the gamma quadrant.A taskforce of klingon ships arrive from cardassian space and gowron agrees to ally the klingon empire with the federation once again and it is the beginning of the dominion war saga a must see !!$LABEL$1 +It's bad!. I used to play this game over my cousin's house. Besides the hideous 2D graphics, the plot must have been stolen or something because I sure couldn't find it. The gameplay wasn't as bad as the AI though. All in all, this game does start out fun but after about fifteen(15) minutes you should turn the Playstation off so it isn't left on when you fall asleep.$LABEL$0 +Not any good. I'm a big fan of DJ Sakin and Friends - Torsten Stenzel acted as producer for their magnificent progressive trance album Walk on Fire. DJ Sakin hasn't released a lot of new music lately, so I decided to purchase this Chillin' in Ibiza album and give Torsten a shot. Big mistake....the music is boring, the songs aren't any good....what more can I say?$LABEL$0 +2 great shows! Loved them both!. We all truly enjoyed both of these! They are both classics and will be forever! Get these! You will love them!$LABEL$1 +An Inspirational Movie. The beautiful story of the appearance of Our Lady to poor peasant children in Portugal is well told and portrayed. As Jesus said often, the strong faith and innocence of children is to be envied and emulated by adults if they wish to enter into the kingdom of heaven. These children reflect perfectly that strong faith and innocence.$LABEL$1 +AWFUL BOOK AND VERY BORING. I found this tale extremely well written but also very boring and gruesome. I almost 'gave up the ship' and ditched this book several times but plodded thru-I was not rewarded for my efforts. The ending did not make me believe in god at all as the cover suggests but in the brutality of man in a survival situation.$LABEL$0 +Boring. I finally caught up with this film, and, like so many high profile classics, I found it to be tedious. The script lumbered along and I found no enthusiasm for any of the characters. I must admit that the title character is complex and for that consideration, as well as the look of the period, I gave it 2 stars.$LABEL$0 +Good Book, some problems with it.. This was required reading for a class I was taking in multicultural issues. It was very interesting but it was hard to read parts of it because of the nature of confronting our biases that the book addresses. I did have some issues with the way the book approached discussing the role of white people in society. It was almost as if the authors wanted me to feel bad about being white. Overall it was very informative and gave really good examples and implications for clinical use.$LABEL$1 +Worthless for 90 degree cuts. The product description is misleading: there IS an attachment for doing 45 degree cuts and that works - not great but does work. The problem is that this tool does nothing to help with perfect 90 degree cuts. The description says you use the flat base for 90 degree cuts, but that doesn't really do anything for you. I can make cuts easier with a regular X-acto knife, or a single edge razor blade which is what I ended up using because I felt it gave me better control than this tool.$LABEL$0 +Driving Rain. I do not own "Driving Rain" at this time, however, I'm sure I would love it. Anything, Sir Paul does I love it, he's a great person and a talent writer, singer,composser and musician. I wish him all the happiness life can bring. When the Beatles first came to the US, I was a died hard "Elvis" fan, still am, however, Sir Paul is now tired with "Elvis" in my heart. I saw his concert on 4th of July at RFK stadium, in Washington, DC, wow! what a concert. I got the same feeling seeing Sir Paul, as I did when I saw "Elvis" in concert, both a once in a life time concert. Paul, be safe and happy always. Congrat's on your marriage, although no one will take the place of your beloved wife "Linda" and the mother of your children. Keep singing, always.$LABEL$1 +Unsubstantiated Junk. Sadly, this book is actually assigned reading in some colleges and universities, which means students will believe as fact its rather thin argument that industrial development in the world stems from a decline in the value placed on womanhood. The author apparently hasn't studied the very real oppression of women during earlier time periods in history. This is junk social science, and, horrifically has been given credibility it does not deserve. Admittedly, the premise is unique. The 'academics' behind the premise, however, are weak at best, and downright dangerous at worst. Connections are drawn with no grounds other than the author's personal claim that various advances in industry or science are related to anti-faminist attitudes and have sexual undertones.If you like this book, you'll love the equally distorted sexual references in Spinning Straw Into Gold (by Gould).$LABEL$0 +I tried so hard to like this book.... I tried so hard to like this book. The story is a magnificent one, the history so alive but I couldn't get myself past the fact that a 6-8 year old could be so wordly and articulate. Her obsession and goal to marry Prince Salim from such a young age held little ground. No reason or impetus was given for this sudden aspiration. I only got to chapter 3 when I had to put it down as it lacked conviction and authority.$LABEL$0 +Sophomoric story signifying nothing. Johnston revealed his lack of sophistication and understanding of our tax system and how we got to where we are now. A terrible misconstruction of events and misrepresentation of the facts. Events are taken out of context and the spin put on these events by Johnston is truly outrageous. Were you aware, Mr. Johnston, of what else was happening in our country, in our economy, in our culture, and within our government during the time frame when these events were taking place? What a waste of time.$LABEL$0 +Binding fell apart at first reading.. The book is great. It is just what I was looking for - acupressure points for healing. However the book and binding are very old and the binding fell apart and all pages are loose now.$LABEL$0 +love it. got it for my husband and he loves them. i pocket is a nice touch for sure. He is usually xl but got L and fits him perfectly$LABEL$1 +A Swell Pioneer Aviation Book. Ms. Cummins has produced a very attractive small volume on Blanche Stuart Scott, pioneer aviator. The volume is well designed, as might be expected from a mainline publisher (Harper Collins) and the text is informative. While the book yields a good notion of who Ms. Stuart Scott was, a better exposition of Ms. Stuart Scott's 'crustiness' would probably have increased our understanding. There are the inevitable errors, of course, including an unfortunate caption of a photograph (on page 49) mistakenly identifying Lincoln Beachey as the aviator of a Wright biplane. Also, there is confusion about the supposed role of a non-existent sand bag in the fatal fall of Harriet Quimby and William Willard at Squantum, Massachusetts, in 1911. Taken as a whole, however, this book is well worth the purchase price and adds to our knowledge of one of the most colorful aviators of the pre-WWI period.$LABEL$1 +A Cluster of too many confusing names. Sutcliff's attempt at accuratly telling Mallory's version in a easy read is trashed, whan she tries to add too many names into one's head.I would not recommend this book for someone who is looking for a fun, enchantful version of King Arthur.$LABEL$0 +Sick, twisted, and incredibly funny. My wife won't let me watch this DVD when she is in the house. I also find much of this program to be disturbing. But it is also very, very funny. I am constantly amazed by the skill of the principal actors/writers who are able to create and portray incredibly detailed and interesting characters. If you have a strong stomach, and like to laugh, this is a great DVD to buy.BTW, after inquiring to BBC America, they told me that they currently have no plans to release season 2 in the States. C'mon BBC, give the people what they want: Season 2!!!UPDATE MAY 18, 2005: I've seen that BBC now has plans to release all three seasons of League of Gentlemen, plus the Christmas special, in a single box set. In such a character driven show, I can't wait to see how it all wraps up. . . FINALLY!!!$LABEL$1 +Love it. This is one of my favorite movies, with some really good one-liners. I have watched it many times and still laugh each time$LABEL$1 +Before St Anger: Metallica fan, after it: I am confused. I am very sorry to say that this album totally SUCKS and dont even deserve 1 star. I dont know what the hell happened to Metallica. Awfull music, awfull vocals and back vocals, no solos, ??. I am pretty sure this is the end for Metallica, and a s a fan I am really sorry.$LABEL$0 +It cheats!. This game is well done, fun, and addictive, BUT it cheats. There are a small number of words in its dictionary that do not appear in the Official Scrabble Players Dictionary (4th edition). It beat me tonight (barely) by using GADJO. If you look this up in the OSPD4, it isn't there. If you look it up in its own online version, it's there, but with "Definition not available". If you look it up in Google, it's a Barcelona-based gypsy-ska group, which gets its name from the Roma word for non-Romanji people. (That's the sort of obscure word that Scrabble lives by, but to use such a word when it is NOT in the OSPD is just cheating!) This is the second or third time in a year or so that I have encountered one of these. Grrrr....$LABEL$0 +very nice and heavy but not white. This spoon rest is a nice shape and nice and heavy like the Corningware bakewear. Now I wish I had gotten the two spoon version, but at least the old yellow melted on one side plastic spoon rest we have had for over 20 years is gone. The rooster and hen match my kitchen decor but the main color itself is beige/dark ivory/cream-just not white. The rooster and hen design in the bowl part is not like anyone would be able to tell anyway, just us cooks. Anyone will be able to tell it is not white like I know every time I am in the kitchen. I have never owned any Corningware this color- I didn't even know that they made any base color but white.$LABEL$0 +Not In My Back Yard. An old dog professsional photographer temporarily bed ridden (due to an accident)(James Stewart). A junior socialite (Grace Kelly) looking to get hitched to old dog photographer. A back yard full of troubled `lonely crowd' urban neighbors in 1950's New York. Bring in a salesman (Raymond Burr) neighbor (could it be Willie Loman going off the edge) in an unhappy marriage. Add in the master suspense director Alfred Hitchcock and you have the making of a classic suspense thriller. The plot revolves around the clues picked up by Stewart as he, out of boredom or otherwise, hones in on the apartment across the way. By the time Stewart and crew are done old Raymond Burr is going to need more than Perry Mason to get out of this fix. A word on Grace Kelly. They say Prince Rainer of Monaco, her husband, a man not known for showing emotion openly cried when she died in that car accident long ago. Now I know why. Enough said.$LABEL$1 +More than a Mirage. When Transformers started relaunching G1 characters as modern, re-tooled versions in the Generations line I was stoked. Born in the early 80's I wasn't able to enjoy the original toys unless I went to older kid's houses. I loved the cartoon and the characters. Now with these toys, especially Mirage here, I'm able to enjoy and appreciate them as a homage as well as fully posable action figures that are able to capture the essence of the character in Robot mode as well as a realistic vehicle mode. Sweet!$LABEL$1 +Deftly analyzes over 2,000 of Koryusai's designs. Isoda Koryusai produced thousands of designs between 1769 and 1781, a crucial period in the Japanese print tradition era, and though he was honored in Japan for his works, he's been largely neglected by western art scholars. Allen Hockley's The Prints Of Isoda Koryusai deftly analyzes over 2,000 of Koryusai's designs, surveying his influence as a minor Edo-period artist and arguing that Koryusai excelled in his output and his creation of popular commodities. The Prints Of Isoda Koryusai is essential reading for any student of Japanese printmaking history and artists.$LABEL$1 +very very exellent. i think the water boy was the best films i have ever seen. its funny,its sad,its nerve racking and best of all is the best film in the universe if i would i would give it more 5 stars about a million or more.i recomened this film and is the best film in the universe.$LABEL$1 +Practical help, step-by-step process.. This book takes you through all the details, big and small of setting up your own practice. Dr. Hunt explains her points concisely, with helpful anecdotes from personal experience. The book is very easy to read with easy to reference chapters and section highlights. There are useful templates in the back for finances, intaking, and forcasting future needs. I found this book to be one of the most useful books in getting started. Even if you are a seasoned private practictioner, this book can help you streamline and cut costs even more, or simply be a fresh reminder.$LABEL$1 +A true Inspiration. This album was truly in inspiration. William belted his heart out in "I Believe I can Fly", and "Can You Feel the Love Tonight". His voice was that of an angel sent from up above. Y.M.C.A had me dancing in my car on the way to work.....I have listened to William's album everyday from the day I bought it, and that was several weeks ago. William's unique and powerful has definently changed the music industry. If you do not own this album you should go out and buy it today. Go William!!!!$LABEL$1 +King Of The Hill - The Complete First Season. King Of The Hill - The Complete First Season is very entertaining. The episodes are animated and for adult viewing. King Of The HIll - The Complete First Season has episodes that alot of people can relate to like education / school for adults, work / employment issues and raising children. I suggest watching / purchasing King Of The Hill - The Complete First Season!$LABEL$1 +Works well with my new Kodak camera. I orginally bought one of these cards for my brother for his Treo 650. Then decided to buy two more for myself. One for my new camera (Kodak v610) and my Treo 650. So far the card has worked great in both, with fast delivery!$LABEL$1 +Worked ok for a year. This worked ok for a year, but then it was not performing as well and occassionally we saw smoke coming from it. We cleaned it over and over and this seemed to make no difference. Finally we just replaced it with a different model.$LABEL$0 +A Beautifully Overrated Gem. Perhaps if the book had not received the prize and so much praise I would have been pleasantly surprised, but after all the hype I would tend to agree with the dissenters here below, that The Hours, although superbly crafted and elegantly written, is a hollow and ultimately disappointing reference to Virginia Woolf's masterpiece. Cunningham's prose moved me, but his invented characters did not. (Of course Virginia herself is untouchable.) I am puzzled, still, at my disappointment; have I missed something, or am I merely more discerning, wary of the aura of prize-winning?$LABEL$0 +Crap, crap and more crap. I should have believed all the other reviews. Broke off the first time Grandma tried to open the closet and didnt' realize we had a lock on it. If Grandma can break it off, pretty sure it wouldn't have been long before the 3 year old could have done it. Don't waste your money.$LABEL$0 +LACK OF SERVICE. Have still not received...after several weeks,,, any information as to how to order repair service. My unit is not working but I have no way to have it repaired....Very, very dissappointed...........$LABEL$0 +funny. Ed Norton is so funny and so is Robin Williams in this movie. It's a definite one to check out$LABEL$1 +as many reviewers said. i didnt like this book, wich i bought with two other ring books which i liked. rings were unrealitic as somthing somone would wear once much less on a regular basis. they were more like display pieces than rings. i would not purchase this book if i knew what i do now.$LABEL$0 +Do Not Buy. This product claimed to work with both PC and MAC. It did not. I comes with nothing to install it onto your computers and it comes with nothing to actually connect your computers to the product. You end up spending more money and it still doesn't work.$LABEL$0 +Great for learning. Great translation, easy to understand. I bought it for my daughter because the translation is aesy to understand in modern english. Subtitles also help with the understanding of the text.$LABEL$1 +Birthday Skates. These were purchased for my nephew for his birthday. They were what he wanted and has had no problem with them.$LABEL$1 +Very cute!. Unfortunately, my little girl still only played with the manufacturer's tag! But the quality was good! She did like the inside rattle though!$LABEL$1 +suckie every where. this gun is not as good. i have used the tan and black version of it and it has no power and no accuraccy what so ever. in fact i have used this gun on th socom video game and it sucks there too. i also read a reveiw of the real gun and it sucks there in iraq too. im startin to think that they purposly made this gun suckie. just dont buy plz!$LABEL$0 +Vapid and inane. A total embarrassment to the author. Dull and poorly written. After forcing myself to get through the first 45 pages, I gave up. This book is perhaps faithful to the A&E movie---certainly not to the original Austen book. It has Bingley as OWNER of Netherfield (he is only renting it!) and ignores the fact that the BENNETS are the first family of the village; hence Caroline would have had to socialize with them whether she wanted to or not---certainly before accepting an invitation from Colonel Forster!! This is only the beginning of the ludicrous inaccuracies. The book is also dreadfully copy-edited; I found the same kinds of errors my high school students routinely make. Reviewers who raved about this just aren't very discriminating.$LABEL$0 +Building Blocks Method of Learning Guitar. I have Guitar Coach and Intermediate Guitar coach and find both to be excellent learning tools. I have several video lessons, and a shelves full of books on how to play guitar. I have found that I am making the most progress with Charanga (Guitar Coach) CDs over everything else I've tried, not to mention I'm having a lot of fun in the process!Thanks to Charanga for the effort they put into making such a fantastic product!$LABEL$1 +When will we see Flash on DVD. This series was amazing my favorite TV show I wish WB would hurry up and put the hole series on DVD in a box set whats taking them soo long can't they see there is thousands of Flash fans just waiting to get there hands on a DVD box set of this please release this onto DVD$LABEL$1 +zzzzzzz. I tried several times to read this book. I even got half way through it before I gave up the last time. It is just plain BORING! There isn't even colorful descriptors to keep you awake. Truthfully, after trying three times to read this, I still have absolutely no idea what it's about.$LABEL$0 +Poorly Made. Immediately upon assembly, we found this product to be poorly made. The mesh above the lamp was so poorly designed that it could not be reapplied after the bulb was inserted. It stands askew because poor alignment of the gold dividers in the shaft. Although it serves its basic function of providing light, it was not worth $28.$LABEL$0 +An insult to the legacy of James Brown. This concert is obviously being marketed by it's historical context, taking place on the night after Dr. King's assassination. It is also a good performance by James Brown, but then, he never put on a bad show. However, the lighting of the DVD is so bad it's almost un-watchable. It's amazing it was shown on television that night because it looks like it was shot in a coal mine! If James Brown was still alive he would never have authorized this DVD, because he always took pride in his product and his responsibility to his fans. If you must have this concert just get the CD because the visuals are atrocious!$LABEL$0 +Wenzel Insta-Flex Queen Airbed with Pump. This bed was absolutely dreadful. The bed popped a hole along the seam after a mere couple of weeks. We tried to patch up the hole, but it kept getting larger and we had to replace the bed. I can only tell you to be careful if you buy this bed and keep your receipt. Our mattress is headed for the trash recycle bin, where it belongs. Shame on you Wenzel for selling such a bad product. Amazon customers beware of this product!$LABEL$0 +Simply does not work on new Mac's. I have no doubt that at one time Final cut 4 was a great product. But beware to those that have new Mac's with Intel chips. This version simply does not work on them. I bought a brand new mac book pro with the intel chip and this program did not work. Luckily I did not spend that much and was able to get a refund. But if you have bought a new Mac you will need to look at getting newer software.$LABEL$0 +Another great model from Tamiya. I love Tamiya models they find the right spot of easy to build while still having a good amount of challegen to them. This is a great model of a German 88. The only problem I have with it is the men keep falling over. But beyond that its a great models. Keep in mind this is not a toy. You have to put it togeother yourself and paint it yourself. If you like that. You can never good wrong with a Tamiya model.$LABEL$1 +Great toy!. I bought this for a joined Christmas present for my 3 and 4 year old, not sure whether it was going to be a bust or something that they could really enjoy at such a young age. My 3 year old has a little trouble getting more complex structures built because of how strong the magnets are, but my 4 year old LOVES them. She has declared them her favorite toy of the holiday, and plays with them constantly. The magnets are of such great quality, and are built to last. Even though you are only given the little bars and the silver balls, the possibilities are endless. They come packaged great, so it's easy to tell if any pieces have gone missing. I would recommend this to anyone. More than just the average toy you find nowadays, where lights and sounds and flashy things replace quality and actual entertainment value!$LABEL$1 +A Welcome Change in Sytemic Thinking. This book presents a revolutionary, yet simple thesis on the Bible's teaching about "divorce." For too many years churches have burdened divorced individuals with the feeling that they are somehow now "disqualified" because of it. Divorce has been treated as an almost "unpardonable sin." Callison's book dispells this attitude and belief by simply pointing out the translations of the O.T. Hebrew words and the N.T. Greek words used for "bill of divorce" and "putting away." It is a welcome message that should help countless divorced people regain the joy of their relationship with God.$LABEL$1 +Best for the Price. I highly recommend the HT-DDW900. Excellent Home theater system in the ~$250 price range. Plenty of power for my needs (16 x 16 room). Must read the owners manual to understand the system as most functionality is configured through the remote control... definitely a bit more complicated system setup than my old Home Theater system. The setup microphone is useful if you don't want to bother to learn the remote.$LABEL$1 +Very Moving. This album covers all the highs and lows of being in love. Definitely a record worth getting.$LABEL$1 +Conscience of a Conservative. I was very discusted with the book itself. This is not an original but a copy made and very poorly bound duplicate. It was sold as a used copy but this did not mean a duplicate copy. This was a new copy. The price was high for a duplicate. It missed all normal identification of publisher etc that would be carried in an original. The content is that of the Goldwater, not great, but what I wanted. I really should have returned the copy because it was not as advertised. The original should really be in historical class and currently is not easy to find in many public libraries.$LABEL$0 +OK. if you have seen the other total recal you don;t need to watch this one, not sure why they copied the original$LABEL$0 +A Great, Great, Movie. Wow, what A Great, Great, Movie. I loved everything about Thor, the movie was excellent from beginning to end. The writing alone pulls you in and makes you care. Despite being set on multiple planets, all planets involved, thanks to amazing special effects, brilliant acting, and clever writing, are incredibly believable and real. The movie has humor, scares, bonus characters, tie ins with other movies, and an overall compelling story line. Chris Hemsworth is excellent as Thor, Natalie Portman delivers a great performance as well, and Kenneth Branagh does an amazing job directing the film. This movie is worth your time and money, and is definitely a film to watch over, and over again.$LABEL$1 +absolute garbage. Bought a big box of these.Tried 4 pairs while winter hiking and I got one pair to almost get lukewarm for about 2 minutes.It did that probably because of the effort I put into shaking it and rubbing it around my freezing hands.Save your money and buy something else like wool mits. They'll outlast this crap any given day.$LABEL$0 +Just Gotta Love the Speedway. This watch adjusts well, fits great, looks good, keeps good time, and is good for dress or play. Sooooo what more do you want in a watch in this price range. I only hope Invicta gets it's head out of it's you know what and goes back to what really works. If they don't they will be sorry for the new speedways are nothing like these. The reserves, grand diver, and this are all what's great about the speedway line. So get yours soon for they are not making these anymore.$LABEL$1 +baby proof. A well written story about a couple who both do not want to have children. However, after marriage and time one of them decides they changed their mind. Where this revelation leads will have you absorbed in needing to know the outcome. Great story once again by Emily Giffin. I have read 4 books by her and none have disapointed. All hard to put down.$LABEL$1 +Whoever loves magneto should read this.. You see here a lot of things happen, Magneto gets an asteroid city called Avalon for mutant to live in, Bishop and Cable come back, they almost get killed, Wolverine's adamantium gets ripped out of his bones by Magneto and his powers, Charles Xavier gets angry like he did when he turned into onslaught and using his powers left Magneto brainless, not including a shocing betrayal by one of the X-men and also an abandoning by another X-man. You really ought to read this book.$LABEL$1 +Dissapointing. I feel I must agree with Greg B. To say a movie wasn't good because it wasn't the same as the book it was based upon is ridiculous, for film must follow different conventions than the written word. HOWEVER, that maxim is true only most of the time. Sometimes, what was left out of a film in the transfer from book to screen would have made a better cinematic impression . Such is the case with "A Simple Plan". Scott Smith more than likely felt compelled to water down his novel to fit Hollywood's narrow views of what makes a successful movie. He probably felt he had managed to still retain the spirit and impact of the book. Sorry,Scott, but I disagree. It was bungled badly, and what could have been a truly chilling morality tale ended up a by the numbers actiion thriller, with a thin moral fabric tacked on as an afterthought. Fair at best, only because a fine cast of actors save what should have rated zero stars. A dissapointment.$LABEL$0 +The Secret Life of Bees. This book was thought provoking, funny, truthful and very touching. I needed to read it slowly so I wouldn't miss any of the details. A great book for a vaction, even if the vacation is in the comfort of your own home. Enjoy!$LABEL$1 +predictable, pedestrian mystery. This "femjep" mystery has all of the flaws of a beginning effort and few of the charms. The focus is really on the relationship between reporter Irene Kelly and detective Frank Harriman. Solving the mystery is almost incidental. And Irene doesn't do much investigating. Things happen to her and she overlooks obvious clues (e. g., the cable truck sitting outside her house for several days). She finds herself in far more physical danger than any one person would face in a lifetime, and yet the solution to the crime pops up when she isn't even looking for it. Burke has an annoying habit of trying to misdirect the reader -- which a mystery writer is supposed to do -- but in such a heavy-handed way that no reasonably intelligent reader is going to be fooled.$LABEL$0 +nice and unique experience. A nice and unique experience , written very clearly and arrenged in such a way that keeps the piano playing experience vary special . The book includes many popular songs from this wonderful musical.Not very hard to play though it requires some practice .$LABEL$1 +BUYER BEWARE!. It is a good RC car for baby 1 1/2 yrs and up... IF IT WORKS! Just like many other reviews, I like how it fell safe to the kid but this things does not turn.It will only go straight...not so fun anymore when you have to chase the car as well. Also, the way it designed will not last long.$LABEL$0 +Crooked Cuts. The MK 370 is lightweigt and powerful enough for the average do it your selfer,however the chrome slide rail system must be re-engineered. I find it next to impossible to make accurate or straight cuts while using this saw. I would certainly like to upgrade to the 770k or the 101prok but do not want to experience the same problems.$LABEL$0 +does not look good and does not feel right. does not look good and does not feel righttoo wide at the thighs$LABEL$0 +quilt group demo. Got the book in the nick of time:I did a crash course of this book and gave a demo during my quilting guild meeting!$LABEL$1 +enjoyed!. Great to get back to the original. Always loved the story, but only knew movie versions. Very interesting to see the differences btwn Dickens' story and the TV story. Illustrations are great, too--so NOT post-modern.$LABEL$1 +Authentic powerful blend of traditional songs and creativity. Picked this CD up at Wupatki National Monument out west. The songs are based on traditional Hopi songs but with embellishments such as flute and occasional background nature sounds. A great mix of drumming, chanting, rattlework. Definately easier for most westerners to listen to than powwow songs. A bit more tribal than the latest Carlos Nakai but generally in that genree. Sounds somewhere between Nakai and Douglas Blue Feather. Really suprisingly great stuff.$LABEL$1 +Fred Saberhagen. is one of my favorite vampire authors! I've read all his vampire books! I wish there were more. He's at the top of my list, and that's a very long list...$LABEL$1 +Fun little game. I love doing Jumbles - I buy all of the Jumble books I can find. The hand-held version is not as entertaining as the books because it doesn't have the cartoons, and you can't see the bonus puzzle letters until you get to the bonus puzzle, but for when you're on the road, it's better than lugging a book and a pencil. Very easy to use, and well made, though I wish the display was a little easier to read in dim light.$LABEL$1 +Parent Trap, updated. What an adorable story. This novel offers the romance fare that I love ... a cozy community of warm characters that bring the hero and heroine together and believable obstacles that keep them apart. Karen Rose Smith is known for crafting tender, emotional love stories, and Mom Meets Dad lives up to her usual high standards.$LABEL$1 +Not What I Expected. Although the book is very interesting, it really didn't have in it what I thought would be in it. I actually bought the book for my husband, who is into model rocketry and is making his own rocket engines and I thought this book would be informative enough to teach him to make the black powder that goes in them. Well, it is...if you have ten years to wait for everything to cure and get to a point where it's "good" enough to use for black powder. I really did think he could put the knowledge he gained there to work immediately and therefore I was disappointed in the content of the book. If you have ten years to wait for everything to come together then this is a book for you. If you want to put the knowledge to work for you right away, forget it!$LABEL$0 +Good quality. plastic spine was complete and had NO damage. i recommend this book for anyone going into a medical laboratory tech field.$LABEL$1 +My daughter and I LOVE this CD!. The songs on this CD are infectious and fun. There is not one annoying song on here. I love Willie the King, Snow Day, and The Hoppity Song the most. IF you're an adult that cringes at the idea of a kids' CD, this is absolutely the one for you!$LABEL$1 +An OK effort.. Too few new songs and the renditions of her old ones aren't that different. Overall a disapointment, but I am still a fan of talent.$LABEL$1 +Very comfy!. These are the most comfortable character shoes I've ever owned! They are like putting your foot inside a pillow. The only down side is that the soles could be a little stronger. I slipped on some stairs and broke the heal off of my first pair. (That was a sad day.) But they are great for stage and dancing, just make sure to scuff up the soles before you do anything in them!$LABEL$1 +Easy to pack. I have been traveling a lot to visit Grandchildren, etc. The Kindle is much easier to pack that a stack of books. It is great not having to worry about bookmarks falling out and finding my place again. The downloads are quick and easy. Bookmarking spots to return to are easy, too. I have a variety of books so I can read whatever I feel like. My kids are envious.$LABEL$1 +DOA. Product DOA. Installed on an old PowerMac G4. Might as well have stuck a piece of toast in my machine. Bought a card from Circuit City (~$20) which immediately worked fine. Probably just got a bad card (quality control isn't the best on $4 electronics...). Looking back, probably should have bought two at that cost hoping one of the two would be OK.$LABEL$0 +Worked great!. I had to do a few runs of Cat6 through my attic into 3 rooms in my home. This really helped a lot. Sure you could make your own or use a different kind of device (originally I used a wire hanger), but this did the job better. I was up in the attic and my wife was at the receiving end using the magnet to attach the nickel-plated steel ball chain. You might have issues if the wall you're working on is insulated or if you have horizontal studs/fire-stops. It was perfect for what I needed.$LABEL$1 +Love it Love it Love it. Not only did the CD contain all the old time Christian music seen in the movie, but it also had a screen saver that is so fun. It plays the banjo, rings a cow bell, and multiple other goodies that making computing more fun.$LABEL$1 +Huge Hit.. FIRST IMPRESSION: This toy was a big hit with the kids the moment they tried it out.DURABILITY: Initially I thought it looked a bit flimsy, but it's been a while and everything is still intact and working perfectly.CUSTOMER SERVICE: The box was missing one item when it arrived. We called the company and got the part within the same week, with a few extra parts along with it. Customer service from that company is fantastic. They were very polite and resolved our problem right away.FUN FACTOR: The rockets go very high, and kids in our area congregate in our yard to have a turn at stomping. It really is a lot of fun for both kids and adults as well.RECOMMENDATION: Give it try. Most kids flip out for this toy.$LABEL$1 +Waste of time. As others have found, this is the worst piece of junk that I have ever seen. Shame on ToysRUs for even carrying it. It will be returned today, one day after purchase, after 2 accomplished seemstresses tried in vain to get it to work. Trash, pure trash, and a waste of good plastic. Stay away unless you want to feel like a sap for falling for it.$LABEL$0 +Fiskars 9210 grass shears. Both my niece and I have used the shears and are both very pleased with it I like the swivel aspect of it. I have bought Fiskars products before and have always been happy with them.$LABEL$1 +Classic! Must read for everyone. I read this book in high school but when we decided to read this in my book club I realized I forgot almost the whole story line. I loved reading this and looking at the characters from a whole different perspective. This is an American classic and a must read for everyone. I think this shows that money does not always produce happiness.$LABEL$1 +boring.... I thought it would be a great movie, Angela Basset and Whoopy Goldberg are so great ! But it was not, not at all. One word resumes this movie : boring. It is so predictable that there is no need to watch the end, you know it from the very beginning !$LABEL$0 +Waste of time. She basically destroys your ego with the idea that she's going to build it up. Seeing as how she's never been trained as a counselor she has undertaken a task she's incapable of finishing. This book left me feeling suicidal. If you're under any kind of stress at all? This is NOT the book for you. If you're looking for good advice? This is NOT the book for you.Basically? This book is a waste of time and money.$LABEL$0 +Good light. This is for our bearded dragon--the light shipped quickly and does exactly what we need it to do. We have a happy lizard!$LABEL$1 +Wonderful artwork!. This deck is not for someone who likes color. These drawings are wonderful and neutral in color. They are very Medieval in style and done by the late Brian Williams, who is one of my favorite Tarot card artists. If you are not a beginner and collect Tarot cards or are looking for something unusual - this deck is great.$LABEL$1 +Scared Miss Muffet from the theater!. One of the most irreverent films. The characters in this film are 2-dimensional. The storyline is not that strong. The storytelling is choppy and disjointed. Some of the effects don't look too impressive because you can see that it's been computer generated.Kids will enjoy it for its sophomoric action. Not a film that will enrich the mind.$LABEL$0 +Great Little Bubble Machine. I baught this over a year ago to keep my dog busy. (He loves bubbles) I have left it in the yard the entire time and it still works.$LABEL$1 +Best Musical of the 50's. This is the movie that made me fall in love with Doris Day and Howard Keel. It was so much better than Annie Get Your Gun where Betty Hutton sang to herself or to the last row in the audience. There was so much chemistry and great songs. The Black Hills song is great and I thought all the songs were meant for Mr. Keel and Ms. Day. She was great in both "characters" and he is my hero! A must have.$LABEL$1 +Elmo Gund hand puppet. I am quite dissapointed with this Gund Elmo Hand Puppet as it shows its mouthwide open, but when you use it - it does not open wide, in fact it is difficultto open. Rating - poor!$LABEL$0 +Good kids cd!. Great CD to accompany the book, as sometimes you have a book with references to songs and dont have the songs! The versions are fun and engaging for children.$LABEL$1 +Cold and unmoving. In 1970, Twentieth Century Fox released "M*A*S*H," a huge box-office smash that put Elliott Gould on the map, and established Robert Altman, a veteran director of TV's "Bonanza," as one of the important figures of 1970's cinema. Much like Gould, Altman quickly burned out, and there's hardly a spark of imagination to be found in "Quintet."Set in some barren wasteland of the future, it involves a macabre twist on backgammon in which the loser is murdered. The location, a snow swept Montreal, and the contrasting claustrophobic interior scenes, are appealing to the eye, and the cast, headed by Paul Newman, is not without interest.But "Quintet" is as cold and unmoving as its landscapes, simply another credit in Altman's filmography that boasts of his maverick credentials, but makes you wonder why "maverick credentials" are something to boast about.Brian W. Fairbanks$LABEL$0 +This Sucks!. Why? It is recorded in LP! On a commercial tape! I only got it because this will never be on DVD as these rappers on here are not salable today.$LABEL$0 +Best soundtrack since Clueless. I've loved Howie Beno's work since he was in Drag/13mg, and his She Bop with Cruella DeVille is gutsy and aggressive. Yoo Hoo is an instant classic, and the scenes from the movie with them walking slow motion ala 'Suburbia' are forever linked in my mind.Transister's 'Flow' is a very sweet, sad song, very moving. Not since the Cure's 'Disintegration' have I gotten so choked up by a song.$LABEL$1 +Amazing Durability!. I bought this camera for my daughter 2 years ago. My 3 kids play with it frequently. It has been dropped on the tile floor many times without breaking. Last week, my 3 year old son put the camera in the bathtub. It was completely submerged. You could see water inside the view finder and on the screen. I was certain it had finally met its demise. However, I took the batteries out and dried it as best I could for 5 days. Today, I put the batteries back in and much to my surprise it STILL WORKS!! Like most reviews say, the picture quality is not good. My daughter gets frustrated with blurry pictures if she is not holding the camera completely still. But, man, is this thing ever tough!$LABEL$1 +The real thing. Aside from the a young man's bravery this movie reminds about the communism. People tend to forget the history, that is why we have so many repeats. I am a Bulgarian and in 1952 I was only 4, but I could not agree more with the movie, at the same time recommend it to anyone. Anyone who cherishes the freedom the way it should be cherished.$LABEL$1 +Tear Jerker Movies. This is a excellent movie it is hard to keep dry eyes even for a man. Ithas a positive ending.$LABEL$1 +This is the version you want.. IF YOU SAW THE EX IN THE THEATRE AND LOVED IT, THIS IS THE VERSION YOU WANT! THIS IS THE VERSION THAT WAS SHOWN IN THE THEATRE. The unrated version has a lot of material cut out, including a lot of character development and stuff that made the movie funny in the first place. This PG-13 version is 5 minutes longer than the unrated. Unfortunately, it doesn't seem that this rated version is available in widescreen at this time.$LABEL$1 +No warmer on pot. I bought this tea pot 1 month ago and I have not been happy with it. The biggest reason that I bought a tea pot is becasue I drink a lot of tea and I hate to have to get up an leave my desk to make another cup of tea. I thought that I would have a whole pot of hot water by my desk. Alas, this pot does not keep the water hot like a coffee pot! By the time I finish drinking my first cup and go for a refill the water is already luke warm and cold by the third cup :-(I should have just bought a coffee pot becasue it keeps the water hot for a couple hours.$LABEL$0 +$45 for the same old stuff?. Citizen Kane (70th Anniversary Ultimate Collector's Edition) [Blu-ray]$45 for the same old stuff? You must be kidding!! It's a steal!What's new here to justify $ 45 when we bought it for under $ 20?$LABEL$0 +Very Simple. If I had a ten year old interested in WHY a surfboard is made to look the way it does then this would be the book for him/her. If you want a book that will help you craft a surfboard out of a blank material, the tools, material and tecniques needed, and provide step by step instruction; this isn't the book for you.$LABEL$0 +Library. I bought this book for my boyfriend and I and it was from a library and tape was all over it. Pages are not damaged, just the stamp of the library. One annoying thing happened when I went to my library and it set off alarms.$LABEL$1 +too wordy. I found this book much to wordy to actually be helpful. It seems like the author was more interested in being witty and cracking jokes than in providing cold, hard facts. Although some of the stories are entertaining, I would have welcomed something with a more serious and mature tone. I found myself skimming through most of the anecdotes, in an effort to get to the real information.$LABEL$0 +Awesome ! Awesome ! Awesome!. Ive only used the sticker part of this machine but I made yard sale signs with cut out letters from my Cricut & the Xyron making stickers out of the letters. I didnt have to spend hours coloring bubble letters with stinky permanent markers ! Soo worth it already ! Cant wait to do laminating & magnets ! Buy it !!!$LABEL$1 +Save Your Money. This scale is incredibly inaccurate and inconsistent. I can stand on the scale and weigh myself. Take a shower and be 3 pounds lighter. Save your money and buy something else.$LABEL$0 +Dinosaurs 3 and 4. These DVD's arrived in good time and in condition as written. looking forward to watching again, I love the eerie.Earl and I were both surprised at a new baby late in life and both babes wanted "The Mama"$LABEL$1 +Must have at least 2 controllers. Sony should have included 2 controllers with the Playstation. They didn't so you have to buy another one. The controllers are sturdy and the battery life is excellent (for now).$LABEL$1 +Great for a while. I really enjoyed it till it suddenly died a couple weeks after buying it... it actually got quite hot... something probably burnt up inside. Amazon made the return/refund super easy.$LABEL$0 +It's not standard! It doesn't work!. Wondering why this is so cheap? Simply because it doesn't work! The audio jack's size is not standard, meaning your sound will be distorted.$LABEL$0 +Hard to find bulb that put our living room back in the pink.. We have a pink themed living room and the old pink 3 way bulbs that we had finally burnt out. After looking locally to no avail, we found this bulb on ebay. Quick ship and a great price made my wife happy and me a hero.$LABEL$1 +A FIVE STAR SONG A TWO STAR ALBUM. As many fellow reviewers assert, there's only one real reason to own this history-making CD: the nearly 17 minute version of LOVE TO LOVE YOU BABY.The irresistibly danceable disco-erotica features Donna's moans and groans but it's the structuring of the glorious music that makes this such an awesome track. Each section has its own unique feel, culminating in the choral climax (no pun intended!) and a return to the whispery sparse opening, and then another choral eruption. Probably the best disco recording ever!The rest of the album is basically boring pap...but Donna's voice prophesies her future vocal triumphs.The aforementioned 17 minutes makes this a must-have for discophiles.$LABEL$1 +it's OK. For the price I am disappointed the straps don't go all the way around the bag, thus the straps could pull out. But the size, color and material used was of good quality. I think it's a bit overpriced for what you get and I will be continuing my search. I embroder our bags for our guests as a gift. My prior bags all had a small zipper pocket on the inside and I would like to return to that style.$LABEL$1 +This item is not worth ordering.. I Orded two of these mirrors for Christmas presents and am sending both of them back. The mirror material is cheap and makes the mirror distorted. The light is very small. I would be embarrassed to give these to anyone for Christmas. It cost me $9 to have these cheaply made items shipped to me and will cost more to send them back.$LABEL$0 +The Right Stuff. I've read the reviews on this book at Barnes and Nobles, but the place to buy it is here at Amazon. I put this book on my coffee table and it always sparks a discussion. Very well done! I truly loved it!$LABEL$1 +Scarlet Feather. (This review refers to the abridged audio cassette version). This is not one of Maeve Binchy's best books. It is a boring story about a catering company called "Scarlet Feather". The names of the characters just ran together and and there was hardly any plot. I couldn't wait until the end of the tape!$LABEL$0 +Very Disappointed. What a waste of a few hours of my life! I thought I would get a few laughs from Janet E., even though I knew it wouldn't be the same as the Plum series...what a joke. Preposterous situations, no spark at all, totally predictable at the end. I won't be reading any more from this collaboration, that's for sure. I didn't care for any of these characters at all.$LABEL$0 +cauiously optimistic. This is my second one, the first was a gift that did not recharge after less than a year.$LABEL$1 +clone album. This album sounds the same as their last one iresistable bliss,but with drum n bass.BOO !$LABEL$0 +Lousy packaging. When the rifle arrived, the wood stock was broken in two because of the complete lack of padding in the package (the box was WAY to big for the rifle). Then when I tried to return it, the Amazon web site said it had no record of ANY orders with them. I WILL NEVER ORDER THROUGH AMAZON AGAIN!$LABEL$0 +my favorite yoga DVD. This was my first experience with a yoga DVD, and I liked it so much that I've started practicing daily. I've since bought more yoga DVDs by other people, but this is my favorite. I wish I could find different ones that Yolanda has done!$LABEL$1 +Sierra made in TAIWAN. What a joke, do we not make anything in this country of ours. I wish it was mandatory that the sellers of anything anywhere put the country of origin in the ad. Somewhere, someone in our country has lost his job, or had his hours cut. Yet the oil filter cost the same as if it were made here in the USA. Never again.$LABEL$0 +A Powerful Message. If you do all the exercises in this book like I did, your life as well as your skills will improve to deal with everyday life. I recommend it not only to college students but people in business and every walk of life.$LABEL$1 +Too Much Allegory... Read Love Wins Instead. I tried to get into this literary classic and just couldn't quite understand it. It came highly recommended to me by a friend of mine because he knew I had just read and enjoyed Rob Bell's, "Love Wins". Apparently Lewis and Bell think similarly on issues relating to Heaven, Hell, and the afterlife. But, there was just too much use of allegory and symbolism in "The Great Divorce" that I couldn't bring myself to finish it simply for a lack of understanding on my part. If I can't understand a book then I don't see the sense in continuing to read it. And, so I reluctantly stopped reading this one about halfway through. If you have no problem understanding allegory, then I recommend this book. But, if you are like me and find it difficult to understand allegory, then save yourself the time and read Love Wins instead.$LABEL$0 +Craniosacral Therapy. This book was very helpful in presenting alternatives to traditional medicine for a variety of health issues.$LABEL$0 +Worthless drivel. I have to agree with the many readers who loathed this book. I have read a great deal of fantasy and sci/fi and in comparison, this story seemed dull and boring. With the thinly detailed characters and the predicatible plot I found myself tuning out and having to read pages again. I was sorely disappointed by this one. I kept waiting for something to be interesting, but it never happened. I won't even bother to read the third one. Unfortunately, I don't care what happens to these characters.$LABEL$0 +Ricks has broken the code. Remarkable: a reporter who apparently has no military service but demonstrates an unusual understanding of the military and its many subcultures. From a purely literary standpoint it's journeyman stuff; only a few minor characters really flesh out to three dimensions, and the plot goes off the rails at the end. But the novel's main conceit (an e-mail revolution within the US Army officer corps) and its principal theme - where does duty lie? - are well-developed. Military officers should read this book.$LABEL$1 +you made bad!!. bu yazmz ingilizce tecrüme edersinizbiz bölge insanlar olarak bölgemizi ilgilendiren sorunlar hakknda yerinde aratrmalar yaplarak bir sonuca varlcana inanyoruz. soykrmn yapldnn iddia edildii km.lerce uzakta sadkl ve bilimsel bir alma yaplmas gereki deildir.$LABEL$0 +My First Anita Shreve novel-My last. As an avid reader, I have always prided myself on getting through books quickly, thoroughly, and always shutting the final page with a satisfied sigh and a feeling of wonderment. There has been only one exception-this novel. I found it very difficult to get through, as the narrator is a despicable bore. Although Anita Shreve portrays the Victorian era very well, I found the descriptions to be dry and lacking in imagination. The beginning and middle lasted far too long, and the ending was too short,although I was grateful that my misery was finally at an end. This was my first Anita Shreve novel and as other reviewers have described this work as one of her best, it is sure to be my last.$LABEL$0 +A great, great astrology book. Definitely one of my favorites. Carol Rushman shares from her astrological wisdom and experience, cases and techniques that help the reader get a good insight not only on the theoretical astrology, but also on the practical approach to predictive astrology.This book changed my approach to predictive astrology and has sharpened my astrological tools.It is very accesible to all readers, from beginners to advanced students of astrology.$LABEL$1 +this is trash. ok i know bands are supposed to evolve into newer sounds. however, they've completely lost that gritty sound that made them so appealing, the lyrics are mediocre at best (esp bev. hills & we are all on drugs are painful to listen to) and the album lacks the intensity of several of the previous ones. and i have a high tolerance for crappy weezer. of course i liked blue and pinkerton best. but i liked maladroit too! and even green! but this is marginally acceptable. Rivers Cuomo is essentially mocking me because i know he can do better and he isn't, on purpose, just to piss me off. I mean, i heard they picked from over 200 songs the ones that go on this album, and that makes me wonder what the rejected songs sound like (really really bad?) and how much time they actually spend on each song. Like it'd be impressive if the album was good, but it's not.$LABEL$0 +NOT a feelgood movie but a must see. If there ever was a more powerful movie than this I have yet to see it. I have seen this movie several times since it's release in 1983 and the effect has always been the same. You go to bed and it replays in your head then you wake up and it dominates your entire following day. With performances so powerful from Jane Alexander and others that you will never forget. Also this movie makes use of scenes with children asking their innocent questions as they do that will tear your heart apart as they are among the first to succumb to the radiation sickness. So if you want to see a film that will be hard to shake from your memory for weeks but will not leave you feeling particularly happy this is the ticket. I personally think it should be required viewing in all schools across America to remind our young that there are some things much more important than the latest Britney and N' Sync releases.$LABEL$1 +Amazing toy for playing with electricity. This toy is so awesome! Honestly, when I play with this toy with my 6 year old niece, I have more fun then her. I think she's probably too young for it. Probably this is the best educational toy I've ever seen, in my entire life! It's so cool! It seriously has all of the functionality of the sold school soldering boards, with no mess! And you can play with it FAST! You can take it out, play with it, and put it away in 10 or fifteen minutes! It's so EASY to have fun with this toy!$LABEL$1 +Nice stand, no really... Nice Stand..... I use this mic stand for a Shure PG58 mic and it works perfect for my particular DJ setup - reaching over and around the rest of my gear to my face. It is sturdy and well made... The only minor issue I have with it is the weight of the mic sometimes causes the stand to tip a little, but turning it slightly or adjusting it some fixes it no problem.$LABEL$1 +Glad I bought it.. So far I have made a skirt and a top and now I am making another skirt. I have tied on new thread and re- threaded the machine from scratch. I have adjusted the tension for various materials, two and three needles. No thread breakage. I am soooooooo pleased. This is not my first serger and I have no complaints. It does the job and I didn't spend a lot of money. I love getting value for my hard eared dollars and I'm glad that this is so easy to get up and running.$LABEL$1 +Amerigel Wound Dressing. My husband first used Amerigel Wound Dressing after his Podiatrist provided it to him for a toe infection. After I read the ingredients, I was sceptical that it would be effective. Then he an unexpected,unrelated medical problem with the foot itself, which required surgery, leaving a large surgical wound. I used the Amerigel Wound Dressing and was amazed how well the wound healed. At a post-op checkup with the surgeon, he said to me, "That's Good Stuff". It is necessary to use the AmeriGel wound Dressing daily, until the wound heals, which can vary from person to person. I have purchased several tubes and highly recommend this product.$LABEL$1 +Pretentious and boring.. This magazine is really horrendous--long, wandering, and pedantic articles guaranteed to make you sleep. The most recent issue has a rather pointless story on what kind of debaters Obama and Romney are and how they will most likely fare against each other. After endless paragraphs we finally learn that Obama is a pretty good debator, by God, and that Romney is too. But here's the big dramatic point: Romney sometimes gets flustered when he debates. Stop the presses!A second article goes over familiar territory: if you're against Obama, you're a racist. Except in this case, the writer really means it. You can't say anything bad about Obama because he's black and most likely you aren't. So stop complaining about him. Because if you do, you're a racist.Why would anyone pay a subscription for this kind of stuff?$LABEL$0 +A nice little movie. Kind of interesting, though Julia seems to be just picking up a check in this one. She doesn't seem convincing as the star who falls for an ordinary guy.$LABEL$1 +Recommended for insomniacs. One of the previous reviews, defensive, spiteful and jealous in tone - Colson Whitehead really IS all that - reads as though it was written by the author himself. Anyone who reads Black Issues Book Review magazine knows what's hot and what's not in the black literary world. As it is, the title of this book very aptly describes what happens when any reader of the male gender picks it up and tries to read it: HE SLEEPS. This one should be recommended for insomniacs.$LABEL$0 +Kind of suckie. If my feet could stay in the foot pads and stop coming out after the velcro comes loose maybe I could get a work out from this product. My shoes are 9 and 1/2 so they are not particularly small. I am heading to the hardware store right now to see if I can find poxy and some plastic to lengthen the heel bracing part of the foot pad. Wish me luck!$LABEL$0 +Too Basic & Not Enough Info. This is really too basic for any 1st year or experienced soccer coach. More thought should have been put into the preparation and the transitions. Your local libray will probably give you more information.$LABEL$0 +Written well... with distasteful content. I personally did not enjoy this book. In fact, i found the content to have some what traumatized me. Seriously, I do wish i hadn't exposed myself to such vile, disturbing details in which he describes his "Sex life." Purely disgusting and unimportant. Nevertheless i read on, hoping to find an ending worthwhile, only find the book ending abruptly without satisfying me. I almost thought about burning it when i was finished reading it, as to spare someone from such nastiness. Instead, I traded it at a book store for another book. In a word - yuck.$LABEL$0 +Grisham proves there is life for him outside of courtrooms.. Good plot, and easy reading. He ventures away from the classic trial theme and does a good job at it.$LABEL$1 +NOT VERY GOOD!!. not very good and does NOT contain the Christmas Special (which is apparently the only funny episode) Please avoid this movie unless you absolutely have to!!$LABEL$0 +Collimation Easily Done. When I received it the collimation was off. Rather than send it back and risk getting another pair that was off, I called Celestron. The "Life Time No Fault Warranty" only applies if you get it from an "authorized" dealer even though my pair was new. Which means you need to pay like $200+ for these to actually have a warranty. However I asked if I could collimate it myself even though the manual says it should only be done by a professional with specialized tools. They could not or would not tell me anything about how to collimate it. Luckily I did find some general instructions on the web and found the prism tilt screws to turn and got it perfect. You need to gently pry back the edge of the rubber hand grips to access the screws. It whole process wasn't even that difficult! I don't know why it has to be such a state secret with Celestron. Since then the binos have been wonderful and well worth the discount of buying from an "unauthorized dealer".$LABEL$1 +It was great!. I read this book a few months after it came out and have recommended it to many since. The story takes place in the San Francisco bay area and makes its way to the pacific coast and all the way to eastern Canada. During this story I thought the 'psycho' nephew Nicholas was the main charactor. He fit in perfectly, The story is about his Aunt (who is in a bad marriage) and who falls head over heals for an eligible bachlor -- a pianist who is gay. I think everyone in this story had 'a few screws loose'. This made the story all the more pleasing because in everyone's life there are people like this.The main charactor turns out to be Nicholas's aunt Joyclyn. The ending may surprise you. This is a book to read on a recliner, when ou just feel like letting go of your troubles and reading about the zaniness that others possess. A strong recommendation$LABEL$1 +pretty nice. I haven't had any trouble standing this up and don't find it cheap looking at all. I use it as decoration in my room and to hide my hamper and it has been great. Have had it for a year, light portable and pretty! It's true, the material they used is a little weird and I'm sure there might be something more fabulous out there but this is definitely better priced and better looking than stuff i've seen laying around at target walmart and similar stores.$LABEL$1 +Waste of money. This book was the biggest waste of money in the world, don't buy it unless you want to get a 16 overall. (I got a 39 with another book)$LABEL$0 +great beginning baton!. my 9 year old daughter just started twirling lessons with girl scouts and this baton has been perfect! Her only complaint is that it is not purple like another girl's and does not have bumps that let you know when your hand has slipped down.$LABEL$1 +Awesome shaver!!!. This is one of the best shavers on the market. Whatever they say about Norelco being the best,I think Panasonic rocks when it comes to shavers. My husband's been using a 7xxx model for 3 years now and I decided to buy a new, more advanced, model for him since he's been kind of reluctant to shave lately. And, needless to say, I like him better with smooth and soft shaved skin...The result- he's been shaving every 2 days thanks to the fact this model makes less noise, has a great easy-grip design, recharges incredibly quickly and looks cool in the bathroom (Men love beautiful toys- from Gameboy Advance to Pro Curve shavers.) I'll buy him more Panasonic products in the future; recommend you to do the same; won't regret it!!!:)You'd ask "why 4 stars, then?" Well, lets leave some room for more HiTech advances...$LABEL$1 +Not that great- not worth the time. I had to read this book for a 7th grade report, and belive me, it was terrible. The whole school hated it, all the teachers too-except the ones who taught literature. Is this some universally bad book for kids, and great book for adults into literature? I strongly object one of the other reveiws,the one who says kids who don't like this book haven't read "great literature." I love to read, and even though Western novels aren't my favorite, I do know the difference between a good book and a bad one- this was clearly one bad book. Many reviewers say this book was too descriptive. It definatly was, but that is not a major reson to dislike this book. The major thing was that it was too boring, I couldn't read more than ten pages before starting to skip words, sentences, even paragraphs.$LABEL$0 +The Book is Great!. Its just that I'm very dissapointed that there were no landscapers, who included Leprechauns in their "Legends of Ireland" display for the 2007 Flower Show at the Philadelphia Convention Center :-($LABEL$1 +Great survival product. This is a great survival product and works very well if you know how to use it. I actually bought two, one for practice and one for emergencies. This product will work even if wet, however I would only really use it as a last resort fire starter because lighters that you buy from the store do the same thing at a cheaper price. Nonetheless it is a good product to have on you for emergencies. The only complaint I have is that it doesn't come with a striker.$LABEL$1 +Everything's forgettable but the ending. Watching Remember Me is a strange and frustrating experience.For most of the time, it's a generic romantic movie about a brooding and troubled guy (Robert Pattinson) falling in love with a cute blonde (Emile de Ravin) and how that love helps lift him out of his funk to become the man we always knew he could be. It's crap, but it's well crafted crap.[...]$LABEL$0 +Following in the trail. After reading this book I had to return to the scene of the crime.As a lover of Provence, I headed first to the local cafe in Maussane where all the regulars discussed this terrible misdeed.I eyed every gypsy suspiciously, wondering if they were the culprit. After a few more Pastis, I thought about the day he was finally returned to his loving home. Yo-yo in Provence is in my heart.$LABEL$1 +... what did he say...?. Ok. Here's teh story.1. Put CD intoplayer.2. Play track 1.3. ...what did he say?If this is REALLY clean...I think it needs more of the "dust" off.$LABEL$0 +Little Thomas Fan. This is a wonderful book. It has poems about new trains yet some of the older trains and of course all the favorite trains. It has all forms of poems, some short some long. Great for the younger fans and for the older ones too. Beautiful colorfull pages. Over all this is our favorite by far of all the Thomas books. And we have a ton of them. We get them for all over the world, England, New Zealand.$LABEL$1 +You get what you pay for.. First of all they were too small and I am having to buy a whole new pair, a different shoe altogether because I was not thrilled with these.They have a smooth rubber sole instead of the hard leather you normally find in character shoes.The upper material does not give very well which makes breaking them in next to impossible.$LABEL$0 +I liked this movie...... .... but then I'm a huge Harvey Keitel fan! This was one of the better ones in my opinion.$LABEL$1 +little old. It is not recent. but is OK. The package is very bad, I made exchane three times still have scrached DVD. I finaly give up.$LABEL$0 +Stick with VHS!. These films are all 5-star classics so surely they deserve better treatment than has been meted out here. The picture quality is appalling, the synchronisation poor, and the sound barely audible. Also since there are no extra features, the price being charged is ridiculously high as the 3 films could fit comfortably onto a single dual-layer disc.$LABEL$0 +good product. I hate the feel of most foundations and this product works really well and gives life to middle age skin. Unfortunately Revlon is no longer making it so is no longer available. So happy to get some before your supply was goneRevlon Skinlights Instant Skin Brightener, SPF 15, 04 Bare Light, 1.5 fl oz (44.3 ml)$LABEL$1 +Great Value! Buy them. Yes, they did have a smell to them! But once it clears up you can enjoy the ottoman set! High functional! Buy them you will love them. I order 3 sets and they are perfect for my living room.$LABEL$1 +do not buy this comforter!. This comforter is a dud. It is advertised light weight because there is such a minimal amount of down. The cover is not white it is grey. It may have baffle box construction but the edges are cheaply made (not gusseted as would be expected on baffle box construction). This would have been our 3rd comforter in 43 years. Our 1st 2 were beautiful, plump, soft treasures and I was very excited about getting number 3 but now I am just very annoyed. I had it shipped 1-2 days shipping (not cheap) and now I have to send it back plus they do not honor Amazon Prime Shipping Think this time I am just going to buy from a Name Brand REPUTABLE company. If this is "Warm Things" Supremium, that being the best they have, we don't need them. Pacific Coast and Lands End make a beautiful product...may look at them again and The Company Store is very good also. Don't make the same mistake I did-$LABEL$0 +Overall, pretty good.. All things considered, this was a great trio of books. The characters, story plots, and settings are all very believable, but they are also interesting. While not as good as the Zahn trilogy or the Han Solo Trilogy, pretty interesting reading for any Star Wars fan.$LABEL$1 +A fever I want to sweat out.. ohh myyy godd. now all mighty P!ATD followers. dont hate me for saying this, but this sounds all the same. the only difference is the synthesiser. i give ryan ross credit for the lyrics (wich are very provocative) and i give brendon M'd parents credit for making him so fine. the voice is good but it all has the same tone.$LABEL$0 +Lousy, Blurry, and returned for a refund. I bought this at CVS because we needed one immediately, to figure out if we should take our 3 year old to urgent care or wait and see if she was better in the morning. For the price, I knew/assumed it would be cheaply made, but hoped it would be adequate for the job. It was anything but. It's nothing but a penlight with a piece of mylar foil to reflect the light. Could not get the ear in focus at all, and it was difficult to keep turned on since you have to press and hold the pocket clip into the side of the light to turn it on. Never did see how my daughter's ear looked until we took her to the doctor and looked through his professional W/A unit.I also tried it on our 5 year old and my wife's ear, but had no better luck there. Returned it for a refund, and am now looking for a better unit to have for next time.$LABEL$0 +Self important and boring. No one can deny that this film is stunningly beautiful. The Montana scenery all captured by fine photography is wonderful. But, unfortuanately that's all the film has going for it. The acting is good and it's certaintly interesting to see Pitt, (looking alot like the young Redford), in his first major screen role but no one really makes much impression. Basically this is self important, one note movie about the susposed joys of family love brought together by the dullest of sports, fishing, with little plot, humour or suspense. The strikingly similar "Legends of the Fall" is much better.$LABEL$0 +Interesting Series. I don't subscribe to HBO but heard lots of good things about the series. So far I am enjoying it alot.$LABEL$1 +Idina Menzel - Still I Can't Be Still Bomb!!. Idina (Adena) Menzel's newest album, Still I Can't Be Still, is hip, up-beat, and great to listen to with your Man.. Or Woman. The songs are great. The beat is great, and the Lyrics are a work of art themselves!$LABEL$1 +Kovels' Dictionary of Marks -- Pottery And Porcelain : 1650 to 1850 (Kovel's Dictionary of Marks). Overall it is helpful. I am really just getting into this, so it is great to have something I can refer to to get an idea of where the item I have comes from.$LABEL$1 +Perfect Wrap for a mild to cool day!. Love these wraps. I have officially ordered 7 from this vendor. I LOVE THEM. Super cute, bright colors that pop with everything that I wear. It's great to wrap up in at the office when it gets chilly. Light weight and nice. I always receive compliments when I wear them. I plan on buying more.$LABEL$1 +This CD was compiled by Vanilla Ice...... Where's Eric B. & Rakim? Where's Big Daddy Kane? Where's Public Enemy? Where's BDP? I'll house you?? That's not even hip hop, that's HOUSE MUSIC!!! The Cd is wack...you'll get bored after the first two tracks...don't spend your money...$LABEL$0 +I GIVE IT AN 8 BUT NOT 10 !. I must say that this is a good book for everyone who want to learn JAVA. But I am sorry to say that this book is only a refrence for JAVA but not a bible for JAVA. I have to say that because in this book the authors only briefly show the way to compile the source code and not explain it in detial. This problem may be seem is minor, but for a new programmer this is a great problem. This is because when we save our file with the .java, what appear in the screen is another name. For example if the programmer save the file as MyFile.java, the name that appears in the screen is MyFi~1.jav, so he will compile it with "javac MyFi~1.jav" because this is file that show in the screen. In this section, I think the way that presented by the book "Teach yourself JAVA in 21 days" is better. I hope that the authors can take note about it and have a great improvement in the next book. Finally I would like to say this is a good book but a perfect one !$LABEL$1 +The One & Only. What can I say. This book is the camera collectors Bible. In short, if you sell or collect antique cameras you must own this book.$LABEL$1 +Tedious and predictable. Based on a very weird premise, Willis tries for tension but achieves only tedium. The characters are not plausible, the plot is too easy to predict, and the whole is unsatisfying.I just hope I never have a near-death experience. I wouldn't want to run into any of the cardboard characters in this book.$LABEL$0 +The author is very ignorant.... This book is very ignorant of the Seventh-day Adventist Doctrines and belief systems. After reading the first chapter, I quickly discovered that this man has very little knowledge (if any) of the subject. What a complete waste of money! If you do read this book, make sure that you check out Amazon's refund policy first!$LABEL$0 +I Was a Teenage Bloodsucker.... Sabella is the coming-of-age story of a confused young vampire on Novo Mars. Like many of Lee's books, this one is dream-like and full of supernatural eroticism.Unfortunately, it is almost painfully slow and the first person narration was not very illuminating. I (finally) reached then end of the book and felt like I did not know the characters at all.$LABEL$0 +Not the Black Mark verison. Like the other 1 star reviews this is just for the fact that this is not the Black Mark "666" issue.The bonus song is the one minute or so of the low groaning/chant sound that ends other bathory CD's.On the good side the songs match the Table of contents unlike some of the Black Mark Cd's.The cover work for Odin's Wild Hunt is off color and no CD information.The other side of the cover is black.This is a not a bootleg and if you buy a used copy of the Black Mark reissue listed in Amazon make sure it isn't a Kraze Manufactured CD.These review will show up in 3 places just make sure the Cd you are going to order has Black Mark Germany as record label.It will have the lyrics and catalog number BMCC666-4(Black Mark Compact Disc ,fourth release) when you get it.$LABEL$0 +Fascinating Read.... I was actually taken aback after reading this. A very difficult book to discredit as the writing within these pages are too 'real' and very much sing some kind of truth. Venomous ? The author would not have any real motive to exaggerate or dress up any story but tell it like it is as they say in NYC ! I read this really quickly and I couldn't put it down when I started. The actual read itself is like watching film footage it's that real sounding. Fred ? I believe him... However it was a long time ago, people can and often do change. The principal point is that there are disturbed people on the loose out there with easy access to weapons and a warped bonding with fame which terrifies some high profile celebs etc. The book for me concludes that no-one won in the end, but even then, the fans (shortened term for fanatic I might add!)continue to haunt Yoko at times.$LABEL$1 +Great Service. The product was shipped quickly and arrived just in time for my Mom's Birthday. Thanks!$LABEL$1 +Undiscovered Pop Genius. R. Stevie is phenomenal. Nobody else tries so many different ideas on a single album and suceeds like R. Stevie. From polished pop to experimental noise rock, he covers all the bases! Enigmatic! Essential! If you don't own an R. Stevie Album, then you aren't truly a music fan...yet.$LABEL$1 +Sturdy but smelly. I bought this item for transporting around 100-lb load. It works very well. However, the rubber on the two wheels emits strong pungent chemicals that give me serious headaches. I have to store it on my balcony and keep spraying Clorox. After weeks the smell was subdued a little bit. Buyers beware if you have little kids, animal, or sensitive house members.$LABEL$0 +Great for amateurs, but not for professional photogs.. This book seems to get overall good scoring, so i'll be somewhat contrarian here, and mark it down, simply because it should specify if the book is for amateurs or professionals.Whilst it's all you need to get going in food photography if you're beginner to photography, it is of no help to professionals.$LABEL$0 +Mary Kay Oil Control Lotion. This product is not for someone who blots more than twice a day. The Mary Kay Oil Mattifier is much much better. For really oily skin like mine this product was NOT effective whatsoever at minimizing shine. I still had to blot around 10-12 times a day (average). This product seems more suited for someone who may be shiny during summer months but fine the rest of the year. Definately NOT for someone who experiences oiliness & shine all year round!$LABEL$0 +Not Squirrel proof. I have had this feeder for about a year. The squirrels have figured out how to lift the top and climb inside then proceed to clean out the feeder completely. In addition, they have somehow managed to bend the metal "perch" feeder area so that even when they step on it, it doesn't completely close and they have access to the food. Stop-A-Squirrel feeders are much better.$LABEL$0 +Angry book by an angry man. I hated this book. I wanted to read it because a have a couple of family members with addiction problems who recovered on their own without AA. The author's style of writing is terrible and I think his story could have been told just as well without the choppy sentences and probably a record number of F words in any book I have ever read. I also don't beleive the story of the dental procedures done without any novocane. Sounds like something from "Marathon Man". If he had had a ruptured appendix, would they have removed it without any anesthesia? A person can go into shock from pain and I have never heard of the use of novocane triggering any relapse in an addict. After all, it is injected into the nerve, not the bloodstream.$LABEL$0 +Time for Metallica to retire.. I would like to say that I used to be a huge Metallica fan. Kea, Rtl, MoP, AJfA were amazing albums. Even the black album had it's moments. I was hoping that this record would return the band to it former glory (for me anyway). I was wrong. The album sounds like a demo and the engineering is horrible. Also, I dont know what Lars was trying to do with his drumming. There is an effect on the snare drum that is not only annoying, but down right distracting. They lyrics and choruses are also sub par. However, the guitars on this album are great. Very kill em all , old school metal sounding. Buttom line is that it is time for Metallica to retire.$LABEL$0 +Trace. This book is definitely not worth buying. While Scarpetta skill returns a bit in Trace, it is not enough to carry the wispy plot. Marino has become a completely reinvented character. Anyone who read the earlier books will not recognize him. I agree that Ms Cornwell should read her earlier work. Lucy is a complete enigma in this story. What is the point of including her?$LABEL$0 +well. nothing against the man, but I am not exactly a fan of his music. i like commissioned better. where are they???$LABEL$0 +Simply fabulous.. I know Iced Earth since two or three months and i'm already a big fan! Alive In Athens is purely a masterpiece, and is going to become a classick. All the song are better and more powerful then the original, and thanks to Mattew Barlow for his voice, he's simply one of the best singer of today.$LABEL$1 +Yes Broadcasts. This is the best Live Yes dvdout there,even if not all of the tracks are live,This is really a newer (longer )Beat Club collectionWith songs which aired on two original beat club shows,The new stuff on this dvd is more Beat club stuff from the first Line up of the Group,and its greatto have,The only downer is they didn't added that other Yes Show they have as a extra,that came out asanother dvd$LABEL$1 +Get better screws. The screws for the chairs are fine. The table screws are 100% garbage. Do not ruin a nice Product by attempting to install these. I am in the construction trades and have the right tools. These screws are not to be used. Lowes has them in the 2 pack bags. Take them and match up a set. You will need 8 total.$LABEL$1 +A Real Pot Boiler. Great effort for a first solo book. I have enjoyed the books written with James Patterson so eagerly awaited the release of The Blue Zone. I was not disappointed. A fast paced thriller which I had trouble putting down. This is the best compliment I could give a book. The characters were extremely well developed. I look forward to future books and Andrew Gross will be on my must read list from now on.$LABEL$1 +Admirable attempt. This game has a decent premise, let the player run free while doing jobs for different factions. True, it's been done before, but never in a location such as this, everyone adds their own little tweaks. my biggest gripe with this game is that it looks horrible! i have a fairly nice gaming rig, athlon64 3700, 1gig corsair xms memory, geforce 7600 OC, as you can see, this rig isn't a puppy, i can run F.E.A.R, doom 3,far cry, half life 2, and oblivion at mid/high to high settings with almost no slowdown, this game looks like Morrowind and still slows down. The other thing is the voice acting, in the cinematics, it's ok, but in the actualy game itself, it sounds terrible. it's a game they could have done so much with, but for one reason or another, they didn't/couldn't. well, you all know how atari's been doing lately, and perhaps games like this are the result, or the cause.$LABEL$0 +How did this pass through safety tests for kids?. After my 4-year old BEGGED me for this thing, I caved in and purchased it before Christmas. It took FOREVER to figure out how to get the springing mechanism to work. You have to push it down in such an awkward way that I kept having to push it down for him...which isn't much fun. Then in order to get the "jumping" action, you practically have to throw the thing and literally slam it into something in order for the jumping action to start. Oh, but wait, there's a little area underneath that little tiny fingers can get trapped into....he nearly lost his finger!!!! HORRIBLE, HORRIBLE UNSAFE toy. NOT FOR KIDS UNDER THE AGE OF 8. What a waste of money.$LABEL$0 +The many many other reviews on this page are right. This card will let you down in the end. If only I'd read these reviews before I bought it. The night I got my GameCube back in March, I bought this memory card along with it, thinking it'd be great because it had so much memory space. And up till now, it was fine. But about 20 minutes ago, the card became corrupted. I tried shaking it, blowing off dust, trying different slots, selecting no on the "Would you like to format?" selection screen again and again, but nothing works. All my data is unusable now. My Sonic games, Metal Gear Solid: TTS, Super Mario Sunshine, all of it, unusable. Now all I'm left with is regret. As another one of the many many people who were duped into buying this piece of junk, all I can say is: DO NOT BUY THIS. I can't stress that enough. It's just not worth it.$LABEL$0 +Love It!. I love my Breadman Panini Maker. This is so simple to use, lots of fun & grills sandwiches in no time! I used a french bread and filled the panini with cheeses, tomatoes, and meat (roasted tomato turkey breast for my husband & a honey ham for myself). Very yummy & the grill marks make it look just beautiful. I'm very happy with my purchase & highly recommend this Breadman Panini Maker. I was leary at buying the smaller price Panini maker but after receiving & using this I was very surprised! It's huge, very heavy, & makes perfect Panini sandwiches. An awesome value for an awesome price, you don't have to spend tons of money on the more expensive ones when this one goes beyond 100%! What are you waiting for? You're still here reading this? Go add this to your shopping cart now! :oD$LABEL$1 +Works for me!. I bought this item 3-4 years ago,although mine does not have the timer like the newer models. Initially it worked for a few days and then I couldn't get the toaster to shut off. When I contacted Black and Decker they informed me that they no longer did repairs, but would replace the item. All I had to do was to tell them the model$LABEL$1 +This is a puzzle in disguise. This book is neither a novella or novel; rather it is an intricate puzzle in the form of a book. Who are the abos? The shoadw children? And are the hill men either of these, or something different? Like many of Wolfe's books, this is one that doesn't get boring or repetetive in time, it gets more and more fascinating. Each time you read it, you find a new piece to the puzzle.$LABEL$1 +the newest diva. christina aguilera is a wonderful singer, the absolute best of the teen pop singers today. its terrible to compare her to people like britney spears because her talent is so superior to theirs. she will definitly be the mariah or whitney of the next millennium!$LABEL$1 +Brilliant and gripping. As always, author Daniel Silva has crafted a compelling story in THE CONFESSOR, bravely tackling a topic that is bound to be controversial.THE CONFESSOR again displays the careful and scholarly research that Silva's works always evidence. While the book is fiction, it is completely fact-based.Here, he has constructed a fictional tale revolving around a significant contrast. He distinguishes between the phony assistance that the Vatican pretended to the world to be giving, albeit passively, to the Jews of Europe during World War II and the active, but hidden, way in which the Church actually supported the Nazis.He examines the scholarly evidence in this murder mystery set in the present day. His story is gripping and compelling, so much so that a reader cannot wait to turn the next page.THE CONFESSOR proves that Daniel Silva must be included in any current list of that group of leading authors of thrillers.$LABEL$1 +Outlander. I'm a huge fan of Jim Caviezel and, when I saw this on tv, I knew I had to have it. It's a bit corny in places but one of the better "8 PM SciFi Sat. movies". A good story to it and most of the acting is pretty good. I'm very happy with this purchase and, if you like Jim Caviezel or just a pretty good scifi movie, I'd recommend it.$LABEL$1 +Great pan. I purchased this based upon a review in a leading consumer magazine. It came in a set with an 8 inch pan. Both are highly recommended. We run them through the dishwasher and after several months of daily use, they still look new. They are great to cook with!$LABEL$1 +A great satire made by a great performance by Rachel Weisz. Fantastic satire about the minefield of relationships that really makes you think about the people around you. Rachel Weisz proves once again to be the best versatile actress we have around with a powerful performance that seduces as well as scares the willies out of you. She makes this film hands down with her talent and she will have you talking with your partner well after the film is over. The rest of the cast is just as great with Paul Rudd giving a great transformation on screen from geek to hunk. This was one of the best films that I have seen in a long time, and I hope Rachel Weisz and director Neil LaBute work together again.$LABEL$1 +Muffin Tops Are The Best. Have you ever seen the Seinfeld episode about the muffin tops. While the episode was quite humorous, its absolutely true. The muffin tops are the best part of the muffin. This Roshco Top of Muffin Pan gives you what everyone realy wants-the muffin tops. Not only do you get wonderful domed muffin tops but they effortlessly slide right out of the non-stick pan. For anyone who has ever tried to peel the paper off a muffin or had their muffin bottoms stuck to the pan, this item is the one for you.$LABEL$1 +A great subwoofer. We have a basic extensive system set up with a Yamaha HTR-5760 7.1 receiver, 2 x E90 towers, EC25 center channel, and a pair of E30 rear speakers. This sub is the perfect complement to anyone's component home audio system. It excells in music and movie experiences, and the variable crossover and volume is great to custom tune to each situation. I cannot think of a better sub for the price on the market. It truly carries a great smooth sound not found in smaller subwoofers, and is easily capable of pressurizing standard size rooms. I am extremely pleased with this product and recommend it to anyone who doesn't have the thousand to drop on the ones that the "number driven" stores try to sell. A must buy...$LABEL$1 +Very Good !! must see movie. I picked this movie up at my local library last week and very much enjoyed it. I watched the movie, the extras, and the movie with commentary and enjoyed and learned from almost everything.This movie has such a clear explanation of the crisis of global warming and even why we have been so ignorant to it for all these years.One of the parts of this film that touched me personally was how some of the stars of the film have dealt with the struggle of getting the goverment to take action on global warming and how they deal with the thought of a possible loss. This film and another documentary on pbs helped me deal with my own frustrations about global warming and goverment inaction.P.S. This film has re-sparked my desire to get involved and do what I can.$LABEL$1 +A Triumph. "An excellent book! A thorough, lively interpretation of how Europe got to where it is today and the struggles Europeans had to overcome, sometimes with US help but often in defiance of the USA. In addition to being well-researched, Hitchcock illuminates his themes with very telling details from everyday life and biographies of overlooked historical figures that inform his thesis. A brisk, well-informed counter to the usual Europe-bashing in today's media. Highly recommended."$LABEL$1 +The Romantic Tradition. Wonderfully playing continuing the tradition of two of her teacher's, Rubenstien and Hess. Technically impeccable, grounded in the Russian tradition -- interpretatively simple and direct a la Artur, warm enveloping tone included. Having worked with her personally, I can assure you that you will be hard pressed to find much better on the market today from contemporary pianists, and it's a pity that this recording will most likely stay relatively unknown. Nonetheless, if you are reading this considering whether or not to purchase, I strongly urge you to do so; you will see that in this modern age, the Romantic School of piano playing lives on.$LABEL$1 +Talented and then some!. It's not just because I've had the pleasure to know these guys, or because I sat thru hours of rehearsals and studio time, it's because of the talent, passion, and drive of these musicians that this is one of my favorite cd's ever and I still sing Surprise Party when I'm in the shower. On stage and in my headphones, Brax shines!$LABEL$1 +No more Pascal?!. This would be a 5-star IDE if not for Metrowerks' decision to drop Pascal support. That fact was unbeknownst to me when I bought this upgrade, which is now worthless because of my investment in Pascal-based legacy products. Metrowerks was kind enough to send me version 4.0, however, and promises to re-introduce OS X Pascal support at a later date.$LABEL$0 +Piece of Junk. I was a little skeptical when I bought this, and for good reason. It locks up the network connection after about 15 minutes of use. I tried 3 different drivers and about 15 different configurations, using XP Home and a NetGear router. Ended up spending $16 on a NetGear USB wireless adapterNETGEAR WG111US Wireless-G USB 2.0 Adapterand it's worked absolutely flawlessly.$LABEL$0 +Wii Play. What fun this product is. And Wii accessories were so difficult to get during the Christmas season. This was perfect for our adult son who loves sports.$LABEL$1 +Do not forget what was left out of Live at Luther College. As a devoted DMB fan, I have to admit Everyday has a tendency to make one apprehensive about the new edge to the band. However, after sinking into the music it is clear that the creative abilities of the band are alive and well. This studio release does not possess the standard acoustic guitar, sax, violin, base, and drum sound accustomed in their preceding albums. But, neither did Live at Luther College. DMB is making some personal musical breakthroughs with this latest effort, listening to the lyrics, chords, and instruments it is clear that the best is yet to come. Buy this album, imagine what it will sound like live with an acoustic guitar and enjoy.$LABEL$1 +I think that this is a killer cd, it remindes me of new york. this cd is so cabaret.its great,its wild,stunning, dangerous, and hilarious all at the same time.$LABEL$1 +This movie is the cure for insomnia . . .. I would have given it only one star, except for Michael Caine's acting ability. The movie was a depressing and boring experience. Attention magicians and magic enthusiasts . . . it ain't there.$LABEL$0 +I agree with Jason............. I have been a die-hard Kim fan since her JM days. Any chick that would put Vanessa Del Rio in her video gets my vote any day! Naked Truth picks up where Hardcore left off and I cannot wait for baby girl to get out of the clink. I KNOW she is gonna be hungrier than ever. Lil Kim forever and a day!$LABEL$1 +Fabulous song. A Song for my Daughter by Ray Allaire is a must hear to anyone that cherishes the unique love between a father and daughter.$LABEL$1 +typos/errors galore!. I enjoyed this novel, but it was VERY difficult to read on Kindle. The family tree diagram in the paper version was not in Kindle version plus there were all kinds of typos and errors in the electronic version. It was distracting and made it a more difficult read. Using the Glossary at the end of the book was also awkward. Very disappointed...$LABEL$0 +ok. these sheets were functional,but not the quality that i expected. i have purchased sheets from your site before and was very pleased. i'll need to be more diligent in choosing products next time. thank you.$LABEL$0 +Smart Purchase!. I wasn't sure I would have a need or use for any GPS but now that I have the TomTom I am so glad - I use it all the time. It is accurate, clear, sleek, user-friendly and an overall quality product. I have friends with the GPS built in to their cars and there are ridiculour flaws to the routes. My TomTom in superior! I use it to find new routes to regular commutes/travel and to discover new places to go in neihboring towns and in the city nearby. It is the best purchase and I am thrilled to have it - glad to answer any questions about it too - I'm a big fan!$LABEL$1 +Unpersuaded. This overwritten slog through multiple rapes, tortures, and murders surely would appeal only to the most macho of males.$LABEL$0 +One great moving western...another Robert Mitchum, Kirk Douglas sucess. If you are a westerns fan and like Robert Mitchum, Richard Widmark, and Kirk Douglas, this is one you should not miss.$LABEL$1 +bangin and slappin. I like this cd better then most of yukmouth. Damn what took him so long. Yuk falling off fast.$LABEL$1 +Radical is one thing, freakish is another. I admire Marc Minkowski and his excellent Louvre ensemble, but what was he thinking here? Except for a few numbers taken slower thn usual, his tempos race madly, to the point of freahishness. If you don't know what you're getting in for, every number will make you blink tiwce--it doesn't seem conceivable that a good musician would commit this kind of bizarre distortion on Handel, even in the name of authenticity. I guess the amazon reviewer considers 'radical' a word of praise, but not in this case. It's a shame that Minkowski's chorus and soloists are generally superior since they are asked to sing while chasing after a fire truck.I doubt that my opinion will be popular here, but newcomers might welcome the warning. To my ears, this Messiah is unlistenable.$LABEL$0 +Needs Improvement. I was really excited to receive this product, but it didn't turn out as expected. I ordered the chrome and aluminum, in order to do the checker board pattern, but the chrome came in 4 x 4's and the aluminum in 6 x 6's. Several pieces were also scratched from poor packaging. Sheet material can be bought with protective film, and for the plated/painted parts, they need to be wrapped with something. This could be a great product, but its quality and delivery kills it.$LABEL$0 +Rusted less than a month. These lights add a nice touch to your patio or back yard and that was the reason why i have been buying so many of them and giving them to friends. On the box it was indicated that it was water resistant and that they are safe to be used outdoors. The ones i have in my back yard (close to a sprinkler) rusted and the lights don't work any more. so i ended up purchasing more from ABCTOY4me and will givie it one last shot. if they rust again, i am going to return them.$LABEL$0 +non-reducing cream. This reducing cream does nothing but make your skin feel weighed down. The jar is small & it does nothing to decrease cellulite or fat, don't waste your money$LABEL$0 +Awful Show. I was excited to watch Torchwood because I am both a Doctor Who and Sci-Fifan. I thought it would be as good as Doctor Who. I was in for a big dissapointment. The episodes are sub par copies of X-files episodes and other sci-fi series and lack in originality. The characters are uninteresting and the acting isn't that great. I'm surprised that this show hasn't been cancelled. Save your money.$LABEL$0 +Reader Rabbit Doesn't Work - NO TECH SUPPORT. We were unable to install this on any of 3 computers. The installer has major errors. BAD NEWS There is no tech support for these products. What a total waste of money$LABEL$0 +Sea of Harmony. A very thorough album, with references to water and nature all over the tracks. Sarah's voice is extraordinarily suited to these themes, and the album sports an all around solid production, at times reminiscent of Broadway.$LABEL$1 +Warning to ordinary readers!. I am writing this review because I wish I had read one like it before I bought this book. The only reason to read this book is if your religious or other beliefs prevent you from reading a real thriller (such as one written by Thomas Perry or James W. Hall): one with well-drawn characters, realistic dialog, a plot-line free of contradictions, professionally edited, tighly written and with no glaring grammatical mistakes. If you don't care about those things, and if you can't abide even a hint of sex, profanity or bloodshed, and if you like to read about people praying every five pages, then this book is for you. And don't be misled (like I was) by the high reader rating - it's pretty obvious that most of them were planted.$LABEL$0 +THE RIFLEMAN VOLUME 4. VIDEO ANNOTATION The video includes five episodes: "Man From Salinas" starring Robert Culp, "The Vaqueros" starring Sammy Davis Jr., "The Deadly Image" and "Waste Parts One and Two" starring Vito Scotti and Enid Jaynes. Total Running time 140 minutes$LABEL$1 +The Best Book on Characterization Ever Written!. This book was given to me on my birthday over twenty-seven years ago. I glanced at it briefly, and since that time it sat on my bookshelf gathering dust. What a mistake. Just the other day I was having some trouble with a story character, and piled it up with some others covering the same subject for later use. What a gold mine of incisive instruction! I can't put it down. Although written in 1942 (ironically the year of my birth), absolutely everything Ms. Elwood presents today is right on target. Writtten with step-by-step perfection, she teaches "show not tell" better than any "live" instructor I've ever sat under. You must have this book!$LABEL$1 +Vintage beauty!. The pattern Audun Ferme can be intermingled with others produced by Villeroy & Boch. They have charm,vintage motives, and the high quality Villeroy & Boch are known for. If you want elegance and vintage charm, this is the pattern for you.$LABEL$1 +I was there! It was stunning.. Wow. I wonder if you can see me on this DVD! I can tell you that this concert is the most exhilerating show that I've ever attended and I'm sure this captures Joan Armatrading's masterful folk/rock/soul/reggae/jazz brilliance in some form, and for that it is simply essential.To "B4inSF:" this IS the Montalvo concert!! You were there (as was I). Rejoice!$LABEL$1 +This book scarred my 4-year-old.. I preface this by saying that every kid/parent has different preferences and I may not the best judge. But I just didn't understand this book. And neither did my four year old, who was terrified and in tears half way through. The page where the bullies hit the kid was so scary for him. The drawings made the bully pigs seems malicious and scary, and the drawing of them actually hitting Benny in the mouth was just too much. I didn't get it. "Papa, will you never read that scary book again," my son said through sniffles. We never will.$LABEL$0 +big time garbage!!!!!!!!!. this has got to be the worst Hip-Hop cd ever. the only track that's tight is the first track. this is a massive dissapointment if your a true Hip-Hop head you will understand when you listen to this cd. do yourself a favor don't cop this cd, if you do you will tell yourself i should of listen to that kat on the amazon reviews...$LABEL$0 +Audio book by Nathaniel Parker: Charlie Higson: Blood Fever. Listening to any audio book read by Nathaniel Parker is always a joy. This Young Bond story turns out quite sinister including lots of killings of more or less innocent people (which to my knowledge is the tendency of the adult James Bond stories,too). The plot is altogether clever, compelling and surprising to the very end. The story starts with an idyllic scene in the Greek archipelago and gets soon to Eton College from where some boys and teachers James Bond including travel for the summer holiday to the island of Sardinia and get involved with art thieves, pirates and bandits. The course of events is directed by the local rich lunatic who naturally wants even more power over other people and helds as a prisoner the compulsory young beautiful English girl for James Bond to rescue.Nathaniel Parker as the reader makes this story even more live and exciting by his marvelous characterizations and strong empathizing with the interpretation.$LABEL$1 +Not Great. This wagon isn't as great as it should be for the price. My son hates it because he can't turn it, so front heavy. I don't like it because when the sides are removed the end gate doesn't remove so you can't use it without the sides.$LABEL$0 +NOT as advertised in picture and NOT worth 50 dollars. One would assume that if you are going to spend fifty dollars on a spice rack, there would be no skimping on quality. The picture and descriptions of this item would have you believe that the spice holders themselves would be stainless steel or some form of at least aluminum. They even add a nice metallic sheen in the picture. In addition, you would think that with fifty dollars they would make the core glass or at least a strong composite. The shakers clear area is a cheap plastic. The stand itself appears durable but the shaker color does not match the stainless steel stand or my other stainless appliances. It actually looks cheap next to them. I would not recommend this product and will likely return this item. Positives include a strong base and magnets that work. I have no other compliments.$LABEL$0 +Blast: unavailabilty. I have shared this product, everyone liked it as well as I did. Problem: I can't find it anywhere. What's up with that? I originally found it at Walmart. I would really like to purchase some more, if I could just find it. I have looked in every store and online. Anybody know where I can purchase it???$LABEL$1 +eh. not all that impressive. if you want something like this you could easily create it on your own. it has a board with rooms found in the house and a die with different options.$LABEL$0 +A "Must-See" DVD. We loved this at the movies & are excited that it's now available on DVD!It's appropriate for all ages (teens to seniors) & could be a really useful tool for preparing for marriage, strengthening good marriages & helping bad ones. We bought one for each of our married children!$LABEL$1 +Stickers are supposed to stick!. What a huge disappointment. Save your money. We bought this for our son who loves monster trucks to go with the hardcover, (which we are happy with). But the stickers don't stick! It's frustrating for a little boy, and therefore for the parents.$LABEL$0 +A great book for any child. This is a wonderful book for children. My kids suprised me by pulling it off their bookshelf and asking me to read it to them. They are typical American children with no sense of what it must be like to grow up in a different culture. But they loved this book and so did I. It's simply written, so that children from 7-100 can understand it -- and even electronic-age kids can relate to the experience of growing up without a Nintendo DS or a Wii, or even a TV.$LABEL$1 +Great product and awesome customer service!. This is my second Casio pocket-size calculator. I loved the first one I bought and that led me to buy this one. It fits in my purse and it has a very convenience size to be carried around. Also, I received it on time, as promised. I'm very pleased with my Amazon.com experience!$LABEL$1 +BEST BOOK!. The Outcast of Redwall is one of the best books ever written! It deserves 500 stars! It is about Sunflash the Mace, lord of Salamandastron, Swartt Sixclaw, a weasel, and Swartt's son Veil. It has a very intriguing plot where Sunflash the Mace and Swartt Sixclaw swear to kill each other and Veil is taken in at Redwall when just a baby. He is cast out seasons later for trying to commit a murder as well as many other things. The end is totally unpridictable and very exciting.$LABEL$1 +not worth a penny. This is simply a new page for an old product with too many bad reviews. Notice that all the good reviews sound kind of the same. (Yes, there are people who get paid to make verified purchases and write good reviews.) Don't buy this robe; it will fall apart after one or two washings.$LABEL$0 +A Joycean discourse on the tribulations of Black America.. Louis Edwards, in the esteemed tradition of Joyce, Wolff and John Edgar Wideman, delivers a tour de force in his first novel "Ten Seconds". With remarkably swift yet extremely provocative prose, Edwards recounts the life of a young African-American man attempting to ground his identity in the south. Using a Joycean technique, in terms of the cyclical structure of the novel (based on ten seconds of a 100 meter race), Edwards captivates the reader from page one. Once you pick this, you will not put it down until it is over. Wonderful!$LABEL$1 +Great Product. product was on time. no damages and worth the Price! from now on i will order my picks only from them.$LABEL$1 +Can anyone say over-written?. One of the reviews on here hit it right on the head. Nothing much happens to this guy. As a result, he has to wax poetic on every detail of his life.Police officers have a tough job. So do many others. I'm not sure that rates 500 pages of what is supposed to be soaring prose.And a TERRIBlE idea to release this before the summer. This is the antithesis of a summer read!He's getting by on his Harvard English degree. I didn't get through it all, sorry--ran out of interest.$LABEL$0 +Collection. I had been looking for this book for a while to add to my collection of books containing stories about the Dark Hunters by Sherrilyn Kenyon. It was worth the wait.$LABEL$1 +Less than zero. Too bad I could not rate this book a zero because it screams for it! To say I was disappointed is a gross understatement. I read the reviews from many readers and really expected a good read but in my opinion this book lacked everything I look for in Vampire Eroticism/Romance. The characters were dead-on one dimensional. There was no definable tension between Domini and Alec, no suspense within the story, and certainly no anticipation leading into the sex which, let's face it, all Vampire addicts crave and expect. And really, what was up with that Indiana Jones hat??? That was a real turn off for me. A Vampire with a fedora? Ick! If you're looking for a sweet ride to the dark side, hit it with J R Ward and her Black Dagger Brotherhood series.$LABEL$0 +rfrus. Overpriced, I am unable to use because there is no gas can adapter included. Save yourself $10 b going to Harbor Freight and purchasing a sipon hose.$LABEL$0 +Does this clown even know where the Mystic is!?. The Mystic and Southie and Dorchester? That's like basing the MOB is Wellesley! For those that care, the Mystic borders Arlington, Medford, Somerville, Everett and Charlestown, all north of Boston(any part). Give this guy geography lessons then go get a good Ludlum book?!$LABEL$0 +The complete Don Fury recordings are available in mp3!. The wiki link says that Brian "Zoid" the singer has a nerve problem and can't sing anymore. Who knows if that is even true. The link is in German and the computer translated it after a couple tries. Check out the complete Don Fury sessions on mp3 format at Amazon, only $8.99 . The cd sold out within a week at RevHq.com. The quality of the recording is beyond perfect and what you would expect from the legend, Don Fury. Very famous pioneer in these kinds of arts. This is the heart of the art of it.$LABEL$1 +Lasted A Whole 2 Months. I bought this with high hopes. Right out of the box this thing was super loud but I thought maybe it would settle in. Well it did. The noise dropped off after about 3 days. But I should have returned it right away. The thing died completely just outside the return window. Total junk!$LABEL$0 +ViaVoice Mac OS X doesn't work beyond 10.3.5. I recently purchased ViaVoice MAC OS X because I had used the OS 9 version and liked it. When I up-graded to a new G4 Powerbook running OS 10.3.7, I purchased the new version so that it would work with OS X. After installing it and going through the training, I found that I could not use it, because it kept unexpectedly quiting when I tried to launch Speakpad. I called Scansoft and was informed that it only works with 10.3.5 or below. I have searched many descriptions of the product and no mention of this was found. Tech support said that they had been working on it, but saw no new release in the near future. I would not recommend the product if you plan to use an up-to-date operating system. ScanSoft ought to make this clear in their product requierments.$LABEL$0 +A great idea for a book, but messed up by authors' poor job. A great idea for a book, but the book is messed up by the authors' silliness and self-indulgence. Had the authors just dealt with their topic, it would be five stars. Instead,the book suffers from two major problems. First, almost every paragraph is replete with childish "inside" jokes, sophomoric asides (invariably Lefist where they are politifal), imbecilic puns and similar self-indulgent stupidity, apparently included to show how clever the authors are. Instead, all this junk just distracts from any discussion and generally leaves the reader grinding his teeth in annoyance. Second, there are serious and repeated errors in the descriptions of the movie plots. Did the authors actually watch all the films discussed, or did they rely on others (grad students, perhaps?) for some of the material? My conclusion is that the topic is well worth a book, and its a shame the authors made such a mess of this one.$LABEL$0 +Plain doesn't work.. This is the biggest piece of crap I have ever bought. I am shocked that it says "Belkin" on the label. It plain doesn't work on any of my memory cards.I bought the Belkin Multimedia Reader & Writer Expresscard for my new Macbook Pro, and it works exactly as well as a piece of ham. Well, that's probably not fair. I imagine it ejects from my Expresscard slot cleaner than a piece of ham would; but functionally it is the same as ham.I have tried five different SD cards of various capacities in it, and it failed to read any of them. I am surprised at the poor quality from a Belkin product. After all, this isn't a no-name EBay special freshly shipped from China. It's a BELKIN!$LABEL$0 +PUKAGE. PLEASE. YEA BUSH DOESN`T COPY NIRVANA SSSUUUURRRREEEEE.HE`S ALMOST AS ANNOYING AS NO DOUBT.GAVIN SHOULD GO COUNTRY.$LABEL$0 +review. Its over-sized kiss lock hard ware is perfectly cute. However, its opening is extremely narrow and flat so it is uncomfortable and ugly. The material is not leather but cheap vinyl or PVC.$LABEL$0 +don't buy sony ever. i just upgraded my operating system to windows xp and the printer didn't work.I need to get a new driver.I visited the web site and no driver for windows xp.I called customer service (and spent an hour and half hold ) and they said XP WASN'T IN THE MARKET WHEN THEY MADE THE PRINTER,SO THEY ONLY GUARANTEE THAT THE PRINTER WILL WORK WITH DRIVER THAT WAS ON THE MARKET THEN,THEY DONT HAVE TO MAKE NEW DRIVER FOR FUTURE OPERATING SYSTEMS. YOU MAY, HOWEVER, REPURCHASE THIS ITEM NEW SLIGHTLY MORE FEATURES AND XP COMPATABLE.so if you want to upgrade your system in next 3 to 6 months sony may not work with your upgrade and they won't do anything about it.Thats what sony's policy is.$LABEL$0 +Don't waste your $$. Didnt cover any of my tatts, from red to black to purple.I will just have to wear boots and long sleeves$LABEL$0 +My favorite gift for parents-to-be. I buy this for friends as soon as I hear that they are expecting their first. There are so many practical things that you just don't know until after you actually have a baby, and then you're stuck with the stroller that takes two hands and a PhD to fold up. This little book is solid consumer advice, and gives the feeling that these decisions are not that impossible after all.$LABEL$1 +Right Wing Propaganda. This so called "neutral" video is blatent right-wing propaganda.Proof:It has won the John Birch Society Award for Excellence in Documentary Filmmaking. That must prove that it is unbiased. The film was financed and produced by Citizens United, a conservative group in Washington.It was first shown at a conservative film festival.If you are a right wing ideologue who wants his/her preconceptions reinforced, this is the movie for you.Otherwise don't waste your money.$LABEL$0 +The Pilgrim's Progress (complete and unabridged version). UNFAIR you are showing a wonderful book, which I have read and thouroughly enjoyed so I orderd (I thought) another one for my son. I was VERY disappointed when I saw what book had been sent me. It WAS NOT "Pilgrim Progress in todays English" which is the book that I was under the impression I had ordered. The one I received was the 'COMPLETE AND UNABRIDGED EDITION". The one I thought I would be getting is "In todays English". NO WAY can my young adult student begin to understand this language! I was very disappointed, but the cost of returning it would have been more than what I paid for the book in the first place.$LABEL$0 +A FABULOUS CD!!. I LOVE this CD! I listen to it when I exercise. it was my favorite of the Christmas presents I got last year! The only songs that are missing are Fatidous Horses and Say You Say Me. i really wish those two songs were on the CD but I love the CD anyway. I was really suprise to see that The Tapdance song is on the CD. If you loved the movie get the CD!!!!$LABEL$1 +Nice pistol!!!. I bought both PT80 and PT85.I think it is much better than PT-85.But I don't like the way to open up cover.Compare to Walther PPK witch made in Japan,and PT85.PT80 is made in Span.Well done!good job Spaner!$LABEL$1 +put up or shut up. Well there isnt much to say but if you want the best you are going to get the best in static-x.Good heavy music with booming sound it's the perfect mix with Waynes sing to scream vocals.Some of the better song are "I'm with stupid,Push it,Bled for Days,Fix and December."Static-X has there own sound but they are comparible to Rob Zombie,Coal Chamber,Pantera,Fear Factory,some Korn and InsolenceDo what ya have to do.$LABEL$1 +An album of poor quality. This is plainly an album of poor quality. Not only has Russell Watson a course and untrained voice, his performances are non-stylish, unsubtle and unidiomatic. The orchestral support is mediocre and the recording acoustics is far too overblown. I don't think this is a good recording at all.$LABEL$0 +Great singing marred by abysmal production. Madeleine Grey was one of the great voices of the 20th century. Unfortunately, her early death robbed us of a great artist. What with the superlative computer musical reprocessing techniques - there is no excuse for the horrendous production of this disk. It is time for EMI to reissue these performances and give them the care and attention that these great performances demand. Until then - avoid this savage butchery!$LABEL$0 +Blue Dog Notecards. I liked them so much I orderd two more boxes. Now I have one to use, one to frame and one to keep untouched by human hands. The box they come in is as nice as the cards themselves.$LABEL$1 +BE FORWARNED. Remember before you even think of buying this book that there are a few prerequisites before you can even think of getting started. 1.) The required excercises must be done in a gym. 2.) You need 20 minutes 3 days a week, and 45 minutes 3 days a week for the excercises. 3.) The program relies heavily on supplements which happen to be manufactured by the author's former employer. So besides the investment of the book (Which you don't even need because all the info is free on the web site for free), you need a gym membership and a budget for supplements. Be careful if you are a novice dieter or weightlifter--this is not for you.$LABEL$0 +You will probably not find this review helpful. Ok, so call me shallow, but I guess I tried to watch this movie a couple years ago, and I found it again the other day on my DVD shelf. I could not figure out how it got there or why I didn't remember much of it. Well, I figured it out pretty quickly. The female lead looks like she forgot to take off ghoul makeup and put on wrinkle cream or any other makeup. I mean seriously she looks so weathered that it pretty much ruins the movie, which otherwise is generally entertaining. I would have preferred looking at a fat lady for 90 minutes to looking at the lines all over her face.$LABEL$0 +WORST FILM I'VE SEEN IN A LONG TIME. Really, this is the worst film I've seen in years. I had expected a quality film from Julia Roberts, but this film distorts, changes (for the worst) and ruins the classical Snow White story most of us are familiar with. It's too scary for children, and yet the film was probably made for audiences under 10 years old. Nathan Lane turns in an embarrassing performance, and Julia Roberts' performance is one-dimensional and SO boring. I'm sorry I wasted my money on this movie.$LABEL$0 +Share this book with all the precious women in your life!. I LOVE this book! I encourage you to pass this along to mothers, daughters, sisters, friends...everyone will love it and be enriched greatly just by reading this sweet, funny, thought-provoking book by the incomparable Beth Moore!$LABEL$1 +Totally Gross!. These are totally inedible. I could not believe how disgusting they tasted. I wish I would have read the reviews before I purchased these. Now I guess they will have to go to some unlucky trick-or-treaters, otherwise I don't know what I would do with them. They have no flavor whatsoever. ICK!$LABEL$0 +Great company, gorgeous shoe. This is a beautiful shoe and I was surprised at just how fast my order was taken care of how soon I had received it. I would recommend this merchant to anyone and would not hesitate to use them again.$LABEL$1 +Goldsmith Borrows A Little from Himself. With a career spanning over four decades, Goldsmith has attained a position as one of the movie's most prolific and innovative composers. Although his work during the past ten years does not compare to his landmark work of the 60's and 70's, he did do two exemplary scores in the 90's: one is the music to "The Ghost in the Darkness" and "Total Recall."What makes "Recall" such a winner is that it seems to pay homage to Goldsmith's earlier triumphs. One can hear "The Omen," "Planet of the Apes," the underrated "Secret of N.I.M.H" and even "Gremlins" in the otherworldly melodies used to complement the film. There is much originality in this composition with the opening and closing themes being especially awesome in their execution. But it is the patented Goldsmith "touches" that make this one significant and a worthy, albeit unintended, "introduction" for those who are just discovering the composer.$LABEL$1 +Close but no Ceegar!. This is the second rack purchased from Kingwin and I am disappointed. The tiny fan is way too noisy, and the system is not swappable without turning off the computer, even though it has a key to turn off power and unlock the tray.With external drives in general, all you need to do is either use the Safe remove in the oS or simly unplug the power. The drive stops and the reference in My Computer disappears. But with the Kingwin, using the key to turn off power does not provide this functionality. In fact, if you do so, you must reboot anyway, and it will involve a hard reboot, as the OS is stuck looking for this drive in an endless loop for reboot. You can go ahead and pull the drive, it is shut off, but the icon for it does not disappear from Computer, as does externals do.I'll likely look for a true hot swappable enclosure.Win 7 64 bit, AMD system 12G memory.$LABEL$0 +Excellent Book. I can't describe it. I bought this book and finished it in 1 week, which is great for me. ;) I found myself thinking about the characters all day and couldn't wait to get home to read more of it!MUST READ!!!$LABEL$1 +Good Grill, BAD cover. What a ripoff -literally. It rips if you look at it the wrong way. This thin and poorly made grill cover will not enhance the reputation of its manufacturer, CharGriller, a company that makes a respectable grill and smoker at the right price. Since there doesn't seem to be another cover available anywhere that fits this BBQ, I suggest that you store it in your garage or car port or buy another brand of grill.$LABEL$0 +nifty little pocket edition. This low cost thrift edition has great print quality and is strongly enough bound to be folded back and carried around in a backpack.$LABEL$1 +I Didn't Understand, So I watched it again. I first watched the movie on PBS. I didn't fully understand who some of the characters were and how they fit into the picture. I bought the movie so that I could watch it again. I now understand what was going on. I know things back then are not the way they are now, except the fact that most of the time money is everything. How did we get from there to here? Some standards have gone down the trash. The ladies and gentlemen all talk so proper. Lizzie is so stubborn. But her mother got to me the most. I found her nagging voice very irritating and the way she could change her opinion of other people so quickly so she does not look stupid to her family and friends. Mr.Darcy is proof that you can change the first impression you give other people. But it also helps you to see that if you never tell anyone how you feel, how will you ever know how they feel. And most of all I did get that warm and tinglely feeling at the end of the movie.$LABEL$1 +A Very Good Summary. A little smart-alecky for its own good sometimes, and sometimes drawing some probably unfair conclusions, this book is still the best summary of all the Clinton scandals until 1998. And oh my, were there a lot of meat to those scandals. It's a startling reminder of just how much substantiated fact was involved with the Clinton allegations compared to the allegations that the left just can't seem to make stick on Bush.$LABEL$1 +is an ink eater. This printer takes sooo much ink.the only feature that's great is the scanner, but it only scans if you have ink.$LABEL$0 +Bulky little Bible. I bought this Bible to carry in my car as a spare Bible. I thougt it was going to be very compact but it was not the case. It is small but very thick. I think that a thinline Bible would have worked better for portability. However I have no complaints about the content and quality, excellent as always.$LABEL$1 +All in one small package. Bought the 16gb version and updated with the new January update adding mail, etc. It makes this fine item even more complete! Love it! Battery life can be short at times, but what do you expect with such a large case.$LABEL$1 +Belkins TuneCast II isn't worth it.. I was looking for an fm tuner to use in my car for going down the highway. i'm not rich and this one was the cheapest i could use with my new Sansa Clip. but only to find out that i GOT cheap. all i got was static when i tried to use it in the car and home sterio. the range (according to Belkin.com) is 10 to 30 ft. with 10 or less being optimal. so i went to their web site and looked up the best options to tune the radio to (like the directions say) only to find that even with the transmitter sitting ON TOP OF the sterio (clearly less than 10 feet away) all i got was static with a very slight hint of music. and the worst thing is i'm not even from a town with heavy fm signals. i tried high, i tried low, and even in the middle of the fm band and got static. ok, yeah, some where better than others but none were even remotely close to being listenable.$LABEL$0 +Great Product, Watch Your Seller. I got this item in great shape - no rust etc, X-Acto quality, but - Be careful where you buy this. My seller's shipping policy (which I read AFTER receiving the item) DOUBLED ITS PRICE becuase I live in Hawaii. It arrived by USPS Prioriy Mail (Amazon Standard Shipping), the cost of which is minimal, but the seller used my location as an excuse to add an OUTRAGREOUS SURCHARGE.$LABEL$0 +did NOT play!. would not play ...and whatever is region 2 is the problem. Sure wish someone told me what region means prior to wasting my money on.$LABEL$0 +pretty good fun. My son got this for his 3rd birthday. He loves it because it is easy to make go however I was disappointed because I have yet to see it go a few 5 feet.$LABEL$1 +Cute-looking, but totally unreliable. Just like another commenter, my 'cute' Canon tortured me by sometimes showing a blinking 'H' after removing a roll a film. At times the film could not even be rewound, and the camera had to be send to a Canon Repair Center, which then spoiled the film - which of course had always unique pictures on it that could not be replaced :-(I eventually made Canon give me a refund.$LABEL$0 +if you need POTS only. We've got a Step 2 kitchen from our friends with TONS of extra stuff, but the two pots (the ones which actually make sounds) were missing.I searched on-line and found that for the set Amazon has the best price, however, if you only need Pot and Frying pan, as we do, go to Step2 replacement parts, they are 3 times cheaper than the whole set. If you got your kitchen from friends or other places, you probably already have plates and spoons, so why spend more on stuff you really don't need.$LABEL$0 +Fiery Review of Fire. This engaging film benefitted from superb writing, excellent directing as well as editing. All the characters from main to supporting were totally believeable.$LABEL$1 +Without the CD this book is useless. The CD which comes with this book contains the best stuff from the book and you have to pay about $30 for each semester you want to read the info from the CD. The book is full of examples, but little how to use the info or even how the examples used the info to get to their success.$LABEL$0 +Great Product! I love it!. Great to use. Can take it anywhere. Fits anywhere. Stays put on dash, even better if you have a padded dashboard cover.$LABEL$1 +The Hebrew Alphabet: A Mystical Journey. I read the book and was really disappointed by the content in it. It is a sorry read. I would not recommend this book to anyone. Sorry but that's the truth. ERL$LABEL$0 +Better than I was expecting. I was introduced to Alizee through World of Warcraft. My nephew showed me a video with all of the dances, and Jen ai Marre was the song playing in the background for one of them. I really fell in love with the song, and saw the CD here. I decided to pick it up.Needless to say, I really dig this CD. While there are some perennial favorites for me, the whole thing is really enjoyable. The melody is just fantastic and her voice seems to have a lot of soul to it. If this is considered "Pop music", I want to hear more like it here in the states.I only wish I knew French to truly understand it...$LABEL$1 +Save Your Money.... I wanted so much to like this, such a great idea. I agree with other reviews, you cannot fit an"assembled" sandwich in the bottom, it is too shallow. The lids on the two inner containers shrank and did not fit after one run through the dishwasher. These are supposed to be top-rack safe....GRRR. Unfortunately, these were relegated to the "donate" pile after just one use. What a waste.$LABEL$0 +Not Impressed with the new version.. I've had the older version (11B) for over a year and have never had a problem. I bought the new one (54G) a month ago and have been unable to connect via the Internet. I've emailed Linksys support multiple times and they don't even respond. And just this week the built in mic stopped working. All I hear is static. I love the linksys wireless products and have spent a lot of money with them. I can only hope this is just a fluke and that Linksys will pony up to not only replacing mine, but fixing this problem for everyone.$LABEL$0 +Happened upon the book..... I was staying at a Bed And Breakfast at Rushford MN and found this book laying on the coffee table upstairs. I started reading and couldn't put it down until I was done at 12:30 am. A very fascinating book. I wish he would write more. I still want to know why Nehring asked him if he wanted to sleep with his wife. There are stories waiting to be fleshed out here. Can't wait. Good book.$LABEL$1 +My husband loves this book.. I bought this book as a suprise and he loves it. He looks at it all of the time. It is full of information and pictures to go with everything. He looks at it to learn new stuff, review what he already knows, and in case he forgot something. I definitly recomend this book.$LABEL$1 +Diary of a Spider. my 8 year old granddaughter said she loved it.I can't give you anymore feed back because I don't get any for myself.$LABEL$1 +Poor Customer Service & A Great Program Ruined. I don't own this version but I have used it and it has deteriorated greatly over the years. Canvas 3.5 was the best and Canvas 5.0 wasn't bad but Canvas 8 had quite a few problems on the mac including a windows type interface and stability problems. After Deneba sold it to ACD, it went down hill fast. Deneba had great customer service and support but ACD was lousy in this area and they raised the price significantly. ACD kept sending me offers to buy the windows version (I have bought 5 different mac versions) when I sent them an email asking about a fourth coming mac version they would not even answer the email. I think the once great graphics program "Canvas" is dead (at least for the mac)$LABEL$0 +Black & Decker Auto Wrench. I bought this item for my Husband for Christmas, he said it was junk. The battery went out the first week, it was dye cast and looks cheap, I'm sorry I relied on the picture to provide a nice description of a present. Had I known it was so cheap looking I would have never purchased it.$LABEL$0 +WRONG ITEM SENT. I ordered this item on the basis that it offer FM radio capability. This feature was clearly stated in the product description WITH NO MENTION OF IT BEING AN OPTION. The name of the item includes the phrase "FM Radio PCI Card"When I got the item it did NOT have FM capability and the supporting documentation indicated that it is an option on certain models only.This error was extremely upsetting to me since I am unable to return the item (because it was taken out of the USA).[...]$LABEL$0 +My two cent. I've had my Slick U212 since about 1988, my first and only tripod. Bought it used from a amateur photo shoot buddy. His thing was the Leica R4, If I remember correctly, while mine was the Olympus OM4 SLR.Haven't used my U212 much since the days of photo shoots. Currently looking around to supplement the U212 with a ball head by Bogen Monfrotto and a binocular adaptor. Lots of searching and thinking with adaptors and bushings because Monfrotto is threaded for 3/8" while the U212 is 1/4".All this tinkering just to find all that is really needed is the binocular adaptor and perhaps some spare quick shoes for the U212. The Slick Universal U212 really is universal.The U212 is not the lightest, strongest, or flexible (head swapping) unit available. If your needs for a tripod are general and non specific the U212 has proven over the years to be exceptional.$LABEL$1 +Some crazy joints. Yo fab needed to get some more street dreams u hear mike shorey and him goin to that beat on make u mine and u hear how sick it is hes slowly killin whoever hes talkin about and what about that whole "I'm talkin recklace now/ cuz i'm the reason all your girls are you exes now". Fab is officially the smoothest boy rapper u can meet and if anyone denys it u gotta go through me!$LABEL$1 +Thin gruel, way overpromised. Far from being a comprehensive tour of science-oriented travels, this is simply a cursory, spotty travelogue.The bits and pieces are fine and fun, but hardly worthyof a booklength treatment. This would have made a fine magazine article.$LABEL$0 +WAY TOO SMALL. Chances are, you will not fit in this. Way too small,even my wife who is 5'6" tall and weighs 105 lbs. cant fit. Better off buying something else. Dont waste your time or money.$LABEL$0 +Not for beginners. The reviews led me to believe that this yoga tape was for beginners. I didn't feel the instructions were complete enough and I had to keep looking up at the tape to see how to do the poses. I have never tried yoga before and do not recommend this tape for someone who is new to this form of exercise.$LABEL$0 +No heavy metal here!. This album is horrible. Has nothing to do with heavy metal. Ballads only. Not worth even one star. Their first album is excellent.$LABEL$0 +Not so hot.... I was kind of dissapointed with this book. Most of these ideas are common sense, and not overly ground breaking. The way the book lays out hands is somewhat tedious.$LABEL$0 +Just another reporter looking for a couple bucks. This book is horrible. Skip it. just get 'Generation Kill' instead.John Koopman is right. He is no reporter as he states early in this rushed, hackneyed attempt at storytelling. Full of typos, I wonder if anyone really did proofread it.Also, the actual reporting of action doesn't even begin until page 111. The previous 110 pages of drivel are Koopman's life. Trust me, 5 pages would have sufficed.Poorly written, slow, and written a jarring short-sentence style, I will soon be listing it for sale here while it's still in hardback.AVOID!!.$LABEL$0 +SACD Stereo Only. This is a fantastic set of music from Everlast. However, it is not multichannel SACD, but Stereo SACD. I am disappointed, and hope I keep someone else from the same.$LABEL$0 +not the cd you think it is. this is the score from the movie, not a soundtrack of the songs from the movie. A big mistake on the part of the record company, as Monkey Bone has one of the best soundtracks of the year.$LABEL$0 +DO NOT get a self propelled vacume!! Way to heavy!. I had my heart set on a self propell vac because I have a bad back. After 14 months the self propell broke! It is now easier to push my car down the street then push this thing across the livingroom because the self propell unit inside the vacume is so heavy, it really weighs the vacume down. It still sucks great but if I'm going to keep useing it I will have to go back to physical therapy.This thing is such a tank if you run into a pice of furniture it will dent your furniture!Carring it up and down the stairs while trying to vacume is impossible. The self propell unit is so heavy it really defeats the purpose of having one.Hoover is still my favorite vac, just don't get a self propell!$LABEL$0 +Great shipping and quality. Bought as a gift for my g/f. They came in and were in great condition. Fast shipping too. Thanks a bunch.$LABEL$1 +McCormick Grill Mates Pork Rub. I usually make my own rub as it's simple and as long as your spices are fresh, it can come out exactly as you like it.I tried this product only because there was a considerable savings offered at the grocery store. The flavor is not too hot and not too sweet and pleasant and not overpowering.It contains chili pepper, red pepper, brown sugar, garlic, onion salt and apple cider vinegar which are ingredients I normally wouldn't use, but it did add a great flavor to my pork ribs.I'm happy with this rub and will probably use it again in the future.$LABEL$1 +No Surprise........ ...Alice did it again with her 2nd CD! What a voice! There isn't one bad song on the entire CD. However, if I had to pick my favorite - I pick Alice and her piano on "Northern Star" - true honesty and grace as well as strong passion. My other favorites would have to be "Some Things Get Lost" (she has a great voice for ballads) and "Parallel Life". Although it took some getting use to, I do like the new versions of "I Hear You Say" and "I'll Be The One". Hopefully, we'll start hearing it in Columbus soon! Way to go Alice!$LABEL$1 +Five stars, for Erin Grey, not Gil Gerard. The price of this DVD set can not be beat. If you are a fan of this series and you want to watch these episodes again, you won't go wrong in getting this.But as I watched the shows, it was Erin Grey who really stood out. After watching a handful I predicted what Buck would do. Gil Gerard must have had a "kick" clause in his contract because that's all this guy did in every episode. Season one of course was much better. There's only thirteen episodes in season two, which meant it was thirteen too many.The guest stars here really stood out and that's why I am glad I own this. Roddy McDowell, Jamie Lee Curtis, Dorothy Stratton, Gary Coleman, Buster Crabb, etc. They were excellent.$LABEL$1 +SWV Christmas CD. The best christmas CD ever!!!!... I enjoyed it a lot and what makes it so bad... I'm still listing to the CD and its January$LABEL$1 +Comfortable Elegance. I absolutely adore this ear cuff; it is sleek and comfy. I haven't felt any pain or irritation while wearing this cuff, it is a bit tricky to put it on and off, but nothing to hinder it. Once on, the cuff stays in place and I have no worries of it might falling off. I also just bought the 6DSS Sterling Silver tiny earwrap as well. Excellent for a first cuff. The little thumb-sized plastic container it came in has already come in hand for keeping my growing collection of ear cuffs! Love it!$LABEL$1 +Is this what pop culture is coming to?. Techno, schmecno...who would dare to call this garbage "music?" The lyrics are boring, repetitive, and stupid, and these guys can NOT sing or dance. I believe that this is a group of guys with absolutely ZERO talent attempting to become a boy band. News Flash: we don't want to listen to annoying, mechanical voices! Not to mention their awful music videos...the cheesy computer animation is horrible. "I'm blue, da ba dee da ba..." Puh-leeze! This is a disgrace to the music industry. They should have called this album "Europoop" (I did not make a typo)! If "europop" is what you want, try S Club 7...NOT this garbage!$LABEL$0 +Very disappointing. I have owned a hard copy edition of Britannica for over 25 years and it's a masterpiece. I have owned software versions for 6 years, and this year's is without a doubt the worst product of all, and clearly inferior to the contemporaneous Encarta 2002, Worldbook 2002, and even Grolier's 2002. Advertising of content has been confusing and deceitful. Navigation is very poor.$LABEL$0 +Not Much Help. I have a 1996 Dodge Ram Cummins 3/4 ton four wheel drive. I purchase this manual to help me do maintenance on the vehicle. The manual does not show my front or rear differental or brakes and believe me if you have a Dodge 4/4 you are going to need a manual that does.$LABEL$0 +Flimsy Product. Long story short... I received the product and it look like a decent product...But after a few weeks of usage... I placed the lid on the table... not hard at all...and the lid broke... really??? it's not like I dropped it... but now i need another one...I suggest getting acrylic i suppose...$LABEL$0 +Ridiculous. Are people comparing this to Oldboy? Oldboy was flabbergasting. It delivers an invisible slap of surprise on the watcher's face. Mr. Vengeance fails miserably at creating any sort of effect whatsoever. The storyline is a bit challenged, if you ask me. There is no real feeling of revenge and most of the time the screenplay with characters coming in and going out creates confusion. It took me a while to understand what's actually going on. I watched this 40 days back and can't even recall what happens in the end. What's even more confusing is that I've known to have a prodigious memory of mind, or atleast I claim to.In any case, absolute bollocks of a movie watching experience. Avoid.$LABEL$0 +size information not in online description. I purchased the fannypacks for my 5 and 3 year old grandchildren. Since they are called "kids," I thought that they would be child-size. However, when they arrived I discovered that they are made for adolescents, requiring the belt to be shortened several inches for our family's use. In fact, the tag says "intended for children 8 and over." It would have been helpful if that information had been included in the online description. Having a pouch for a drink bottle is a good feature, and the quality is good. The size is just larger than the online info implies.$LABEL$1 +What a waste. This is the first Bowie cd and I'm already disgusted. I bought this thinking I would get complete unedited songs but all this has is severely cut songs and a promo for his website. If you're going to make it pc compatible than at least give us a couple of videos at least. My advice: Skip Bowie altogether. He's a businessman not a musician dedicated to bringing the ultimate in quality to his fans.$LABEL$0 +Bravo. I love this DVD! It is recorded at the end of a tour. They are home in Seattle and the band is very tight. They appear to be happy to be home and they put a great show for the home audiance. There personalities really come through on this dvd. Ann and Nancy Wilson prove that they are two of the best female performers on the planet. Ann's voice sounds great on classics like "Alone". Nancy's shows off her guitar playing on songs like "Love Alive". They play all the classics and in the middle of the concert Ann and Namcy do an acoustic set which ends with a great Elton John cover of "Mona Lisa and Mad Hatters". Their vocal harmonies are like ear candy. The whole band sounds great. They have gotten better with age and have work hard to master their craft. Their covers of Led Zepplin are outstanding. They have stood the test of time. I highly recommend this dvd!$LABEL$1 +don't bother. Why this item got the reviews it did I'll never understand. My light worked briefly, after fiddling with the switch, then never lit up again. In addition, the four batteries make it heavy even with a hardcover book and it is bulky. Back to my quest for the perfect spouse-friendly light.$LABEL$0 +You may need to be a detective noir fan to enjoy this.. I didn't enjoy reading this book. I think the noir type writing made me feel like I was reading a spoof that was too long. I enjoyed the Rochester references... maybe I just don't enjoy detective noir... although I enjoyed Agatha Christie... but I think that's not "noir".$LABEL$0 +Great purchase will be better the second time. OK, I'm a white collar guy who just wanted an alternative to jeans to play outside with my kids and then head to the store with my wife without changing. This was a completely blind purchase and these are perfect. Took them to the mountains and rode the sled in the snow and also horseback all day. They did not soak like jeans or get me cold. I live in the desert and can wear them in the warm weather. Very tough and better looking than any jeans. BUT pay heed to the reviews. Put your vanity aside and order an extra inch on the waist; they are tighter and less stretchy than your jeans. My second pair will be even better now that I know that.Cheers.$LABEL$1 +A Fusion Classic. This album is Brand X at their best. Many would say that Mahavishnu's Inner Mounting Flame was the quintessential fusion album, but I'd say this one delivers stiff competition. Lumley's flowing melodies soar in front of Goodsall's intricate picked (not strummed) rhythms and Jones' innovative bass lines. If that's not enough, Phil Collins does his best work ever on the drums right here. There's no comparision to his work in Genesis -- who knew the guy could play this well? If you love fusion, you've gotta have this one.$LABEL$1 +MPS5280. I found this book in our adoption agency and had to buy it. I like the fact that it's easy to read and that it mentions high level milestones for my son. While I didn't give birth, I think it gives common sense advice to mom's about recovery and the relationship advice is true whether you adopt or give birth. If you are looking for a very detailed book, this is not the one, but for something high level (believe me, I have Dr. Sears book and several other's that I think are way too much to read during the first few months). Not to mention in those books, my son who was born 4 weeks early may or may not fit the timeframe. This book makes it easier to relate to since it's my month and if he doesn't fit the timeframe, it's high level enough to know it's okay if he's not reached that milestone yet. I recommend this book for new parents and as a shower/baby gift.$LABEL$1 +New And Fresh beats. This album is great it brings to the plate a set new and fresh group of beats. This is a great CD to espand your study of groove-ology and rythm. I would recomend this CD to anyone who loves new and fresh sounds. EVERYONE should jam this CD loud all the time!!$LABEL$1 +Concise, easy to read and riddled with errors.. A good introduction as long as the reader relies on the prose sections, and not the illustations or the study questions. Shows evidence of hasty and slipshod editing. My CCNA exam contained a large number of questions on topics not covered by this book.$LABEL$0 +Speaker Stand work PERFECT, just minor drilling. The speaker Stands are just fine, I see many reviews that people have cracked them. yes the holes for the pre screw insert are a bit small. you could get smaller screws, OR just get a little bigger size drill bit and make the holes bigger. it worked great for me and no cracking or anything. i love them stands. now the only problem I have is that they uped the price to 50 bucks a set!... however.. i guess its still okay with free shipping.$LABEL$1 +poor and uneven qaulity. Very think chews, cut unevenly, many with holes like swiss cheese. Not appropriate for use unless you cull through the bag removing the discards.$LABEL$0 +Hawk Ceramic Performance Pads. Installed this on my 2002 Tacoma, about 1000 miles ago and so far I have been satisfied. I resurfaced the existing brembo OE rotors and popped in the Hawk Ceramic Performance Pads. Followed the bedding process per Hawk instructions and they made considerably more dust than the ATE Ceramic Pads they were replacing. Just during the short bedding process there was a light coat of dust on the rims. They have a noticably better bite than the ATE Ceramics, but an ever so slightly higher noise also. Overall, satisfied with them, but only time or miles will tell.$LABEL$1 +The Breakthrough Fish Carving Manual. I recommend this book if you are a fish carver or would like to be. One of the best informative manuals on fish carving if not the best. George Goetzelman orecartent@webtv.net$LABEL$1 +The game is a 5 star game. The Elder Scrolls IV is a great fantasy role playing game. The grapics are great. It has hours and hours of entertainment. The only problem is once you start playing the time goes by and it is 4 AM and you are worn out the next day. Buy it!$LABEL$1 +A Lovely, Lovely Story. I have just discovered Liz Carlyle and I feel fortunate indeed. I am halway through her second book, "A Woman Scorned" and I can barely tear myself away from it. This is a very gifted author and all her books should be read (I think in the order she has written them). Unfortunately there are only four books right now, but we can only hope that she is as prolific as she is gifted. Her characters are so well drawn out you can actually remember them. Her secondary characters are also rich and vibrant. Her dialogue is wonderful and her prose is unique and highly-charged emotionally whether she is describing a thought or a sensuous love scene. Buy her. Read her. Treasure her. I can't wait to read all of her books.$LABEL$1 +Fire Emblem rocks. Fire Emblem is an awsome game. I used an entiere 12 pack of batteries on this game. I have beaten the game 3 times, and find it highly addictive. I put in endless hours at the stadium to level up my army before going into a big match with the Black Fang, and I thought that Nintrndo should release the other Fire Emblem games to the US. Ever since the days of the Super Nintendo, Fire Emblem has been around. the two characters from Super Smash Brothers Melee, they are Fire Emblem People.(Roy and the other one) This is one of the best games of all time.$LABEL$1 +new feature. I've been using Petmate water fountains for a few years now, tending to get a couple of years of use out of them. For the price, the amount of use (two cats) and hair I'm usually cleaning out of the pump, it seems reasonable to me. I bought the latest one recently and was pleased to see they've included a screen in front of the pump that is catching a lot of the hair before it gets to the pump.This has a nice water flow, is usually quiet (unless there's a clog or water is pouring out of the resevoir) and the cats have no problem drinking from it. Those are its pros, along with its price (much better than the version that the vet pushes). However, I've noticed that this unit is more difficult to put back together after taking it apart for cleaning, which cost it a star (not sure if it'll get easier over time but am certainly hoping so).$LABEL$1 +THE MATRIX RELOADED WITH BOREDOM. I DON'T KNOW WHERE TO BEGIN. THE MOVIE IS SO BAD THAT ANYWHERE IS A GOOD START. BUT, NO, I'LL START AT THE FIGHTS. THERE ARE TOO MANY OF THEM AND THEY DON'T MAKE SENSE. WHY PUT ONE GUY BEATING A HUNDRED MEN OVER AND OVER AND OVER AND... YOU GET MY DRIFT. AND IF HE IS ABLE TO FLY, WHY SHOULD THE MOVIEMAKER MAKE HIM FIGHT. WHY NOT JUST MAKE HIM FLY AWAY!WHAT A PIECE OF TRASH! I AM GLAD I DIDN'T BUY IT, I RENTED IT. I TRIED TO GET MY MONEY BACK, BUT THE VIDEO STORE INSISTED THAT ONCE I STARTED TO WATCH THIS GARBAGE... ER, MOVIE, I WAS STUCK WITH THE BILL. DARN! I AM NOT HAPPY ABOUT THIS.AND BY THE WAY, TO THE REVIEWER WHO CLAIMS THAT THIS MOVIE IS NOT FOR MORONS, GET A LIFE! THIS MOVIE IS BAD! PLAIN AND SIMPLE. SHOW HOW INTELLIGENT YOU REALLY ARE AND ADMIT IT!$LABEL$0 +Works Like It Should. Added this valve to my new shower head and it works well. The package includes an o-ring which I initially installed with the valve. Using teflon tape there was a small leak at that joint, so I removed the valve, took out the o-ring, added a bit more tape and now the joint is leak free. I see no need for the o-ring. Valve does seem to shut off the water completely with my shower head. It is easy to turn and does not seem to reduce the water flow to the shower head.$LABEL$1 +So very long and wordy. We selected this book for our December book club discussion. I am only on page 388, and at this point it has become just a chore to pick it up and make my way through it. All about Una all the time, in way way way too many words. For more detail on my one star rating, let me refer you to the review titled: Everyone Loves Una; Or, The Navel-Gazer: A Mary Sue. I couldn't agree more or say it better.$LABEL$0 +Works very nice. My school owns two of these and they have worked quite well. We run an NT network and have 2 labs with about 50 computers in each. The computers in the lab print to these, and because we run a network and the printer can two, every classroom and can print to the lab printers. The printer is very versatile with 2 or 3 automatic bays for paper and 2 manual entry paper bays for large papers or envelopes and such. It prints extremely fast, but takes about 5 minutes to warm up in the morning, or 2 minutes to warm up if it hasn't been used in a couple hours. It rarely has problems, and when it does it is usually the kids' fault. It has worked extremely well for our school and has had only a few minor problems.$LABEL$1 +Looks cool, bad coffee. Life is just too short to get frustrated by bad coffee every morning. A decent cup (or three) of *strong* coffee is all I require - is this too much to ask? Apparently so for this machine. It looks cool and the carafe feels heavy and high quality, but the coffee is really weak and awful. I have been putting in 2-3 extra scoops of grounds and I still don't like the coffee. Now, I feel like I'm just throwing good money after bad by wasting all that extra coffee grounds. Plus, the warming plate keeps the coffee way too hot and it tastes burned within 15 minutes or so. I figured out why the coffee is so weak - the hot water only sprays out of one little hole onto the grounds - my previous Krups had about 6 little holes to "shower" the coffee grounds. I wish I could return this Braun - I will give it away and buy either another Krups or a Cuisinart.$LABEL$0 +Marry Me Gwen Stefani!. I think that at this point in No Doubts career, it was high time for them to produce an disc with all of their singles. My favorite cut on this is the high octane bombast of "New". I love the over processed drums, the 80s style keyboards, and everything about the song. Another highlight is "Hella Good," which is from the rock steady album. Over all, I believe that this is an album thats all about change, as is the band. They have gone from scrappy kids who like Ska, to neo New wavers in 10 years. They have a way of paying homage to their influences, while claiming the styles for their own in a way that no other band is capable of. the only thing that would make it better is if this record was sequenced chronologically, either in correct, or reverse order, so the listener could take the journey with the band, instead of having it scattered around.$LABEL$1 +There is better. I thought this book would help me learn Java when I first bought it, but I think the examples are skimpy. A more complete reference and tutorial is Cay Horstman's and Gary Cornell's 7 ed. of Core Java 2: Volumes 1 and 2. These 2 volumes have great examples, and go more in-depth into Java. Skip Schildt's book, and buy the Core Java Volumes even if you need just a reference. You will be happier, and learn more.$LABEL$0 +I like it. I like a singer who connects to the song and he does this well..I like his voice and how he projects it..This would be good for a gradutaion or to give to someone you want to make proud..Great work...$LABEL$1 +Butz: A Pathological Liar. This author has some nerve trying to rewrite history. Most of my grandmother's family was murdered by the Nazis. To compound this tragedy by denying that 6 million Jews were killed is a further atrocity. The fact that anyone can believe this crap is alarming. The Holocaust DID happen. If you don't believe it, go to any Holocaust memorial (Washington, DC, etc) and see the documentation and photographs for yourself. Also, Yad Vashem (a memorial in Israel) may have a website. The Simon Weisenthal Center also has a website.$LABEL$0 +Family Guy Vol 7. Did not arrive in the same type of packaging as all my other volumes that I purchased from Walmart. Otherwise, new quality and shipped fast.$LABEL$0 +Great for Your Mexican Theme Party. We use this for Mexican Fiesta party music and it helps set the tone for a nice gathering. Nice traditional Mariachi Mexican music.$LABEL$1 +Junk zipper. I bought two of these. The zipper on both broke after the first use. This bag is junk. No one could have possibly tested this product.$LABEL$0 +Below average. I bought this laptop a year ago. When it reached, it came with a faulty DVD ROM drive. I had to take DVD ROM out myself and send it back to HP and after they recieved it, they sent me a new DVD ROM which worked well.Couple of months later, the LCD screen won't stay upright and it became loose. So, this time I had to send whole laptop back to HP.I had a tough time with their customer care service. Everytime (5 times) I called them they have tradition of putting me on hold of minimum of 20 mins with breaks of "Sir, Please hold on, I will be with you shortly. I am trying to pull out your record" after every 5 minutesJust yesterday the battery died.I am sure I could have found better laptop had I spent some more time searching.Think twice before buying this.$LABEL$0 +How to Talk About Jesus Without Freaking Out. This is a great book with wonderful and exciting ways for you to tell about Jesus in all situations. It is a wonderful book to read and then go out and find ways to really do the work.$LABEL$1 +Great idea, poor design. This started out as a great little item. I ended up returning it the first time I had to replace the batteries (about 2 months later). Once the old batteries were removed, everything was reset, and I had to reset the time, month, year, and even had to re-calibrate the compass. What a pain, and not worth the money. If I only had to reset the calendar, that would be fine, but having to re-calibrate the compass is a pain.$LABEL$0 +great if lasted. I got it about a year 6 month ago. Used it very lightly - 10 times perhaps and the rest of the time it was either in my garage or in my car. When I got it out for a next shoot I noticed that quite a bit of grease leaked out out of head. Good thing it did not ruin anything else, since it was pretty sticky. It still works at the moment, but once grease is gone its days are numbered. This is by far the least amount of use I have ever gotten out of a head.Other than that it is a bit heavy for the specs. I guess this is what you get for not going with a reputable brand... It is amazing how many times I have to relearn this simple fact.$LABEL$0 +Disappointed!. This was a painful read. I bought this and Glasshouse together to read while recovering from surgery. Thankfully, I had also purchased some other titles because after forcing myself to finish Accelerando I could not bring myself to even start Glasshouse.I enjoy when an author creates their own vocabulary to express new concepts but Stross takes this practice to an uncomfortable extreme. The number of new concepts being presented along with their associated descriptors was disorienting and hard to follow. Somewhere around the middle of the book, I decided to stop trying to understand the details and just focused on finishing the larger story. I was disappointed again. The End did not justify the means.My opinion: Accelerando as a destination is not worth the journey.$LABEL$0 +Just one minor criticism. Archer tells us about Whitechapel at the time of World War I. He misses out that Whitechapel was predominantly Jewish and it was here that the Jewish Legion (part of the British Army) was organized, paraded (right down Charlie's street) and became the model for the Jewish Brigade of World War II.$LABEL$1 +Mr. Who or What!. I am so Thankful this film came on Sundance for had it not I would have made the error in buying it for my collection. Really there was what could have been a "real story" here but that did not happend. Instead the director took this film on what seemed to be a if you will "trip". It went here, there, everywhere, leaving you saying what the heck is this so called film I'm watching. Then the so called female friend still doesn't know the difference between a gay man & a straight man with all the gay men she is surrounded by. Please if "anything" rent this film do not buy it. If someone elese were to take and rewrite this script it would be a great story and done without spending a ton of money as well. Simply the director failed at telling any kind of story here. If your bored or a lazy Sunday afternoon take a peak but remember even if it's a lazy afternoon you can not get back the lazy time you gave up by watching this film.Peace & Blesssings,Hope This Helps someone from buying.$LABEL$0 +precise and sophicated. Volume 3 is much more detailed to the previous two publications. It covers a wide range of projects from the desktop competition to the huge kansai airport. But it seems that the author have too much emphasis on the kansai and alleviate the depth of the others$LABEL$1 +It�s not even fun, don�t waste your time.. What a piece of ..., As a New Yorker for over 15 years, and an active member of the NYPD, I could only guess that Katz wrote this over simplified fantasy while looking out his hotel room window in-between ordering room service.Anyone who has lived in NYC should immediately recognize how ridiculous, inaccurate and off base this book is.ESU is made up of great men and women who are serious about what they do. Katz does not do them justice; he distorts reality and glorifies the wrong things to the point his writing is unreadable; I'll admit I could only get halfway through it before saying enough. It's not even fun, don't waste your time.$LABEL$0 +GOOD Movie, EXCELLENT Picture!!!!. I was not sure what to expect from this movie, as we never had seen it before. It was not bad, some funny moments, but seemed to move slow at some points. We decided to buy it because it was in 3D and not many movie out yet for this new technology. The picture was Amazing!! It was a perfect picture on our TV. I saw NO ghosting the images were crisp and the depth and imagery was GREAT!! A must buy for a fan of the Blu-ray 3D movies.My equipment:*Samsung LN46C750 46-Inch 1080p 3D LCD HDTV (Black)*Samsung BD-C6900 1080p 3D Blu-ray Disc Player*Onkyo HT-S3300 5.1-Channel Home Theater Receiver and Speaker Package (Black)$LABEL$1 +A Must for any Mountaineer!. This adaptation of John Denver's beloved song is a must for any family who has ties to West Virginia. The illustrations are beautiful and detailed, and the CD is a fun bonus. (Our son likes to have the CD playing as he follows along in the book.) Everyone loves "Country Roads," but West Virginians especially enjoy this, our adopted state anthem. A great way to introduce the song to the next generation.$LABEL$1 +ok games. The games are ok. But sometimes difficult to play or understand the rules. WHen have nothing else to play they will do. I was disappointed in the creativity of the games.$LABEL$0 +Great song on a crap album. The rating is for the entire album. I almost gave it one star, but "Crazy" is the catchiest thing I've heard in over a year & deserves much better supporting material than the junk on here. I'm so disappointed...I really wanted to find some hidden gem, but after having it play constantly in my car for the last week, nothing as yet has jumped out of my speakers.It's called inspiration flowed for three minutes & needed some filler to justify a cd length release. A lot of the lyrics for other songs are creepy (but not in any cathartic good way.) And the beats (sans Crazy)are pretty lame too. I borrowed my roommates copy & sure am glad I didn't spend my own 10 bucks.Not many people are able to make an album that's consistently good beginning to end. Who knows why the muse can depart just as quickly as it arrives?$LABEL$0 +Highly Recommended. What a great book! All you need to know about your horse's muscles, why you need to stretch and in what situations, is in this book. I have never come across something quite so comprehensive and easy to understand in one book before. It has wonderful big glossy colour pictures, spiral bound for easy page turning as well as being able to keep it open on the page you want while trying out some exercises on your horse.I did several relevant stretch exercises on my horse's sore back end, and within a week he was helping to stretch himself and really seemed to enjoy it, closing his eyes, relaxing and wiggling his lips. His lunging work has also become easier as he has become more supple.I especially recommend this book for anyone doing competition work with their horses, as they can become quite tense in certain areas and this book helps to explain and show you how to release the tension. Highly recommended.$LABEL$1 +Basic start reading for the begginer. This book is both a begginer's obligatory reading and a consultation source for the practising lawyer dealing with antitrust issues. It is also quoted in many foreign books about the subject, for example "Os fundamentos do Antitruste" written by a Brazilian professor (Dr. Paula A. Forgioni) also because it is one of the most comprehensive existing/available in the market. In my opinion a book needed in any reasonable office's library. As I have read some parts of it borrowing from a coleague I will by one for myself.$LABEL$1 +Constantly changing features on DVDs. Stargate is a great Sci-Fi show, but you probably know that already or you wouldn't be reading a review of Season 3's DVD.I'm a little disappointed that they continue to experiment with the special features on the DVDs. Each disk of Season 2 included the trailers for the shows on that disk. Very nice - we would watch the previews before actually watching the shows. Season 3 does not have that feature - no trailers to be found.As this is a television series that spans many seasons, we were expecting more continuity between each season's DVDs. Not that they would add something, take it away and maybe they will add it back in a later season.Other than that - I would highly recommend the series and the purchase of Season 3.$LABEL$1 +UltraVoilet makes for UltraViolence. The movie is great. The blu-ray is sharp and the extras are really neat. So why did I give this item a low rating? The "digital copy" is horrible. I travel and like to bring movies on my iPad. The digital copy of this movie must be streamed thru the UltraViolet site. Really??? I am not happy. What a waste. That must be why the item was cheaper than I expected.$LABEL$0 +This Book is New York.. This Book is New York. Some say it's the city's foundation. Sure,... it may be on paper, but so what. It's still New York. Take it or leave it. It's just a fact. Some say it's New York dirt. But that's what makes it so worth reading. It shows a side of the city that some New Yorkers may not know or remember. This is why it's worth your time. Similar to certain films being a love story about the city itself (Manhattan (1979), When Harry Met Sally (1989) and You've Got Mail (1998)) this book also goes with other great books about the city, including two recent ones called "Through The Children's Gate" (2006) & "Seven At The Sevens (2012). Enjoy reading the books and seeing the films that are love stories about a wonderful city called New York. There's no place like it on Earth.$LABEL$1 +Safari!!!. Our baby room is a safari theme and this giraffe fits right in perfectly! Standing in the corner it really adds to the decor!$LABEL$1 +This video IS For Your Eyes only!. This definetlty is THE best 007 ever since Ian Fleming started to write the novels! Perfect storyline, acting, old-time techology, and villans. Definately buy this video, but remember, it's for your eyes only!$LABEL$1 +As seen on TV crap. I have tried to use this twice on different types of screws. Both times following the directions completely destroyed the screw and I had to cut it off.$LABEL$0 +YES. From the first chord of this album, you are for something special, unique and wonderful. Such a voice. Such joy. Alice Smith welcome!$LABEL$1 +Modern Hollywood can't make a 5 star comedy - UNTIL NOW. I thought it couldn't be done. This is not the era of Lloyd, or Fields or Laurel and Hardy. It's not the era of Capra or Preston. 99% of modern comedies suck badly, and or are mean spirited.But miracle of miracles, someone current, finally made an hilarious movie with a heart as big as "You Can't Take it With You!"Credit here goes not to the very good cast but stunningly to the writer/directors: Michael Arndt - Screenwriter, co directed by Jonathan Dayton & Valerie Faris.Brilliant, and wise. Not just a movie about dysfunctional, it's a movie where looser are shown to be the winners they really are, just for surviving, like all of us. Not a moment of saccharine either. It sharp and intelligent.Beautiful, beautiful movie from beginning to end, and what an ending!$LABEL$1 +Great memories. Great memories of Tom Browne's Funkin' for Jamaica and Thighs High (grip yo' hips and move). Just recently purchase this cd and it's as hot as I remember, plus many more nice songs. I would recommend this cd for any jazz-funk fan. Excellent choice to add to collection.$LABEL$1 +Pretty but too fragile. Buyer beware! Beautiful to look at but you can't actually USE it! Especially if you have kids. All are chipping. And Pfaltzgraff didn't stand behind this product for us. After a few months we called to complain and ask to exchange for another style, but we were basically told, "Sorry, no exchange. Everybody knows stoneware chips, you should have selected a different material". Um, what? That wasn't on your product description. This junk chips when you put it in the dishwasher and it bumps against another plate! So after barely a year, we will be throwing out a HUGE set that we purchased during a kitchen remodel. (Same review posted for 16-piece set.)$LABEL$0 +blown away. This CD just blew me away. It has so much depth and compassion.Jamie's voice is awesome and the arrangements are beautiful. This work will last.I've listened to it again and again.$LABEL$1 +Can wash more vegetables in here!. We have a bigger sink so this works great for washing huge salads really well. It fit so much more than the standard strainer. I like the rubber grip arms and that its stainless steel as well. Kind of expesive but worth it!$LABEL$1 +WHAT A RIPOFF!!. RECEIVED THIS ON 3/18/10 AND NOW JUST HOOKING IT UP AND THIS UNIT ONLY WORKS WITH AN OPENER 2005 OR OLDER. THEY DON'T PUT THAT IN THERE ADVERTISEMENT!! SOLD BUY "HHWHOLESALE" I GUESS THEY GOT MY 20 BUCKS, ISN'T WORTH THE SHIPPING TO SEND IT BACK. WILL NEVER BUY FROM AMAZON AGAIN.$LABEL$0 +A really good read!. I found the book suspenseful, surprising, creative and thought provoking. At times I had some difficulty following the various storylines, but it was well worth it. I was hard-pressed to put down.$LABEL$1 +Nice stand. I have a pretty heavy synth keyboard and this stand does the job well. Does not shake or rock. Pretty sturdy. I agree the directions arent that good but it really isnt hard to put together at all. Quality stand.$LABEL$1 +Garbage In - Garbage Out.. Another person trying to disprove something they don't want to beleive. Ovewhelming evidence proves that Jesus was crucified. Nothing in this book disproves it, because nothing in this book can stand on its own.$LABEL$0 +Disappointed. I was looking forward to this,dinosaurs,time travel,sounded great but even after 7 episodes i cant watch anymore,its cheesy,the characters are awful,storylines are drab & the acting is bad,even the dinosaurs cant save this.kids will probably love it but from an adult who grew up on the x files this just dont cut it.$LABEL$0 +Christmas Hope. I have never seen this movie before and I just love it. I really love movies like this. It has meaning to it. I would recommend it for anybody to watch.$LABEL$1 +Exactly what I wanted :). Thank you, this is exactly what I wanted when I purchased this item. It met every expectation I had. Thanx! :)$LABEL$1 +Big Disappointment. I have read many of Miss Thompson's books and liked most of them. I read this book in the Kindle version, and I don't know what happened to it. The mistakes were so many that I kept asking myself why I kept on reading. Typos, misplaced sentence parts, and flat out wrong words just jump out at me. The story did hold me for a while. But then I had more than a third to go and just got tired of the distruction and human suffering. I don't know the history of this great hurricane, but many of the scenes were unbelievable even in the name of fiction. Sorry, Janice, I had to quit the book before I finished it. I just couldn't stomach anymore.$LABEL$0 +Poor quality controll with no Manufacture support. The First Aid [2.0] kit I received was of poor quality. The right seam on hte left inside pocket was only sewn 1/2 way to the bottom. See Pics posted. Needle holes could be seen in the plastic and I called the manufacture who confirmed the pocket should be sewn all the way. I asked them If they would support their product and they would not. This was clearly a manufacturing defect and the Manufacture (or should I say importer) told me they could not help me and to return it to where I bought it from. The case was made overseas with the finest of craftmanship NOT. Hopefully the seller will replace the defective item. Very Poor construction on this Adventure Medical Kit [2.0] and no Manufacture support. This will be the last Adventure Med Kit I buy or Recommend.$LABEL$0 +a dissenting opinion. The concept behind this book is interesting but it's art work holds no appeal for my niece. For example, O's representative of an olive is not a beautiful green mediterranean olive but a gray olive that looks more like a rock with a red center. T is a dry looking piece of toast. I like the unconventional choices just not the artwork.$LABEL$0 +Solid Entertainment. I saw bad reviews for this movie, and those reviews made me want to see "The Bourne Legacy" because they were along the lines of, "It's too slow, too much character development." And that's exactly what I want in a movie like this! Jeremy Renner is excellent as the lead character, and ably supported by the wonderful Rachel Weisz. Then you throw Ed Norton in the mix and you have a riveting and intriguing action/spy/thriller that raises a lot of question about boundaries, both political and philosophical, and leaves you longing for more.It's very much a Bourne movie, but with better camera work (yes, the last two Matt Damon ones left me a little nauseous from the "realistic" camera shake). Thoroughly recommended, and waiting for the follow-up.$LABEL$1 +It's OK, not great. It's very tough to find a decent soaker hose, at any cost. Swan is downright terrible and the company doesn't respond. This hose worked well for a couple of years before splitting on the sides. It's not used everyday. Maybe only 10 times a month during the summer and only at night for about an hour each time. The top side of the hose is very difficult to find and can only be set out during the day. The hose is very light and tends to keep twisting. Can take an hour to set up correctly. Still,it's the best I've found.$LABEL$0 +Whisk works just as well. I received the Smoothie Jr. as a gift and was so excited. After unpacking the machine I realized I was missing the stir stick. Back to Basics was wonderful!!! They sent one to me free of charge. I was ready to make great milkshakes and smoothies. My first attempt flopped. I tried a simple milkshake, but it would not mix up, let alone dispense from the dispenser. I kept adding milk to make it thinner, but it never would work.I thought, maybe it's my fault, let's try again. I tried using a banana, strawberry yogurt, orange marmalade, 1/2 cup crushed ice and used over a cup of milk. The machine wouldn't even chop the banana, let alone finish off the ice. I am very frustrated with the machine, and hate to tell the person who gave it to me.Good Luck with yours should you decide to purchase. You may want to try the Elite, it could be stronger.$LABEL$0 +good for custom workout. Although this wasnt exactly what i was searching for it is a very good dvd. allowing you to choose your workouts so that you can customize your daily routine is something that I dont see on many dvds.the poses are held for a resonable amount of time and the effects of the workout are instant, you want stress relief, you'll find it here.$LABEL$1 +Movie Yes, Soundtrack No. Sorry Samuel, the movie "Black Snake Moan" was good, but the soundtrack not so good.$LABEL$0 +HORRIBLE, DOES NOT REPRESENT VIEW OF MOST CHRISTIANS. Horrified is the key word here. I am horrified at Andrews' views so much that this is the first book for which I am writing a review. I am a born again Christian, I know my bible and love the Lord but and am sickened by Christians who take this viewpoint, and sad to think that other people think this is how Christians operate. Andrews' advice to a friend about his daughter, and the description of him and a male teacher "FORCING" a 6th grade boy to submit to corporal punishment 2 or 3 times in a row, then each time forcing the boy to put his arms around Andrews' neck to hug him back, is SICK. MY ADVICE IS - DON'T BUY THIS BOOK. I cringe at Christians like this, and feel very sorry for their families and the people who are influenced by or affected by their viewpoints. The only reason I gave this book one star is because I couldn't give it zero or minus stars. Andrews made a few good points but there have to be better books out there.$LABEL$0 +A thick thinker, intriguing. This is a very interesting book, but people looking for an easy read with simply-constructed theses should look elsewhere. Pinchbeck approaches his writing as serious science and the text is thick with philosophy, psychology and more.The theories advanced by Pinchbeck are mostly collected theories of others who came before him, enhanced by his own experiences with psychodelics. Some of it will be scoffed at by people who have made up their minds about the way things are and Pinchbeck both acknowledges this and expects it.Early in the book, he turns these people on their heads and sweeps them aside, inviting the curious and those readers with a will to think about things beyond the way they have been explained, beyond the way we are most comfortable with, to read on.Do I buy what Pinchbeck is selling? Some of it, sure. Some of it seems a stretch, but some of it is intriguing. Don't buy this book looking for alternative answers, buy it if you're looking for a thinker.$LABEL$1 +I just have to say my piece. Tried this game on my two machines: Duron-1200, 256MB, GF3-64MB, Win98SE -and- a laptop P4-2667, 512MB, ATI9000-64MB, Win98SE.I managed to play at most about 5 minutes then it took down both my PCs. Game didn't work on both campaign and multiplayer modes.After many attempts, reboots, even reinstalls, I gave up, and already uninstalled the game.Although, I'm thinking of trying it on my third PC: P3-550, 256MB, GF3-64MB, Win98SE... nah...$LABEL$0 +Don't Bother. I really wanted to like this book; the plot sounded interesting, and it started off okay, but the more I read it, the worse it got. The plot became highly predictable, the writing is atrocious, and the ending punchless. Mr. Dirgo is obviously a Clive Cussler wannabe, but has neither the imagination or story-telling ability (not to mention basic grasp of the English language) to even be mentioned in the same breath as Cussler. To make it to the plodding end of this book requires a lot of patience and a high tolerance for baseless dialogue.$LABEL$0 +disappointing series. I have read all 4 books in this series and I would not recommend them to anyone. I am 36 yrs old and this series is for the young adult crowd so maybe I am too old to enjoy it. I found the main character Bella so annoying I had a hard time reading the books. The story took a strange direction in the last book (I thought way too out there for teens). I read the books because I saw a preview for the Twilight movie which I hope is not as bad as the books. I recommend checking them out from your local library before you waste your money. Just a side note- this is the only time I have ever written a review about books or anything, that is how bad I thought the books were.$LABEL$0 +Great idea, bad product.. Do not buy this sink. I bought this sink for the room it provides. It is large and deep and I can wash almost anything easily in it. Within months though, the bottom looked terrible despite our efforts to follow all maker recommendations for care. Within a year the white finish was completely worn away in places leaving black areas showing through. The best I have gotten from American Standard is that they will give me $100 credit toward another of their sinks.$LABEL$0 +Is this a book or a video game???. This was great the first time I read....er..played it...NOT! If you can't get enough of reading the paper, books, newspapers then now you can also READ a video game. That's right. Read instead of play. The graphics are TERRIBLE. If I wanted old school graphics I'd buy an old school game. Oh and if I wanted to read I'd buy a periodical not a game.$LABEL$0 +The illustrated Mary. Very illustrated featuring mainly Mary's imprisionment. This book focuses on many specific parts of her life, hands...eyes...handywork ect. It shows many portraits I have never seen before. Including one of Mary and Darney together. I had forgotten that Mary wore wigs later in life, "When the executioner held up the royal head on the scaffold he found himself holding the Queen's wig while her head fell onto the boards beneath." If this dosen't conjure up an image I don't know what will.$LABEL$0 +Watch this movie the day after "never". The science is deplorable and the acting is worse. If the world should end the day after tomorrow, and you haven't yet seen this movie, consider yourself lucky!$LABEL$0 +It is a pleasure to have and listen to this CD. I just love the music from Hans Zimmer... He is one of the best.I have listened to this CD over and over again for months and months. My husband plays the CD for me when he knows I need some relaxation and peace. Buy it and you will love it too.$LABEL$1 +Beautiful. What the heck is wrong with North American radio? I know...it's a rhetorical question but one that needs to be asked. Especially when it ignores wonderful albums like H.M.S. Fable. This is dense, fluid, passionate music rich in melodies, potent in vocals and song-writing. And, it's by yet another ignored Britpop band. There seems to be no stomach for bands like this one, Shed Seven, Cast, etc. in Canada and the U.S. And, it takes a huge label push to make Travis a "hit" here as well. More fool us. This is yet another album I recommend to people who think rock is dead. No way, No how. Michael Head is a superb writer and performer and the group scores on each of the album's 12 cuts. Check out "Comedy" in particular. It'll remind you of The Beatles, The Byrds, The Moody Blues and more sixties acts. Yet it has a bold, modern sound that hooks the listener in effortlessly and wonderfully. Superb music-making.$LABEL$1 +Don't believe 100% leather. I've had this product for 5 years and bought it because it advertised 100% leather. The ottoman began cracking and flaking showing black material, now the seat of the chair is also. Very disappointed, a total waste of money.$LABEL$0 +I enjoyed this movie. I will not compare this to Gone with the wind, as that would be unfair. I think the story was predictable in places, but some of the supporting cast was superb. Nicole Kidman did a good job, and Jude Law LOOKED GREAT! :)Anyway, the movie was entertaining and I enjoyed it. The movie sountrack is really good. If you like bluegrass music, you should definitely purchase the soundtrack.$LABEL$1 +the xyron machine. I don't like this machine at all. I have tried and tried,it keeps buckling up and I have wasted too much film.It is susposed to be so easy.ha,ha.$LABEL$0 +DO NOT BUY THIS MICROSCOPIC BOOK. I already have the original CubeBook for The Earth and it is truly wonderful. Today I received my order of 3 CubeBooks to give as holiday gifts. Sadly, these were designed for creatures from another world. They are tiny and not worth even looking at. Amazon has the dimensions stated wrong. They are indeed 2.5" cubed. The binding breaks as soon as you open them. Whoever decided that this "mini" CubeBook would be a great idea must have been on some weird, mind(IQ)-altering drugs. I'm sending them back immediately. They are useless. The original version is wonderful though. I'd give this tiny version zero stars if I could.$LABEL$0 +Warning!!! This book will damage you and your family from healing!!. As a psychotherapist, I assure you that reparative therapy is not only an ineffective and unethical practice, but also damaging to the soul and self of your loved one. Acceptance is what you and your family needs. The American Psychological Association has deemed reparative therapy unethical practice, and the author of this book, provided he is utilizing this therapy with clients, could and should lose his license to practice. There are many other books available on Amazon.com that can help (What the Bible Really Says About HomosexualityorPositively Gay: New Approaches to Gay and Lesbian Life), but this is not one of them!$LABEL$0 +for serious listening AND for pleasure. These earphones are so "pure" that they allow the sound of a condutor's upbeat -- the whoosh of a baton and a sleeve -- to come through the silence preceding the downbeat. They simply carry everything that was recorded to your ears, without any interference or coloration.$LABEL$1 +Video of chair exersizes for seniors. I was very disappointed with the video. The man doing the demo and dialog is so distracting that I was unable to follow. I couldn't even watch the entire video. It's a lot of money to sit on my shelf!$LABEL$0 +I love these pots and pans.. I love these pots and pans. Only one draw back. There was a piece of plastic that came with the set and I have absolutely no idea what it is to be used with or for.$LABEL$1 +One of my favorite hip hop albums. Ever.. I've been listening to this CD regularly since I bought it in France over 10 years ago. I can say that about maybe a handful of other CDs. La classe on dirait...$LABEL$1 +Loved It Until It Died!. After two months of use, one day the computer stopped recognizing the drive. I called Seagate, spent an hour on the phone troubleshooting with them only to learn that the drive is basically dead. My company's IT dept. confirmed this.When I called warranty service, Seagate said the warranty had expired. I told them the drive was only a few months and there is a one-year warranty so how could the warranty have expired? Very frustrating so now I have to send all kinds of proof for a product that was a gift, pretty challenging. Also their service center is in India so you get occassional bad phone connections and some difficulty communicating.More than anything, the massive loss of data is really, really bad. I got a quote from them to recover the data: $1,400. I don't have that kind of money to get my data back.Buyer Beware.$LABEL$0 +works great, ignore the previous reviewer. You do not need to use the included software to edit your videos, only to capture and convert them. Once captured, you can use Adobe Premiere or the editing program of your choice.Also, the included Ulead and Main Actor editing software is used by many and far from freebie 'junk.' Why slam Dazzle for including this extra where others wouldn't have bothered? For most people it is more than enough, and saves the cost of additional apps.$LABEL$1 +A great book that you can read quickly.. This was an ejoyable book. Novalee really grew up from her experiences. It was great to read a book that puts some much emphasis on the joys of reading.$LABEL$1 +It Could Have Been Better. Shirley Bassey was voted the best female vocalist in the last 50 years, and most of her recordings reflect that. However, this CD is the exception. I don't know if she was just having a bad day, but every song seems to be a struggle for her, and knowing Bassey, there was no reason to struggle! The only song on this CD that she manages to give the "Bassey treatment" to is "As If We Never Said Goodbye", and even it could have been better. The rest are hard to listen to. I love the picture on the cover though.$LABEL$0 +INTELLIGENT, BEAUTIFUL MUSIC. I must admit I am not a techno/trance fan, but a friend of mine made me listen to this album and I was awe-struck. Stryke has done what many other d.j.'s don't seem to do in my opinion, that is he puts heart into it. This album will wrap you up and carry you away. I strongly recomend this c.d. not just to ravers and d.j.'s, but to any music lover with an open mind.$LABEL$1 +About as Compelling as Me Finishing This Title. I managed to find out that this book wasn't expensive or even rare, as it seems to be. It's just obscure and negligent, and for once, I wish it would be kept that way. The sum of this hundred page book is: inconclusive. It's a theory based on looking at a few flags and thinking to yourself "Hey, these are similar." One of the ideas used to support the theory in this book is the lack of evidence in the formation of Switzerland, and then the large omission of time between that and the Swiss bankers infamous today. There is little concrete historical reality beyond a few fantasmic imaginations and a lack of true Templar scholarship. While I like to believe that some Templars survived the Inquisition, and God knows they did, there is no way, simply no way that a lack of evidence refutes and/or supports evidence.$LABEL$0 +Potionless Potion. Like other users have said, this product had zero effect on me. I have pretty bad anxiety and take an SSRI every day, and have Xanax on hand for as-needed use, so perhaps it's just not strong enough for me, but taking it was no different than drinking gross water.$LABEL$0 +Sub Par Silverberg, only for die-hard fans of Silverberg. I love Silverberg, he's become my favorite sci fi author by far. With that said, this book is as close to garbage Silverberg will get. What a slog just to get through it. The book should have been edited to less than 100 pages because nothing really ever happens, a whiny, flawed, racist, ex-king/future king recants old stories from his youth amidst a swirling future backdrop that is poorly built except for small snatches. Only a few worlds and technologies and cultural ideas get elaborated upon. And I found the ghosting done only by gypsies into the past and present and future to be fairly stupid and ill-conceived. Some parts were interesting but most of time I found myself saying...I think I care, I think I care, I think I care, I think I don't.$LABEL$0 +Batteries are not replaceable. Good toothbrush but the batteries are not replaceable so you need to replace the whole unit when they won't hold a charge anymore$LABEL$0 +prayer book. I use this prayer book daily. There are prayers for just about every aspect of your life. A wonderful book!!$LABEL$1 +Joel did not like "compilations". Joel did not believe one could study The Infinite Way as an intellectual pursuit. Students were to take entire classes, the series of lectures and join in the consciousness of the class as it unfolded. He never combined classes by topic as Sinkler and others did. When he discovered that Sinkler did this, it was a great disappointment to him.$LABEL$0 +total piece of junk. this heart rate monitor did not work, it either gave me a crazy reading or none at all, I returned it and bought a Polar that works like a champ$LABEL$0 +Valuable Discernment Tool. I had already read a number of more academic books about spiritual direction when I discovered Fleetwood Range's down-to-earth approach to the topic. Her wealth of experience as a spiritual director, along with her understanding of the ambivalence with which many individuals are called to this ministry, makes her book a valuable tool for discernment. By the time I finished reading it, I was able to say without hesitation, "Yes, spiritual direction is indeed where God is calling me to serve." I highly recommend her book to anyone drawn to this topic.$LABEL$1 +Just painful. Boring and painful. Andy never quits whining or smoking long enough to partially resemble someone you would want to do well. I would have prefered for her to have been fired, disgraced, and thrown out on the curb.$LABEL$0 +Why not just be truthful about the product in the description.. The listing stated that this item was an 'Official Nintendo Wii' charger. The charger they sent is clearly not. It's half the weight and quality of an original.I don't mind if an item is not an official item, but list it so. Blatant lies in a listing needs to be addressed by Amazon.When contacting the seller multiple times, you get absolutely no response, so I had to open a case against them. Lets see how that goes.$LABEL$0 +The best word to describe this product: "Lame". I bought this as an advertized package with Elenco AmeriKit Learn to Solder Kit. I saw a review on there talking about how they wished it had a "Desoldering pump" My solder-friendly friends told me they had never heard of a "Desoldering Pump". This is likely why-a product this poor is not worth notoriety. The pump is incredibly weak, and works about 1 in 10 attempts. The only way to get enough suction to pick up the melted solder was to hit the release button, which would then kick-back, suck up some of the solder, and then smush the rest onto the pad. I recommend just using the sponge supplied in the learn to solder kit.$LABEL$0 +These puzzles were fun to do!. There's a real reward doing these humorous puzzles, a good chuckle at the end. I'm a cryptogram nut these days and I found this one a real hoot. Each puzzle rated a least a smile and at most a belly laugh. If you like this kind of puzzle, by all means get this one. Oh yes, the pages are nice and sturdy, so you don't have to worry about making holes in the paper when you erase.$LABEL$1 +Boring - don't buy. We got this game in a bundle with the Wii system. Within 5 minutes you are bored. Don't bother buying it. If you really want it, go to a used game store and pay less. I think that is where I am going to take mine!$LABEL$0 +Potboiler, moves along but very unlikely. This is a historical naval book with a lead character much like Alistair MacLean heroes - obstinate, insubordinate, convinced he's smarter than anyone else, declamatory, and full of action. The novelist has his character speaking in little cliches to himself - in for a penny in for a pound Halfhyde! The action progresses well and the historical setting, as far as I can tell, is accurate. Battle sequences are stirring, but all in all .... The entire finish of the book hangs on a monstrous coincidence between nature starting her battle at the same time that the Japanese fire their guns. Unbelievable, and a bit too coy, also bad geology.$LABEL$0 +hated it!!!. UGH!! i did not like this book at all!! i couldnt even finish it because i got so fed up with the 'hero' he was abusive, rude and i dont know how anyone could love him!! i was ready to throw this book out the window!! women were treated so badly in this book!! and there were very weird parts in this book. this was the first book i have read by this author and i dont plan to read any of her books again!!dont waste your money on this book!!!$LABEL$0 +Didn't fit. Will be returning these shoes after the holiday season. They are a very narrow fit and they do not stretch.$LABEL$0 +Definitive versions. Maazel does the best Beethoven, and he did it best when he was with the Cleveland Orchestra. These are my definitive versions of the 9th and 5th, with the 9th being particularly sublime. Every single movement he (and the singers) just nail. Perfect sound quality, wonderful recording. You can often find the individuals symphonies on single CDs, but it's nice to have them all together. The included Overtures (Egmont and Fidelio) are just OK, not my favorites by a long shot, but decent enough for a free-be. If you just need to have the nine symphonies on CD and don't want to spread them out over different conductors / orchestras, you could do a lot worse than this.$LABEL$1 +Mediocre effort. This just lacks the usual you would expect from YES. Only two good cuts and the rest are disappointing. Their first 3 efforts were their absolute best.$LABEL$0 +You're kidding, right?. I found a copy of "The Iron Tower" in a shoebox of books I bought at a yard sale recently. I read the back cover and was greeted with the line, "Dennis L. McKiernan's Mithgar books are among the most beloved in all of fantasy fiction." Well this book is a must read then, right? Right??Don't believe everything you read.I struggled about a third of the way into the 600 page novel before I realized this was one of the worst fantasy novels I had ever read. Never mind the derivative story; the novel itself is badly written. One of the most glaring problems is the excessive use of passive voice. While it is not techincally wrong, it comes off as amateur and hackneyed. Also, any time an author uses "lo!" in the course of his writing, and is attempting a serious tone, I cringe. I cringed a lot while reading this.$LABEL$0 +I cannot believe.... I cannot believe that people would give this film 5 stars. I forced myself to watch the entire film just because I could not believe that someone would actually recommend this film. Yea it has an interesting twist, but it gets real painful after a while. If you love it, god bless...$LABEL$0 +The trailer is misleading. What you seen in the trailer is basically the first several minutes of the movie. I thought the movie would be about a strong independent woman like the movie Tangled but it's not. The final battle is not even between the main character and the bad guy. Also the movie was very scary for my 5 year old$LABEL$0 +No one like them. Ever since my dad first bought their tapes in the mid- 90's, I've been listening and loving the harmony of The Winanas. I think I know every song because every song is different and you can't help but join in when they sing. The ballads, gospel that is, are so moving and the duets with Vanessa Bell and Anita Baker are wonderful. if you have never heard these men sing, you're missing something so melodious and mind blowing. I'm telling you if a kid at the age of 10 can fall in love them, then you can too. I love The Winans Music!$LABEL$1 +I have to admit that. I am a fool for once more being lured to buying a Scarpetta book. Why does Cornwell insist on writing about her? There is no more inspiration, there is no more life, there is no more hope and there is no more redemption for that once-wonderful-now-a-caricature lady. Some claim here that Cornwell returned to her former form. Don't make me laugh! She had lost everything in fiction world five years ago and she reached the zenith of silliness when she published Isle of Dogs. Now she is trying to do the same thing with the Scarpetta series, making herself a pity caricature of a once-respected author. No more Cornwell for me: Neither from the bookseller nor from the library. If you are wise enough, you will do the same. Let her stop feeding these silly things into us under the name of "novel"$LABEL$0 +Small Sacrifices. When ordered it showed art work on jacket and 2 disc and when i received it today there was no cover art and only 1 disc. Haven't watched it yet but if the quality of the picture is as bad as the packaging, I have a feeling I got ripped off 22 bucks :-($LABEL$0 +Shame on Disney for Ruining P.L. Travers' Books!. P.L. Travers rightfully objected to the way Disney's team ruined Mary Poppins' character. It was bad enough to turn it into a musical--the "real" Mary Poppins never sang--but adding cartoons?? Anyone of any age who has read the books **before** seeing the movie has found this very sappy, saccharine movie very hard to digest. I know I did when I was about 8 or 9 years old. I agree with another reviewer--this is one of Disney's worst movies ever. [...]$LABEL$0 +do not buy this. i had to return it because the right channel from the cddid not work.besides this, though, the remote control was confusing.the sound was boomy.i really expected much better for this much money.fortunately, i purchased through amazon.com - so returningit was no problem.$LABEL$0 +Impressive!. How is it that the Star Trek series can spend $2 million an episode, and only come up with a halfway decent script about 10% of the time? Meanwhile, writers like Ken Wharton, working all alone, can come up with a fast, action-filled, provocative book like this one, and do it for probably less than a $10,000 advance. I don't particularly like "hard" science fiction, and I am sooo bored with authors pontificating about God, the universe, and everything. But Wharton has some genuinely fresh ideas, they're clearly written, and he's got a sizzling story to boot. I only gave it 4 stars (because I'm against grade-inflation!), but it's one of the best books I've read this year!$LABEL$1 +Rocking on the deck. I have 4 of these on my 900 sq foot deck hook to an outdoor amp, streaming from my wireless network. Sound is good and makes having parties more fun.$LABEL$1 +Beautiful book. If I could have only one book of "A Christmas Carol" this is the one that I would want. The illustrations are beautiful. The price was terrific. I liked mine so much that I ordered one for a friend. Love it.$LABEL$1 +Excellent from cover to cover!. I loved this book, it gave me chills. Robinson's writing is so great that at times I could feel as if I was there and forgot I was reading. Highly recommend The Didymus Contingency!Trust me you too will feel as if you have been taken back in time, and you might not want to leave...$LABEL$1 +Missing Pages. This book is great except for the fact that pages are missing!! Apparently this is not uncommon from this publisher. Check that you have all the pages when you receive the book, so you dont get screwed by Amazon's return policy if you don't happen to read the darn thing front to back in the first 30 days...$LABEL$0 +I thought "The Bodyguard" was the worst until I heard this... This soundtrack is even worse than "The Bodyguard". Both are schmaltzy, overblown portrayals of unrealistic love. "My Heart WIll Go On" is the equivalent of "I Will Always Love You"--loud, laborous, over-played but with no feeling. Crap$LABEL$0 +Boring and repetetive. I found the second season rather boring and repetitive. There are no new ideas. My wife and I stopped watching after the third disk.$LABEL$0 +Sorry, But I like Her Earlier Works!. I read the first 50-60 pages and gave up. I am glad that I got this book from the library.I found it to be too convoluted, and could not find a character that I enjoyed enough to try and get through the rest of this book. I am still not clear on the cross dresser double personality thing.I love Jennifer Cruise, and have read all of her books, but I really like her earlier ones. It seems like the last couple I have read just don't quite measure up to those. She seems to be trying to top herself, and to my mind, getting so far out there that her books are no longer quite so enjoyable. I generally consider this genre to be "lighter" reading. Something to enjoy while I relax after work.In this book I could not even keep track of the characters. I just could not get into it. If you are a fan of Welcom to Temptation, Tell Me Lies, and Crazy for You, I do not think that you will enjoy this book.$LABEL$0 +DO NOT BUY THIS!. My scanner never worked. The software cannot find the scanner(or the connection.) I studied all the documentation and downloaded the fix program from hp's website, but it still doesn't work.(It was good that they have a "fix" program on their web site to fix this problem, but is it means that they know this product is not perfect?) The so called warrantee for the 3200 model is not protect me at all. No email support. Phone support cost me $2.5/Min by calling a 900 number. To get it repaired, you have to CALL the tech support($2.5/min) to convience them it was the hardware probelm(their problems), not other problems(my problems).... I gave up. and I will never buy any hp product any more.$LABEL$0 +works well. After returning a Virgin model of the same type of radio, I was wondering if I'd ever find one that worked! Well, this one does...the battery has lasted over 3 weeks, the reception is decent, and it's so lightweight that you do forget you're wearing it. I recommend this Sony, if you are looking for a simple way to listen to music while you are at the gym, beach, etc...$LABEL$1 +Sound of Thunder. This is one of the worst movie I have ever seen. Its special effects are poor and it is hard to understand what is happening. A lot of the film is totally dark and it is almost impossible to know what is going on. And the dinosaurs were terrible this is a real picture movie, and the use creatures look totally unrealistic and creatures that never existed. And its special effects would have been outdated 10 years ago. I hated this movie.$LABEL$0 +Great Weight Training for 50 Plus Adults. This video is fun and at a great pace to get back in to caring for your body. The videos inserted between the exercises give one time to catch their breath. The spots that the various exercises tone are explained in detail.$LABEL$1 +Great Anime - Crap DVD ed.... very good movie - 4 stars!but this us edition only contains the english dub!!!(and got very poor picture quality...)$LABEL$0 +Very disappointed. I bought this Stanley 20 oz. Thermos/Food Jar for my husband. We live in a very cold climate and he welcomes something hot for lunch when his job is such that he works outside all the time no matter what the weather. This Stanley has not worked. He says it does not keep the food hot. For the price I paid, I would have expected a better product. I had purchased one a few years back and it seemed to work for a few years. Needless to say, I am disappointed in wasting money.$LABEL$0 +Gods green Earth. What on Gods green Earth would have R.J. approve of such horrible art work? I am not convinced in the least, that the artist/s even read the WoT series. To qualify myself, I am an avid fan of RJ's work and have read the entire series 4 times now, I am sure I now know what the characters are supposed to look like. Within the covers of this illustrated guide, is perhaps the worst depiction of character resemblance I have ever SEEN!!! It turns my stomach. As an example, Lanfear is described in the series repeatedly as possibly one of the most beautiful women ever... In the Guide, she looks like a pigs behind!! Due to the poor quality of the art, I find it very difficult to even read the contents. I guess I will just have to keep waiting for Path of Daggers!! If you want to see excellant drawings based on the the Wheel of Time series, I suggest checking out the work of Richard Boye and/or Dragonluv on the web... at least they read the series. -Kinslayer$LABEL$0 +jack. I have a 42"panasonic plasma that I decided to hang on a wall. After shopping around and educating myself with various choices I decided on the Sanus vmpl50b. Amazonas usual had a great price and I had the mount the same week on regular FREE shipping. The product is easy to install and is of excellent quality. Very heavy gauge steel.My set is about 40lbs. so it easily holds my T.V. and much more. A word of caution for Panasonic users. This mount allegedly holds up to a 56"set but my 42" just fit withnothing to spare. That is because the Panasonic mounting screws are very wide spread only a few inches from the sides. The mounting bar is only 29" long so be careful.But if your set fits it's a great wall mount.$LABEL$1 +Very Short and Very Specialized. In my opinion, this is probably most suited for the most severe cases, but the book is short and cheap.$LABEL$0 +fragile. I bought this 5x5 for my fiance. He was a bit frustrated since he wanted 3x3. Well you will definately find 5x5 more difficult and I guess my fiance didn't like such a challenge. However it's a good challenge and he'll try to solve it after I get a 3x3 one first. :) He found 5x5 very fragile. You just have to get used to it. Otherwise, it's a nice thing to have and entertain your guests. :)$LABEL$1 +Cauldron. It started slow but gained momentum. The story is very good. I'm having a hard time putting my Kindle Fire down at night$LABEL$1 +This "Ghostbusters" is still a cheap knock off. I remember seeing one episode of this as a little girl, and being confused and disappointed that it was not a continuation of the awesome movie starring Bill Murray and Dan Akroyd.I could not understand why there were two ghostbuster cartoons that looked so different, both in character, content and plot quality.Now, at least I understand why the original franchise relabeled themselves "The Real Ghostbusters" to avoid any confusion with this wretched series. The cartoony ghosts and ghostbusting gorila do absolutely nothing for the plot. I honestly cannot see how this series was made considering the original one was the big money and merchandise maker.Even after all of these years, the series is still a waste of time for people expecting to see something like the movie. Save yourselves time and money and just look for the other series.$LABEL$0 +Available, though not on Amazon. i Googled this, and found it on another site:[...].I never got to see "Tonka" on tv or screen, as a kid all i had was a book of it. but i too was taken by the story, and it has remained an interest since then, perhaps sparking my lifelong interest in American Indian history and heritage. Also, not far from where we live here in Kansas, is the museum in Lawrence where the (badly) stuffed remains of Comanche are on exhibit. I always found it rather funny that he is positioned in his glass case with hindquarters facing the room, as though he wants to protect the many NA greats pictured in the case he faces.$LABEL$1 +A Trip Down Memory Lane. I remember when I was very little (can't believe I actually remember it that far), my parents bought me this album on cassette. It reminds me of both times my family and I went to Walt Disney World. I lost the cassette tape years ago, and I was surprised to find this album on CD, so I had to order it. The renditions of classic Disney songs are fantastic. Olivia Newton-John's rendition of "Part of Your World" is just beautiful. The Disney Big Band medley of "The Mickey Mouse Club" and "Zip-a-Dee-Doo-Dah" reminds me of my recent trip to WDW. And, "Remember the Magic" as sung by Brian McKnight always brings joyful tears to my eye. Highly recommended by me to any Disney fan out there. It's well worth the money. Now I have something relaxing to listen to while doing homework in my small college dorm room.$LABEL$1 +Perfect!. Love them! They work perfectly! I bought them for my husband and he uses them every time he wears a tie, and comments on how well he likes them almost every time!$LABEL$1 +Great Ring!. This ring is beautiful. I've had it for about a month now and it still shines! There is a very small gap between the rings, but I don't see what the problem with that is (it is two rings after all)! Everyone that I have shown it to cannot tell that it is not real. There is some wear on the side of the ring that rubs the other but its on the inside where you don't see it. I use it as my wedding set and wear it everyday with no discoloration and wash my hands with it on with no problems. This is a beautiful ring and I would highly recommend it :)$LABEL$1 +Chilling and awakening.. This excellently researched and lucidly written dissection of the development and activities of the Psychiatric establishment was immediately a favorite. If Carl Bernstein and Bob Woodward met Stephen King and pursued the trail of madness and subsidized chaos they could not have surpassed Mr. Wiseman's straightforward and gripping exposition of the development of influence and and power by the Psyciatric elite. Here he lays out clearly the methods in creating madness, subsidy and more madness. I cannot recommend this highly enough as an enjoyable and enlightening addition to the aware and concerned person's library.$LABEL$1 +has quality but no plot. I am not sure why I saw this movie, its not usually the kind of movie I like. I probably just was in a bad mood and wanted to see loads of pale people in dark clothes, blood, full moon and rainy streets. So far, so good. It is a well made story, though I am not sure what the story is. It is entertaining and it makes some effort with creating an appropriate atmosphere including the way it is told by a narrator. The movie has some highlights (I esp. like the scene where half of his head slips off) but it lacks from the absence of a "hero(ine)" or whatever central character to identify with. It would make a good pc-game without much alteration.$LABEL$1 +Standing Next to History. This book gave some very interesting and revealing insight into the Secret Services' job of providing protection to the highest officers of our government. After some rocky beginnings when holders of high office were either killed or wounded or suffered some close calls from those who want to kill this nation's leaders the Secret Service is doing much better. It would provide a fine career for young, intelligent, dedicated persons.$LABEL$1 +Yuck!. I expected a dark, terse, exciting horror film. Instead, I got this. Now, no offense to the people who made it, but this was the most disappointing film since...(twenty seconds later)...since...Anyhow, I didn't like it. It didn't scary me at all (okay, the scene with Noah, Samara, and the TV was a LITTLE bit creepy). Actually, I thought it was more comedy than horror, such as the scene my friends and I have dubbed "The Suicidal Demon Horse Scene!" (I cracked up when I saw that, not that there's anything funny horses die).And another thing! People in horror movie's are SO STUPID. It really ticks me off. I was near the end of the movie, and Rachel (was that her name?) was trapped in the well, and she finds (spoilers) and I'm like "WHY THE HECK DID YOU WATCH THAT STUPID TAPE IN THE FIRST PLACE!?"There were really two things I liked. The premise (inspired idea) and the scene where we see the video. That was my favorite scene, hands down. Wait, no... Suicidal Demon Horse!!Is "Ringu" better?$LABEL$0 +Beautiful..absolutly breath-taking. Never has there been a tale quite so epic, so emotional, and thought provoking. Dante, has done what no one else has dared to do, take us on a guided tour of hell, purgatory, and paradise. He makes you believe and fear the real thing. This story will stand for another 700 years as one of the single most important literary works of all time.$LABEL$1 +stay away from it. this book is not even good for the beginners. it dumps the code without any good explanation. there are also many errors which will cause the beginners endless pains when they try to test the examples. to the author: please write something you REALLY know, and practice on daily basis. TIA.$LABEL$0 +Beyond bathroom literature. This may actually be the worst book ever written. There's really not much more to say about it. It's just that bad.$LABEL$0 +Where is the rack and other two jars I thought I ordered. Very disppointed. Please change the image in the listing. Very misleading. I would have ordered something else if knew that only one jar was being sent!$LABEL$0 +best game for gamecube so far!!!. Great game with great features....many things to unlock such as almost 300 trophies, great 1p. and 1p.-4p. modes such giant melee!,zoom in on and look around on a paused screen and even take snap shots of that screen in a special melee mode!,and good graphics.$LABEL$1 +Should be titled Statistics While Yawning. I had to read this book for a statistics class I'm taking and it was the most painful experience I've ever had while reading a book. Most of the time it felt like I was reading, "blah blah blah blah blah." No there weren't tears, but I was definitely yawning throughout the whole thing. In fact, I woke up in the middle of the night recently and couldn't get back to sleep so I picked up this book and started reading. It worked great in helping me get back to sleep. This book is NOT for the average, normal person. It's pretty much for Derek Rowntree alone. He's the only one who would really find the things he's written of interest. He makes statistics a bore and I normally love math. DON'T get this book and if you're a professor/instructor PLEASE, PLEASE, PLEASE don't make your students read it. Unless of course you pride yourself on being the most hated professor...in which case assigning this book should do the trick!$LABEL$0 +Great Buy. These were a nice set of knives and quite sharp. We were quite impressed by the quality for the price. These items should all be hand-washed since the dishwasher can dull the edges very quickly.The knives are stainless steel in color, and come in a nice black block. The weight of the knives were decent (not too heavy, nor too light). It makes a wonderful addition to every kitchen.$LABEL$1 +An Entertaining Legal Thriller. This is the second in the 'Chambers of Justice' series by Craig Parshall. As with the first one, this is well done.The plot centers around the child welfare authorities trying to remove parental custody based on an allegation of terrible child abuse. There are many twists and turns throughout. The courtroom drama is great as is the rest.In addition to being a legal thriller, this book explores many spiritual issues. The lead character, Will Chambers is a fledgling Christian who is working on his spiritual life in addition to the action in the main storyline. That part is well done also.I will certainly be checking out more books in this series. I recommend this book, but readers should probably start with 'The Resurrection File', which is the first one in this collection.$LABEL$1 +Dremel Router Bits. I used the round over bit to finish off some wooden puzzles. It performed very well. Limitations of the Dremel and the bits means you have to be careful with the feed rate. However, the bit performed very well.$LABEL$1 +Great for students!. I find this documentary very inspiring, and I personally really like it. I showed to to my students in my geography for ELLs class, and they all loved it too! Their reactions to the movie were impressionable and very thoughtful.$LABEL$1 +Do Not Buy. This product claimed to work with both PC and MAC. It did not. I comes with nothing to install it onto your computers and it comes with nothing to actually connect your computers to the product. You end up spending more money and it still doesn't work.$LABEL$0 +The Wonderful Wizard of Oz is wonderful!. I bought this book because my sons and I (6 & 8) have been choosing classics to read through. We have been loving this book - it is easy reading yet very entertaining for both my sons and myself.$LABEL$1 +Throwing pearls before geeks. This DVD presents and incomparable collection of historic dance clips. But whoever is behind Dancetime Publications hasn't got a clue about handling historical material. They ripped out the original soundtracks and replaced them with a ragtime piano track that has nothing to do with either the rhythm of the dancers or the music of the periods. Get this DVD --- because I know of no other source to see these dance clips --- but be prepared to turn the sound off, and wonder how anyone could have blown it this bad in their concept of historical preservation.$LABEL$0 +broken after used 4 times. this item is not lasting. I used it four times and it breaks with leaking. The warranty is only for one month. I would not recommend it.$LABEL$0 +Hackman's Great. Gene Hackman is not handsome or suave. He isn't a tough guy in the mold of Bogart or Cagney though he has a manly presence. He doesn't have a romantic persona on screen, but somehow he carries off a believable middle-age romance with Ann Margret in Twice in a Lifetime. Well, who wouldn't if the object of affection was Ann-Margret?When a man leaves his family after fifty, dumps his wife, lovely Ellen Burstyn, and separates himself from his angry daughter, Amy Madigan of the short hair do and Ally Sheedy of the Brat Pack fame, well, all hell breaks lose. If blue collar, Mariner and Sea Hawk rooting, Harry MacKenzie wants a second chance at love, he has to face the wrath of all those that love him.This is an uncharacteristic look at middle-age divorce and love so rare in a Hollywood film. Harry has wrought a moral and ethical riddle. The audience will have to decide.$LABEL$1 +Simple and very functional. We were looking for a desk for our son's room. This one was the right size and I expect will be able to grow with him through the school years. One slight disappointment we had was the cover for the keyboard tray is attached to the desk and not the tray as some are. This limits the use of the tray as a drawer which we had intended since the son in question is not yet old enough for a computer.That said, this is still a good desk for the money.$LABEL$1 +Not for everyone.. This a great tool if you work on cars. But it tends to over read the OBD1 cars. You have to learn how to use it,it's more than just plug it in and read it. When you use it on OBD1 one problem can cause more than one code to show, that doesn't mean you have more than one problem even though it looks that way. I still like this reader, but it's not for everybody. Great price on Amazon.$LABEL$1 +Gabby Reece's book Rocks!. I loved reading BIg Girl in the Middle! I was amazed to find that Gabrielle Reece was more fascinating than I thought she'd be. The girl is witty, beautiful, and she has some pretty deep thoughts on a lot of things-and a great deal of insight to back it all up! I think she should seriously be considered as a good example of a role model for girls, and some people out there would probably be better off if they acted more like her!$LABEL$1 +Getting Ready to Share Old Photos. I am getting ready to put together a disc of all the old photographs I have of our family and share them with others!$LABEL$1 +No good. I bought this EH40 on July 2012 for my water heater. It's easy to install and program, just read the instructions. When I was done programing it, and let it do its work I noticed 3 hours later the time was off and the timer programs I had put in where erased. Because it has an AA batery, I installed a brand new one hoping this solved the problem.Programed the timer again and the next day the same thing. The time was off and could not access the programing area beacuse it seemed frozen. I reseted, and placed it on manual and turned the heater on for 3 days and did not disconfigurate. After those 3 days, i programed the timer again and the same thing happend, lost all configuration. I called Intermatic and they were of no help. Started reading online for ways to solve the issue and some people say it's electric noise that scrambles the information. Some say that's not right and just stay away from this product.So now I have a $70.00 on-off manual water heater switch.$LABEL$0 +Double Duty Product: Best for Removing Long Last Lip Color. I use these pads every day for effortless removal of long lasting lip color such as Cover Girl Outlast, Revlon Colorstay Overtime and Max Factor Lipfinity. The pads are very thin and are saturated with an oil-based liquid.They are also good for removing waterproof mascara, but they do leave oily residue around the eyes. For that reason, when I wear regular non-waterproof mascara, I prefer to take it off with the other formula of Almay eye makeup remover pads that are non-oily.Both of these Almay products are great for travel as they are lightweight, thin and you can put several pads in a zip-lok baggie without taking up much space at all. I've used both formulas for many years and am very happy with them.$LABEL$1 +Rechargeable battery not sold in US. One reason I chose this player is because it claims to be rechargeable through USB. But to do so, you need a recahrgeable battery, aaa/r03/um-4, which seems not to be sold in the US. I tried the other type of recahrgeable battery that is sold in US, but didn't work.If I knew this, I would have bought other player from established brand.$LABEL$0 +Do not purchase this item. I purchased this vacuum based on the reviews I read, so obviously I thought it would a good and lasting product but NOOOO!!! About a 1 year later it's not picking up like it use to and now two years later the vacuum sucks it clogs up and shuts off completely after 5 minutes. Now I have to purchase a new vacuum and it will not be a Dirt Devil.....$LABEL$0 +...one of the best..!!. After browsing his homepage, I started to look for his book in book store and finally got it. As same from the title, Tropical Blend, so pics inside this book has trees, forest, or beach..really tropical!!. So, now I put his book on my bed side table, which I can flip it after work or beside rest. This is one of the best on my collection..!! Don't miss it..!!$LABEL$1 +Very dissapointed!!. OMG, I received this product yesterday, and It did not work at all!! Anyone who buy this product will be very frustrated.$LABEL$0 +An excellent Spanish dictionary. Maria Moliner's dictionary is the most comprehensive and up-to-date product in its class. As the above reviewer notes, it contains a wealth of entries, secondary meanings, etymology, and a diversity of usage examples that truly reflect the Spanish language of the present day. This product also comes in CD version, which adds convenience since it enables users to work with it within a word processing software package.Given its numerous outstanding features, Maria Moliner's dictionary is, undoubtedly, one of the most useful tools on the Spanish language writer's desk.$LABEL$1 +Great value and flexibility for the price. I have a larger router and shop built router table and wanted an smaller router for hand held use and general backup. For this price is is like getting a router table, a plunge router and an fixed base for about the price I paid for my 3HP router. The table is not the best in the world but better than any other less than $100 that I have seen. I set it up with a different bit than my main table and can easily pass from one to another. In fact, I can set this table on my larger one as needed. It includes both 1/4 and 1/2 inch collets. Very versatile.$LABEL$1 +Just plain awful. I was required to read this book in an English class, almost back-to-back with the Crucible and the Scarlet Letter. Depressing reading about repressed people -- run if you can!$LABEL$0 +would have been better is not for marketing. There are three problems with the movie. The first of which is lighting. Ok I know is a victorian prision and it not going be the best lit place in the world, but its also just a movie so realism is not needed. The second is the structure its a bit hard to follow all the flash backs, and some extra footage puting sceans into greating contex would be been welcomed. The third is marking, as the ending shows and if follow the drug use of one main characters, its the story of one most brutal assults I have ever seen. This is what makes the book and movie much better then somthing one would see on American over the air tv or the laughable lifetime nextwork.$LABEL$0 +Great Vacuum. I just received this week the Bissell Healthy Home. I had read previous reviews and was somewhat skeptical. I really like the performance of the vacuum. I did not find it to be to heavy to push nor was it noisy. I like the long hose. The suction is very good and works much better on bare floors than my old Hoover Wind Tunnel. For the price, it is a great machine.$LABEL$1 +Great for the purpose I bought it for!. It is a durable product, considering it is inflatable around the outside. The inside is mesh, allowing the water to come through for a great cooling experience in the pool.$LABEL$1 +PATHETIC. This is the worst program ever.It gets beat in every category by word.This is overpriced garbage that has many bugs and kinks.Corel puts out a terrible product at a horrible price.IF YOU ARE BUYING A DELL PAY THE FEE TO UPGRADE TO WORD. It cost a little more now but it is better than alot more later!$LABEL$0 +The Majestic. I normally don't care for Jim Carrey's acting but heard this was good. Boy werethey right. He played a serious role and since I went to school in the 50's, thiswas really enjoyable to me. I ordered the CD because I liked the music in the movie so much. Movie and CD are great in my opinion.$LABEL$1 +Loved this book. I bought this for my mom because her library didn't carry it. I had gotten it from my library and thought it was wonderful.$LABEL$1 +Amazing piece of work. DVD]]]Amazing Stories - The Complete First SeasonPlease, some-one in authority, tell us when we will be able to buy the complete second series of this amazing series. I'm down on my hands and k nees and pleading for this great final of an amazing set of stories. cheers, robert$LABEL$1 +Beware: this is NOT Abbado's Deutsche Grammophon recording!. This recording was made during a live performance in Florence in May 1971, whereas the DG version was recorded in September 1971. The soloists of both productions are exactly the same, but the orchestral and choral forces are not. The recorded sound of the Florence production is quite awful (extremely "boxy", bothersome "humming" sound virtually throughout).$LABEL$0 +Cruise control switch replacement. The membrane covering my cruise control switches,on my 2001 Ford Explorer Sport, had deteriorated. The Ford dealer proudly announced he could replace them for $230.00. I found them at Amazon for $53.00. Four days later armed with a screwdriver, needle nose pliers and an 8mm socketand a 12 wrench for the battery, and 20 minutes I had the new switches installed. They were great, work as they should and I did the happy dance.$LABEL$1 +The score: Killers 1000, irony 0. The main word that comes to mind is "refreshing". While I'm not a victim, I have been a serious rock fan for 40 years. Was getting bored with the current scene of the last 10 years and bought this as a last-ditch effort to see what's up. Well kids, the game has been raised! How great is it to see a group of musicians enjoying themselves, enjoying the music, with NO wink-wink, clique-ish snobbery - just total comittment to the show. If you're losing your faith in Rock, visit the Albert Hall footage and REPENT!$LABEL$1 +awesome book. This book is a really good read. I have enjoyed it so far. I MUST admit I am not perfect (as we all know no one is), but it is such a great guideline and a must have for those who are serious about their health. I love the fact that it is from a Biblical view point . So many things were mentioned that I would have never though of. Again, it is a great book. I hope it is enjoyed as much by others.$LABEL$1 +Best for voip telephony. This is a great phone for voip, the quality is great, battery lasts long, and lot of options on the menu, the porcess to create a skype account is very easy and you can save a lot of money on international calls...$LABEL$1 +what a very cool album. I really love thic cd, and i also love the other one's that this group have made of course, i recommend anyone that likes to listen to this mexican group to buy it, since it contains alot of the old songs that they made back in the 1970's to the 1980's and until this new millenium.$LABEL$1 +EVERY MARYLAND AND ACC FAN WILL LOVE IT!. Having grown up in Maryland and evolved into an ACC basketball fanatic (even attending dreaded NC State), Cole Classics brought back wonderful memories of idols, games and the cold, crisp days of college basketball on Tobacco Road. I kept turning pages and saying, "Oh yeah, I remember him"! From great triumphs to mind-boggling losses, it all came back with a smile and a story for MY young kids. Fantastic reading, great stories and even greater memories!$LABEL$1 +Not what I thought. I was recommended this by a friend but sadly it's not the story of a small water mammal who, in the throes of existential crisis, rescues his tiny community on the banks of the Thame from a series of rapacious raids by mink led by the evil Bliar.I suppose it's all very well for those who like this sort of thing, but it's not really reading as such, is it?$LABEL$0 +Excellent Action! Powerful Plot Line Keeps you guessing. This is an excellent action movie, which the plot line keeps you guessing until the end. Ironically it stars a lesser known action star Douglas, who really makes this an excellent movie.$LABEL$1 +As seen on TV! Over 1.5 Million readers SCAMMED. If you saw the infomercial, and want to want to line the pockets of this huckster even further, then this is the 570 page waste of time you've been waiting for!Don't drink the water! Don't eat the food, Stop taking your medications! And then subscribe to his "newsletter" at an addition $$$$ and you'll live to be 200 years old.Personally, I'd rather die happy at an earlier age than live longer and unhappy in a perpetual state of "Natural cure" paranoia.If you want a good simple book of natural cures then read: Doctor's Book of Home Remedies: Simple, Doctor-Approved Self-Care Solutions for 146 Common Health Conditions from the editor of Prevention Magazine.$LABEL$0 +NEW 70'S MUSIC TO ME. I got this last week never having heard of it and with no review's i took a chance and i am glad i did. This is a 2 cd set with cd #2 being live. It is really hard to define there music but there is some very good guitar playing especially in the live cd. The muscian's are tight i guess you could say they play a lot of different music pop/rock/a little country/blue's very good stuff. If you want to try something new from the 70's i would suggest this. I like to find old stuff from that time period that i like and this was worth the price. The opening of the story behind Mendelbaum on the liner note's state's mendelbaum was different. Musically led by the lighting fast ripping lick's of chris michie's cherry red 1968 gibson sg special. He write's most of the song's and his solo's are tight. There are five member's in the band guitar organ bass keyboard's and drum's. Very fresh music from the 70's i hope you like it as much as i have good stuff.$LABEL$1 +Incredibly fun but not incredibly durable. I bought 2 of these. They fly very very well right out of the box but make sure you don't throw them anywhere that they can hit something hard like a tree or concrete. They're both still flying, but one is harder to make go far distances because it's got some wear on it lolExtremely fun to play with though if you've got the open space to throw them.$LABEL$1 +Why Pan and Scan?. The Journey Of Natty Gann is the story about the adventures of a young woman from Chicago who is on the road to find her father who was sent all the way to Washington to work. Along the way, she befriends a wolf-dog(the same animal that played in the 1991 film White Fang), and a drifter. The bad thing about this dvd version is that it is only in pan and scan when it should be widescreen. We are only seeing half of the picture! DvDs were developed to make movies look as good on television screens as they did when they first came out in theaters. It is a matter of choice, but I refuse to buy any DVD, Disney included, that is not in its correct aspect ratio, and I urge anyone who feels the same way to contact them and try to get them to release a widescreen version of this movie.$LABEL$0 +Great!. This is an excellent book for any age. I would recommend it to anyone. When David's girlfreind Senna (hence the title) disappears at the end of the dock, he and four other freinds must rescue her, even if it means travelling to another universe to find her. The only thing some of you might not like about it is that some of the things are a little hard-to-believe. I don't have a problem with that kind of stuff, it's just that I know some people don't like those kinds of things. (I'm just warning you)$LABEL$1 +Left me without lights. After properly replacing my both my sockets, I drove for less than to hours with my head lights on, when I found that the low beam contacts both melted, and my lights simply went out.$LABEL$0 +I was a little disappointed. This light works good, but I was a little dissappointed in the "belt-clip" that was supposed to "conveniently hook" to my belt. The one I received won't clip to anything, and near as I can figure, you need another part of the "system" to attach to your belt for it to work. Now I'll have to find that part or else jury-rig something...$LABEL$1 +Well.... This is, of course, typical BBB house. He hits Chicago style, does some booty and then the guessable disco grooves that he's known for. Bad Boy Bill fans will love the album.One reviewer stated that "if you are looking for progressive house" that you shouldn't look to Bill. Well no kidding. BBB doesn't PLAY progressive. However, neither do Sasha and Digweed. That's called progressive and melodic trance.Please learn your genres before you go slamming an artist.$LABEL$1 +"The lyrical King, from Da' Boogie Down Bronx!!". "Commentating, illustrating/ description given, adjective expert..." were the eye opening, jaw dropping, opening words on the ground-breaking, mega Hip-Hop classic, hit-single "IT'S YOURS". Although the lyrics on "IT'S YOURS" were written by his older brother "SPECIAL K" (member of the Treacherous 3), T La Rock would later team up with producer extraordinaire and master of the beat "MANTRONIK", and put out a string of classic hits through out the mid '80's. T is better known for his superb lyrical eloquence and metaphor mechanics (and giving birth to LL's original style of rap. Just listen to his first album closely). Super Rapper T La Rock has NEVER recorded a wack record. All his joints are "Funky Fresh"! This CD contains nothing less than classic, raw, B-Boy material. This is Hip-Hop in it's purest , rawest form. In T La Rock's own words "strong lyrics, no gimmicks, no yes, yes, ya'll!"$LABEL$1 +does not ship in 24 hours. don't know anything about the phone or service, but i ordered the package from amazon on dec. 2 and it has not yet shipped. it's the 17th today. i elected to use super saver shipping. big mistake. pay the extra 10 dollars and hope you have better luck than me.$LABEL$0 +Excellent video, I watch it again and again. This is an exceptional representation of Navy SEAL training. The video goes into extraordinary detail, and really makes you understand what these young men go through. Despite its length, I have watched it upwards of five times. Each time I find it educational, impressive, and inspiring. After seeing this film you understand why less than 20% of BUD/S trainees make it through, and why less than 0.5% of soldiers in the Navy are SEALs.Also highly recommended for anyone considering applying to BUD/S. It certainly lets you know what you are getting into.$LABEL$1 +please print this review for others to read!. i cant say enough bad things about this cd. it sucks. please dont waste your money like i did. super cheesy lyrics, bad guitar playing, bad vocals, everything is wrong here. and who is the 'tard who produced this crap? he needs a beatin'. go buy blink 182 instead and don't waste your money on imposters.$LABEL$0 +What happened to Bone Thugs. This is a major drop off in quality from the old days. Not horrible but not too good either. 2.5Top TracksReal LifeWhat's FriendsEveryday$LABEL$0 +Delightfully punny!. I sat down with my 7-year old as we took turns reading the clever, witty little poem puns. I found myself laughing at the end of each pun, & my daughter occasionally stopping a moment, thinking, & finally laughing herself as she "got" the punchline. But, most of the puns she got right away. And if the 30 poems aren't reason enough to purchase this book, on the last page of the book the author/teacher includes a Word Play Guide to point out the language skill each of the poems employ (pun, idiom, personification, etc.). Making it an excellent teaching tool.$LABEL$1 +ha, first review. this album kills all. get it, for god's sake!!! I swear, you won't be disappointed.standout tracks include The Leaving Song Part II, death of Seasons, and ...but home is nowhere.$LABEL$1 +tis a catholic rosary. just received this booklet. I have prayed the Catholic rosary for about 20 some years butwanted to learn the episcopal/anglican way. this book is not that---it is a booklet on the CATHOLICrosary [nothing against catholicism] and do not appreciate being misled--or so it seems--by thetitle.$LABEL$0 +Quality peice of jewelry.. I sent this to my Daughter as a gift. She really likes it and said it is very sturdy, especially the hinge, and it is big enough for two small cutout pictures of my Granddaughters. She wears it all the time, one of her favorite pieces of jewelry.$LABEL$1 +You do not know, how much of a surprise when I received this stockpot, yes, I will leave it and do with it for dinner today! Alt. You do not know, how much of a surprise when I received this stockpot, yes, I will leave it and do with it for dinner today! Although it's at the bottom of two small sand hole, but I do not care! I like its color, and its arc is happy the way!$LABEL$1 +great collection!. what you have here is a collection of JLO videos, for die-hard fans, and for people who just like collecting such stuff, this dvd will be a great thing to add to your collection, every single video looks just amazing, from the concept, to the dance. As someone here mentioned in the 5.1 dolbi surround you can hear the uncesored version of Play video, but this only is you have a home theatre, on your PC the sound will be awful. The thing that is really dissapointing is that not all of her videos are included, only one version of If you had my love (not a problem though for those who have the Feelin So Good dvd), of Waiting for tonight, Jenny from the block, All I have and Baby I Love U! Well nothin can be perfect, but this is not really a minus, its just a bit dissapointing, this shold've been a full collection, but...Still its a true must have for everyone! Its not about voice or something, this is just about the videos, and lets be honest Miss Lopez does this GREAT$LABEL$1 +Not for me. Pillow feels squishy and soft - until you put it on the bed and try to sleep on it. Too much fill, not enough give. Too big for under my neck, causing my head to be at an awkward angle. Gave it three days, went back to my old pillow.Might be good for someone with a bigger frame than me, or likes a very firm pillow.$LABEL$0 +Idiots Guide to Publishing Magazine Articles. This book is packed with very helpful information. It is current and includes sections addressing the internet's role in magazine publishing, however the authors have devised cute section headings that make it difficult to use as a reference tool. I also noticed a focus on travel writing-so if that is your interest this book is for you. If you want a good no-frills intro to magazine publishing I would suggest "Writing and Selling Magazine Articles," by Eva Shaw.$LABEL$1 +Excellent CD. I was really surprised that the Offspring could come back and make a great CD. Americana wasn't that great, and I hesitated in buying this CD, but ended up getting it for Christmas. This is a great CD for anyone who loves punk rock, and I think it's a must have for any Offspring fan.$LABEL$1 +Extremely dull read. While I appreciate the originality of the effort, it makes for a very tedious dull read. I can see this working better as a TV show and even then it is a stretch.$LABEL$0 +Nice gun, awful instructions. Gun feels very solid. Has a nice metal barrel and clips. Took a while to figure out the battery goes in the ris. Do not like how the ris kinda block the gun sights though. So I took ris off and installed grenade launcher. Took a while but I got it on and it was sturdy, no wobbles. Problem was that I could not find where the battery is installed in grenade launcher. If anyone knows please let me know. Ended up taking grenade launcher off and putting the grip on with ris. Did not put the sling on yet. After the hard time with the gun instructions I will battle the sling instructions another day.I do have a cm023 I got of amazon and I do like this gun better.$LABEL$1 +poor value, get this music & more on other CD's. There is much good music here but some of this 3 cd box set CD is duplicated on the more recent released single CD's "West Coast Jazz", "The Steamer" & "Award Winner". Those CD's, better mixes with more bits, contain less duplication of outtakes and more other songs, particularly more ballads (see my reviews).For the same price, the prudent Getz collector will get the three Cool classics listed above, instead.This music is mostly faster bebop.$LABEL$0 +Lots of fun and good for your mind!. This is a great toy for just about any age. It really gets you thinking, yet it's satisfying enough to keep your interest and it will not discourage small children as easily as some puzzles. Highly recommended!!$LABEL$1 +does what is says. I found this product while in maui. I love it! It makes your skin soft and turns your skin a deep dark brown.$LABEL$1 +Ridiculously good.. The lens is solid, easy to use and ridiculously sharp at all f-stops. It makes my Sony cameras better than they were. I recommend it for people who need this focal length for their portrait and still life work. The focus (same as in every macro lens) will be too slow to use for sports. But that's not why one buys this particular lens!$LABEL$1 +Excellent Service. I was VERY pleased with the product and the service. My order arrived within 3 days of my placing my order and I didn't ask for any type of express shipping. Bravo!!$LABEL$1 +The best mouse for gamer.. I have two mouse Logitech; the MX518 and the G5; but I prefer the G5 for their comfort; soft slip and answer speed; also the precision of their laser$LABEL$1 +Hello, it's 2011? Where is the DVD?. I've never seen this movie, but have read the book at least 3 times as it's one of my favorite stories. I'd really like to see it, but my VHS no longer works and well as everyone will agree VHS is ancient history these days. That is the only reason for the one star is because it has not come out on DVD. Come on and release in DVD! I cannot believe this isn't out in DVD format. It's ridiculous considering what movies do get put on DVD.$LABEL$0 +Audiovox Goes to Maine. We recently took a road trip to Maine with our two children ages 11 and 14. I purchased 2 Audiovox DVD players and 2 cases that attach to the head rests. It was great! We took quite a few movies with us and the trip went so fast for the kids. They were easy to operate and the bonus was the ipod doc. I recommend these Audiovox DVD players to everyone with kids. They are fabulous. The screen quality is excellent and the sound is too. Oh and the kids love having thier own remotes to operate it. As I always say....happy kids...happy parents! Thank you. Mrs. S. Brown - Tenafly, NJ$LABEL$1 +slap me when it's over. this is a boring read for me. too much revelry in describing everything and i mean everything. no shortage of new characters. they come and go one after another. i just wanted to get to Dracula! pacing leaves a lot to be desired. mid-read, i skipped pages when there's no action going on (believe me, still describing and describing....on and on and on....) and headed for the climax. guess what? did not miss a thing.$LABEL$0 +What a Disappointment!. I had looked forward to this book very much. I am fascinated with books and their history, and the background and subject matter give this book an entirely different level for enjoyment.But I have had it with the hero: Alex Plumtree who is beginning to look more and more like the world's biggest patsy. The things which happen to him, mostly brought about by people who "have been sworn to secrecy" or who "just want to protect him" boggle the imagination. It's time he stood up to his "friends" and said, "Enough already." Unless of course he enjoys being the fool.$LABEL$0 +Great tool. We had two cheap department store pepper mills that were driving me crazy. I love to cook and if you're making a large pot of anything or seasoning a roast to go in the oven it took forever to get enough pepper ground. In addition, I have carpal tunnel so not only was I frustrated, it was painful too! I didn't particularly want to spend $50-$100 to get a really "good" pepper mill. This pepper mill, like all the Oxo products I've tried, is well made and extremely well designed for doing the job it was meant for with maximum comfort and maximum efficiency. Thank goodness there are companies like Oxo!$LABEL$1 +old batteries. the batteries that they sent me was older than the one i had in my phone, and would not hold a charge. they did try to fix the problem by sending me replacements (3 total) and the last one was a little better that the one that was in my phone.$LABEL$0 +Wonderful intro to music of Portugal's former African colonies. I lucked into this CD for free(!), and I am so glad. It introduced me to Cesaria Evora and other fabulous artists from these countries. The beats are infectious, the music often haunting and always interesting. It's still in regular rotation in my home. I recommend it highly!$LABEL$1 +Belly ache laughing type of funny. Bought this DVD for my kids (10,8,6,4 & 2) after watching the Flintstones movie on tv from the mid-90's. We watched season 1 in the car in route to the beach and I have NEVER heard my kids laugh so hard. It's clean, good fun for the whole family without any sexual/inappropriate undertones as you find in most kids shows/movies.$LABEL$1 +Poor Release of Movie. I found this movie very poor and totally a waste of my time. It's plot needs to be rewritten and it does not contain a deeper meaning. The ending was very disapointing and without proper conclusion. Denzel Washington did a great job playing the detective and John Goodman is a very good actor yet the other charaters did not do thier job and was poorly acted. My recommendation is to stay away from this movie and save your money. Buy somthing that has a good plot. D- is my rating$LABEL$0 +vulgar, disgusting, and hysterical!. definately not for the timid or sensative listener. i love his music! he is funny as anything and has a great voice. hes unafraid to sing about the twisted and bizare. it also doesnt hurt that he is sooo good looking.$LABEL$1 +Had a few funny moments. This movie has some good moments that generated a few laughs from a chuckle to a gut busting guffaw. Then it got weird and stupid.$LABEL$0 +Great in any genre. I have read this book cover-to-cover four times. I never fail to find something new and revealing in it-some fresh aspect I had not properly explored previously. All history should be written this well. But beyond history, Connell brings a novelist's eye as to which details are telling and worth the reader's time. This book should have won the pulitzer, but that is another matter.$LABEL$1 +I love this CD!!. I bought 2 of these CD's one to play in my car the whole time and another to play in my house. I'm thinking about buying another as a back up! hehe Carrie has such a lovely voice. You won't regret buying this one!$LABEL$1 +Like A Train Wreck---I Still Watched It. This is supposed to be a remake of a French film; I haven't seen the French version, which is just as well, because a film should stand on its own merits.With the exception of several, isolated, instances, this comedy is not funny. The problem is the script and therefore the directing, pure and simple, not the acting. Regardless of the French version, this is another instance of an old, re-rehashed theme beaten to death by Hollywood: a social misfit who accidentally creates havoc gets superglued to the straight guy, driving him bonkers, but by the end of the film the misfit endears himself to the straight guy and even saves him from some problem or other. Like I said, an old, old cliche done to death (You Me and Dupree is a relatively recent one, for example; What About Bob? had the saving grace that the straight guy never embraces the misfit and is instead driven mad).$LABEL$0 +Sensual, Beautiful Movie. Texas used to be owned by Mexico before the U.S. occupied Mexico City in 1847 and in 1848 a peace treaty was signed; Mexico ceded Texas, California and New Mexico (including all the present-day states of the Southwest).Anyway, I forgot about this bit of U.S. history and this movie reminded me of that, which is an enlightening part of its subplot.With this in the backdrop, the romantic love story between Tita and Pedro unfolds.If you remember ever being truly in-love, I feel some scenes will remind you of that feeling, what a nice surprise...$LABEL$1 +Tea time delight.... I'm a fan of Margaret Rutherford and Agatha Christie...so this is a charming, delightful way to spend a bit of time...best viewed with hot tea and scones.$LABEL$1 +didn't like it. I came across this book looking for one about cancer and thought it sounded (and looked) interesting. It wasn't! The whole book is just reading different e-mails the author and her friends wrote to each other, and more than half the time I didn't know what they were talking about. I didn't even know who these people were to the author (like sister, Aunt, etc., I THINK they were friends,) and what some of the things and places mentioned were. It got confusing the more I read and there wasn't much explaination about subjects being discussed, since these were just letters between two people. I found the book very boring and couldn't even get through the whole thing. Very disappointing.$LABEL$0 +Simply Hilarious!!!!!!!!. This is one of the best collections of children's poetry I have come across (and I consider myself a connoisseur). These poems are hilarious- sometimes didactic, sometimes fanciful and absurd-- they all appeal to the humorous sensibilities of children (and adults). This has worked for me as an extremely successful present on many an occasion- highly recommended!!!$LABEL$1 +Very bad sound quality. One of the worst doo-wop / vocal groupo compact discs I've heard for a long time! Every other CD might have the same tracks in better sound quality, this is just the worst quality soundwise - avoid it!$LABEL$0 +This Is Not Metal Or Even Rock. Hearing that Led Zeppelin was a heavy metal band,(and I am a huge metal fan), I decided to buy this album since I had heard it was pretty good.Well it stinks.Not anywhere on this lousy album is not even the slightest hint of metal. Actually The Beatles get heavier than this. Dy'er Maker is so un-heavy it should be included with Frank Sinatra. Only if you are a pop fan should you buy this album, so metalheads and headbangers, STAY AWAY!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!$LABEL$0 +THE SH*T!. This is where it's at, get this now! SO funny, better than the other garbage the sell you. Like the Trilogy, buy this and #4 and you're set.$LABEL$1 +It works for me!. Super convenient that I got three for the price of one. It takes a bit to heat up (not that I really need it to be all that hot) and there isn't an on/off switch; which I actually like since I can just plug it in, do something else (like change my clothes or whatever) then come back to work on my hair. I have curly/wavy hair so holding a curl isn't a problem at all. All I need the iron to do is to smooth out my existing curls and to shape them better, the iron does just that.I've read a lot of bad reviews on this product. Usually, curling irons that work for people with straight hair never seem to work for my hair. So maybe this iron is the opposite of the usual. Maybe it just works better for wavy/curly type of hair.$LABEL$1 +Bravo Mr. Iyer!. I read this book many years ago when Cuba wasn't so much in the news and I must say that I have only the fondest memories of reading this passion packed novel. I felt every emotion whether happy or sad that the protagonists felt. It is a wonderful book that provides an accurate not exaggerated insight of how Cubans really live in Castro's Cuba. If you love the Cuban culture, its music and people, I recommend you read this novel. It will transport you to la Habana in seconds and it may even help you better understand the very sad and depressing Cuban phlight.$LABEL$1 +Great and practical book. The book is very practical for advanced programmers. Definitely, it's not for beginners.Although the book was published in 2005, most guidelines are applicable today. However, some others are outdated (pictures of old versions of Visual Studio, some settings have changed in recent versions of VS, newer languages and .Net frameworks are obviously not covered here).The book deserves a careful reading; it will help any coder develop quality, maintainable code.$LABEL$1 +A Meditation for Living Right Daily. I found this book while looking for some history in thekind of meditation books for recovering alcoholics. Peoplewho have proved that their lives have changed miraculouslyby the practice of principles and living on spiritual basis.This little book is amazing. Just a few lines of encouragementeach day. Spirituality is indeed a feeding of the mind on thewholeness and beauty that comes from God. Many basic principleslearned here add peace to my life. The combination of scriptureswith little commentary is especially good for those of us lookingto feed ourselves spiritually in a short time - on the run.Sometimes you can find a real gem. This book is so simply butedifying and uplifting. To meditate on my heavly Father (fromwhom all blessings flow). Use it. I'm thankful I found it.My husband didn't read much scripture -- but he does read thislittle book.!! Thanks to the Author!!Linda$LABEL$1 +Predictable & Boring. This was one of those movies that never exactly held my attention. I figured out the plot way ahead of time because it reminds me of the movie Preacher's Kid but with less singing and not as much of a plot. Waste of time!$LABEL$0 +Fox-Franzen Connection. Having just finished "The Corrections" and "Strong Motion", I listened to Jonathan Franzen's interview on NPR and notched up the volume when he was asked to cite his favorite works of fiction. With utmost trust in his recommendations, I then immediately acquired both of them -Fox's "Desparate Characters" and Christina Stead's "The Man Who Loved Children." "Desparate Characters" is indeed an artfully crafted, exquisitely written novella, and would make an equally artful film or stage play if Annette Benning and Kevin Spacey agreed to work together again as Sophie and Otto. Franzen's worshipful preface, however, embarrassed me for him. Perhaps that's just his way. Ms. Fox's influence on his writing is evident throughout his work and I thank him for helping me discover her voice. My teenage son discovered her voice several years ago, when he read "The Slave Dancer", so readers with adolescent children might want to point them in her direction.$LABEL$1 +I really did not care for the Giver.. The Giver to me was not a good book. You could not leave in the comunity,and the life style was boring. This book was not my favorite. A little advice - don't read this book. I think the book Green Eggs and Ham was a better book than this book. This book would have been alot better if it had more action. The comunity had alot of dumb rules in it.$LABEL$0 +WHAT HAPPENED TO METALLICA???????????????????????????. No Joke, this is one of the worst albums EVER!!!!!!!!! I just cannot believe my ears. This is the same band that put out "whiplash" "Battery" "Master of Puppets" and "One" ? just to name a few. I am so disgusted. I wish I didn't even have to give this one star. You guys are killing me. Horrible.....$LABEL$0 +Not so much.... Well, I was not very impressed with this book. Too many unexplained circumstances. No way in heck "Jazz" could pass as her twin to so many people her twin is close to.And the whole exported porn storyline? Not romantic to say the least.I wasn't impressed by the author's writing style, and there are way too many typos in the novel (she needs a better proof-reader). However, I was interested to see how the novel ended, so it did hold my attention to an extent.I don't think I will be buying more of St. Claire's books, though.$LABEL$0 +garbage comedy. i'm never critical with my movies and pretty open to stupid and silly stuff, but this movie is pretty awful. there are some funny moments, but the dreadfulness of this whole thing is too much for youtube clips worthy scenes to sit through.$LABEL$0 +The book is not the best!. It is not the best book I have read. It was really weird and freaky. The thing about it was that I didn't comprehend it much. It was really a book that doesn't suit me that much. I didn't understand it much. At times, I felt stupid reading it because I didn't understand it. If you are a person who likes reading books about fire, this book is for you.I really don't want to have to read it again and I didn't like it. It was way out of my league. I didn't care for the Ray Bradbury. But, I am not saying I hate him. I am sayinh I might tru some of his other books as well as this book that I didn't like. Although this book does not fit my categories or my type of books, I would not recommend it to other people who like serious stuff.$LABEL$0 +spots on second screen 3 months after replcing the 1st. This product is faulty (a lemon), the first one stopped working after 5 months, they sent a new one after two months; that one developed spots on the screen two months later as others have reported.A waste of money and time.$LABEL$0 +Terrible. I enjoy Charisma Carpenter's work, I really do. But this movie - how on earth did she let herself be talked into such a woeful waste of time? To say the acting, beside hers, is abysmal would be an act of kindness. The husband and the agent's acting was so bad it made me cringe. At least it was a cheap buy. There's nothing about this train wreck that is worth recommending.$LABEL$0 +Pretty Tasty. I'm an amateur chef at best. But given the fact that these are mostly humble and slow-cooked dishes from a French brasserie (equivalent to a moderate restaurant with a large menu), the dishes come out delicious and are just plain honest.I've made the coq au vin, beouf bourgignon, and porc roti au lait with little more than a large pot, a stove top and some time (and some thyme...it's a pun).It's a great book with some great inserts of snarky wit from Tony Bourdain.$LABEL$1 +Open package and dimensions incorrectly listed!!. Package arrived open. Dimensions listed in description are wrong! They are H 48" x W 1" x L 0.5". You can only fit 3 cables in it. Adhesive tape sucks and won't stick well!they list dimension as:Length: 1.20 inchesWidth: 2 inchesHeight: 48 inches$LABEL$0 +happy grandson. I was very happy to find these airplanes. My grandson loves to go outside and play with them instead of video stuff.$LABEL$1 +This book is horrible. This book is blashpeme. The author writes lies about Jesus Christ the Son of God and Savior of all mankind. I would not recommend this book. Instead read the Bible to know the truth about Jesus.$LABEL$0 +Good Basic Overview, Not Current with Today's IP Technology. I expected the 2006 fourth edition to be more up to date with today's IP satellite technology. While the networking chapter discusses IP, it is in the contex of ATM and TDM technology with little or no information on current IP topologies and satellite Internet IP services like Hughes and BGAN among others. Additionally, there is no mention of current DVB-S or S2 technology which is widely deployed today. Roddy fails to make note of the broadcasting migration to IP with most of the broadcasting information somewhat dated.$LABEL$1 +Nice little camera for the price!. I bought this for my 24 year old daughter for Christmas. She is extremely happy with it. The batteries don't seem to drain as fast as her previous camera and she really likes the 2.4 inch screen, which is why she wanted a new camera. Is really easy to use and didn't take long for her to figure out all the cool features. Very glad I picked this camera.$LABEL$1 +gets annoying real quick. well I got this a while ago, and at first, well it wasn't bad, it was catchy and a few songs stuck in my head, but I had been listening to it while I was out and busy, so when I actually sat down and listened to it and the lyrics, well I realized that it's quite awful! the lyrics don't mean anything! the music in the background is completely unoriginal...I mean they certainly didn't go out of their way to create this album.and also, what the hell is the difference between fall out boy and panic at the disco? this isn't real music. real music comes from the soul, it's like dna, no one has the same dna. well I guess there's cloning..$LABEL$0 +Terrible.. At first look this gate seems like it would be the perfect gate for families with older and younger children. I was looking forward to having my older children be able to walk through the gate without climbing over and at the same time keep my little one off of the stairs. When I opened the box the gate was unusable from the beginning. The latching mechanism did not even meet the other side of the gate. It was 2 or 3 inches short of even latching. I checked the box and directions to make sure I wasn't missing anything. Nope. Just made wrong!$LABEL$0 +I used to be so obbsessed with this movie..........!. i used to be so obbsessed with the movie blade, but now im getting over it a little.but i still absolutley praise this magnificent movie, the main reason i loved this movie was stephen dorff's character "deacon frost"......not only is he sexy, he also brouhgt depth and mystery to the film, he was the best part of the film!! the only part i didnt get about this movie is when frost called the blood gad "la magra" and the world was supposed to turn into a bunch of vampires right? well anyways, i still loved the whole movie, if you havent seen it, go see it.$LABEL$1 +Another Great Bruder Toy. Everything works about this set. All the parts on the loader operate smoothly and easily. The details are appropriate for the price and the intended purpose -- play -- of the set. My three year old has great fun switching out the attachments. The only negative is that when detaching and reattaching parts, it is a bit too easy to crack the plastic around the connectors. This happened to my son's set. However, even with the cracks, everything still operates well.$LABEL$1 +LIGHTS ! CAMERA ! INSIGHT !. I always dismissed Orwell as someone who wrote a great book ("Animal Farm") and who otherwise "showed no leg".Wrong.The "Essays" sits like a seeming cinderblock on my nightstand, but gets nibbled at each and every night, at precisely the time when it would be so easy for me to simply go to sleep. Demonstrably, he writes well, for I do not go to sleep.Orwell is a master of the English language and of reasoned discourse. His politics are not MY politics, but who cares ? His well-written essays bid me forgive everything. Besides, there are more than a thousand pages of his "stuff" right here at my fingertips, so how could I possibly go to sleep?Thanks, George. If you wish to be paroled from the Hell to which all Socialists are sent, put me down as a reference.$LABEL$1 +Too much emphasis on the program "HoTMetaL Pro". I received this book from a colleague. I was hoping touse it as an HTML reference, but I didn't find it veryuseful for that.It is very heavy on instruction in the software includedon the CD-ROM. If you are interested in Windowsshareware, this may be useful to you. If you aren'ton Windows, I would not recommend the book.$LABEL$0 +recevied items much earlier than imagined. Just wait 3 days and I got the items from UPS. Very quickly. The 6 items (can) were packed well in a solid paper box.$LABEL$1 +DECEPTION: The Album. I have been a great fan of Wayne Hussey, and Craig Adams since the days when they ruled the goth world with Andrew Eldrich in The Sisters of Mercy. When they departed the S.O.M and formed The Mission, their first LP First Chapter was great. Gods Own Medicine which was the follow up album was a masterpiece in my judgement. The albums that followed "Children" & "Carved in Sand" were good. Then Simon Hinckler left the band and everything that followed was a disaster. The indie release The Mask was treacherous to listen to, and much to my sadness after listening to Resurrection, I can only think back to the days of past, when The Mission UK, ruled the world.$LABEL$0 +to bad you can't steer this scooter. Purchased for a 5 year old who was already riding a scooter but thought he might like a skateboard. I thought this would be perfect, but you can't make it turn at all. It only goes straight. I tried to lean on the edge to get it to turn to no avail. I wouldn't recommend this item for a child who already rides a scooter.$LABEL$0 +MarkW. Made in China.Tray with bamboo handles doesn't match. Blueberries are painted red on one lid. Typical Chinese junk, but my girlfriend thought it was cute.$LABEL$0 +Child abuse is not Christian. James Dobson, who wrote about proudly beating his own dog with a leather belt, gives sadistic, un-Christian advice to parents looking for help. Skip this book, practice the Golden Rule. If you think Jesus would approve of whipping little children, you need to repeat Sunday School.$LABEL$0 +Reliable mechanism, but not durable. I've gone through quite a supply of breakaway collars for my cats, so I've had a chance to practically evaluate several major brands, this one included. This collar features a broad ovoid tab as the latching mechanism, and it's just hands above the snap latches on other collars. Unfortunately, the reflective material, which to me is as much a safety requirement at a reliable latch, quickly faded and the adhesive holding the reflective fabric fails, rendering the nice and otherwise durable collar ineffective within a few months. When new, the reflective material was easily bright enough to spot a kitty in the dark at a 100 yards with a single bulb AA LED flashlight, so no problem being visible in car headlights. Without the same reflective material, the cat is invisible under the same conditions. The snug latch releases easily when torqued from the side as it would when caught on a passing object or brush. This would be a 5 star review if the product were durable.$LABEL$0 +What do you expect from Perfecto. One star is very generous in my opinion. The first couple of songs sound great. Progressive and dark. It sounded promising. Then as we progressed further into the cd, Hernan Cattaneo shifted toward flamey mainstream music. Save your money.$LABEL$0 +Very disappointing. After years of using a 10/100 hub I decided to "upgrade" to a switch. Expecting a good product from Linksys, especially since they were acquired by Cisco, I purchased the SD208 8-port 10/100 switch. I put it on my network and the problems began. Any time I would attempt to transfer large volumes (1GB+) of data between two of my PC's the switch would freeze up on me and I'd have to unplug it and plug it back in to regain network connectivity.I've put old reliable hub back in place and I'm returning the Linksys back to Amazon. I think I'll give D-Link a try.$LABEL$0 +great gift - surprisingly interesting!. I gave this book to my husband, at his request. He's an engineer, so I figured that this would be a book that interested similar minds. :) It turns out to be really facinating - our extended family and friends have enjoyed sharing it, and the photos are beautiful and interesting for all ages. My only wish is that it still was easy to find in hardback, as I think that would be nice.The book is written "story-style," which makes the information a lot more palatable to those who don't have a geology background. The historical and environmental perspectives are woven together with very thoughtful writing. There is a lot of data in this book, but I don't think it reads like a textbook, which is nice.Overall, this is a great book. It makes a wonderful gift for just about anyone who appreciates the environment or anyone who has an interest in understanding the land formations they see or live on.$LABEL$1 +My tub now feels like a spa!. These are very fluffy, very soft towels as thick as anything you'd find in a quality spa.I did notice that when laundered with fabric softener they were not absorbent at all; I've read elsewhere that towels shouldn't be laundered that way. With standard (icky) towels, I've always found softener necessary to make them feel nice. With these towels, it's not necessary at all. These are scrumptiously soft and -- when laundered properly -- are not only absorbent but feel quite decadent, too!$LABEL$1 +Must read book. This is an absolutely must-read book for those looking for a comprehensive view of US History. It's amazing how one-sided the history we're taught in school is. I am recommending this book to everybody.$LABEL$1 +Nice film. My son went to West Point so the film caught my attention. Nice movie, especially if you are a Tyrone Power fan.$LABEL$1 +Pleased!. This watch is beautiful and wears nicely on my thin wrist. I really like the flippable colors. On the whole a great buy! The only issue I've noted is that the metal dial surface scratches quite easily. In just a couple of weeks, I have a fair number of scratches and I am not a very rough user.$LABEL$1 +Landscape Quilts by Nancy Zeiman... I ordered this book from 3 different vendors.the first sent me the wrong title, the second cancelled the order without informing me,the third informs me that the isbn code is wrong for this book, it does not match this title.If this book is not available it needs to be removed from Amazon.I really wanted the book and have been very frustrated. Faith Stone$LABEL$0 +Inexpensive, wireless, great graphics, fun for whole family.. As always, nintendo may not be doing the whole package such as HD dvd or Blue ray, or monster HD graphics, but The 480P, wireless network, unique controlers, and low price tag make this unit a very formitable competition for the X box 360 and PS3. One thing nintendo has never left out is the whole family. This unit may not have all of the violent and top selling games at the other two units, but it has plenty of games that are fun, and allowable for 5-8 year olds to play with. This is worth checking out. I'm sure you will not be dissappointed.$LABEL$1 +written by a brainless fool for brainless fools.. The woman is totaly off her rocker, she feeds this garbage to the message board political bloogers online who understand nothing about the Bill of Rights or the Constution, I suggest they and Milkin read these documents before they fall into the pit of ignorance and hate.$LABEL$0 +Glad I bought the large size!. This works well and doesn't leave a greasy feeling. I put it on my cuticles every chance I get. My husband uses it on his hands too.$LABEL$1 +No, no , and no. I found these to be horrible. Air pockets everywhere, even after applying via the instructions. (I used to apply vinyl graphics to glass in my career, so I know how to do this stuff...) and this was just awful. It also made it very hard to see the graphics, even in the spots without air pockets. The material is just strange.Ended up not using it at all. Good luck if you decide to try it.$LABEL$0 +PASS. I have owned 6-8 sets of hair rollers in 30 years and these are the worst! I cannot hold curl well and I had to buy clips to hold the roller in and the case is too large to store! Pass onit other products much nicer and convenient.$LABEL$0 +Vulgar Display of Music. The ex- kings of glam who trie to be a metal band only get worst with this one. I think if they replaced Phil Anselmo on vocals, they would have more chance to be a real heavy band. anyway, there are some good songs on this one. And the cover artwork, well, forget about it..$LABEL$0 +Excellent *****John Merril has done his homework.. John Merril sets up three portfolios,each holding stocks bonds and cash.He takes the reader thru every bull and bear market from 1926 thru 1997. Many authors of investment books avoid the investment history of the 1930s and other prolonged bear markets but Merril wants the reader to realize the risk and the reward that comes whith investing.I would urge anyone who has a 401k plan or Ira to purchase this book. Mr.Merril may have some different views then others when it comes to indexing and foreign investing but explains his views honestly.This is a great book and I don`t know why since it`s published over a year ago that no one has reviewed it.This is a book that should be updated every year.$LABEL$1 +Why was this supposed to be a masterpiece??. Here we go...I would have wanted more guitars - not necessarily distorted but imagine something like Coldplay;I would have definitely wanted a bettere technical production - this recording [is] a crying shame. Whoever did the mastering just scooped out the EQ and the result sounds hollow.. .a submarine bell allright! Vocals on some tracks are just hideously recorded... did they just take the demo scratch vocals & then built everything else around it?Unfortunately most of the stuff sounds dated and at the most sounds like an interesting demo. This leads me to thank Amazon.com for their support of second and third tier acts... I guess I'll have a fair chance of seeing my band's product distributed as well!...$LABEL$0 +These run SMALL!. Right this minute I am comfortably wearing a pair of size 6 Lee boot cut jeans.I ordered these in a 9 (because I am aware jrs sizes run smaller).They are so small I can't even get them on!Not even close!Just be aware of this if you decide to order these.Otherwise they are really cute.$LABEL$0 +What a waste!. There was almost nothing usefull. The collection of names is very small and the names were either completely off, or something I already know. At the same time, I am aware of many Jewish names which were not included. The book does not explain the meaning of the names either! The only more or less interesting few pages were on Jewish naming tradition. About 25% of 114 pages are filled with quotes - what a waste of paper. If I wrote a book like that, I would be ashamed to release it!$LABEL$0 +The first half is awful!. The first half of this album is horrid! It sounds like a bad mariachi (sp?) band. However, the last half is very good and very danceable.$LABEL$0 +Installation and Operation of SB5120 Cable Modem. The SB5120 was easy to install and put into operation. I had never installed a cable modem or wireless router. I knew nothing about installing these. However, the instructions that came with the modem were simple and easy to understand. It took about 5 minutes to install. The modem has been in operation for approximately 1 month with no issues. It's working great.$LABEL$1 +Great DVD recorder - Funai built. These Funai based recorders are great. They never fail and last better than any others I've owned.$LABEL$1 +so far, so good. We've had this sharpener for a little over a month now and it has been a life saver. It brought our very dull knives back to function again, and it's super easy to use.I would recomend this product to anyone who needs something quick and easy, and is not very good with the block sharpeners that are out there.$LABEL$1 +much quieter. So much quieter than my old fan and it looks great too.The only drawback is that it is difficult to replace the bulbs.$LABEL$1 +Awesome Ninja Movie. My son is a huge fan of Richard Harrison. He has this movie Ninja the Protector on VHS tape and it began playing badly. I found this movie on DVD. The order came quickly and in excellent condition I will order from this company again. Thank you !$LABEL$1 +AWESOME!. I am a huge Neil Young fan. I own most of his releases and have been at many of his concerts since the 1980's - most recently his solo accoustic.For several years, I have been hoping for another accoustic Neil Young release. My wish came true with Silver & Gold. If you like Neil's accoustic style sound, you'll love this release. It is so soothing with intelligent, thoughtful lyrics. Think about this - with this release, this artist has had major hits in 5 decades (60's, 70's, 80's, 90's and now, 2000. Incredible. When many artists loose their touch or inspiration (not to mention their voice), Neil Young still sounds awesome. A must own!$LABEL$1 +Volume "blues" keeps this little guy from being a rock star.. Some reviews on this device allude to the volume not being loud enough. After owning it for a month, I agree whole heartily. I'm a rocker..what can I say..I like my music loud(not insanely loud) but loud nonetheless. I have the much larger Zen and although I dig the reduced size of the 512TXFM, I honestly miss the volume of the Zen. I know, I know, you can mess with the equalizer..done that already..still not the same..I know, I know, you can run your MP3's through an external gain software like MP3 gain..love that MP3 gain, but why should I have to add another step before uploading my tunes into the MuVo? So, what I have been doing is uploading my tunes and then during playback I find the ones that are really low in volume(most 70's stuff) and then go in take it out, MP3gain it, put it back in......bummer..Otherwise, this is a great little product and well worth the $$$$LABEL$1 +A lot of infor. The Ultimate Airbrush Handbook (Crafts Highlights)This book does cover a lot of ground. Everything from Fine Art, to Car and Motorcycles, to Finger Nails and Modelling, but I don't beleve it gives any of them the space needed to give a good comprehensive view. This book is great, if you what to know the verity of uses for an Air Brush, but if you want a of how do you do this. Find another book.$LABEL$0 +Dissapointed. The Enid Blyton Collection: "Enchanted Wood", "Magic Faraway Tree" and "Folk of the Faraway Tree"This order was place on the 19th of December 2010.It is 01/20/2011 and I have not received it yet.I never had this problem before and frankly quite disappointed.I have been told that a new shipment was sent out last week.And I'm still waiting...$LABEL$0 +Worthless. Don't buy it! It doesn't hold the bra snuggly enough so it still can fold up & crease. It's just as bad as my usual method of throwing it in a mesh bag & washing.$LABEL$0 +unworkable product. These masks only work if you use one or both hands to secure them to your face. You wind up breathing more room air than oxygen because of their poor design. The bag is too small & when you exhale it blows right up into your eyes.$LABEL$0 +Great introduction to DVD!. This was my first purchase of any DVD title. I had seen the video before, but the DVD quality of video and sound was awsome. Great songs, especially "silver spring", "Rhiannon", "Go Your Own Way", "Songbird", too many others to mention. Overall, I would highly recommend this DVD to anyone who loves great music.$LABEL$1 +Truly a Great Album - If you're a socially awkward weirdo from Oregon. One of the Strongest Tallica releases ever. Don't be fooled. This is an awesome album. All tracks are strong.Unnamed Feeling, St. Anger, Frantic, and Some Kind of Monster stand out as the best tracks.This with an awesome DVD is really worth the price.Highly recommended!My brother must've written this, I think the album is garbage.$LABEL$0 +Misleading description, this is the TV version, NOT the movie!. I am wondering why there is no mention in the product description that this is the TELEVISION version of The Third Man with Michael Rennie and NOT the movie with Orson Welles and Joseph Cotten as the wonderful review above this describes.Unfortunately, Amazon hasn't put a system of checks and balances in place to keep this type of misleading practice from happening.$LABEL$0 +The Book Bash Review. A beautiful book! A simply delightful read to share with your children. The moral lessons reach far beyond what we usually try to instill in our children.$LABEL$1 +Worst Purchase I ever made... The product worked just ok for about a year with the head being replaced after the first couple of months, now I am spending more money just to try to keep it running. The unit stops after running for a day, I have replaced the battery twice, gone through two packs of cartidges and still have the same issue. The mfg. told me most folks run fine and there is nothing wrong with these, yet when I called my local MM repair shop, they told me they would add me to their 3+ page waiting list and can't promise they can even get to me this summer. This is no doubt one of the worst purchases I have ever made.. HIGHLY NOT reccomended..Use something like a can of yard guard a day, will be much cheaper and probably work better.$LABEL$0 +Mingus at his best. While most of these tunes appear on other Mingus albums, this disc has the best versions; they really move, and the whole band sounds energized. I would recommend this disc to anyone interested in Mingus or looking for an introduction to his work.$LABEL$1 +didn't last long. this headset worked fine on PC and PS3 until the microphone stopped working one day (only ~3 months since i purchased it), never to work again. looking at the other reviews this does not seem uncommon.$LABEL$0 +Attractive Braclets. Have not installed them yet, but they are just as I expected. Hanging ring on back is probably unnecessary because it is not sturdy enough to hold a shelf. Needs to be attached in a more permanent way.$LABEL$1 +What else would expect for a K-body - 5 stars. If you are looking at Bessey K-Bodys, you already know how good a quality of clamp these are. I've been using the four I purchased for about a month now and have experience absolutely no issues. These 24's are perfect for edge gluing and I've made some pretty nice raised panel blanks using them.Amazon can do a better job packaging the clamps for shipping, but that is an Amazon issue, not a Bessey Issue.$LABEL$1 +awesome minus one. I saw this musical at the Dominion Theatre in the West End and it was truly amazing, unlike any musical I've been to before. The audience was rocking out, waving glowsticks, clapping, and singing along by the time the cast sang "Bohemian Rhapsody" at the end. The soundtrack perfectly captures the fun of the show, and I recommend it wholeheartedly. The only downside is that "Crazy Little Thing Called Love" is omitted, quite strangely given its prominence in the show and its popularity in general. Still, the CD is entirely worth buying AND the show is definitely worth seeing if you get the chance.$LABEL$1 +Another Philip Dick prpoposal. As with Blade Runner, both based on Philip Dick scifi proposals, excelent! Bluray resulted to be the best format to get involved in created scenarios.$LABEL$1 +Bad acting. The movie was very boring. Mostly, because of SJ Parker. She can't act. She was so fake that I hardly made myself to finish watching it. She had the same voice, gestures, and the whole character like Paula from "Failure to launch". Additionally, I was distracted by her absolutely horrible look. This is the movie when she looked the worst.$LABEL$0 +The Bean Trees. Taylor Greer encounters many obstacles in her journey headed to nowhere. She leaves her hometown looking to start a new, when a lady puts a child in the front seat of her Volkswagen and walks off. Taylor has no choice, but to take care of the child at least for a little while. But Taylor ends up loving the child more and more each day. Along her journey she meets many interesting people; Maggie- a woman that fixes cars for a living , Lou Ann- an overprotective mother and Mrs. Parsons- an old, blind woman that babysits small children. Taylor picks up a few jobs here and there, until she meets Lou Ann and moves in with her. Taylor's mission in this book is to find the child's relative's, but she never does. That's why I gave it two stars. I don't really like how the book ends, because it leaves you wondering. This book is slow paced and easy to read, if your looking for something simple it's nice.$LABEL$0 +Excellant!!. This game is pretty cool, pulling over speeders and running away from the cops. It is definatly worth the price!$LABEL$1 +Not bad. I like Kalfus' writing style although some of these stories had predictable endings. Others did move me and held my interest.$LABEL$1 +A Night With Secret Garden. This is the best DVD live I have in my collection I have all of there CDs$LABEL$1 +This Album SUCKS!. I don't have much to say about the album except that it SUCKS! It's not what I expected. Her single "Girl Fight" was a cover up. Had she stuck to this style of music she might have been alright. Don't get me wrong, the girl can sing but she needs to make wiser decisions as far as the compostion of her CD.$LABEL$0 +Back to the past. Reading the reviews and listening to the album I get confused because itis, surprisingly, just a remake of her excellent album "Dry" of... 1993! It seems that, along with U2's latest, she is getting back to her roots. If that is all she could extract musically and creatively from living in New York in the last year, then I would conclude that is a lot of hype for nothing. Ifyou still want to listen to PJ,start with "Dry" and this latest is not at all compulsory.$LABEL$0 +Blah.... I've read Melanie George's books before and this one is BLAH! I should have paid more attention to the one star reviews as they are very accurate! I had to force myself to read through and have no idea how I managed to get to page 28. Just decided to quit and move on, definitely a waste of time & money.$LABEL$0 +Suckular at best. Luckily, my boyfriend picked this up in the $5 bin at a discount store. If he had spent anymore on this soon-to-be door stopper, I would be irate. I'd donate this to Goodwill, but it seems unfair for someone else to be duped into buying this suckular movie.I've seen and enjoyed "Wet Hot American Summer," so I thought that this film from David Wain would deliver..nope. The final scene is an absurd musical recap of the disjointed sketches. The finale just didn't work. I thought for certain that this was originally a musical/play penned by the writers, and adapted unsuccessfully into a film--I wanted desperately to think that this was not the intended product. Nope.Skip this movie. Charlton Heston's Moses made me laugh more than this wannabe religious satire. I wish I could get back the 96 minutes that I spent on this film and go to church instead.$LABEL$0 +Kipper is the best!. My four year old granddaughter loves the Kipper DVD's. She watches them over and over and just loves the characters and the situations they find themselves in. Kipper is gentle fun that teaches life lessons with subtlety and grace and without being treacly. I cannot recommend them more highly than that. What fun!!!!$LABEL$1 +A short well written book on Medical Aspects of Eating Disorders. This book is a gem. It is clearly written and well edited. In spite of its brevity (perhaps because of it!)it manages to pack into a neat and organized package most of the key clinical info that I need to fulfill my role as Medical Director of a Partial Hospital for E.D.s. This book helped me remember and retain (and have quickly available for cases), all the basic Medicine knowledge that is pertinent to my role; knowledge that I needed to be a Physician in the broad and well-rounded way that is necessary when treating women who are not only psychiatrically challenging, but who are often quite sick due to medical complications of their disorder. Beautifully done, and a pleasure to read as well!$LABEL$1 +DEPRESSING!! Not at all what I thought it would be.. This was one of the most depressing movie I've ever seen. It was like that the whole way through. Even the ending was awful. I strongly recommend not seeing this movie. It would be a big waste of time.$LABEL$0 +Low cost low quality. I have had CLP300 for 5 months now. It basically worked OK for children's school projects.I noticed a few problems with it:1. When I turn it on, the entire house light start blinking; do not know if it uses too much current2. The drum area is VERY hot and give burning smell. It stays hot even after idle for a long time3. The color tone are off a lot. It simply prints very saturated colors far off from the original pictures. I was using the original toner.$LABEL$0 +Didn't work out. American Lawn Mower Company 1204-14 14-Inch Deluxe Hand Reel MowerThis mower did not work out. It was extremely hard to push and did not cut grass well. It clumped the grass clippings and what it dut it cut unevenly. I do not think even someone quite strong would be satisfied with its performance. I have used push mowers previously and this one just doesn't serve the purpose.$LABEL$0 +Another Winner From Diane. This book lives up to her earlier works. It did not disappoint me in any way.$LABEL$1 +Great headgear!. This is at least the third pair of these that my son has had. It is the only headgear that he has asked for again, before he always switched each time he needed new ones. Wore out one pair, only had to get a new one this time because his old ones had tape on them, all the wrestlers like to tape the straps and this year our state school association does not allow for any "modification" of headgear, so we bought these. An excellent product, I'm sure when he wears these out we will buy another.$LABEL$1 +Good After Modifications. This backpack camera bag is good. Plenty of pockes and spots to hold all your photo stuff. I have a 40D, S5 IS, Minolta 370n film camera and an ultra portable camera all in this bag. i also have lens adapters and lenses for all as well. Chargers, batteries, lens cleaner. i had to make two modifications.....the handle at the top is just a nylon strap that cuts into your hand if all loaded up with camer equipment. The other one is the space reserved for your DSLR is at the top of the bag.....this is fine probably the safest place, but is lacking pading to protect your LCD...I added a couple of pieces of padding from another bag here to protect the camera a bit more...just in case.$LABEL$1 +Obnoxious Series. I can't believe that anyone actually likes this show. It is the cheesiest and most ridiculous show that I have ever seen on TV. You would have to be a moron to buy this.PS: Chuck can't even do his essential roundhouse kick in the last season.$LABEL$0 +Very Over Rated. This story has been told many times and in many forms. This time it's form uses a little girl, a dysfunctional family and a beauty pageant. There are the typical family losers... the motivational speaker father who is a failure at motivating anybody, the plain jane little girl who dreams of winning the "Little Miss Sunshine" Beauty pageant, the mom who has no control over anything or anybody, the brother who hates his family so much that he has stopped speaking to anybody, the uncle who has recently tried commtting suicide, and the dirty old grandfather.. Cliche to say the least. The old VW bus they go cross country in has no gears so they have to push it to start it running (you get the idea).. On the way the grandpa dies so they put him in the back of the old bus and take him along (shades of National Lampoon's Vacation)..Don't waste your money.. There is nothing cute or special about this movie.. I wish I didn't waste my money or my time.$LABEL$0 +darkness of light. this is a prime example of life in the fast lane the innocent the beauitful and the playboy its how you would want to be love and treated without the nonsense of lies and others bs if you really dont want to be married to someone then stay single and grow old by your self !$LABEL$1 +gift from daughter. I was not familiar with "Castle" at the time my daughter bought me this season. I enjoyed it so much that I went and bought the first season. Now I'm a full fledged fan. DVR it just in case I can't watch it.$LABEL$1 +Now an old favorite. I collect breakfast cookbooks (yep, there are TONS out there!) but Marion's book has become one of my absolute faves: stained, dog-eared and notated. The Dried Fruit Cream Scones are excellent as are the Shirred Eggs, but her recipe for Pulled Bread (the easiest recipe in the world!) made me a fan for life. Many recipes have variations, and chapters consist of everything from breads to meat, as well as accompaniments including spreads and beverages and pies! Many of the recipes are ways to use up leftovers and hail from times past; don't look for new-fangled fusion cooking here, as Marion has strong opinions about not "startling" anyone that early in the morning. This is comfort food, folks, tried and true.$LABEL$1 +'Reefer Madness' (Gotham Dist.) Running time: 67 minutes. When I first saw this cheezy flick at a summer midnight madness film festival twenty-some years ago,I honestly thought it was a joke.I mean,the young people in this 1938 B/W film almost make Ward and June Cleaver look cool.1938,is this right?The Three Stooges were still new at that time.If parents truly wish for their off-spring to avoid blowing weed,they may not want to choose to show them this DVD.It's SO hard to take seriously.Thank goodness there aren't any 'extra features' here.I don't think I could've taken it.'Reefer...' does have a sole purpose,to watch maybe every two years after dark when there isn't any thing good on TV.$LABEL$0 +Useful Information. The coil itself works fine BUT, it does not come with "Supplied with 0.8 ohm ballast resistor, terminal and boot" like Amazon says it does. Which sucks, because now I have to order those parts seperately and wait longer to get my car running. If you need the ballast resistor, terminal and boot, order theMSD Ignition 8203 Blaster 2 Hi-Performance Coil, which includes them. Amazon, you really should change your description to match what the product comes with.$LABEL$0 +Countdown. The second to last album featuring the sounds and style that made them icons to their original fan base, Bebe le Strange is a worthy addition to any iPod. This review applies to all their works up to (and including) Greatest Hits Live (1980).$LABEL$1 +excellent classic. This movie is still a marvellously acted film, even in this age of over digitalized special effects. It is well worth a rewatch.$LABEL$1 +No so good.... I have a five month old Puggle. I decided to buy this for her because she's a very aggressive chewer. It seemed durable and long lasting. Nope. Not so much. I gave it to her and she had half of it chewed with in 20 minutes. I do not recommend this chew bone for dogs who are very aggressive chewers. It breaks down too quickly. :($LABEL$0 +Really?. I think the price of this item is a testament of how desperate people are. Do not buy this product. The older product will actually help your pet lose weight. The older version (which is a little more difficult to program) is the one you want to actually help your cat lose weight. Any intelligent cat will be able to discover how to coax the food from this feeder. Do not purchase this feeder. The older version is what you want, but it is not available and not worth your money$LABEL$0 +Great product but over priced!. This definitely keeps cans cold But I believe that the price is double what it sould be. If money is no object buy it....$LABEL$0 +he loves it. Bought for my nephew, he loves it. Not sure why it's so expensive compared to others in the same collection....$LABEL$1 +Absolutely Addicting!. This is one of the best buys that I've made all year. (Yes, I know it's March.) I played it for hours and hours. Sleep became secondary. In fact, the only reason I'm not playing now is because my game freezes after about 2 hours of playing. I don't know if my laptop is the problem or the disk. I'm still trying to figure it out. Other than that, the game is simply amazing. You control everything. You handle ride speeds, research and development, and garbage can placement. You have to deal with bank debts, lost guests, vandelism, crashed rides, and business quotas. I highly recommend this game. Once I finish this one, I'll probably get the new Expansion Pack. If you want a great gift for someone or are thinking of getting it for yourself, BUY IT!$LABEL$1 +Not what I had in mind!. I've been searching for a different shower curtain to go in a yellow bathroom and this looked perfect. When it arrived, what I thought was a white background turned out to be a darker beige linen look. The colors were very, very bright and the pattern repeated frequently. I didn't even take it out of the package, just knew at a glance it wasn't what I thought it would look like!$LABEL$0 +worth its weight in gold!. We take this wagon to the farmers' market, the beach, the park, the mountains, for walks in the neighborhood, downtown, etc. For us, this wagon was a great alternative to a double stroller...with more functionality and definitely more fun. Whether you're carrying stuff, or kids, or a little of both, this wagon goes everywhere and holds up beautifully. If you take off the sides and rotate the handle completely under the base, you can even fit it in the trunk of a Nissan Altima!$LABEL$1 +not worth it. I found these speakers to be average. you would be better off going with the $5 speakers available at any office supply store. the sound was decently loud, but quality degraded as the sound went up. the actual shapes of the speakers are not as pleasing as the picture might make it seem.$LABEL$0 +Excellent songwriting and even better musical performances. An amazing album from the greatest Rock and Roll band in the world. Even though Little Feat has rarely gotten the recognition or praise they deserve by the rock press, they continue to get better with time. They have always been one of the tightest bands around and they have produced one of their truly classic albums. The music runs the gamut of rock, blues and jazz played in the amalgam that is Little Feats inimitable sound. If you have never heard Little Feat before, this is a good place to start along with either one of their live albums, and if you are already a Featster you won't be disappointed by their latest effort.$LABEL$1 +Portable and very interactive. I too selected book primarily as it was an inexpensive book ( with good reviews) which helped meet a free shipping requirement ! what a gem.. Small yes, but my 14 month old son loves it !.The flaps are beautifully designed into the pictures and it is such a delight to see his face light up each time we lift a flap. . Yes the flaps are a little snug, but we do it together.. I loosen them as he turns the page and he then thinks he is doing it all alone ! Its nice and small, so its very transportable. I was looking for more of these... Zoo animals ???$LABEL$1 +mas. overall the sound quality is better than other computer speaker system, sharp and crip. you can def hear surround effectthe only thing that i'm concerned is bass - not enough power to pump up bass, but is decent enough as long as you plug into optical$LABEL$1 +boring. this is one of the most boring books i have bought in a long time. sorry, layout, context are really nothing to write home about. If you want to use it at the bottom of a pile of coffeetable books i guess it's would be fine but I am sure there are cheaper options.$LABEL$0 +Poor Effort with Liberal Racist Overtones. If this one of the best books that contempory fiction writers have to offer, then the TV set and old, worn-out movie plots have little competition from the literary world. This book is poorly written and constructed. It is not intersting. It has a liberal slanted viewpoint and racial connotations. It was a disappointing read, good enough for an A++ on a high school term project, but grossly deficient for a published work of fiction.$LABEL$0 +Only 1 For Price. I am pleased how quickly the capkeeper arrived. I just placed my order a few days ago, and it is already here.The capkeeper is just as promised. However, I do see a flaw in the design - the string attached is much shorter than I thought it would be.Also, I thought that 2 capkeepers were included, but I was wrong. I think that the title is a little misleading. You only get 1 for this price.*****UPDATE***** Since writing this review I have decided to no longer use capkeepers. Once the temperature rose above 70F, the adhesive consistantly moved around. Eventually it fell off. It's not worth the hassle.$LABEL$0 +A thoroughly entertaining book. Smith really knows how to capture your attention and get your imagination raging. I first read The River God and was amaized to find out that there was this sequal available. Having snapped it up immediately, I set down to read the book.I was found to be in a vegetative state whilst reading the book. Completely oblivious to everything else around me until it was finished. It was very easy going and I was taken into the heart of Ethiopia where our famous Taita created the most amaizing and stunning tomb--the richest in history.I now find out that there is another book which is the sequal to this book. I assure you that that book is on its way to my post office as i write this review.Wilbur - thanks for such a lekker series of books.$LABEL$1 +Personal view. Music appreciation is a very personal thing, and I can only express my own view, which others may disagree. The first thing is that I found Mr Watson's voice to be not that beautiful. The timbre is very ordinary indeed. I also found his singing to be rather charmless. It doesn't communicate. I often found the performance here bland and strident. I believe I listened with an open mind and these are merely my personal observations. Hope they won't cause any offence to anyone.$LABEL$0 +Really huge mug. I love this huge mug, which holds a little over 24 oz. It's a very well made ceramic mug, and the rubber ring on the bottom is a good thing.$LABEL$1 +not happy. I wish I could return the sheets. Very cheap, they stretch, fuzz, and are just cheap. Unfortunetly I bought 4 sets. I am stuck with them for this winter if they last that long. The up side the colors are great, real solid and holding the color well. thats it.$LABEL$0 +Buyer beware. At the moment I am in the middle of a 3-day ordeal sorting out Outlook 2002, which comes with the ipaq. Outlook 2002 has many many many known bugs (which only now I find out) and I can't for the life of me figure out why HP would ship it with their hardware. DO NOT INSTALL OUTLOOK 2002 on your machine.The ipaq itself may be OK, but if this is a foreshadowing of the fun to come...$LABEL$0 +Waste of time!. This book tops the charts for worst book I've read in quite some time. Heavy-handed characterisation, dull plotting, lots of gratuitous violence, and bad writing to boot! I mean, how can both of the women characters (there are only two, besides the 9-year old girl in danger of being molested) be the most beautiful ever? Why do they both have - I kid you not - "chalcedony" skin? Did the writers run out of words for white? I mean if you're going to be cliche, at least you could use "alabaster" or "ivory" for variation. Oh yeah, did I mention that both of these women are rape victims - one before the book, one during the book - sadly, all too typical. Too bad, because the premise looked interesting.$LABEL$0 +RESPECT FOR HAMILTON, he is a real artist. I really enjoyed this CD from the first song to the last. His songs are REAL and I have alot of respect for his artistic talent and his sexy raspy voice. His songs make me feel like true R&B; music isn't being lost in the merge with pop music (because I was beginning to think J. Timberlake was going to be called our next "King of R&B;"). Bottom line Anthony sings with real soul and heart and the songs have meaning (there is a social concern).... an honest definition of R&B; soul.I ended up buying the CD for everyone in my family.My favorite song is "Charlene" but I also love "Cornbread, Fish and Collard Greens" and "Coming From Where I'm From." You won't waste your money by investing in his CD$LABEL$1 +Is this for real?. Please write a review if you have seen, sat in, and/or purchased the Gray Malta Spa. I am considering buying one, but need to know whether or not it is as good a deal as it sounds.What is the size of the pump (1.5hp?)?Is the pressure sufficient from all of the jets?Does it retain heat well?What kind of warranty does it come with?How durable is the cover?Thank you.$LABEL$1 +I Don't understand all the hype. Just finished this so-called masterpiece and found it to be an average read at best. Yes, there were parts that made me chuckle, but they ran about even with those that bored me enough to fast forward through some sections. I leave this book without keeping a memory of even one likeable character.I'm glad for those readers who found this book to be so enthralling. I'm glad we all don't have the same likes and opinions or it would make for a very dull world.$LABEL$0 +Not that exciting. I was expecting more of a subtle plot with better character development due to the nature of the story (children who don't age until they go back out into the real world) - in my mind the story wasn't plausible. After a 100 years I would expect the characters to have more depth. I was bored with this novel and put it down around 2/3rds of the way through.$LABEL$0 +Get a Clue!. Vital Idol really misses the target by not having Rebel Yell. What an embarrassing oversight! Doesn't any record company have the good sense to pull together a REAL collection of his greatest hits? You know, one that includes: Rebel Yell, Cradle of Love, Dancing with Myself, To be a Lover,....$LABEL$0 +Righteousness. I noticed that a "former" minister stated that this church teaches righteousness by works...i beg to differ, i am a researcher and found no such thing. I encourage all readers to go to the source.adventist.org. this christian organization teaches the biblical righteousness by faith.$LABEL$0 +In a word: Brilliant. i'm a poe scholar and this cd is nothing short of brilliant. if you like poe, classical music, experimental/art music, or goth-industrial music, you need this cd.$LABEL$1 +My nephew...the doctor. My nephew is two years old and adores this Christmas present! My sister, a registered nurse, used it to demonstrate her job to him and he went around to everyone to check their blood pressure or take their temperature. No it's not the greatest gift in the world, but he has a lot of fun playing with it...$LABEL$1 +NO where near as Good as DAH 1. This game would be alright, had I never played the original. The original game's humor was much better. The plot was more interesting. The game's physics made the game more enjoyable. For instance, theholo-bob feature seemed a lot more sleaker than the body snatch feature in the sequel. Do your self a favor and stay away from this one, rent only.$LABEL$0 +Too small for squirrels. This trap is way too small for the squirrels around me, it is more like a chipmunk or rat sized trap. I highly recommend you sketch out the measurements before buying so you can see how small it is. 5 inches by 7 inches is a very small width/height. After I got mine I went to Harbor Freight and got a larger trap for about the same price, and so far I have caught two squirrels in two days in the larger trap while this Havahart model sits nearby untouched.If you are transporting your squirrels I recommend you put the whole trap in a disposable plastic bag as they will likely pee when in the car.$LABEL$0 +Sorry but..... This may be the greatest spiritual secret ever told but it has been told time and time again in a number of books, so don't buy the book because of the title. I guarantee that if you have read any spiritual books, this 'secret' will be familiar. What the book doesn't do is explain this concept' in any useful or informative way.I was disappointed in this book. I thought it badly written, unlikely and light weight. There is a book written by Gary Renard titled 'Disappearance of the Universe'. This book has massive spiritual content and is purported to be true. This is the book to read. Much better value for your money.( Link below)Rightly or wrongly I felt that this book was written for commercial reasons only.The Disappearance of the Universe: Straight Talk About Illusions, Past Lives, Religion, Sex, Politics, and the Miracles of Forgiveness$LABEL$0 +Don't use the unbox. I made the decision to download to Amazon unbox to view this video. Unfortunately the video did not display correctly on the unbox and at one point just went blank so all I could do is listen to the audio. Difficult (at best) to get Amazon to help. Best I could do is send an email and hope they will help me.$LABEL$0 +I needed more info on the characters. First of all, I love the literature that Nora Roberts writes. However, with this book, I felt that it lacked something that her other novels have. I needed more information on the grooms. I felt this novel was RUSHED and did not have the time and care taken to it like many of her other novels.$LABEL$1 +headset. I have had three of the headsets they work great but after a month or so they all broke. I am now looking for a good one so I don't have to keep buying me one once a month.$LABEL$0 +urbane but stupendous ignorance, sold as profit. How can I take seriously an "expert" who devotes pages 5 and 6 of his book to trying to convince us that the Phoenicians invented talking? Does Mr. Urban really believe what he tells his readers - that, until a mere of thousand years ago when the Phoenicians came along, humankind communicated purely by drawing pictures and letting loose the occasional wordless grunt?It simply did not happen that way - ask any linguist, archeologist, or historianThe author of this work also misleads his readers on the origin of the word "phonics." Contrary to his assertion, it doesn't have to do with the word "Phoenician" at all. Checking "phonics" and "Phoenician" in any dictionary which gives word-origins will confirm that.I'd rather fail to communicate at all than communicate false-to-fact information, even for the vast sums that Hal Urban claims he makes from selling his inaccuracies to corporations and the general public.$LABEL$0 +look for alternative. It does it's job against thicker hair, but for thinner hair it just pushes it around.after two month of usage it stopped working, so I decided to just take it apart and guess what I found. WATER.they claim it's water tight but water was everywhere, battery, motor, etc.Seriously look for alternative before considering this one.$LABEL$0 +A Great Global Underground Debut. Danny Howells is the second Nubreed DJ featured in the series. Howells is an innovative and exciting DJ with that extraordinary gift to mix sets that take the electronica fan on journeys using his decks as transport.Both discs are very good in my opinion. Neither are highly innovative, but both work and the end product are two above average sets.Keep your eyes and ears on this guy. He continues to rise in rank on my personal favorite DJ list. Don't miss him live if you ever get the chance.Both disc 1 and disc 2, get 4/5 stars.$LABEL$1 +ZICO AND VITACOCO. MY SON PREFERS ZICO AND I PREFER VITACOCO. Both are delicious and extremely healthy for you.When I order I get both. My family thinks Zico is less sweet than Vitacoco and like it a tad better. It is a very close second to Vitacoco in my book. By the way, each family member drinks at least two a day. These drinks have replaced soda.$LABEL$1 +A little too depressing for a Self-Help book. I read Sark I know how she guest-stars Sabrina Ward-Harrison in her books, so I looked forward to reading a copy of Sabrina's book. First off: The art is gorgeous. Really. Her collages are very personal and her effort pays off hansomly. On the other hand, the content of the book itself is pretty much a big downer. There's no resolution to any of her dillemas, just a big complaint about how she feels she has no control about her esteem-lacking life. I'm sure that if I knew her I would be feeling much different. But there isn't the payoff that comes with seeing the other side of her personality. I do hope she keeps writing (she does have promise and her art is great), but her next piece has more "arc" to it from the internally repressed to the externally liberated.$LABEL$0 +Better for lighter bikes. We are using this rack to store a 27lb bike. Anything heavier may be a problem, since the construction does not include a support arm and relies on the hinge mechanism.We have taken care to place the bike gently on the rack, and even then it bounces a little.Not the quality and strength we expected, however, for the price it is a four star.$LABEL$1 +DON'T BUY THESE UNLESS YOU NEED COASTERS! THEY ARE GARBAGE!!. I bought 200 of these (2 - 100 disk Spindles) in June of 2004. They were GREAT! I had 4 bad burns and the rest were flawless.In October I ordered 400 more (4 - 100 disk Spindles. Apparently, Memorex went to a different manufacturer for the new disks. THESE NEW DISKS ARE AWFUL. I HAVE THROWN AWAY ALMOST ALL OF THEM. I ESTIMATE MY SUCCESS RATE IS LESS THAN 5 OUT OF 100!!!I am outraged by this and feel ripped off. I will never buy them again. I can't take a chance ordering Disks from Amazon because I cant return them once I open the Spindle. THREE HUNDRED DOLLARS WASTED!$LABEL$0 +If I no Like, You Should No like This. This bad bad BAD!. This no toy no good. It break when they got it. Now i am sad sadSAD!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!yes, we are all sad because this thingymabobber ruined ourCrhistmas (not really, but the people not happy) so look howmany sad faces had been made? This item, possess the darkside!Dang, how do those people make crap and get paid?BAD! BAD! BAD!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!Bye Bye!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!$LABEL$0 +Great Small Sat replacement. I purchased these because my old JBL sats. finally died after 8 years. These are excellent replacement sats. for any installation. Great tone, wonderful range and a good sensitivity to boot. These are fill-ins until I gather enough information to buy a completely new setup, but these will make excellent rear sats. in the future as well.Overall, a great speaker for my needs.$LABEL$1 +Good product. I haven't used them much yet, but they will provide a great deal of utility when I do use them.$LABEL$1 +Excellent compilation.. I normally stay away from Greatest Hits cds because you tend to get cheated somehow. The songs are usually the radio (i.e. shortened) version of the original, or the Greatest Hits cd only includes the more widely accepted songs of the artist and exclude the gems that didn't get a lot of radio play. This Babyface Greatest Hits cd includes the original versions of the songs and even an extended live version of his song with Eric Clapton. This is a nice cd, even for those who feel Babyface is a little too "soft" for their taste. I would highly recommend it.$LABEL$1 +A sad but powerful story that everyone should read. One of the best books I have ever read. Sad but extremely powerful. It is a must read for anyone, especially mothers who are having a difficult time coming to grips with the sexual orientation of their children.The book is well written and detailed. You feel a connection with Bobby and his mother through out the book. At times, the book can be a tear jerker. But then again, tear jerkers are the books that hit home the hardest and make their mark.$LABEL$1 +This book is the best!!!. I love this book. Especially the parts about Liath. I've read the second one. Is there a third? Please tell me if you know. The storyline keeps you wondering and you don't want to put the book down. The ideas the author has come up with are great! All the magic and you wonder just what Liaths abilities are and how Alain comes into it. It's wonderfull.$LABEL$1 +A good book if your not in a hurry. This is a pretty good book...It's not perfect but Frances Mayes does a great job letting us(the reader) see what she sees and tastes what she tastes. I found the recipes a bit much..I am not one to read recipes unless I am acually going to make something..Overall great book...a great book for a long train ride.$LABEL$1 +I am very upset. The Long & Short is FALSE ADVERTISING. The product they show you is not what you get. I live in the Caribbean and it not Feasible to ship it back so I have to consider it a loss.$LABEL$0 +Centrifugal Bumblepuppy. Matt Mahaffey, the creative force behind Self, has accomplished one of the most compelling and enjoyable albums I have ever heard. In his first outing on DreamWorks records, the band has produced a powerful and skilled recording full of catchy hooks, uncommon sampling and creatively appealing lyrics. All of this is backed up with competent instrumentation. This album just knocks the balls off of my chin and forces me to take notice. And notice I did. Not to say that the other tracks on this CD aren't anything less than outstanding, but be sure to pay close attention to "The End of it All", "It All Comes Out in the Wash" and "Placing the Blame".$LABEL$1 +IT STINKS!!!!!!!!!. After having purchased FIVE palm III's and after throwing out all of them due to mechanical and electronical failure, I would like to say that this certain piece of plastic is nothing but plastic rubbish. Conterary to what the company and other reviewers might say, I think that no one should purchase this item. Spend your money on something that actually works and don't make the mistake that I made of buying five of these exuces for equiptment. PLEASE!$LABEL$0 +Closet Maid Plastic Top. These are great additions to the Closet Maid drawer baskets. Provides just the extra counter space I need.$LABEL$1 +Not what it appears to be. I thought this book was going to be just about Yorkies but it is more a general book with a few added pages about Yorkies. Not what I expected and the grooming section is really pretty sad.$LABEL$0 +Sludge attack................. Maybe it's not the best story. Maybe it's not the best effects. But still I have to say best Godzilla movie ever! In this film it's more of a fantasy. A boy who worships his friend Godzilla. The reason why this movie was made because of the polution in japan.$LABEL$1 +This cable was poorly manufactured. I bought this cable to listen to music on my cell phone. It does not work at all when it is plugged into the earphone jack. It only works if I push and pull the male end of the plug until I find a spot where it conducts. Since it's not in the correct position, it will not lock in place and I have to use tape in order to hold it. I have tried two other similar cables to check that it wasn't the cell phone causing the problem, and they both worked perfectly. I recommend you not buy this product.$LABEL$0 +Sometimes growing up is not easy. I always enjoy Ms. Pappano's books and this is no exception. She certainly has expert touch in character studies. Ethan and Grace have a lot to over come, not only with each other but within themselves. Abuse comes in many forms and how it affects each child depends upon the individual. Ethan became wild because everyone expected him to and Grace withdrew into herself and tried to become "invisible". Good read, not just fluff. Message for all. Forgiveness would seem to be the key word...they had to forgive themselves, each other and family. Acceptance comes next. Their row to hoe will not be easy.$LABEL$1 +What a relief..... After being diagnosed with celiac disease, I was desperate to find GF pasta. As previous reviewers have stated, with some extra shredded cheese added.... this tastes just like Kraft Mac and Cheese.Downgraded a star because I have found better, creamier mac an cheese from another manufacturer.$LABEL$1 +What I Thought About Elmo in Grouchland. It was the worst movie I had ever seen in my life. I saw it at the movies with a friend and my mom. It was so bad that we left before it was even half over!$LABEL$0 +Mediocre at best. This book basically gives you the watered-down rehashed MSDN version of .NET socket and network programming. This is a 350 page book attempting to cover all aspects of this subject including remoting and the structure of the .NET libraries without getting into much detail in each one.A mere 18 pages is devoted to server side socket programming, but even that is packed with so much fluff that a programmer winds up with too little information to implement an regular TCP socket server, much less an asynchronous one.$LABEL$0 +Pass on this one.... I bought this gun a few months ago at Lowes. Most of my experience with this gun is with using 2" nails. I can report to all that this gun frequently mis-fires (dry fire). Also, the gun doesn't always 'reset' back into the proper firing position. DeWalt has missed the mark with this gun and I would not recommend it to anyone. In my opinion this gun should be recalled. Don't be lured by the good looks and light weight - the substance is not behing the style. Thank goodness Lowes took this product back - I told the customer service person that it's a RTV (return to vendor)...$LABEL$0 +Great CD. **** 1 Star's. Great Cd I loved it. And don't worry about all of the 1 star ratings. go ahead and read them all of them are not bout the CD just people that dislike rap or Eminem. They have nothing to do with the CD$LABEL$1 +Continuing with the Rush string of phenomenal music.. RUSH continue to prove that they can write some of the best music available. Well-seasoned after some 19 albums, Test For Echo shows these three musicians, each at the top of their art, will stop only when they're good and ready.$LABEL$1 +We love Jesse Stone. We have the complete series. love them and watch them regularly.Waiting for the next feature to come out in DVD.$LABEL$1 +Stick a Fork In It. I've read this series since the first installment, and unfortunately they keep getting worse.Renie, who used to be somewhat amusing, keeps getting more and more annoying. Way too much time is spent on stupidity such as her stuffed ape being "kidnapped" and her rabbit dressed in a tutu. Her mouthiness and attitude are also no longer entertaining -- the character has become unbearable. And Judith isn't much better -- people talking to her because she smiles warmly at them has long since gotten ridiculous.When you run out of feasible reasons for your characters to be involved in murder and the reasons become as convoluted and lame as they have with this series, it's time to stick a fork in it.$LABEL$0 +Zzzzzzz!. This books starts out interesting but in the middle gets REALLY SLOW - the only action being everybody's mouths flapping nonstop. I kept skipping ahead to see if anything interesting would ever happen again but it never did. Endless philosophizing, women "bonding" with each other, everybody preaching to each other, on and on ad nauseum. In real life these people would never have made it across the country because they spent 90% of their time talking.$LABEL$0 +Time travel, love and getting to change history!!. I bought this book after reading a review somewhere. When i picked it up i was like ok it is good but it did get better. It is definetly for kids 15 or younger just becuase of the way it is written. However i am 21 and i liked it.After wrecking her dad's brand new BMW, she wishs (while holding her necklace) that she was anywhere else only to transported back in time. She soon finds herself in love and wanting some soap. She eventually gets back only to find that everthing has changed because she went back in time, so she goes back again to fix what she did. She even just might get the guy she loves from when she went back in time :)......$LABEL$1 +May be okay, but it didn't work well for me. This worked, but the sound quality was very disappointing. There was background noise on every frequency I tried.A friend hooked up their Transpod in my car and it was world's better...gonna invest in that, I think.$LABEL$0 +junk. bought this product to run my electric fillet knife, and it will not hardly turn it over. do not buy this adapter.$LABEL$0 +Handset Loses Contact. Good sturdy telephone for the two weeks we had it. However, handset would often shut off when you just laid it down on the table. It would restart if you removed and reinserted the battery cover. Obviously, we had to return it as defective.$LABEL$0 +IT WORKS. I just want to say how I tired this prooduct two years ago and it worked, however things did not turn out well for me I took some time to heal and now I am back buying the sticks again to try this again. I should be back next month saying I am pregnant that is how confident I am with the product.$LABEL$1 +Worth every Penny!!!. Its a wonderful game for an excellent price. Be prepared to spend hours and hours on this game; if your a fan of strategy games like Civ Rev and Risk.$LABEL$1 +Not that great. I got this book from a friend who's always giving me fun, short reads. It's an ok book. I saw some other posts saying that this is for people who have no clue and it's true. I believe you can learn at least a little something from every book out there, so I will finish it, but I haven't found anything extraordinary so far.$LABEL$0 +Too Difficult To Use. For a patient recovering from heart surgery, the pillow is too difficult to get "into", meaning they cannot pull themselves up to get against the pillow.$LABEL$0 +Good Price, Good product. Cheap and fast delivery of this iPod after merket charger.. I works fine and I saved some money.. The only thin i dont like is the red lite that is on whenever its plugged in..$LABEL$1 +Take Flight. Beautiful catchy rock. You absolutely can not help but sing along, tap your foot, and sing these songs in your head for the next week. They went on to form Buzz Zeemer with Tommy Conwell. Gotta check out their self-titled debut that just went to CD. www.record-cellar.com$LABEL$1 +Wildly over rated!. From Brooklyn myself, there are loads of bands regurgitating simplistic, non-catchy, synth meets poor guitar work ballads about the lost and lonely artists of the world, and in this case Williamsburg. This band has been blown out of proportion without the talent to back them up. I'm ashamed of touch and go records... I mean it would be one thing if they were good live, but there not! Uggh, when will music matter over style? Did I mention TV on the Radio did a fashion spread to promote their album?$LABEL$0 +WORST FILM EVER MADE!!!!!. "Battlefield: Earth" is just another good example of how NOT to make a movie. Within the first 30 minutes of this garbage, I felt the need to cut out my eyes with a white hot Buck knife. Yes, ladies & gentleman, it's THAT bad. (I'm actually surprised that I watched 30 minutes worth of it. LOL) Avoid this film at all costs.$LABEL$0 +Good Value for the money.....but. Not bad for someone who wants to take candid shots and display or share them on the web. Keep in mind that you get what you pay for. Of course, the worse aspect of the camera is the auto shut off and resetting of the settings.$LABEL$1 +Oh dear: what a boring life. This book could only possibly appeal to diehard ABBA fans who still want to know what made Annifrid, Benny, Bjorn and Agnetha tick. At the very least there should be some explanation for the costumes. But what Agnetha has dished is the least revealing autobiography in living memory. She retraces events familiar to any self respecting fan and ignores questions of personality, musical preference...well, just about everything that makes one want to read someone else's story. I read the book in one sitting (very easy) and haven't touched it since, despite there being some excellent photos of her and the rest of the group. If you'd like something at least a little racy I'd recommend the (probably mostly fictional) biography "The Name Of The Game", but as for "As I Am" best get on with your (probably more interesting) life.$LABEL$0 +Useful book. I found this book to present a straightforward look into the complex world of neural networks. It is ideal for someone with little or no background in the subject yet covers sophisticated techniques as well. There were plenty of diagrams and many practical examples of how to use neural networks in the "real world." The software presents some challenges, however, given it predates Windows 98 and 2000. It seems to only work with US regional settings. Nevertheless, I was able to get it up and running and enjoyed the several examples and exercises described in the book. Overall, nicely written, an excellent introduction to the subject, and a good value.$LABEL$1 +You need this!!!. For residential or commercial use, you can't go wrong. Working in the home improvement industry, my line of work is window and door installations. Working off a scaffold with an 18 volt cordless drill is now a thing of the past. The PS20 is a fraction of the weight of its 18 volt big brother, plus it fits conveniently in my tool pouch. It's magnetic tip keeps the screws where they belong when reaching. Don't get me wrong, my 18 volt Bosch is a workhorse but you can't beat the PS20 for its portability, power (impressive for a 12 volt), and battery life. Another great Bosch product!!!$LABEL$1 +Hauntingly beautiful a true work of art!. Kaitlyn ni Donovan's Cd, Songs For 'Three Days' echos of impressionistic classical music, jazz Celtic and pop. Every track held attention. I was constantly suprised at the diversness and fluidity of the music. Lots of stringed instruments, oddest being ukulele create a delicate backdrop for the CD. I'd compare ni Donovan's vocals a bit of Enya mixed with Elizabeth Fraser of Cocteau Twins and Suzanne Vega. Lacking a lyric sheet, the lyrics I could make out seemed enigmatic and personal. Excellent introspective bedtime or reading music. Kaitlyn ni Donovan's Songs for 'Three Days' could have mass appeal if it weren't too painfully an original rare find.$LABEL$1 +wannabe classic. This is just a mediocre crime novel masquerading as high literature. If you like this genre, go for established crime writers - at least they write well researched books with interesting plots. The prose is patronizing, the characters are shallow, the big bang of the beginning is an inaudible invisible whimper by page 20. The lack of research may not be obvious to an American reader, but as an Indian let me assure you that no Indian can have a name like Ray Singh (they are both last names) or Ruana Singh. I cannot believe I wasted my time reading this through to the end...with all the hype about it I felt I had to!$LABEL$0 +Canto Di Primavera. The album's title sounds somewhat like a veal entree in an Italian ristorante, the contents is quite close to it too. Some instrumental passages are reminiscent of the group's early years and suggest that the former mastery is hiding behind the mediocrity of the music. A couple of exuberant songs (the title track inclusive) are variations on themes of a little shepherd girls' choir, the rest is outright boring, best when used for an acupuncture session, highly recommended for the occasion.$LABEL$0 +Acetate PIllow. I am using it mainly for decoration, i.e. do not sleep with it. So it is holding up beautifully$LABEL$1 +Horrible!. The cartridge didn't work. Rather than just printing text on the page it streaked dark wide black shading throughout every page. I put old cartridge back in printer and confirmed that problem is the new cartridge not my printer.$LABEL$0 +Too predictable. I was hoping this would be more of an interesting story, I was quite disappointed to find out that it was a basic and very sad story. It was also quite predictable. I had expected to discover a more complex, and less sad story.$LABEL$0 +Everyone should see it.. I think that everyone should see the North and South movies it is the best I love all the actors. The movie made you feel good inside and I liked how it should the good and bad people in the North and the South I think everyone should see this.$LABEL$1 +I wish everyone could see this film. I just saw it last night and was deeply moved. I didn't cry watching it, but for some reason have found myself crying today as I think about the film. I won't reiterate what's been said previously by many of the reviewers--except to say this movie will move you profoundly.I've found having children changes your perspective on everything. As a father of a beautiful, wonderful 5 year-old boy, I pray for all the children out there who are subjected to similar experiences because we adults can't get it right.$LABEL$1 +Keeps on pointing the way!. Back in 2006 this items was the must have in laser pointers for my job. 5 years later and it still does the job like it did on day one. (also a few batteries later). Quality has stood up over time. Great product!$LABEL$1 +Connelly churns out another good novel. Connelly did it again with Lost Light. His work is everything you're looking for and yet the story is unpredictable enough to keep you reading and turning the pages. Like most characters in this genre of books, Bosch's life is written out as a chronology. In this novel he's now retired and he does reflect back, if briefly, on some of the previous cases we all read about. Its an appealing element to the Bosch series in that you find yourself relating to the character, almost as if you can imagine getting to know them. If you like Connelly, you'll probably find that this is one of his best works. You can see his continued growth as a writer and his works generally continue to get better and are more polished. Connelly shows again that he's one of the most gifted writers in this genre. All in all, another great read.$LABEL$1 +All I Can Add is -- Bravo Andy Hunter!. This was a great album that I bought due to hearing the track "Go" on the video game "SSX3". I have been a long-time listener of New Age music, moreso than Techno\Trance music. I have to rate this album equal to the best offerings from Jean-Jarre and Vangelis.I can't wait for more from Andy and I hope that his sophmore effort is just as well done!$LABEL$1 +Poor Design. I have owned a 395 for a couple of years now and this tool has a very flimsy drive shaft made of soft plastic. If you use it very much or for too long of a time at once, the shaft will melt and break. I would not recommend this tool until Dremel starts adding about 10 extra shafts to each kit or makes them of a more durable material that does not melt under stress.$LABEL$0 +Buy a different workout. I read these reviews before I purchased this kit, but I thought the other reviews were probably from people who weren't in good shape. Well, now, I know why these workouts are free on hulu and the infomercial isn't on TV anymore. They lack sufficient warm-up, provide very little form instruction which could easily lead to injury, and are just generally ill-conceived. I was very disappointed. Save your money and buy something else.$LABEL$0 +Good overall. I have had this product for I think about 6 months now and I still haven't had to change the filter. When I first got it, I did have to buy an attatchment from the hardware store for my faucet. My faucet is the kind that is supposed to look like an old farmhouse faucet, so it was a little small. The attachment was only around $1 so it wasn't a big deal. The filter does leak every now and then, epecially when I use hot water, but it doesn't leak enough to bother me. It still does what it needs to do and it saves me a ton of money on bottled water.$LABEL$1 +The advice is good but.... The childish writing style gets old very quickly. If you're smart you can learn from a lot of different sources. I don't want to say there is nothing to be learned here. It's just that you can see the destination of this book long before you get there. And it's not a long book.$LABEL$0 +awesome rock cd. I think this cd is great. I'm not a terribly big fan of hard rock but this cd is great to listen to if you feel like rocking hard. That said, I really like the track Drive because it shows that Incubus can be softer too, as well as Pardon Me for it's lyrics and awesome chorus. I guess one of the main reasons I like this cd is because it got me hooked on Incubus, now I can't wait to get my hands on their next cd. It's also good because Incubus is one of those bands that can really rock without using a lot of swear words. If you're looking for a good rock band or are just an Incubus fan I definitely recommend picking up this cd!$LABEL$1 +"There's not going to be any evacuation!". Ouch! Man, alive, this movie almost has to be seen to be believed! How Irwin Allen convinced all these stars to even look at the script is an amazing feat! If you want a medley of disaster movies, than this one is for you, others should stay away like it was the plague. The other reviewers all correct in their statements, any other Irwin Allen disaster movie or any other disaster movie should suffice. The highlight of the movie really is James Franciscus and his overblown dialogue. As I said, if you're in for a cheesy movie with tons of stars trying to earn a few bucks to pay off some taxes or blackmail, this might be the movie for you.....others....BEVARE!$LABEL$0 +Awful company. I have tried to contact this company for a return and I still haven't heard from them.I have called and emailed them also.Awful service$LABEL$0 +Works as Advertised. First, recommend buying the accessory kit with the rotisserie.I'm very pleased with the virtual brand new condition of theunit, the completeness of the system, and the fact that it indeedworks as advertised. Have enjoyed a wonderful pork roast and beef steaks, although the latter did not brown due the shortnessof the time needed to cook medium rare. The accessory recipe book's recommended cooking times are extremely accurate. Overall, I'm delighted, and can't wait to try other recipes.$LABEL$1 +Lifesaver. This is a must have when your tv doesn't have enough a/v connectors. Even though the manual was missing, it took less than 5 minutes to conncet the Direct TV, vcr & television. The little remote is very handy, we just attached a piece of velcro to it & keep it with the tv remote. This tiny little expander takes up little room, you can place it on top of your other items or on the side of the television. I LOVE IT!!!$LABEL$1 +Amazing!. I don't really want to fill this out. Don't waste your time reading right now, just get thee to a theater to see this movie! Theron is amazing in this role. Who knew? Now, WE do! I totally forgot there was an actor on that screen, and believed this was Aileen Wuornos. The only real disappointment was in Ms. Ricci's performance. Either the character was not developed enough or she just wasn't into it. She seemed to play one note, and that was whiney baby dyke. Theron, however, did not let those less capable prevent her from blowing other Oscar competition out of the water.Thank you Patty Jenkins for doing this film, and thank you Charlize for your passion and talent and having the guts to let us see what you can do. Not an easy thing, but lady, you've got it!$LABEL$1 +Staying With My Boys. Very disappointing book. The subject should have had a better author. The book was so boring I never finished it.$LABEL$0 +Highly Recommended DVD!. Serpentine is a really thorough technique and choreo DVD! Exactly what I was looking for, especially if you've danced a bit already! There's so much info in here you really get your money's worth and who doesn't <3 Rachel Brice?!$LABEL$1 +Unfair. This unfair.I have no idea who this Al SAffeeAmazon Ought to take off its list.This NOT the furqaan al haq.In islam Al furqan is the quran and thisone is clearly not one..well far from it...it is the anti-christ of Quran and Furqan.$LABEL$0 +Sorry, not happy.. Wahl Professional 8061 5-star Series Deluxe Rechargeable Shaver ShaperAfter several uses of this product I was not happy with my results. Did not get the close shave I was looking for. Hopeing to get similar results, as I uses to from my Remington shaver design for black man's. Also sorry to say Remington does'nt make this shaver anymore. I'm not very happy with Remington on that note too. Just not happy with this Wahl shaver.$LABEL$0 +irritating piece of research. Anyone doing research into the history of anaesthesia should check this out, but this should definitely not be the last or only word on the controversy. Historians tend to disagree on who should be credited with the discovery of anaesthesia in the United States: Wells or Morton. MacQuitty plants herself well within the Morton supporter's camp, oversimplifying a complex series of human interactions and relationships by dismissing Wells' role in the "discovery" (excuse the scare quotes) and adpotion of surgical anaesthesia, especially when treating ether, nitrous oxide, and cholorform as historically identical substances.$LABEL$0 +This box set shows Judy at her best throughout her life.. I have this set, and it is really great! It includes 4 CD's, a book and a video. It has most of her best solos and a few duets. I listen to the CD's over and over. The book has dozens of photos, and the video shows Judy on her short-lived T.V. show. This is a great gift for any Judy fan, because it features the World's Greatest Entertainer, Miss Judy Garland!$LABEL$1 +Good Equipment. I purchased this because I do alot of number punching at work and I hate using the embedded keypad on the top row of the laptop I use. The install was easy and the driver also includes a calculator software with number transfering capabilities as well. I found it useless, but it [work for] many poeple's needs. My only Gripe is that the cable comes out of it on the right hand side, if you have it on the right side of the keyboard it has to go back around to the left side. No big deal but it is just kinda quirkie and thought that I would throw that in.Other than that it is awesome, the keys respond like it is an embedded keyboard and it doesn't hog a usb port, I know some have the hub but a co-worker has one like that and the hub on it doesn't work so I figured go with the Serial port and not use the USB... I own nothing else that uses a serial port so it works out great.$LABEL$1 +perfect feeder. This feeder was exactly what I was looking for. The product was improved by making the flower white to cut down on attracting bees. It is the perfect size since humming birds are lone feeders and you do not need many ports since only one will feed at a time. It allows me to buy more and spread them out around the house to cut down on the fighting over a feeder. I had no problem with leakage. It was a great year for my humming birds thanks to this product.$LABEL$1 +Lentek Bark Free Dog Training Device. I have not had any success with my dogs on this product. The dogs simply ignore the sound and keep on barking. I am very disapointed in the product.$LABEL$0 +Absolutely Amazing.. One of the most hilarious and touching books ever written. Dr. Manning's style is stunning and incredibly beautiful.$LABEL$1 +Oh Boy! It finished teaching HTML..... I thought this book was supposed to be teaching us XML but it goes on about HTML and how it is the distant cousin of XML and how XML is soon going to be the parent of HTML. The author hasn't even tried to get in-depth of the whole XML concept it seems as though the author just wanted to get a book out and here was a great opportunity for her. The author gets into a subject and does not explain it there and then instead you are referred to another "Skill" in the book. That becomes frustrating. If you really want to learn XML better get another book, you will be wasting your time, money and mind on this book.$LABEL$0 +Not the best. This CD originally appeared as part of the 5 disc COLLECTION and as such doesn't stand up as a reording in it's own right. Much of the material is from John's latter works so will only be of interest if you havn't got the original albums. Unfortunately the excellent the title track and FALLING LEAVES fail to lift this hotch potch above the mediocre. Only recommended if you are determined to own any collection of John's that you can get your hands on.$LABEL$0 +My favorite perfume.. It's the only perfume I wear. Why use anything else when I get such great comments when I wear Passion.I've used it for many years.$LABEL$1 +I want more. This CD/DVD set is great, but I really wish they had taped the whole concert like they did the one at Wrigley Field. All of the songs are on the CD and you get to hear Jimmy's comments to the audience which many times make the show. But there is only about an hour of the actual concert on the DVD. I would have preferred that they tape the whole concert and sell it separately. However, in my case something is better than nothing so I would recommend this set.$LABEL$1 +Different strokes for different folks. Unlike some of the other reviewers, I happen to think that the first CD is crap and I love the second CD. It just goes to show you, don't listen to what half of these people say, Get what you want because it's what you like. The first Cd is to much trance for me to handle, the second CD was great soulful house music with a latin flavor. I enjoy most of the Knee Deep remixes and it's nice to finally have 'pasilda' on disc.$LABEL$1 +Good read, not up to usual par. While this was a good, gripping read, the story was not up to Iles' usual standards.That knocks it down a star, but the quality of the writing, not the plausability of the story, provide huge enjoyment.$LABEL$1 +Needs updating. This compilation of old articles from HBR is somewhat disjointed and definitely out-of-date. The book is not much more than a blatant attempt to trade on the HBR name at the expense of the consumer.$LABEL$0 +Unblack to the core!!!. This is no joke. This is the real deal for Unblack Metal. We stay true to glorifying Christ and to His Message. "Invert the Inverted Cross" says it all! This is not a rip-off of Darkthrone or any other Black Metal band. This is simply giving you the other side of the story, the TRUE side!This music is for those who have drowned themselves in the lies that Black Metal has told. This music is atmospheric and truly a classic! It existed long enough to say what needed to be said. The lyrics are extreme, just as Christianity is. You can burn our churches and kill our people, but God has the ultimate victory!Hail the Eternal Emporer, Jesus Christ!Love,Servus Dei from Offertory$LABEL$1 +Good Product. I've been using the Sony Dect 6.0 for 2 months now as a replacement for a Sony 900 mhz cordless product that gave us over 15 years of good service. Range, clarity and battery life are exceptional. There are more features available than I will ever need or use. I have no complaints and rate the product 5 stars across the board.$LABEL$1 +Pretty . . . and Flimsy. Cool glowing lighted keyboard . . . combined with flimsy build quality and it's a gigantic waste of money. If you are a power user or have a tendency to be a little firm on the keyboard, do not buy this model. It is not sturdy at all. If you like the cool glow, get a lava lamp instead plus a real keyboard-- and have some money left over.$LABEL$0 +Almost as good as No!. 'Here Come the ABCs' is a very good children's record/dvd. It is really well made and although it is made for pre-schoolers, it isn't annoying for a parent/adult.The animations and videos on the dvd are very intersting too, even though the budget for them was clearly low.It is obvioulsy made for a younger crowd than NO! was, but still, it's almost as good and entertaining for any TMBG fan.I say definitely worth buying.$LABEL$1 +Powerful read!. Tim gives an excellant portrayal of PTSD in action. This is a book I recommend for Vietnam vetswho can relate who suffer from memories from the Vietnam war. He shares so compassionatelythe pain and sorrow only another vet can know that words cannot speak. The slow-motion memories ofwar that come back to haunt. Beautifully written and depicted grief release from one vet to any other who lived it.$LABEL$1 +Can't smell it...not worth the money. bought this because it was a good deal, or at least appeared to be. It's almost scent-less...there's a reason it's on sale.$LABEL$0 +Don't waste your time!. I just rented this and wow, I want those two hours of my life back. Me being a marine biologist myself, I was interested in this movie but it turned out to be downright terrible. I barely cracked a smile during the whole thing, and this was disappointing because Bill Murray is one of my favorite actors.$LABEL$0 +Good idea, poor presentation.. The author needs to take creative writing classes. The language was stilted, and the dialogue artificial, both deadly sins in my opinion, especially when the subject - kids being trained as terrorists - could have been so compelling. I confess, I could not finish it.$LABEL$0 +8th day of christmas 2011 review. On the 8th day of christmas 2011 Im going to review...Child's Play. There are so many plotholes in this film that I can't type them all in one sitting. The acting is terrible at best. The premise is preposterous & stupid. The devices that made Chucky look like he was real are faulty at best. Worst of all,even thought the cast saids that Chucky's body is becoming more human,he can still move & LIVE without a head,with one arm and with only one leg. They to shoot it like a million times before he goes down for the count for good. Overall,while it is scary for some people,it's dated at best. I give this movie a 2 and a half out of 10.$LABEL$0 +They just keep getting better!. After seeing the show True Blood on HBO this past year I just had to know more about Sookie's world. I thought the series started a little slow with Dead Until Dark but DEFINITELY picked up with Living Dead In Dallas. Club Dead blew me away! I LOVED IT! I picked it up four days ago and finished last night. I'm already two chapters into Dead to the world. I love the development of the characters relationships. Especially Sookie and Eric. I have a BIG crush on Eric! haha. GREAT SERIES SO FAR! I look forward to the rest of the series.$LABEL$1 +Poor Syntax, Spelling, and Lack of a Translator. I would be careful purchasing this edition of The Master and Margarita. The lack of a translator was apparent with misspelled words (haze, spelled ha2e), poor sentence structure (often lacking a verb), and the spacing was not indicative of who was speaking.I have since gone on and purchased the edition by Picador and find it an entrancing read. I realize now how much I missed out of the first three chapter of the edition I purchased from Amazon by Classic House Publishing.$LABEL$0 +Great to see this film on DVD.. I have always loved this film, and its great to see it on DVD at last.$LABEL$1 +sent wrong cable. This cable was supposed to be good for Game cube. The one they sent doesn't fit in the game cube. It's totally useless.$LABEL$0 +A Very Underrated Movie. I saw this movie on TV about 10 years ago while channel surfing and loved it so much I could not get it out of my head. I had to buy a used VHS tape as there is no DVD available in US.William Holden and David Niven are terrific but the best in the cast is Maggie McNamara and I wish she had done more movie work. The dialogue is witty and the story is charming.With all the trash being put on DVD it is a shame that this little gem is not. It is also fairly hard to find the tape and it is not cheap but it is worth paying a higher price for.Again, the biggest asset of this movie is Maggie McNamara and you will not get to see her in anything else of this caliber.$LABEL$1 +Loved It. Everyone that has commented seem to think the movie was awful.. Me on the other hand has never watched the Avartar Airbender cartoon.. So maybe I don't know what it should have or shouldn't have been .. But I really enjoyed the movie.. And i'm a strong movie buff of any Fantasy Movie as long as their is a story line.I actually hope their is a 2 on the horizon. And any way it was only for entertainment.. Not to build my life on.. So i give it a big thumbs up and to me the special effects was awesome.The actors did a good job on bringing to movie to life. I wasn't trying to pick the movie a part but to enjoy the movie. But then thats just my opinion. I would recommen you watching it and forming your own opinion.$LABEL$1 +Too general. There was not enough information as far as I was concerned. I think there are other books out there that are more specific and contain far more information.$LABEL$0 +Not My Favorite. I love almost everything written by Georgette Heyer. And this book is one of the reasons why I say "almost"...This book is more of a Gothic-style romance, but even considering that, I found it a creepy and unpleasant read. And if you are looking for a romance novel, there is very little focus on the romance and more on the weird goings-on of possibly deranged family members.I would steer clear of this one! She has so many other great novels, don't waste your time here.I'd give it a one-star, but I just can't do that to a Heyer novel.$LABEL$0 +DON'T READ!!!!! BAD INFO!!!!!!!!!. I just want to say that i love 98 Degrees!!!! I love their music, their looks, and their down to earth attitudes. So don't get me wrong when i say i don't like this book. It has nothing to do with them. The one who wrote this book can't even get their names right. She keeps on calling Jeff....Jeff Lachey. If you are going to write a book about someone you should at least get their names right. Plus it was so chessy. One part is like Nick is sad....Nick is lonely.....He is wearing only his boxers and his tattoos. He has tons of girls numbers but no true love. He wonders if there is any yoo-hoo in the fridge. It gets annoying. Plus when she talks about the songs she gets the parts wrong of who sings what. I know everyone may not know everything about 98 but if you are going to write a book about them you should get your facts straight. Anyone go get their offical book when it comes out. Don't waste your time or money with this one!$LABEL$0 +Excelent low cost option. Excellent low cost watch, perfect for measuring energy loss and lap times. Not recomended for every day use as a watch since the red button on the front tends to press itself and starts the chronometer.$LABEL$1 +Better to save your money. Having read Hernandez's high-powered "A is for Admissions," I was very disappointed by this product resulting from the collaboration of two seeming experts. Each page contains one advice, with only a few sentences of explanation, so the content of the book could've easily been compacted into fewer pages. Also, the advice seems to be a downgrade compared to those offered in Hernandez's other book; some are rehashed, while others non-brainers. Save your money and time by avoiding this book. If you want sound admissions advice, get Hernandez's other book instead.$LABEL$0 +HP1209 = JUNK. The FUNCTIONS of this printer/copier/scanner are AWESOME, but the QUALITY is absolute GARBAGE. For about the first 6 months, this printer would handle envelope printing reasonably well, but after that printing envelopes is essentially impossible. The printer usually destroys 3-4 envelopes before it gets one that is marginally acceptable. Additionally frustrating is that - like many HP printers - there is no reasonable way to extract paper jams. Also, the software that comes with the printer is NOT user-friendly. Finally, after recently re-installing Windows XP, the HP driver software (unnecessarily) re-installs the printer drivers EVERY time the computer boots up; sometimes it re-installs the printer drivers at random times. This is VERY FRUSTRATING.$LABEL$0 +Extremely pleased. The Xpad is everything I expected and more. It has a non-slip surface, it eliminates all heat between the laptop and my legs. It allows the proper air flow around the lap top without interfering with its internal cooling system. Xpad is extremely light, so anytime I move my laptop, the Xpad goes with it.$LABEL$1 +The Melody At Night. A big let down after the Koln Concert... sounded more like piped in office music.$LABEL$0 +Poor Quality..Bad Choice... I had purchased Xerox 470, and had to swap it back 3 times for a new machine from XEROX because the paper wouldn't feed without jamming or the rollers wouldn't grab a single sheet [grabbed 5 etc.] Each machine i replaced experienced the exact same problems. Furthermore the ink cartridges are a ripoff because they do not last long and even though there maybe ink left, once the machine says "low ink" you cannot overide and keep printing. I did find XEROX support good, however this product was so poor that i simply ended up giving it away to a charity.$LABEL$0 +College text book. Product took longer than expected. Class started and had no book. Won't be buying from here again.$LABEL$0 +A ho hum movie cliche about a fictional tribe that never existed. Too bad good actors were wasted on a bullspit fantasy script. While the press touts this as being about the "Black Paw" tribe of California, NO such tribe ever existed, and IF this is supposed to be in California, why are the "Indians" dressed in northern plains (Lakota) style...???This movie is NOT fact based, so view it in that context...$LABEL$0 +Nice album for relaxing or doing work.. I listen to this when working on homework or just chilling by myself. Has a hip urban sound to it. Reminds me of a high end bar filled with professionals. Get it if you like electronic lounge thats relaxing and sounds hip.$LABEL$1 +Disappointed. I was disappointed in this item. Although it holds quite a bit and is fairly light weight, it got dirty quickly and is difficult to clean. Not worth the $84 cost.$LABEL$0 +Kindle edition problems. I haven't yet been able to read the book, but the Kindle edition has a serious flaw. The type is very small. I had to increase the size substantially in order to read it, and after doing that all my other books are too large. It is just a small nuisance but I would appreciate it if future digital editions were of standard size print so that I can simply set my Kindle to the size I want.$LABEL$0 +Good product, but needs much better packaging and shipping!. The item and price were good. But as other reviewers have said before, the backboard came in scratched due to lack of proper packaging. Needed 2 hours, and 2 adults to assemble. A good set of tools helps too!$LABEL$1 +Two Damfools (three, counting moi). I remember the afternoon in 1968 when I walked into downtown New Haven's Merle's Record Rack and was shown with great furtiveness a NEW John Lennon LP that was being kept UNDER the counter. It was literally encased in a brown paper slipcover that revealed only John's and Yoko's b&w; faces.As if being let in on a big conspiracy, I was told that the Beatle and his wife were totally naked on the cover: frontal nudity and rear nakedness on the LP sleeve's flip. So, like a dummy I laid out good money for what is TOTAL GARBAGE.Noise. Junk. Offal. Piffle. You pick the negatory noun.The photos are ugly. The recordings are uglier. This is the barrel bottom of Sixties crapola, and that's coming from a devoted John Lennon fan.Please don't make the same mistake I did way back when.$LABEL$0 +A Great Actor in a Great Role. Spencer Tracy is a great actor and in The Last Hurrah he plays an old school politician, the Mayor of a Boston-like city. His nephew, a journalist, is the eyes and ears for the audience and we see Tracy's character doing the good and the not so good in his position as Mayor. This is a great story with a great cast (Basil Rathbone, John Carradine).$LABEL$1 +Brainless, Shallow, and Absolutely Hilarious. This film is from the same wackos who gave us Airplane, Police Academy, and Naked Gun. If you've seen even just one of these, you pretty much know what to expect from this one. Except for one thing: for sheer mindless fun, Top Secret tops them all.The movie stars a young (and apparently not very role-choosy) Val Kilmer as a teen rock n' roll idol who goes on a road tour in East Germany, where he meets and falls in love with Hilary (Lucy Gutteridge), who enlists his aid to rescue her scientist father.But really, who cares about the plot? Watch this show for the deliciously insane gags. I won't even mention a single one of them, because they have to be seen to be believed.Sure, the humor is unsophisticated. Even dumb. But that's the point. We all have to treat ourselves to this sort of lunacy now and then. And I'd have to say that Top Secret is the best way to do just that.$LABEL$1 +Uneven. "The Tommyknockers" starts as many of King books do. Something unusual happens to a Maine resident, a blue-jeans everyman. Then, an apocalypse of events follows and we get what we like so much in his fiction: ordinary individuals facing problems which are usually too difficult for them to overcome. Snip: (...)$LABEL$0 +The Blue Cheer of the New Millenium. If you have been waiting for the followup to Vincebus Eruptum for 40 years, hoping to find it each time a new group popped up promising to deliver but never really doing it, well this is IT! You need this music and you will LOVE it.These guys put it all together with the fire of their excellent live album to come up with a true classic that I guess people 40 years from now will still adore. Long live Fu Manchu!$LABEL$1 +Completely Disappointed. When ordering this book, I thought I was getting the full-size version. I have looked and looked at the display page and did not find anything anywhere stating it was the pocket-sized version. I ordered this and Dating for Dummies for a friend. Now I have to go find something else for a gift. I would feel like a "Dummy" only giving them two small, hard-to-read novelty books!$LABEL$0 +Treo Headset letDown. A charge doesn't last long and it sometimes won't work at all. Flimsy, cheap-like.$LABEL$0 +Best de-burring tool I've used. This is great for deburring holes drilled in metal, but it works terribly for deburring holes in wood, soft plastic, and flesh.$LABEL$1 +The book on Avid Xpess. Great book for beginners and experienced Avid users alike.Incredibly well structered, very easy to understand, lots of tips and tricks. From setting up your system to using advanced keyframes, this book is a great resource on Avid Xpress!$LABEL$1 +Well Crafted Lyrics. Listen to "Yummy Down on This". Ignoring the song's perverted subject matter, you have to admit that the lyrics were very intelligently crafted. Jimmy Pop obviously spent a good deal of time getting these lyrics to flow smoothly, often with several different levels of meaning. The other songs on this album have many of the same characteristics.Guys may tend to relate to some of the songs more than the gals. In fact, most women will probably find songs like "A Lap Dance Is So Much Better When The Stripper Is Crying" offensive. Come to think of it, this song manages to press almost every offensive button imaginable.The bottom line: This album is very vulgar and perverted, BUT contains lyrics that are much more complex (hidden meanings and subtle humor) than most rap albums out today.$LABEL$1 +Disappointed.... I was disappointed with this mystery. I've read quite a few, but I found this story a little dull, and the characters not particularrly strong.$LABEL$0 +I keep talking to myself!!!. I loved the features that this phone offered, you could upload photos (not that I ended up doing it) or music to create your own ringtone. However, I would end up on the phone talking to myself at least a few times a week! If you are on the phone longer than 30 minutes the person you WERE talking to can no longer hear you, which sent you searching for the other handset! You could still hear them.So after about 3 months of this problem my friends and family already knew, if I didn't respond to them it wasn't because I wasn't paying attention!The battery began to die sooner and sooner around the 1 year mark as well.$LABEL$0 +Good view of network planning. This book gives you a big overview of network planning for Cellular Network Planning, is an introduction to the issue. Good book.$LABEL$1 +The MM275 is cheap and flimsy. I bought the Black And Decker MM275 based only on an Amazon recommendation. Within minutes of using this lawn mower I knew that my purchase of the MM275 was a mistake.Cons:* The bar height is not adjustable. I'm 5'11", and the bar is below my waist, which is uncomfortable.* The power switch is mushy soft plastic, like a chew toy for a dog. This essential part feels like it will break within a year, and reviews of similar Black And Decker lawn mowers say that it does.* The power connector doesn't have a lock or clip, so the power cord falls out. You'll need to tape or glue the power cord to the switch housing.* The motor is under-powered. I had to mow my lawn twice to get an even cut.* The shroud has a big nose. You can't do edges with this mower.Pros:* Very light. You can mow with one hand.$LABEL$0 +Easy to install... also works for 96 Infiniti I30. I didn't realize that it is so easy to replace hood struts until I saw a video on youtube. I was still a bit skeptical if I can DIY. Purchased two lift supports from Amazon (the site is helpful in that it told me the product would fit my Infiniti), and, the installation took less than 10 minutes.$LABEL$1 +Ben Marcus is a young beautiful god. Ben Marcus is a young, beautiful god. What more of a review do you want?$LABEL$1 +Shaker Leaks. The shaker looks nice, but if you plan to use it for actually making drinks you will be disappointed. Like the first reviewer says, no matter how you hold the shaker, it will leak and create a mess in your kitchen/bar area. Pass.$LABEL$0 +really?. This book had so much potential. broken hearted new mother seeks out her dead baby daddy's family and falls in love with charming younger brother. too bad that she is clearly weak willed when it comes to attractive men and kinda an idiot. too bad he is a total idiot with the maturity level of a eight grader. boxing...really??$LABEL$0 +Works great and easy to install. This is such a great addition to the 14 inch Jet bandsaw that I'm surprised Jet doesn't just make it standard on all their 14 inch saws. I was able to install it by myself, and I'm an old guy. I rigged a rope from the ceiling to support the top arm of the saw, disconnected the bolt, and lowered it to the floor. After that, the installation goes very easy and straightforward. Putting the top arm back on was the opposite of taking it off, but be sure that you can tie off the rope so you can use both hands to tighten the bolt.The only negative is the blade that ships with the riser block - it's not very good. Buy yourself a selection of Timber Wolf blades to use for resawing.Having the extra resaw capability if really nice and increases the usefulness of the saw. I recommend this accessory.$LABEL$1 +Wait to buy til they ditch the music. I had read several reviews on "James Earl Jones Reads the Bible" and most of them mentioned the music--some positive, some merely accepting, and some very negative. Because I've been searching for an unembellished, undramatized reading of the Scriptures, this should have sent up a red flag to stop me from purchasing it. However, I figured with James Earl Jones' marvelous voice, how bad could it be? I would suggest you hold off buying it until they produce another one without the loud, lame and distracting music and give us the choice.$LABEL$0 +A great book. Jon Krakauer has been very lucky with his assignments with Outside Magazine. Granted, getting stuck in a blizzard on Mt Everest isn't what most people would describe as lucky; however, he sure has profitted fom writing Into The Wild and Into Thin Air. This book is very well researched but does tend to drag at points, especially when he brings in his own personal accounts. Over all, I would say he's an alright writer who has benefitted from being at the right place at the right time. This book is definitely worth your time.$LABEL$1 +THIS IS A CHILDREN'S BOOK. I like to think I have read a lot of books in my day, and the most important thing to keep in mind when reading something is know the context of what is being written, make no mistake, this book was written for people too immature to read Harry Potter. The plot and characters are underdeveloped. The whole thing is a huge Tolkien ripoff (but so is most Fantasy). This book is for first time fantasy readers who are 8 to 12. But before reading this i would recomend reading Harry Potter and the Wheel Of Time so you have and idea of what good Fantasy is.i will admit it was entertaining but anyone who gives this 5 stars needs to read a Game of Thrones by George RR Martin and know what quality fantasy is. This is not quality, it is some kid trying to scrape money together to pay for college and taking the easy way out without making his book worth reading.$LABEL$0 +Questionable benefit. I am unsure of the benefit of using this CD lens cleaner. It MAY have solved the problem of a dirty/dusty lens, but it may not have, as the problem on one CD player was only temporarily resolved. Another CD player that otherwise worked fine could not recognize this disc at all, and on all of my players that did, it could not advance to the third track, which contains only music. Significant skipping was noticed on all CD players, including those that never skip on other discs. If nothing else, this cleaner may provide a superficial and temporary fix, but if your CD player's lens needs cleaning, there are likely better and more effective ways of solving the problem.$LABEL$0 +Character studies in surburbia. Frank and April Wheeler on the outside are the "perfect couple" living in suburban Connecticut with their two children. Behind closed doors, though, April is a failed actress (that she is played in the film version by the terrific Kate Winslet is ironic) and Frank endures the drudgery of a 9-to-5 job. Planning to move to Paris and fulfill their expectations of greatness, Frank and April's shared life shatters with revelations of infidelity and broken promises. A lot of people pretend to be something they're not; this isn't new, but Richard Yates brings a fresh look to 1950s hopefulness and optimism in his dark look at marriage and coupledom.$LABEL$1 +Not too Durable. I used the beanbag mount for the Garmin iQue product. When I purchased the C550, I tried the suction cup mount but I could never get it to stick to the windshield for more than a few days. I purchased the Garmin Dashboard mount and it lasted three weeks, or until the first really hot day. The car is kept garaged during the day and at night so it was only one day of heavy sunshine needed to separate the base from the dashboard. I wound up with the C550 in my lap at 60 mph.I can't recommend this product to anyone due to safety concerns. If the glue had separated during a tight turn, it could have resulted in an accident.For now, I'm going back to the beanbag mount but I'll give careful consideration to a factory-installed GPS in my next car.Bob$LABEL$0 +a good one but not great.. Teh first three free cd's are filled with alot of hard blues rockin and ballads. The feel here is more laid back , and this is close in some ways to 'free at last' but this isn't a bad cd at all. It has many bonus tracks and the sound is excellent. The music though is good , but not standout , and even if he cover had said 'free' highway instead of just highway" , I don't think that this would have been a big hit. It would have sold more though than it did. This is good cd it's just not as powerful as 'heartbreaker' or 'tons of sobs' or 'free'. The songs are good guitar driven songs but they are mostly mellow. And that's good too. It's a good mellow rock cd mostly. So if you like mellow rock and laid back songs with a few rockers then this one is for you.$LABEL$1 +What went wrong??. I started listening to 'ryche with Rage for order, which is outstanding. I anxiously awaited Mindcrime, which was even better. I enthusiastically awaited Empire. When it was released I rushed out and bought it and was sorely disappointed. The music lost it's energy and seemed to go comercial. Save your money and get mindcrime.$LABEL$0 +Sexual braggadocio from a smart, conceited Italian. Alberto Bevilacqua is an accomplished novelist and, I now know, quite the man about town. This book is all about the women he's known, about how exquisitely sensitive he was and is to them; about men, his friends, and his life. It's full of bragging and posturing. He is pretty good at describing sexual acts, bodies, and female orgasm, but one of those orgasms -- fantastic, never-to-be-forgotten -- he believes he incited in one of the women he writes about was less impressive -- to this reader -- than he intended. (What if she was faking?) I liked his memories of his very young adolescence. This book was adored in Italy but I would guess that they saw right through it in France.$LABEL$0 +Well written and clinically useful. Well written manual and very useful reference for docs taking care of vascular patients$LABEL$1 +Didn't love it.... This book started out ok, but the middle and end were very disappointing. I never found the love story to be very believable, nor the decisions made by Miranda. I couldn't see the relationship of the two main characters lasting. They were so different in every way, with no shared views, and they didn't even really seem to be in love! The ending was totally illogical. I would have given one star but I did enjoy the beginning of the book so I gave two instead.... plus at least it wasn't boring.$LABEL$0 +No HDMI ????. This appears to be a well-made unit, with many excellent features save one (which is the kiss of death for any "current" DVD player): IT HAS NO HDMI OUTPUT.What this means, of course, is that it cannot be attached to any modern HDMI LCTV with the "single" HDMI cable and must be connected with the bundle of composite cables - YUK.One other note: the supplied IR remote control, while well-designed from an ergonomic perspective, would only connect with the player when DIRECTLY pointed (as in "exactly") the player unit. Not handy in larger rooms or when the player is in a slightly off-side location.But the lack of HDMI is the deal-killer with this one. Ouch!$LABEL$0 +Not what's pictured. Was very disappointed to receive this item and discover that it's all chrome, not white and chrome as it's pictured.$LABEL$0 +Pretentious, dry and BORING!. I excitedly bought this book after hearing wonderful things about it from friends, fellow students and teachers. I was profoundly disappointed. Moore never actually guides one through "cultivating depth and sacredness". He lectures about subjects that the average reader cares little about. There are a great many books out there that are infinitely more accessible to the common reader. I suggest that they be sought out. This book is thoroughly unenjoyable.$LABEL$0 +A space opera reminiscent of star wars. An easy read that will make you feel good, but not very challenged. There is usually little doubt as to what will happen next, but the characters are interesting at times (even if they are somewhat cariacatured). The warlike Barryarans and peacenik Betans don't display much variety, but the character of Miles Vorkosigan is interesting to read in action. Lois Bujold gets better with her later novels about this strange universe set in a future where humans migrated to the stars as tribes and lost touch with each other for a time and then found each other again. The Barrayarans appear to be made to resemble the Soviets (warlike and totalitarian), while the Betans are Anglo-American democratic pacifists. All in all Bujold is a good writer (as she proves with some later adventures starring Miles), but here she appears to be experimenting and growing still. Not bad and not the best, but it's a better read than most other science fiction out there.$LABEL$1 +A truly magical album. I can still remember the feeling of electric delight that went through me when I first heard this album. While cynics can dismiss it as derivative, obnoxious, mindless frat-rock, I feel like they're missing out. This album is the most visceral expression of joy I have ever heard. It's triumphant, vibrant and elating. Exploding with hedonistic zeal, this is an album about being alive and present in the purest sense. Whether one enjoys it ironically or sincerely, the feeling is the same: delighting, uplifting and intoxicating. And in case anyone is wondering, I'm being dead serious.$LABEL$1 +Trumpet stuff. Good stuff, works fell on my trumpet. Valves work better than without oil. Would buy again if it is needed$LABEL$1 +T-fal Iron. In the short time that I have been using the T-fal iron, I have been impressed with the smoothness of the soleplate, as well as the Easycord System. If there is a problem, it is in the instruction manual, which I found somewhat confusing. Actually, the manual makes the iron seem more complicated than it is. However, the Manual should be consulted in depth prior to use of the iron, and its precautions adhered to.$LABEL$1 +Getting rid of this toy today. My baby received this toy as a gift, even though it's a good looking toy, I am concern about my baby's safety, He doesn't walk yet, so I used it in the sitting mode, today my baby was riding it and he tried to reach the front toys, in a flash the car roll over itself getting upside down, my baby's forehead went straight to the floor, thanks God our floor is carpeted and he was far away from furniture. If it wasn't for the carpet my son would have a big bump on his head. I was happy with this toy before this happened but I am not let my baby to play with it anymore.$LABEL$0 +WOW!!!!. it took me around 2 hours to read this book, i got so into it. this book is soo awesome! i love to read but now i read nothing unless robert cormier wrote it...$LABEL$1 +not very good. It's probably a good tip to never use a cookbook by someone who doesn't know that a potato is a vegetable......otherwise, not the best of food.$LABEL$0 +LONG TIME COMING.... OMIGOD, I'M ABOUT TO BURST INTO TEARS!! THIS IS ONE OF THE BEST EVER, THEY DON'T DO CARTOONS LIKE THIS ANYMORE...CAN'T WAIT FOR THIS TO ARRIVE!!! I KNOW MY KIDS WILL LOVE THEM...$LABEL$1 +Rather dull writing. Quite a disappointment - very dull, perhaps even.... soggy! Not worth the time. I think this needed a better editor with the literary/erotica taste of Bright or Sheiner, and then it might have come together. And it could do without the weird waterproof pages.$LABEL$0 +Great Fuzz buster!. This detector has saved me already a few times on the highway. I purchased it because I used to drive a sluggish SUV, and now find my self driving a new sports coup far faster than I am used to. To be on the safe side, I got this to be precautionary. The distance it can detect in a straight line is great. I do have questions about how well it can detect from behind but so far so good. I do like the blue lights that go off to alert you, but they will make you jumpy when driving at night on the highway and they go off like a cop is already on your tail. Great for price and like the City mode that mutes false alerts.$LABEL$1 +works great. Love the review from the guy who never plugged it in...anyway, seems to be working fine for me. I have my Directv receiver and a DVD player split with no noticable loss of video quality or sound from either piece. The only complaint I have is that the remote included only seems to work from a max distance of about 10 feet. This can be remedied if you have a programmable remote.$LABEL$1 +BEST BUY IN HEADPHONES!. These headphones are a best buy at only about $20 and you have to spend much more to get better ones. They're very comfortable and light. The bass is deep and the midrange and high-end is fairly clear. You have to keep the volume at a moderate level since the bass is strong. Otherwise this an amazing buy at the price.$LABEL$1 +Disappointed as well,. I have been trying to concieve 13 years now, I got the flu 3weeks ago and since have been tired my 13 yr old daughter said "mom, I know your pregnant, I just feel it" so I went and bought a test easy enough pregnant or not pregnant right, well I took the test in the morning 1st thing and it said pregnant I was on cloud nine in shock my husband and I were elated, but I wanted to be sure before I got telling people outside my immediate family so I had a blood test "It was Negative" I'm so tired from this emotional rollercoaster and I called Clearblue they said they want all the packaging and are sending me an envelope to send it in to them for their lab to review,, I looked here and it seems I'm not the only one, what emotional distress, I think I'd pull this product until the testing phase is over, or until all the kinks are worked out..$LABEL$0 +poor battery life. Batteries lasted 2 days. They were supposed to be for a dog bark collar. I have never used a battery that gives a low battery warning the same day you install them. Don't buy these or anything that uses them.$LABEL$0 +The Milennium Approaches -- And It Is Grand. An absolutely amazing book. Helprin's command of the English language is breathtaking (keep a dictionary nearby!). Lyrical in its vision and prose, Helprin gives us an optimistic, hopeful view of the coming millenium.$LABEL$1 +Bad Episode Picks.. Really missed seeing this show. Doesn't seem to get as much air time as it used too so I thought this compilation would be just perfect. This show and a few others are out on this "Television Favorites" collection. Maybe it's just me but I basicly expected the episodes picked to be the best and most favorite one's. I was alittle let down by the episodes on here because I could remember so many great one's that were ignored.$LABEL$0 +I love it. I have five dogs and have tried most of the flea meds out there. Nothing has worked like frontline. This product was cheap on here (at least half the price of the same meds at the vet)$LABEL$1 +Exciting!. With his first novel, Dan Blankenship shows he has a real gift for writing. The Running Girl is suspenseful and exciting! The classic tale of good versus evil. The characters are well written into the author's vivid imagination. This book shows a positive family situation with a good message and I would classify this book as Christian reading. There are a lot of religious beliefs and ideas that may not be shared by all readers. I look forward to reading more suspense writing in the mainstream from this author.$LABEL$1 +Good bag for a small camera.. I bought this bag because Amazon had a big discount on this bag if bought with the Nikon D40x. I don't understand because this bag is soo small for a DSLR like the D40x. The only way I can carry a lens with the camera is if I leave the 18-55mm attached to the body, and then orient it upright. However, for a point and shoot or a prosumer camera, this is a great bag. (Although I don't know why you would need all this space for a point and shoot) It's got lots of pockets and is very sturdy. Couple of useless things on the bag, the zipper to close the inside body is very hard to close and not necessary. Also, not much you can fit into the little zippered pocket on the top flap of the bag.I am speaking about this bag from a camera point of view though. I can see how this bag would be quite useful and spacious for a digital video camera.$LABEL$1 +Great book. Great book. Really practical, clear, balanced and logical. I've read a lot of books in this area of study lately and it is unquestionably one of the best. A good balance using the most pertinent information from cognitive behavioral, psychotherapy and spiritual studies. The case studies are great. It's nicely grounded. I underlined many passages and find it helpful to just go back and read the underlines. It's been helpful both personally and in my work with clients. It's a book I've recommended to many people already.$LABEL$1 +Great Fun. I have read some negative comments on this game, all I have to say to is, where's your sense of fun? This games does not pretend to be a simulator, it's an arcade action game based on WWII. I've had hours of fun with this game, sure some of the missions are hard but it's still great fun. The graphics and sound are all great. It's all done very tongue-in-cheekIf you want some fun action then give it a look.$LABEL$1 +Not fun. This game is small in stature, much like the other "House of Marbles" games we have owned. I bought this game, along with "Hoopla" because they were both on clearance. I don't feel as if I got my money's worth, even for the price I paid. This game is extremely hard to master, especially if you're 6-years-old or younger. My kids grew frustrated with this game rather quickly, and it hasn't been out of the closet since.$LABEL$0 +Expensive junk. This router has been nothing but an expensive pain, a black hole for troubleshooting, and Cisco/ Linksys stopped supporting the first versions of it very soon after I purchased one. Obviously, they would like to pretend they never made this device. The N wireless is slow, disconnects, and has no range at times. Perhaps disable the wireless and use it as an expensive little switch? Not sure it can be trusted for that. They should have been recalled! We tossed this in a corner and switched back to a reliable 54G we had around.$LABEL$0 +The Kennedys. I ordered this movie for my husband because he had seen the show on tv and he wanted the DVD. When we got it we set down and watched it in two nights and it was really good. I knew my husband would enjoy it but I wasn't sure if I would but I really enjoyed it. If you liked The Kennedys then you need to get this dvd and watch it, it is a really good movie. The actors and actress in this movie was awsome it was well done. It really makes you understand the Kennedy family and what all they went through.$LABEL$1 +Sorry but who sings the songs is as important as the songs. The conductor and the singers can make a beautiful song the opera that everyone jeers and hates. To have a Russian singer doing o mio babbino caro is just plain silly...give the woman a break and play something from Russian opera...give a beautiful melodic aria to a lyrical singer like Caballe...boo hiss. Try Opera's Greatest Moments where they give Hvorostvsky an aria from Pique Dame and leave the bel canto to bel canto singers.$LABEL$0 +Just plain dumb. It was compared to a Bond movie. No way. Poor acting, poor plots. Waste of time and money.$LABEL$0 +Tiffen UV Protection File\ter. Bought this to go with the Olympus four-thirds E PL 2 camera. It is totally useless because it does not screw onto the lens. Shame on Amazon for recommending the purchase of this turkey along with the camera. It was cheap enough so it's not worth the hassle to try to return it and get a refund. Don't waste your money on this.$LABEL$0 +Consistancy = Awesomeness. The Planet Smasher's latest CD is a superb addition to their already stellar discography. Any PS fan will not be disappointed with the songs on this CD, they uphold that really great reggae/rock blend from Mighty. The songs "Here Come the Mods" and "Bullets to the Ground" resemble the feel of "Missionary's Downfall" and "Giants" upholds the slower feel of "Wish I Were American." Definetely a good CD for any ska collection.$LABEL$1 +never shipped. I never received this order. I received an email stating they were cancelling it and I will receive a refund for the gift certificate, but never received it$LABEL$0 +A great album!. I would give this more stars if I could. Andrea Bocelli has such a divine voice. Buy this album and your love it. He has such a beautiful voice!$LABEL$1 +Mediocre At Best. Another reviewer said that it is lamentable that MIT is no longer using this book. I'm an MIT student that had to use this book and am very happy that MIT had enough sense to change texts. The explanations were poor and it was almost devoid of decent pictures (visualizing is VERY important in calculus). Also, the examples were next to useless. I wound up using my high school AP Calculus book by Thomas/Finney (I think this is the book MIT uses now) rather than this text. There are a number of excellent Calculus books published, but this isn't one of them. Anybody who says this is the best calculus book hasn't reviewed many books.$LABEL$0 +VERY EARLY WAYNE. CLASSIC JOHN WAYNE-IF YOU LOVE HIM, YOU WILL LOVE THESE COPIES OF THE ORIGINAL FILMS$LABEL$0 +Ancient Economics 101. After taking yet another one of Prof. Figueira's courses on the ancient world, I was pleased to read something that was less overpowering to my mind. I think that Profs. Figueira and Brennan were able to capyture the similarities between our modern world and that of the ancient. They were able to apply concepts that we readily know now, to a world that we won't understand immediately. In particular the emphasis on ancient coinage was employed well.$LABEL$1 +Worthless. This book is absolutely worthless. The information is ridiculously vague. For example, if you wish to remove your radiator and install a new one, the steps basically say:1) remove radiator.2) install new radiator.No kidding! I couldn't have figured that out myself! And most of the book is like that. I don't know how you can cover model years 1967-89 and say anything of value.$LABEL$0 +This book doesn't exist. There's no such thing as Absolute Sandman by Brian Azzarello. This is a Neil Gaiman book from the 90s. Azzarello certainly wasn't writing any comics in 1980. Why is there a listing for a book that doesnt exist?$LABEL$0 +is double dipping good for business? if you think making your customers angry is, so yes it is!. There is no way i will buy the theatrical versions in blu-ray.Warner should know that millions of fan will wait for the EE.$LABEL$0 +Highly Recommended Read. Marty Neumeier's book is one of the best books I've come across on topics dealing with business strategy and design. A great read -- I highly recommend it!$LABEL$1 +"desperate American women". An unexpected bestseller, this self-help book for women who want to hook a man seems to have struck a chord with "desperate American women".That about sums it up~$LABEL$0 +Wipe my butt with this album. I liked camron's first album. He came off to me as an MC who has talent and needs to grow into his style and song content. But over the years, Cam hasn't grown and has become increasingly ignorant. What man would drown himself in pink outfits? Cam you are a man (at least I thought so) not a woman. Pink outfits are not cool. Him and his wack underlings (diplomats) need to find the nearest Super K mart and start their promising careers as stock boys. Listen to real MC's Like Mos Def and Krs One.$LABEL$0 +you gotta love this guy. Gordy Seegerman is definitely an "everyman" we can feel for...especially if you love whodunits - and music (whether or not Barry Manilow is your favorite singer). Dylan Schaffer's writing is wonderfully witty, his characters unique, and his storytelling will have you turning pages eagerly, usually with a smile on your face. The sequel "I Right the Wrongs" follows up and doesn't disappoint!$LABEL$1 +Bike Rack Review. The rack overall is fine. The way it bolts into the hitch is problematic. Even if it is tightened very securely, it becomes loose after about 20 miles of driving and the rack wobbles seriously, side to side.$LABEL$0 +not Hard..not Good. This game is very limited. There was supposed to be a website where you could download added features. But the original company sold, so no extras.$LABEL$0 +Their best album...Technical deathmetal, at its best!. Cryptopsy are a band that althought their sound changed quite a bit? They still manage to come out with some amazing music..."None so vile" by cryptopsy is in my opinion their best album todate and its even better then their debut "blasphemy made flesh" which was a very amazing technical album but had horrible production. Now onto, "none so vile" ? If you love your deathmetal technical,intelligent, amazing drummer (Flo) and originality for days? Get this album!As for the vocals ? I prefer lordworn's vocals over Chris barnes (sfu) , George "corpsegrinder"fisher (cc) ,and, Will rahmer (mortician), I mean those are the worse bands and all of those bands have horrible vocalists. If your a deathmetal purist? Then buy cryptopsy' "none so vile" because its a masterpiece.$LABEL$1 +Really? People actually rated this 5 stars?. I rarely find a book that I dislike as much as this one. Clara was a pathetic, unfulfilled, horny character who gives romance writers a bad name and McClain was an arrogant jerk who was always being rude and insulting to her. Puff the cat was the highlight of the book and he shouldn't have even been in most of it because what idiot would kidnap a cat with their victim when they could leave it behind? I can't in good conscience recommend this book but judging by the ratings of other reviewers I am in the minority, so you might enjoy it more than I did.$LABEL$0 +La Mission. This movie is fantastic. I love San Francisco and I love the actors. The story line is very special. I am so happy that I chose to purchase this film.$LABEL$1 +Classics won't scare you anymore. I just couldn't believe Emile Zola's genius when I heard that he wrote Therese Raquin on a newspaper manager's order of a detective novel.He simply read the newspapers for a clipping about murder and started writing it. What is surprising here is not how he started the novel but how he managed to make it a classic. It is a classic indeed, with an exception that I can offer it not only to "classics" readers but to any reader who is not conservative(for the book shows pure reality that is contrary to general taboos). It has everything that a classic should have: great use of language, a style(ie naturalism ), an insight to human feelings, mentality and conflicts, permanence through the years. What's more, it has everything that a bestseller should have,too: fascination, big events like murder, intrigues, love, hatred, sensuality. Perhaps you will find even more when you read the novel. It is everything one expects from a book.$LABEL$1 +Stop kidding yourselves.... Look, Gnecco's voice is extraordinary--there's little doubt about that. But there isn't one decent song or original turn on this whole album. It's all forgettable overproduced noise, and its edge is completely dulled by its own indulgent and corporatized marketing 'package.' I kinda wish they just cranked out a low budget live thing instead of this Dreamworks-2-years-in-overdevelopement monstrosity.I saw this guy play in a coffeeshop in northern New Jersey--just him and a guitar--and he was pretty damn impressive. He should hire/collaborate with a guy who can write and produce a decent song and become very, very, famous.This album could and should have been a lot better.$LABEL$0 +I wish there was more where this came from!. If you like the old lords of acid and praga khan, you'll love this album! It's a must have for anyones LOA & Friends music collection.$LABEL$1 +Bulky, but very useful. Until the recent release of low power CF wireless lan cards, this was your only option for going mobile with you iPaq Pocket PC. I've used the sleeve extensively with a Cisco Aironet 340 WLAN card and it works great. Want to go wide area? Slap in a Seirra Wireless Aircard and truely go mobile.While the sleeve is a bit bulky, the heft definately is out weighed by the usefulness. With new Pocket PC 2002 iPaq's (or the pending upgrade from Compaq for current owners), you can use VPN features while away from the office. The nice thing is Compaq seems very commited to the current form factor, meaning that even if you buy a new iPaq, the sleeve will still work for some time to come.$LABEL$1 +Item not delivered. I never received the item I ordered despite repeated attempts to contact Amazon and Buy-it-now-store. I will never order another item when Buy-it-now-store is the selected vendor.$LABEL$0 +RCA 16 gauge wire. The strands in the wire are very thin and tend to break off. I am still abe to hear the sounds clearly but I am not sure if I am getting the optimum quality of sound.$LABEL$0 +Yuch!. I listened to the audiotape of this book. The reader did the best she could with the incredibly cornball dialogue and trite descriptions, but it was still barely tolerable.If I heard the words "Little Bear Lake" and "Robert Flaubert" one more time I would have screamed. Who told the author that constant repetition was a GOOD thing? Somehow she must have the idea that it is somehow romantic to constantly repeat names and places.Not only is the story trite and predictable, but the bigger than life protagonist and his idolicized dead father are annoying as hell. If Robbie was so perfect then why on earth did Maggie dump him? And the wize words that come out of 25-year-old Elliot's mouth are ludicrous. Quoting the Great Gatsby? How pretentious!Romance followers will still probably swoon over this pap, but literature lovers will barf.$LABEL$0 +Big Dissapointment. I thought that this album was going to be the bomb but it totally ...! The only good song on the album is 'Heard it All Before'. There may be two other songs that grow on you but that is it. The lyrics are great but the rythms and melodies are skrewed. All the songs sound almost the same and her voice never really changes.... I think sunshine needs to collaborate with some other producers next album because this one bombed bad.$LABEL$0 +I could have written this study guide myself. This study guide is horrible. While it serves as an adequate review of material that is covered up to the level of education prospective teachers are expected to accomplish,it is poorly edited and does not provide accurate details about the structure of the test. I would advise anyone preparing to take the Praxis II Spanish test to refrain from purchasing this study guide. The official study guide published by ETS is very good and can be used in combination with a good grammar guide and materials from your literature and culture courses.$LABEL$0 +Junk. Nothing works properly on this gadget. The wireless function is a joke, the USB connection simply does not work and the printers that are incompatible is huge, Linksys will not even release a list. Read the rest of the reviews below this one and know exactly what all those one star reviewers went through, as I did. Stay away, not ready for prime time AT ALL!!!$LABEL$0 +Not What I Hoped For. I was so looking forward to these shoes, especially after reading all the wonderful reviews. They did arrive very quickly and I tried them on right away. The fit was fine, but I found the meshy fabric too be loose. I couldn't do alot of walking in them because I thought they would fly off. The fabric was very breathable and the arch and heal support was wonderful. Wished they would have worked, but I had to send them back.$LABEL$0 +short lasting HDTV for over $200!. I had bought this item at SAM's Club in Sept. 2008. The TV started acting up near the end of April 2009. The TV ,when initially, turned on, would make a loud pop or a high pitch buzz and the screen would go black. After doing this 2-3 times back to back, the TV would warm up and finally work. I use this mainly as a TV, now I am using the screensaver on my computer to warm up the unit, so I can watch TV (Very inconvient). I am considering getting a 19" Vizio LCD. I only wished that I had read the reviews prior to my purchase. I am definantly staying away from ALL Phillips Magnavox products in the future FOREVER!$LABEL$0 +Early-90s "dump" to CD needs RE-MASTERING!. There's a problem here. The Cars sold mega-platinum, especially Heartbeat City, which virtually defined the mid-1980s sound and look. So! Why is this CD a crude, early transfer with virtually no packaging?Seems the problem is, Elektra's out of business, or bought-out by a larger, more apathetic company. Also, could be the more "casual" Cars fans are tired of these Top Ten singles and MTV staples.Being ignored are we, the long-term, die-hard Cars fans who listen to EVERY album, EVERY summer ("it turns me upside-down / like a merry-go-round"). Whether this album is too commercial, or that other album too "arty" is NOT THE POINT. We deserve a quality reproduction of this ground-breaking album.Sadly, this current CD version is sonically INFERIOR to a clean cassette, or even vinyl on a good turntable. This. Is. WRONG.$LABEL$0 +IT WORKS!!. Have tried no less than 10 "guaranteed to work" remedies for keeping deer fromeating my shrubs next to my house no doubt! Some worked better than others, but all of them had 1 thing in common. Reapplication after rain etc. This is as simple as hooking up to a garden hose and turning it on. Have seen no visible evidence ofdeer eating on (new or existing) growth since it has been in use. Approx 3 weeks!!*****ADDED BONUS****** My 5 year old grandaugher loves it too! She thinks it is a game of who she can fool into getting squirted.$LABEL$1 +To the guy who hates Sonic Adventure 2.... If you hate 3D Sonic games, but like the 2D Sonic The Hedgehog, Sonic The Hedgehog 2, Sonic the Hedgehog 3, Sonic and Knuckles, Sonic CD... AND SOME OTHER GOOD 2D SONIC GAMES... you're a true sonic fan. I love the 3d sonic games. I just wish that SEGA wouldn't be third party. I like Nintendo and I think SEGA and Nintendo are tied. And I still think they're rivals! But to the guy who hates Sonic Adventure 2... you suck.$LABEL$1 +The so-called "greatest" 100 guitarists list in 2000-whenever told all I needed to know.. No Scandinavians. No Japanese. No John Petrucci. Jack White ahead of Tom Morello. Eddie Van Halen all the way down at 70. And I haven't called out half of the things wrong with this joke of a list, I'm sure. RS is an expensive bonfire, and they don't deserve your money.$LABEL$0 +Good Working Picture of the Opening. This book offers advice for the practitioner of the Spanish. It is reasonably complete in the fact that it covers the opening from the point of view of black's responses.As you know the Spanish goes 1. e4-e5, 2. Nf3-Nc6 3. Bb5 ... It is here where the author starts. The book goes through all the major variations in some detail. (Often my computer will eventually diverge down some hidden lines of play which were overlooked by this book.) The only major drawback with this book is that the exchange variation is not covered in-depth.Overall, this is a good book and recomended for any player. (Also, if you are a beginner and are looking to study the openings, the Ruy Lopez and the Queen's Gambit are a good place to start.)$LABEL$1 +I Fell Using This Bath Mat. These mats are very large and have a great thick rubber feel. But the "suction cups" on these mats can be problematic. The second time I used my mat, I moved to turn around in the shower and instead of the "suction cups" gripping the tub and keeping the mat in place, the mat suddenly slid down toward the drain. The thick rubber surface of the mat kept my feet in place, so my feet slid with the mat. I tried to catch myself, but it happened so fast that I couldn't. I fell very hard and landed squarely on my rump in the tub. I was sore for 3 days following this incident, but otherwise I was okay. This was a frightful experience and the one good thing that came of it was that I got to stop my 83 year old Mother from using the mat I had purchased for her. My Mother is very frail and had she slipped on the mat and fallen as hard as I did, I have no doubt that she'd have fractured bones.$LABEL$0 +Great, Great, Great Book!. As always, Lynne Graham delivered a wonderful read. This book, as ALL her books, has GREAT: gorgeous billionaire hero, virginal heroine, memorable dialogue & scenes, romantic setting, wonderful chemistry between hero and heroine. I have read all her books, and they're all excellent. I eagerly await her newest release. If you enjoy reading romances that are pure escape, romantic, Cinderella-type romances, I highly recommend Lynne Graham.$LABEL$1 +Bunch of self-righteous pussies.. Aaron Lewis needs to quit his bitching. I can't believe I wasted my money on this.$LABEL$0 +Put your money towards something else. We have had nothing but trouble with this thing. Like other reviewers said the part that lifts up to empty the potty is not convenient. The latches on back to keep it together are very flimsy. The step stool only works when you take the potty apart and turn it upside down. The only time its convenient is if you are ready to move the seat to the adult toilet and use the step stool part as a step stool full time. But the worst part of this thing is the splash guard. My son never played with it. But once it was moved to the big toilet it would often come off and fall into the large toilet all on its own as my son was trying to get down. One day it fell off while I was taking him off the potty and I flushed before I realized it was in there. No, I didn't expect the chair to potty train my child for me but I certainly expected something that wouldn't fall apart.$LABEL$0 +Awful!. This only seeem to work when it wants to. Not at all consistant. Sorry I purchased it. Don't spend your money.$LABEL$0 +Should be in everyone's library!. I've been familiar with this liver flush from back in the days when it was just a little book-let. It was amazing back then and it's still amazing now. We spend so many years abusing our bodies with improper diets, eating chemicals and other toxic substances that our livers need a break! Your liver makes stones from all this abuse and this flush removes them safely, easily, and effectively. It's easy to do and requires very little monetary investment. Highly recommended!$LABEL$1 +Perfect. After listening to this album for the gazillionth time the other night, it occurred to me that if I had to pick just one album to take to the grave this would be it. While I love much of VM's music, for me Astral Weeks is only approached by the almost-as-wonderful Veedon Fleece.I'm not going to write a lengthy review, many others have already done so much better than I could but I figured I should give perhaps the best album ever recorded a 5 star rating. So here it is.$LABEL$1 +Much too long and boring. Like a text book. Gave up. I could not continue with this book any longer than 200 pages. Did'nt care what happened to the people. Found that I was speed reading just to get through it. This book is not for me. Can't give it away.$LABEL$0 +Not the same as before.... Though the quality is not as great as the previous script books, Volume 3 of Season 2 does have some of the best scripts of the season!The book is slightly smaller than the previous 4, yet holds as many scripts. The pictures of the side and cover are smaller as well. Still, it holds the scripts that are the main point. Nice otherwise for any Buffy fan!$LABEL$1 +it does not work. The quality of this '61 language' CD is pathetic.There is very little information per language and thereis no way you will learn anything from this.$LABEL$0 +Small Miracles: Extraordinary Coincidences from Everyday Life. Very disappointing book, stories are short and where there should be the end of the stories is the authors thoughts, with lend no value to anything!$LABEL$0 +Maybe I'm biased.... I AM a friend of his :) Normally I don't enjoy poetry, but his is really easy to relate to (especially if your name is Bret Easton Ellis). The poems themselves range from introspective to insightful and if he's lucky, both! As a whole, the collection is wonderfully eclectic and a joy to read.$LABEL$1 +Piece of garbage. I couldn't even get enough blood out to complete the test which means that I never received the results from the test. All of the equipment that comes with this kit is cheap and ineffective. Don't waiste your time.$LABEL$0 +Horrible Conversion!!!. I love this show. That said... the creators of this masterpiece should have the right to shoot whoever made these DVD prints. When the DVDs do actually play, they look like I made a copy with a pudding covered VHS tape. On some episodes I can almost see through Sam if he has on black. The black levels are horrible. The coloring is just plain off. Colorized versions of old Gilligan's Island look better than this. Also, I thought I could get past the music part, but OMG it just sucks. Next time let me record some Casio songs and throw them in there... it'd be better! The music was such a part of the show.. I feel ripped off in every way buying this. Seasons 3-5. Season one played fines and had the music.$LABEL$0 +Head phone for cell phone. Works great my mom loves them. Blue tooth just is to much hastle. Keep it simple.$LABEL$1 +Teach ANYTHING to anyone?! I don't think so!. These books have the most misleading titles! Unless you are teaching Sunday school bible classes, this book is mostly useless, because the only examples it gives you are about how to better teach the bible. The title says 'teach almost anything to pratically anyone'. That is so NOT TRUE. Sure, it gives you some pointers, but I feel I have to squeeze the text really hard to get some juice.I bought this book and 'Almost Every Answer for Practically Any Teacher' hoping to learn how to teach better, and to get in touch with modern teaching skills. What a disappointment and a waste of money! The other book went straight to the garbage can.Another thing: if all the examples of bible teaching were stripped out of the book, it would be half the size and, perhaps, a much more pleasurable read. Maybe it would even earn another star!$LABEL$0 +Linspire? Use Ubuntu instead.. Linspire takes a free (as in beer and as in speech) Linux distribution known as Debian, and then charges for the "service" of downloading software from a repository that is about 1/7th the size of the Debian repositories. If you wish ease of use, and adhere to the Debian ideal, get yourself a free-of-charge copy of Ubuntu courtesy of http://shipit.ubuntu.com, and then access the Ubuntu and Debian archives WITHOUT having to subscribe to anything.$LABEL$0 +Awsome Cd. I Met Them A Few Times And Gone To Alot oF there Concerts And Theres Only 1 Thing TO Say About This Band Is Amazing There A Great Band With Very Good Songs Its Worth The Money 4 The Cd Belive Me Every Song Is Awsome And Just Buy It ITS GREAT!$LABEL$1 +Can't judge this book by its cover.... I was looking for a good "reference" book on VBScript that would cover each function, their methods, properties, etc. While this book does indeed contain this information, its only 100 of its 800 pages (in an non-indexed appendix). It tries to be a little bit of everything (COM, ASP, browser controls to name a few), but doesn't excel at any of its topics. For example, there is a 16 page chapter on using COM components in MTS (this is supposed to be a Visual Basic Script reference guide remember!) This is a topic that can't even be introduced in 16 pages.The book almost seems like outtakes from books that never quite made it to print.If you're looking for a good VB script reference, this isn't it.$LABEL$0 +Don't buy this!!!!. I have a Cuisinart coffee maker, model DCC-1100. This filter was supposed to fit, but it does not. And the handle came off instantly. I could use it without the handle if the filter fit, but, to repeat, it does not fit!$LABEL$0 +What a disappointment. After listening to and loving River Runs Red, I went out and bought their next album, Ugly. Turns out Ugly is lame in comparison. Did Cher become the new lead singer or something? Just listen to How it Would Be, and try to tell me that's not Cher. Not that I have anything against Cher, but she just doesn't fit in the metal scene.$LABEL$0 +So Outdated Dont waste your money!. This book was written in 1988, and refers to the mass suicide in James Town as "a few years ago." This book is completely outdated and truly truly for people who have ZERO self esteem. I admit I have my issues hence why i purchased this but even I couldn't finish, let alone really start this book. I spent a half hour attempting to read the beginning and skimmed for another 1/2 (see? I tried) I'm 21 years old and its completely irrelevant to these times, the way my generation thinks and behaves. My advice, leave this one alone unless your a pathetic wallowing mess who wants to read examples of other wallowing pathetic messes ( example: Robert R. "I hate my life because my gf left me." Susan Q. "My work makes me feel worthless" etc etc) No real advice just a bunch of bull. Whatever it takes to sell books I guess.$LABEL$0 +Disapointment. I am very disapointed since I received a Blue Ray for Zone B (Europe) and I cannot watch it in the US???How Amazon does this in the US?$LABEL$0 +GREAT ALBUM, BUT YOU'RE BUYING THE WRONG VERSION!. The Japanese imports of the Doobie catalog are remastered.Warner Brothers here in the U.S. is still selling the old LP-EQ'd, terrible-sounding masters they released on CD in 1990.If you love these albums, get a set of the Japanese editions. They cost more, but they're worth it.Here is the link to the Japanese remaster ofStampede.$LABEL$0 +didn't fit as described. amazon has a feature called, "make sure it fits your vehicle". It FAILED. i had to return this cap since it is the wrong one. i later looked at the reviews and found out i wasn't the only person to return this item for not fitting my vehicle.$LABEL$0 +Excellent saw.. I bought this saw with some reservation to replace my existing Porter Cable 347's. Those saws were my favorite and I could no longer find them anywhere. I was pleasantly suprised that the saws power and design did not let me down. It appeared bulky from the pictures but the actual saw gaurds and the such are not intrusive like I thought they would have been.The basics are the same as the trusty 347. Nice substantial magnesium base, light weight, lots of power etc., but the subtle improvements (angled cut to the base, built-in sawdust deflector, rubber handle, to name a few) are very nice, making this saw a joy to use.Enjoy.$LABEL$1 +Spanx. They are okay however the waistband keeps rolling so not really what I am looking for as it bunches up at waist and not a smooth look like I thought it would be.$LABEL$0 +NETWORKED TV. Well, it isn't HDTV but it works and works well! You can see clearly once it is set up properly. The system installed easily and worked out of the box with no problems. The software was a bit sparce but it worked. I use it to take pictures of patients and the quality is good. Hey, it's no Mona Lisa but at least I can see which Mrs Jones is here today!Buy it. It is good value for money.$LABEL$1 +Fraud. This guy is a fake. The book is ok. The author has no business writing about this topic. After purchasing a $39 ebook from his that did not deliver on the promise, I tried to get a refund and couldn't. I did some research on him and it turns out he has NO experience as a marketer. He's a general writer who's sold a lot of articles. He has NO business talking about "empire building" or "nich marketing". Besides the fact that he is extremely unprofessional in his business dealings.$LABEL$0 +One of the best coaches active today. Nick Saban relives his coaching through the LSU years. The major disappointment here is that Alabama is mentioned and pictured on the front cover, but there is not one word written inside the two covers about Alabama. My interest transferred to Alabama when Bear Bryant went there in the mid-to-late 50's. Good book on self improvements more than football.$LABEL$1 +Don't waste your money !!. I bought this game at Best Buy, and was told it was "just as good as Sony but cheaper cuz the Sony name wasn't on it". As soon as I got, it home and opened it, I found out why it's cheaper: 1. gotta load the software every time (yeah right, that's a great feature !!) 2. Cartridge got stuck in the game deck 3. Saves unbelievable and excruciatingly slowwwwwwwwwwwwwwwww !! This piece of "hardware" isn't worth the plastic packing it came in. What a complete WASTE !! Time to try and get my money back.$LABEL$0 +like design and product but not color. the product is great. i prefer it over other popular drugstore eyebrow pencils that are similar. i like how thin the liner is. and how it twists instead of having to sharpen. and the brow brush on the end is so practical. however i only gave this 4 stars because the color is kind of dark. I have dark blonde hair with highlights and my eyebrows are more like a light brown and this color is at least as dark as my eyebrows if not more. not sure how the other colors compare but i like this product enough to try to find it in blonde, instead of just dark blonde.$LABEL$1 +Excellent book for even reluctant readers!. I loved "Belle Prater's Boy" from the moment I began reading it, and my love only deepened when I began teaching the book to my 6th grade students. The children were immediately fascinated with the many mysteries in the book, such as the sudden disappearance of Belle Prater, the mysterious circumstances of Amos' death, and why Gypsy has strange, violent nightmares. The author skillfully reveals clues steadily throughout the book, causing readers to keep reading until their teacher forces them to put the book down. :-) My students loved examining the clues and playing detective to determine how the pieces fit together, as well as discussing the themes of forgiveness and how appearances can be deceiving. "Belle Prater's Boy" proved to be an excellent book for my 6th graders, many of whom are reluctant and/or struggling readers. I give it my highest recommendation for children's literature!$LABEL$1 +Interesting Beef Jerky. This brand of jerky has its own different, distinck flavor compared to other brands. It's quite a good flavor, I would call it interesting as it tastes different than most jerky's out there. The consistency is good, it has a nice texture, chewy and a bit juicy. It's not the best out there but it is very good in its own way. It has a bit of a sausage taste to it, kind of like a slim jim but you can barely notice it. Also, it is a bit salty. There is nothing out of the ordinary in the ingredients list.This is a good choice if you want a high protein, low calorie, low fat, and low carb snack on the go.$LABEL$1 +Hectically paced, poorly executed. Hermann Scherchen belongs with Jascha Horenstein in that quirky category of great conductors who recorded with such poor orchestras that it's often hard to listen to the results. Considering how truly terrible the Vienna Symphon(Pro Musica) was in the Westminster era, you have to tiptoe carefully indeed to avoid some real train wrecks. Even the Vienna Staatsoper orchestra, which is supposed to be composed of members of the Vienna Philharmonic, was veyr raggedy in those days. This is a breakneck Eroica performed without much technical finesse, yet among Scherhcen's Beethoven readings, it is typical in both respects.$LABEL$0 +Worth watching.. EXCELLENT special effects. Optimus Prime and Megatron rocked. Storyline wasn't too in-depth, that's my only gripe about this movie. Looking forward to seeing the sequel. 4 stars. Definitely worth watching.$LABEL$1 +A worthwhile read, but not for the mystery.... While I agree for the most part with the more prestigious reviews already posted, in the end, this book falls flat. Unsworth impressively whisks the reader back to medieval England, presenting characters who are sympathetic to a 20th century audience, and the story progresses in an interesting and thoughtful way. However, the final answer to the whodunit is much less impressive than the portrayal of the acting process, especially the interactions and improvisations that are part of every stage production$LABEL$1 +The name is miss leading.. There was nothing wrong with the tools themself but they were not specifically Electrian tools. It has standard tools in it not special for an Electrical work.$LABEL$0 +He STILL does not explain!. Martyn Gregory STILL does not explain why the following happened!1. Why was a partial embalming done on Princess Diana while she lay in the French hospital.2. Why did street cleaners come into the tunnel just a few hours after the accident to clean the street where the accident was.3. Why did they reopen the tunnel just hours after the accident.4. Why was Henri Paul's blood packed with carbon monoxide.5. Why wouldn't anyone let Henri Paul's family do an independent study on Henri Paul's blood6. Why were witnesses that saw certain things eliminated from the investigation. And on and on and on. In my mind, Princess Diana was 'eliminated' by top professionals....and they got away with it. Read 'The Hidden Evidence and 'The Murder of Princess Diana'!$LABEL$0 +Stunning. Lyric, unsentimental... moving... Kleinzahler demonstrates tremendous virtuoso as a poet, integrating the language of the city and the language of the heart into his work.One of the very few contemporary poets today with a lyrical ear and a vision for a poetry that challenges what he calls the "professional neuroticism" of the neo-confessional poem and the vacant opacity of avant-garde poetics.These poems hit close to home. They are engaged in the city with all of its energy, loneliness, and paradoxes.$LABEL$1 +A disappointed little girl..... Why in the world would they still be selling software that only runs on a 16-bit architecture? At least, they should make an upgrade available. Who even looks at that stuff anymore? You just expect the software to run, but if you have a computer purchased in this CENTURY, this won't run. What a disappointed little girl I have.$LABEL$0 +thought it would be better. Everything that volume five was, this one wasn't. It had some mediocre tunes, but nothing that approached the flow and catchyness it's predecessor had. I tried to like it and if I hadn't listened to the previous ones, I might have liked it. That is the problems when you get compilations, the listener is subject tothe whims of the compilers and there are no guarantees. In the big picture there are no guarantees either and I'll take my lumps.$LABEL$0 +Busted and empty pills in bottle. I have been buying NOW products for a while because I used to feel like their quality standards were very high compared to other manufacturers. When I received this product several capsules had leaked into my entire bottle covering the pills in the awful taste of raw supplements. Additionally some just appeared to have been blank from the factory. As far as effectiveness of this supplement, it is too early to tell. At this point I will probably be switching manufacturers should I buy more.$LABEL$0 +Stereo mode didn't work for auxiliary mode. I love the way this looks but the functionality just wasn't there. At this price point that just didn't make sense. I ended up with another Tivoli product but found that for the cost this should work better. The Stereo mode didn't work (the 2nd speaker) when I was using the auxiliary input. Returned and got the iPal and am very happy.$LABEL$0 +dissatisfied log 10. Yes, like all of the numerous dissatisfied customers who had problems with this product, the screws and nuts are not compatible. I had to force fit the screws. Once assembled, the apparatus is unstable to do chin-ups. WARNING: DO NOT WASTE YOUR MONEY ON THIS PRODUCT!!!!!$LABEL$0 +Defective card. I have always used sandisk CF cards. I bought this for my new Canon 40D and right away I started to see that one out of every 100 images was corrupted. First I thought it was the new camera but soon the camera started to freeze on me when in continuous shooting mode. I thought I might have a bad copy of the 40D! Did some research and found that the same issue was faced by others and the issue was the card and not the camera. I replaced it with an EXTREME III 4GB card and i have not seen the problem since even in continuous shooting mode. I'd recommend sticking with EXTREME III series for now!$LABEL$0 +Not a nickel would I spend.... If sales of this CD featuring "various artists" help Stan's widow and family, so be it; but I cannot in good conscience recommend it to anyone to whom this music really means something.I had to listen to one of my old Stan Rogers albums to hear the real thing and get this pale imitation out of my system.$LABEL$0 +JUST GREAT!. I'm from India and Junoon are one of my fave bands! They are just great! The way they blend the east and west together with their music is amazing! I'd recommend this album to anybody who enjoys good music.$LABEL$1 +Dissapointing. A Steven Spielberg sci fi film starring Tom Cruise can create a lot of hype and expectations and unfortunately this film fails to live up to them. The film's first twenty minutes are compelling but once Cruise has to go on the run the film falls apart. The action scenes in this movie are laughable and their is far too much CGI. The process of how the precogs determine the future is not explained well enough either. Spielberg last great film was Jurassic Park and he has been slipping ever since, by focusing too much on effects and not on relatable charachters or compelling story.$LABEL$0 +Does what it's supposed to do.... I was in a bandaged split on my right foot and halfway up my leg after my Achilles tendon surgery. I used the waterproof medical tape for a few weeks whenever I needed to wrap white plastic trash bags around my foot and leg before showering. The tape held well without being too sticky and painful when it needed to be pulled off. I used two trash bags and "double wrapped" for better water resistance. You have to do a good job because water will find it's way in if you don't. The bag and tape ritual was a royal hassle for a few weeks but the tape did what it was supposed to do.$LABEL$1 +Tough tubes. Resistance is GOOD, first need to get used to them, they will shoot out when in a bind. They are an alternative to iron weights at home in the room.$LABEL$1 +Professors please don't ........Please. Please listen to the words of an undergrad. I have had a strong background in Calculus I and when i was assigned this book for my Cal I class.....I became confused. This is the worst book ever. Every one who has taken Cal I at Tulane also agrees.$LABEL$0 +There is no low speed!. We just turned our red Dualit mixer on for the first time. The mixer is designed with 5 speed settings. The very first speed - the "blend" setting - sent our mix spewing across the kitchen. Racy is indeed a correct term. Either our product is defective or the engineers have never made a cake and don't understand a slow start-up. Sadly, we're packaging and returning this mixer, and then washing the ingredients off the cabinets.$LABEL$0 +Excellent Album By One Of The Best Blues Guitarists Around. Jimmy Thackery is one of the best blues guitarists around. His talents should make him known to a far wider audience than he seems to have but such are the unfortunate realities in the lives of musicians. Thackery is one of those guys whose name should be instantly recognized among blues fans, but whose name is not that well known. Too bad.This is one of Thackery's first releases and it's an excellent album. If you like blues guitar, then this album is well worth your attention.If you like artists like Stevie Ray Vaughn, you'll like this Thackery release.$LABEL$1 +Captive. I read this book in one day, I could not put it down. A very different James Patterson but just as great as ever. I strongly recommend this book. You will love the characters and the writing is extraordinary.I have since passed it on to all of my friends who have all equally enjoyed it as much as me.$LABEL$1 +Don't bother. DBZ, GAG! don't waste your money on anything with the title Dragon Ball Z. Go spend your money on a decent series like Trigun or Cowboy Bebop. I only gave it one star because it didn't have a zero stars option.$LABEL$0 +Disappointed. The first bottle I got had a pinhole in it and it leaked into the box, tossed it out and Amazon, as always came through and replace it. I am very disappointed in the product however, makes my hair feel greasy no matter how little of it I use, will stick with Catwalk super mousse, for fine straight hair, the Catwalk is a better product for me.$LABEL$0 +the camera armor. i was a tad skeptical about ordering this product. when it was orderd,it was long before i recieved this package.and it fit my nikon d-60 like a glove.i was so relieved to know my camera will be better protected way better then when i had no armor at all. im really satisfied.if anyone has a good camera,you should invest in this lil honey.i will tell all my friends where to go to get this armor.this item makes perfect sense.and it was shipped in no time at all,all i can say is im very happy i bought this......way to go guys,keep up the good work.............robert, aka bat anderson$LABEL$1 +Truly illiterate and truly fatuous.. I am 55 years old and have a master's in journalism. I am a professional copy editor. When I read this book I became so frustrated I came close several times to throwing it away.This book had to have been published without an editor. About every third sentence in the entire text is not a sentence with a subject and verb -- instead what you get is a clause, dangling by itself, with a period at the end.Also, the author must have sat down before he wrote this manuscript and compiled a list of every obscure word he could find in the dictionary -- or worse, German publications from the 1920s and 1930s -- and made sure he used every last one.If I knew a way to ask for my money back I certainly would do so.This book is a nightmare.$LABEL$0 +Cheating on cheats. The box never said that it wouldn't work with newer versions of PS2 and I would have to buy an $8 upgrade disk. The upgrade should be free!!!$LABEL$0 +Tedious and uninspiring. This was a BAD movie. Not only was it boring, it also gave you no emotional connection to its characters. The main revelation seems to be that, (NEWS FLASH!) women think about sex, too. I was especially saddened that the conclusions the couple reached after their mutual mistakes were that 1) the word "forever" made the wife nervous and 2) they needed to go home right away and ...s. And this in the midst of a crowded department store while taking their young daughter Christmas shopping. Wow! That's romantic! Talk about the love of a lifetime! I'm sorry that Tom and Nicole wasted so much time and effort for so little reward.$LABEL$0 +Profiteering. When I tried to order this item Amazon wanted $15+ to handle and ship a $12.75 item. Until now I never thought Amazon were in the business of rip offs! Now I know better and will look for a more honest supplier.$LABEL$0 +Good coverage of Postfix. This book does a decent job of covering the basics of Postfix configuration and various options available to the administrator.$LABEL$1 +Let's get back to our roots!. The battle for everything is a wonderfully musical album that really goes back to the roots of a true artist. John more or less is Five For Fighting and his passion for music really shines through. Similar to America Town, there are classic guitar sounds combined with beautiful piano melodies. One Hundread Years, the single from this album, is the type of song that makes you think, laugh and cry. Disneyland just puts a smile on my face and reminds me of many summers at Disneyworld. NYC weather report really shows urban flare to it, and just is a wonderful song. I had very high expecations after America Town for this album, and John delivered 1,000 fold. If you don't have this album get it now, cause it is the type of album that you can listen to over and over again!$LABEL$1 +Nothing New. I heard some of this album and it is definitely nothing new. What Limp Bizkit is doing has been done before, and much better. If you enjoy the rap/rock/metal of Limp Bizkit, then listen to Rage Against the Machine because their music is much more passionate and meaningful than anything Limp Bizkit has released up to now. "Three Dollar Bill, Y'all" was a step in the right direction for this band, but "Significant Other" is not in my opinion.$LABEL$0 +The most fun in SF. Stephenson is one of the 3 best cyberpunk authors, one of the 10 best SF authors, and certainly one of the 100 best authors alive (how's that for random?) This may not be his best book, but is the most fun, and not to be missed. If you are new to Stephenson, promise yourself to give it 50 pages. If you do, you'll read everything he has written. Do it in this order: Snow Crash, Diamond Age, Cryptonomicon. After that, you're on your own, because you are truly hooked.$LABEL$1 +Drools. It seems well made and holds plenty of water, however, the sprinkler (rose) doesn't sprinkle very well. I tried using it for watering some seedlings and I nearly drown them. Very disappointed!$LABEL$0 +Very bad quality sofa. Yes, indeed, the sofa looked great on the picture for me too, in addition to that the reviews were just excellent, though, I suspect the were written by request of the company's owner. The sofa proved to be of a bad quality, awfully inconvenient and doesn't have much of space as a sofa compared to other ones. As one of the reviewers noted the useless pillows slide off, the sofa has a bar in the middle once it turns into bed and I have backaches all the time after I sleep on it. I did not have much of a choice a year ago when I moved into a new apartment, and it seemed to be as a good idea to buy this bed from the Internet. I doubt I will ever be purchasing furniture online after this terrible experience!$LABEL$0 +Very Leaky!!!. We bought this tent as a first timer camper for our family. We liked the size and that it had 3 rooms. We were very excited to have a tent of our own as we had borrowed them in the past. The first time we used it everything went well. Set up was quick and easy and it didn't rain. Then next trip it rained and when we found out it was leaking everyhing was soaked soo bad that we had to pack up and go home. We were very disappointed so we returned the tent to the store for a refund. Since we have not bought another tent as we are afraid of the same thing happening. I don't understand how other reviewers can say that this tent did not leak at all?????$LABEL$0 +poker tabletop. This tabletop was what I expected. It arrived in good condition, on time as promised. I used it for a home game on top of 2 card tables. It worked perfectly. The cup holders are shallow and 2 people spilled drinks on it. For the money it is worth it.$LABEL$1 +For those that enjoy military SF.... While the author's style adds little to push the edge of the envelope in SciFi it is, when action is presented, a fast paced exciting read. This helps to cover the logic inconsistencies that pop-up from time to time. His character development leans too heavily on sterotypes, but that doesn't get in the way of the story line. One petty observation, my First Edition had far too many typos, errors and word ommissions, which I hope will be corrected in future editions. I make enough of these myself...$LABEL$1 +A prayer to the DVD gods. Among many others, I, too, remain bewildered by the absence on DVD format of this brilliantly hillarious film. All the performances mentioned in these Amazon reviews were terrific; I just want to add Wilfred Lawson's butler Peacock for special mention.$LABEL$1 +Too messy!. I bought Harrah my large dog some of this 2 years ago, and of course it smells SO GOOD, but it is just too messy.Most of the "bar" has been turned into powder from it being so brittle. So you get maybe 1/4 of the "ice cream bar" intact while the rest just sits on the bottom.I do not mind my Harrah having fun while eating a treat but even she was turned off trying to figure out where the "powder" went. (Since its freeze dried, unless you get a sizeable chunk the minute the powder is wettened by her nose or tongue its "melted") This just confused her and she ended up leaving the powder and small pieces alone.But if youre lucky and can get a pretty entact bar, I'd say give it a try. She seemed to like the sweetness.$LABEL$0 +Totally 70s. This is the sequel to the classic 1996 hit that parodied the cliches of slasher horror films. A typical updated slasher film, yet the brilliance lies in parodying that which it is, a chessey slasher film on a low budget. David Arqutte is a Clive Barker look alike. I gave it two stars because my tastes have changed since I was the geek rooting on the killer. At one dollar, you can't go wrong for cheap slasher flicks, except it lacks the drive in aura of Halloween or even the classic icons of Friday the 13th or Nightmare on Elm Street. As a straight slasher film series, this would be great, instead it's poking fun at the slasher film cliches. A joke it is.$LABEL$0 +$96? Are you kidding???. I think there must be an error in the decimal point in the price. A box of refills shouldn't cost more than about $10 at target.$LABEL$0 +very interesting book, but...... This is a very readable and useful book, I appreciate it. However, almost of all people in the book are the westerners with few exception ;( Mishima Yukio and Hafez ). Therefore, you cannot find famous Arabian, Persian, Turkish, Indian, Chinese, Japanese gay & lesbian people. And in the book, there do not exist important figures like Platon, Epameinondas, Harmodios and Aristogeiton et al. In addition , even Jean Cocteau, Ludwig 2nd , Truman Capote, Somerset Maugham, and Luchino Visconti also are absent.$LABEL$1 +Purchased for a charity auction. This was auctioned off at Emeril's big annual charity dinner, Norman was a guest chef!! Auction lot included 20 specialty chef cookbooks.$LABEL$1 +Don't Bother. I can't believe that Sidney Sheldon wrote this novel. I have read all of his novels, and enjoyed them, but I found myself skimming this one after I was only halfway done. The dialogue between the characters was lame and unbelievable. The story was choppy and didn't flow at all. I was thankful I borrowed this book from the library!I found it very disappointing.$LABEL$0 +Wait for the movie then go see something else. Poorly written and entirely predictable. I could not wait to put it down and regret ever picking it up. The book back cover reads better than the book.$LABEL$0 +not so hot. Fun, in low-key sort of way, but it has both the strengths and weaknesses of a first novel: cheerful and insouciant, but searching for a solid ground.$LABEL$0 +Good poetry book for young kids.. I got this for my son, and he enjoys its offbeat teenage humor. I enjoy that he is seeing reading and writing presented in a different way.$LABEL$1 +Convoluted plot. This is an extremely convoluted novel. There are multiple subplots which seem disconnected but then at the end are coincidentally brought together (maybe??). You spend half your time trying to figure out who's who. Maybe it's time for Cornwell to go back to "plot" school.$LABEL$0 +sympathy for women over 50.... felt so bad that these wonderful beautiful talented actors had to resort to such drivel to make a sawbuck... at least Joan looked normal and aged well, Bette having to out ghoul the ghouls to illicit some scare tactics and rats n tweety bird for dinner just took the cake, and that dang song would not leave my head about that DaDDY!!! whose address is heaven above, well I wish that is were this film would go, the ending on the beach was unexpected but that ice cream looked good and back then they made it with the good stuff... Bette's daughter is abs gorgeous and expected to see more of her but after she witnessed this death march would expect she would steer clear, oh well, maybe a remake with Angelina Jolie and Jenn Aniston in 2025 is something to look forward to!! ;}}$LABEL$0 +A total wast of time. I'm so sorry for my precious time that spent on reading this stupid book, if you are over 30 year old , never ever read this book ... it is for immature girls!$LABEL$0 +Boring!!!!!!. I have been a Stephen King fan for years and loved his earlier books. This one is a disaster. I kept trying to read it but finally gave up. I think he has lost his ability to write great books such as The Stand, Carrie, Pet Sematary, Salem's Lot and other earlier books. Luckily I got this book as part of an introductory offer for membership in a book club. I'm glad I didn't spend much money on it.$LABEL$0 +Classic?. Seems most like to refer to "Heartbreaker" as his masterpiece, and while I tend to like "Love Is Hell" and "Cold Roses" a hair more, this is in my top three. Being his first solo album after he ended Whiskeytown, this naturally sounds like that band more than his later albums do. It's all alt-country here. After the intro track, this starts out rocking with "To Be Young (is to be sad, is to be high), then quickly mellows for most of the rest. Many of these are what I consider to be quality sad songs, if not lyrically, then musically. The first half of "Heartbreaker" I find the strongest, and a few songs are really slow, but the whole thing holds up well. There's no doubt this guy can write a good song. Again, this might not be the first Ryan Adams album I reach for, but It'll always remain in my vinyl collection.$LABEL$1 +First Rate Production is a MUST for Serling Fans. This is an excellent biographical documentary about the life and works of Rod Serling. It is brilliantly constructed and edited. This well crafted presentation is a first rate production all around. Rod Serling was a man of great literary and social intellect, somewhat ignored because of the genre he worked within and was famous for. His endearing legacy, "The Twilight Zone" frequently bordered on the edges of science fiction if not immersed in it. Society's values being what they are, science fiction has never been thoroughly embraced by conventional thought as a legitimate literary or cinematic art form until very recently. That is society's loss and Serling's heartbreak. I originally saw this documentary on Public Television and was pleased to find it issued on VHS. Highly recommended!$LABEL$1 +SG love. I have personally enjoyed this book. As an aspiring photographer, i am very happy with the quality of the photos, and the type of content this book has to offer. SG fans can view the girls at their best. Missy Suicide did a wonderful job.$LABEL$1 +where are the captions!?. I found the "unofficial guide" a better read. It is more pithy. In this book you have to plod through a bunch of boring stuff on the push to get the movie made. The majority of the few, uninteresting photos have no captions.$LABEL$0 +Funny, but it didn't make me feel any better about my weight!. Camryn Manheim is an sassy, award-winning actress and laugh-out-loud funny. This book is a personal account of her experiences of fat-ism and her journey to self-acceptance.Manheim is a natural storyteller and, being overweight myself, there was a lot here to relate to, but although I enjoyed the book, there were no groundbreaking revelations for me here ... though it does make a pretty strong case against society's obsession with being thin, this book is in no way a "self-help" book (to be fair, it doesn't claim to be) and it didn't help me to "make peace" with my fat. It did however make me laugh a lot and that's reason enough to encourage others to read it!Thank you Camryn, for speaking out for big women everywhere.$LABEL$1 +Don't Waste your Money. Pros- cheapCons- There is just no other way to put it. This is crap. You have to constantly fix the string, unplug turn it upside down take off the cap (and this is not easy, I am 62 and have small hands and can't reach and use the pressure needed to remove. I have to use something to pry it open. Then minutes later I am doing it all over and over and over. I never even made it to the back yard before I threw the dam thing away.$LABEL$0 +Does not work for BMWs. Seems like a totally fine product (well constructed) BUT IT DOES NOT WORK FOR BMWs (even though the description says that it is for "import" vehicles). I have a 2005 325Ci and these screws are too thick.$LABEL$0 +Bert and Fritz together at last!. This is a relatively straightforward propaganda melodrama, with nothingparticularly compelling to recommend it, but for one notable exception.Bertold Brecht's villains and miscreants are all so full of gusto. They share kinship with the ones in Threepenny Opera and Mahagonny after all. It seems Brecht could not create a scoundrel he couldn't admire on a certain, mischievous level. The ones in this film are no exception, and lift it out of the "ordinary" into the realm of the "oddity".$LABEL$0 +There are errors in this book!. I just took my exam yesterday and attended a week long seminar to prepare. This book has errors in it and was really difficult to read for me (the cryptography section was written in mathematical formulas).A better choice is The All in One CISSP Prep Guide by Shon Harris. That book also includes a CD with practice exams.Even though I took the test yesterday, I just ordered the Shon Harris book for my reference. That is how good that book was.Good luck on the test.$LABEL$0 +Gato at his best. Gato at his best. What more can you ask for. Just keep repeating myself. Again and again and agai and again.$LABEL$1 +BIG NIN FAN - - - BUT THIS DVD DISAPOINTED ME. I like Trent Reznor work but he let it me down with this dvd if you already have the cd don't make the same mistake i made don't buy the dvd i assure you the cd is much better than the dvd Trent Reznor doesn't offer anything new here is a waste of money the reason i bought it was because i was very impressed with marilyn manson god guns and government dvd and i was expecting same thing with and all that could have been i was so wrong$LABEL$0 +Great show, defective dvds. I absolutly love Doctor Who, and think it's a great show, but when I bought this set, I recieved defective dvds, which I then returned only to recieve another set of defective dvds, and now I'm still waiting on a refund. Therefore, you may want to consider buying this on iTunes, unless you really want the special features and the Christmas episode, which is not currently on iTunes. Either way, I would recomend buying it from somewhere, it's fantastic.$LABEL$0 +Amazon.com waffles. Amazon.com's suspension of its normal rules and policies for this one title boggles the mind, but it does reveal a clear demonstration of bias. You've just rendered your rating system unreliable, as attacks are not reviews.Please cancel my account until you either apply the same rules to all books or rescind your silly "Aren't presidential election years great?" campaign.In the meantime, you'll find me shopping at BOOKSAMILLION.COM (WHERE THE BARGAINS ARE BETTER THAN AMAZON'S).$LABEL$1 +I thought he was going to sing. We bought this album as my mother is a huge fan of Regis and we always buy two Christmas albums a year. What a disappointment. Regis doesn't so much sing as talk along to the background music. His wife's voice on Baby its cold outside is great - compared to him. This will be one of those CDs that go in a drawer and never see the light of day again.$LABEL$0 +This compilation is THE BEST.. All the great hits of Dave Dee, Dozy, Beaky, Mick & Tich on one CD's. Exellent mastered.$LABEL$1 +A bit pricey, but they make you look good. We recently held a luncheon for 150 industry guests. I put a light-yellow background and logo on these, then printed everybody's first name real big in dark blue. Underneath was their last name and company name. The badges looked fantastic.The price is a bit expensive for stickers, but the adhesive sticks sell to clothing and comes off easily. Overall I'm real happy.$LABEL$1 +Only for Mandy Fans!. I love Mandy Moore and was very excited to get this soundtrack. It was certainly worth it. Each Mandy song is gorgeous and she sounds lovely. Cry was the best song on her latest CD and probably one of the prettiest ballads I've heard. Only Hope is another romantic ballad that suits her perfectly and she sounds better that ever. Its Gonna Be Love is a mid tempo track that is sweet and catchy. The other tracks by the other artists are not as great. Fans of Mandy Moore are certainly not fans of the type of music the other songs are except for If You Believe by christian pop singer Racael Lampa. An uplifting ballad that showcases her amazing voice. The other songs by Toploader and Switchfoot are very slow, boring, and not very interesting. As I said, this is a must for Mandy Moore fans, she is at her best.$LABEL$1 +danger, will robinson. If you are looking for a wrestling game that is fun and involving, don't buy this one. All of the hype about this game is wrong, as the grappling system is reduced, there is no story line, and it will take you ten years to win a belt..in summary, don't buy this product!$LABEL$0 +flimsy mount. Got this telescope for hubby's Christmas. Flimsy mount, difficult to align, eye piece too loose for focusing. Worse, he's owned it only seven weeks and one leg failed, collapsed onto backyard concrete patio. Now we're having problems with customer service at Celestron, not promising replacement telescope with new warranty (for what the warranty is worth). Before you buy, remember that if you need to return the telescope, YOU pay shipping both ways. Disappointed with the brand.$LABEL$0 +Amateur at Best. No excuse for charging pprofessional amount for this rather pathetic and lackluster homemade production.....if I were a relative, maybe it would be worth it - but sad and annoying to watch!!$LABEL$0 +Amy's best pop music album. This is Amy Grant's best pop album. There are the hits we all know about such as Baby Baby, Every Heartbeat, Good For Me, That's What Love Is For, and I Will Remember You. But she also does well with the fun songs Galileo and Hats. Ask Me is an incredibley poignant song about sexual abuse. And You're Not Alone and How Can We See That Far are relationship ballads.Is this album "Christian" or "Pop"? The answer is it is a pop album that clearly has a Christian base - many references, some obvious (Hope Set High) and some not so obvious (Every Heartbeat) point to her faith in God.Top to bottom, one of the best all around pop albums if the early 1990s.$LABEL$1 +Cheap. Bought this a couple of years ago for my son (age 5 at the time). It's heavy and cheaply made. When he was actually ready for lessons, the instructor couldn't get it to tune correctly. I am not a guitar player, so I cannot describe what was wrong, but something about the bridge and neck that would need some work in order to get it in playing shape. I wound up buying a Fender starter that was more, but so far worth it....$LABEL$0 +dark water series. these dvd series captures a tv series that was on in the 80's. I only wish that the tv show would have finished out the season. We will never know how it was to end. however the dvd's are good guality.$LABEL$1 +Great for early readers. My 4 year old and 2 year old both love this book. The 4 year old is a beginning reader and has had this book memorized for years now. She is able to identify simple words as she recites the story. My two year old also has the book memorized and loves to pretend to read. Both of them call this story "oops" and laugh every time the turkey does something silly.$LABEL$1 +What a Mistake!. I too thought that with 2.4GHz this would be a great monitor - WRONG! I cannot believe how much static you hear on the lowest volume! I thought maybe all monitors sounded like this until I started reading reviews. Do not waste your money!$LABEL$0 +Disappointing. If it were any other band, I'd probably rate this higher, but my boys just took a bad turn. I don't know what Chris was thinking when he wrote these lyrics. How he went from the poetic "Girl From a Pawnshop" off of Three Snakes to "Heavy" and "Kickin' My Heart Around" is beyond me. He used to write the best words. Also, the album has too much noise; if they've completely changed their style, I don't like it. Hopefully, they were just trying to get their name known again, and they'll go back to their good stuff from now on.$LABEL$0 +Sheds Bristles Consistently. Even with a shaving brush stand and gentle use (both in the cup and on my face), this brush has lost bristles every time I've used it. I will be returning it. I get a better shave using the regular shaving cream, hand-applied, that I was using.$LABEL$0 +Koolatron Multi Purpose Adapter. I just received my unit and looked for the other 2 adapters that it shows in the picture. There is only the 1. Why is there a picture of 2 plugs ? ? ? ? Can another multi car adapter be pluged into this ?So that I can be charging up to 3 items? This lacks through information to use this. When I plug my phone into this and it doesn't work it will go back. There is no phone number for customer service???$LABEL$0 +Not what I expected from Calphalon. I've gotten fabulous bargains on Calphalon at Amazon before - top quality stuff at great prices. So I thought I was getting the same with this pan. Not so. The non-stick coating is fine, but the pan seems cheaply made because of the handle. It's not a nice, heavy, cast handle like I usually get, but made of some sort of lightweight metal that I'd expect to find on a cheap grocery-store pan. The edges on the handle aren't even smooth.$LABEL$0 +Not worth it. I had this thermostat in my home for 3 years. It mysteriously failed for 3 days last year (no AC) and then suddenly worked right before the AC repair man could arrive. It worked another year and experienced same issue but never regained consciousness. It would not keep the numerically selected setting. I could actually stand there and watch it climb or drop over 10 degrees in a matter of seconds, which in turn would immediately shut off either my heat or AC, whichever. Backup batteries were not related to this issue. Owners manual had no customer service hot line number for me to call (another nice touch, very professional). It now adorns the local landfill. Try a Rite Temp touch-pad at half the price.$LABEL$0 +Relaxation & Meditation. Most people who are serious about meditating yearn for a combination of sounds that harmonize with music. I like many types of sounds, rain, ocean waves, tranquil melodies.I am sorry, Hans Peter Neuber presents to many instrumental pieces. It is hard to meditate when once into a nice mood an electronic oboe or electronic piano comes blairing to the forefront. I wish Hans would have not put so many different instruments into the composition. It is a nice driving CD but is not conducive to meditating deeply.This CD needs more natural sounds and less electronic sounds.$LABEL$0 +Router O' Piece of Crap. This router worked for one day on a pc with Windows 2000. Tried to hook up a pc and a mac (OS X) to it.Rumor has that it can be done, but Linksys doesn't support their products hooked up to a mac, so don't expect any advice. If you want to do this do not buy this, get an Asante router. We had nothing but problems and in the end I couldn't hook it back up to my computer(pc)and get on line. Stay away from this router!$LABEL$0 +Ehhh. Not very good at all, I bought this to make hummus and it didn't do well at all, never got the mxture to blend well at all and the machine was very noisy also!$LABEL$0 +Flat and dissapointing. Although Sawyer writes competently I gave it 2 stars for failure to live up to possibilities. Two humanoid societies interact after 40,000 or so years of separate development with differing histories, cultures, values, etc. What happens? We obsess about the characters and love lives of Mary (the human) and the Neantherthal (whatsisnameagain, he looks like Arnold without the chin), a couple of boring representatives of their species. "Harlequin" as another reviewer labeled it, sounds right.I think Sawyer's desire that things turn out right prevents a sense of danger or conflict that might make things work. I kept waiting for the Pentagon to start war-gaming the possibilities (you could send an army over in New Mexico and have it pop up in Beijing for instance), for the Neanderthal vs Human championship(Neanderthals win), but all I got is this unrealistic plot and goody-goody philosophy.Oh well, back to the Martian Chronicles, Dune, whatever.$LABEL$0 +Really nice blend of fast and slow titles. A REALLY nice addition to any collection and if you like this type of music, by all means GET THIS!The only reason it is not a 5 is because I "ruined" myself by listening to his best of CD too much! :) If you have "best of" then by all means get this, if you don't - get that CD, see if you like his style - THEN get this one!The first two songs are what it is all about:Birdsong is a fast flirty ride - just like a bird flying - you can almost feel it! while "Distant thunder" is the perfect blend of styles - very slow and sweeping that makes him perfect to listen to!I would say this is a worthy addition to your collection.Jim$LABEL$1 +What was he thinking?. Presents the Analects "in authentic I Ching order," an absurd decision which just means that any given passage is practically impossible to find. (In fact, a number of passages are left out, and at least one is included twice.) Contemporary language, occasionally clumsy and rarely lively. Pinyin romanization.$LABEL$0 +Surreal Adventure. Each time another Atlantis game is released, the version becomes more surreal than the last. This one is divided into worlds within worlds, and takes the player into an adventure set outside time and space. It has it's sense of humor & whimsy for certain, but overall, it is one that is easy to play again and again.$LABEL$1 +Sweet Mountable Laser. I put this on my airsoft gun and the first game i played with it i pointed at my friend who was on the other team, he hid behind cover and said "Well thats intimidating." Otherwise its a pretty sweet laser, i put it on my sniper so its easier to no scope at close range if i have to. Ive had it for a while and use it a lot and the batteries are still doing good. I had to put tape around it so it would fit more snug in the rail mount. to adjust it you just spin the front of it and i taped that after it was adjusted so it wouldnt move.$LABEL$1 +Jimi who??. i like jimi hendirx...but his cousin BLOWS HIM AWAY. his charisma alone makes him unstoppable. this whole album carries furious guitar riffs and funky blues breakdown all while sending a positive message to the listener. this is one of the best albums ive heard in a long, long time.$LABEL$1 +Waste of Money. There is a lot of clever advertising surrounding this book, but I found this book utterly useless. I was expecting to see a lot of sample code and examples of the various topologies: buck , boost, forward etc. If you interested in learning the spice language then I recommend one of the books by Muhammad H. Rashid,instead.$LABEL$0 +Super series for media & film studies (16-19 year olds). I am biased, as I'm the Series Editor, but every title in the series has lots of factual and conceptual background information for each topic, two sample six-week teaching schemes and teaching tips (and downloadable photocopiable worksheets and web notes from [...]) as well as 3-5 detailed case studies, full glossary and suggestions for further research.Every writer is an experienced teacher and/or examiner and most titles (with the exception of ones with 'British' in the title) have a fairly international perspective.More titles on the way...$LABEL$1 +An excellent book for the amateur home inspector.. Learn how to inspect and evaluate a house, to find both obvious and hidden defects. Lots of photos, drawings, and comprehensive checklists make it easy to spot the clues.$LABEL$1 +More like fever out, fever out. "Naked eye" was the only good song on this entire album. It's a different sound compared to most bands, but I couldn't adjust to their style of music. "Naked eye" sounded different than the rest of their songs on this album (unfortunately).$LABEL$0 +Bathtime fun!. I like this toy for my toddler son. We work on concepts "in" and "out" with the bugs in the net while he is in the bath. One thing I will note is that the toy we got has a pink net and a lot of pink in it. (Different than the current picture.) We don't mind but I probably wouldn't feel comfortable giving it as a gift to a little boy who is not my own because some people would think it is a girl's toy with all the pink. He loves to squirt the buggies. For us, a 5-star buy.$LABEL$1 +Try to Focus, People!. As important as it is to rebut the spiceworld comment, it's more important to realize that it was probably a joke. A Hard Day's Night contains actual, funny jokes. And great music. It's a great film.$LABEL$1 +Sketching fun for everyone. I got this book for my Grandson who loves bugs and likes drawing. We each drew bugs from the book and were surprised how easy it was to draw something with such detail and be so realistic.It was a nice break from all the electronic toys!Draw 50 Creepy Crawlies$LABEL$1 +I don't really like the taste of it, but works.. I like the taste and flavor of Yogi teas but this is not one of them.It definitely causes me pretty bad cramping but finally gets the results. I do not think I will be using it on regular basis, rather use Miralax with a lot less discomfort and good results.$LABEL$1 +a one man wrecking crew. An Iranian terrorist wants to become a nuclear power, and steals the radioactive material and the scientist needed to build a bomb. Only Nick Carter, American superhero can stop him. Will he? Of course, but as expected by the title, lots of dead bodies litter the streets of the Middle East before its over. This book is written for readers of Soldiers of Fortune who think the NRA is perhaps a little too left wing. Keep in mind it's basically a comic book, and you may enjoy the fast paced action. It's stocked full of gory detail and women who swoon into Carter's arms, just like James Bond.$LABEL$0 +Welcome to the mind of a confused babbler!!. This is not a book, it's more like a bland paper to be submitted to scome academic journal. The author claims that bangladesh is becoming a hotbed of fundamentalism, yet the constitution is firmly based on secular principles. They even have Christmas, Doorga Pooja, Diwali as state holidays. If you're interested in reading the biased opinion's of a perosn, you might like the book, but if you want intelligent interpretation / exposition of facts, you'll be disappointed.$LABEL$0 +Good For Its Intended Purpose, But Not For Mine. This is more like a textbook on war. It's well done. And, I'm sure it is good for its intended purpose, but not for mine. I therefore made a mistake getting it. Just wanted you to know.$LABEL$0 +No typical thriller. This book will mean many things to many people. I found that The One Year works at many levels.$LABEL$1 +Awful disappointment. I sorely disagree with the other reviews. this book was awful!!!!!!!! i love this type of book, but this particular one did nothing for me. it's insanely boring, dont bother!!! instead, do yourself a favor and pick up "killer heels" by sheryl j. anderson and "killer blonde" by laura levine.$LABEL$0 +works GREAT for Poison Ivy!!!! Quick & Effective. I like the Boiron products and can depend on the company. The dispenser makes despensing the remedy very easy. The remedy "works like magic" on Poison Ivy. The only thing that slowed me down was the entity I bought it from said to expect deliver 7 to 10 days, so KEEP IT ON HAND!$LABEL$1 +I ordered the st Andrews flag .what I received was an aqua blue flag I will never fly. This is not a St Andrews flag this flag is is aqua blue not like it's picture.It is so thin see through material. I will never fly this flag .$LABEL$0 +People's, I Love You!. There have been {So Called} One Hit Wonder artist's that I thought were extremely underrated and they had Stunning Hits and one of those artist's is the band, People!. Their late 60s version of the song, I Love You, is worth the price of admission by itself plus they had other good songs too. I finally found myself an alternate Disc of People! with this song on it (it's the, Long Album Version, and I love it) and it's called "Best of People! Vol 1 - 40 Year Anniversary" but because of it's originality; I would have liked to have owned this Disc. I have asked myself many times; why is this, People;I love You, CD OOP when there are so many other One Hit Wonder Artist's CD's in print PLUS I couldn't find this song on a various artist's CD either. Is it because this material has been forgotten by everyone except for the reviewers on this Disc?.....Maybe.....But that song is a step above many others (One Hit Wonders or not).$LABEL$1 +Brodeur scared the public about a non-existent risk. Brodeur is a powerful writer, and his book launched a series of investigations of possible effects of magnetic fields from power lines. In the last couple of years, the verdict is in: power lines do not have a detectable health effect. Brodeur was wrong. Brodeur caused authorities in several countries to waste enormous amounts of money: estimates range from hundreds of millions of dollars to the billions. He's a scaremonger. John W. Farley Professor of Physics University of Nevada, Las Vegas$LABEL$0 +Wild West cat collar. This is a great collar with a Western Flair! It comes with a bell attached to the collar. It makes a wonderful gift for your cat.$LABEL$1 +This is the beginning of Chaos. This is the very first book about Chaos I've ever read. And it was the right one: Now, my Master degree thesis is about nonlinear dynamics.Everybody can read this book and rapidly enjoy this new way to see the world. The beauty of the book doesn't reside on the highly technified material it covers, it resides on the passion that Gleick reflects when he describes this journey into discovery. This book is the milestone to the beginning of a self-directed search for knowledge and sense in a complex but wonderful world.For those who already know about Chaos theory, fractals and nonlinearity, this book represents a great opportunity to remember that the mathematics can be beautiful and overwhelmingly common in the real world too.$LABEL$1 +Do not buy this product!. This product totally doesn't work. I can't get my TV into HD at all no matter what the configuration in the XBox settings. I thought this was the Microsoft version but it's just a piece of crap from Intec.$LABEL$0 +"Sunrise" remix- NOT worth it!. I LOVE Duran Duran, but I wish I had my money back for this import single. "What Happens Tomorrow" is an incredible song, but I bought this for the Eric Prydz Mix of "Sunrise," hoping to finally hear a club mix that actually included the vocals. (The first batch of remixes found on the "Sunrise" single all neglected to include Simon's full vocals.) Disappointed again! The beat to this version is great, but it is only 3 & a half minutes long & features only a few background vocals at the beginning. I guess there will never be a full-out vocal club mix available on CD. The closest thing I know of is the Jason Nevins Mix on the "Queer Eye" soundtrack.Bottom line: Someone needs to take lessons from bands like Erasure, who still put out singles with multiple remixes & non-album songs that are well worth the money. 13 bucks is just too much for an album version that I already have & a short, vocal-less club mix. Shame on Epic records & Duran Duran!$LABEL$0 +KJV Parallel Bible Comentary. My wife is a new Christian and has trouble understanding the Bible at times. A friend loaned her a copy of this book and she fell in love with it. I was excited when I found a new copy at such a great price. I've seen simular books that cost around 400 dollars. The book came in it's original wrapper and was in exelent condition.$LABEL$1 +Very buggy product. Confirming the other reviews on this product, the item is quite buggy. The product has very unreliable issues with the volume and when it is increased can keep going by itself to maximum or goes all the way to volume when decreased.I use this item when riding my motorcycle with my the ipod on under my helmet. So once I set the volume I'm ok. It's nice to have the pause when I stop next to one of my riding buddies and I don't have to dig out the ipod to pause it to hear what he is saying. That and the next/previous track buttons seem to work fine. Don't know why the volume is so buggy but for the cheap price I paid for it I can live with it. The unit straps real nice to my handle bar next to the grip.$LABEL$0 +Kind of pricey for a cable. As a cable, yes, it works. The red strip around the plug for the right channel is coming off straight out of the box. Cheaply made.$LABEL$0 +worked great.. for a few days.. Panasonic ER421KC Nose and Ear Hair Trimmer, Wet/Dry, LightedIt worked fine. didnt' pull at all. Really cut the hair my other brand would simply pass over.and it was quieter by a bit, too.but.. after a few days of owning it, used it twice, it simply wont run with any battery I put in it.The problem then is return, refund, etc.. so I think I'll see if best buy carries the same model, just to save all thathassle.Very nice unit, but apparently, see other reviews, there are some dependability issues.$LABEL$1 +what a mess. i am giving this a one star review because received damaged materials, i do not know if it happened in shipping or prior but 2 largest pieces, the top where you put the baby down and one side were delivered cracked. it is still usable and i am too pregnant and stresses enough already to have to deal with complaints and unscrewing parts we already put together, packaging everything and sending it back only to wait for it again, specially because of the circumstances i have, i need it done in couple of days.reading through some other reviews i see i am not the only one. this is not a $10 item or something it's easily shipped back and forth, and they sure do charge enough for shipping, so it should come to our homes in one piece and undamaged.i'm really disappointed and know i will NOT buy items like this through amazon again or online for that matter.i will be posting pictures of the damage too under customer photos once i download them!$LABEL$0 +Cute movie!. I think this is one of the most adorable movies I have ever seen. I think as far as made for tv movies go this one is excellent! The actors were all great! Also what makes it such a good movie is that is a true story.$LABEL$1 +deluxe photo bag. This was purchased as a gift for Christmas. The person who received it said that it was perfect for her camera equipment. She was able to fit all of her equipment into the bag and said she really likes it. The weight of the bag is just right, not to heavy to carry and construction of the bag was good. It is not flimsly - sturdy and well made.$LABEL$1 +Original version available in the UK. This is the reworked version made for the US. If you want to find the original ones, check out The Open University website in the UK.$LABEL$1 +Hilarious...... Oh dear? This is for real???????. I thought "Redneck woman" was a hilarious camp send-up of Country & Western music until the truth dawned on me - that this Gretchen Wilson woman was for real.Being ingorant, illiterate, uncultured and narrow minded is not a sin - as long as one is endeavouring to do something about this situation. Celebrating ignorance is foolish.Dear Gretchen,Buy some books, do some reading. Travel and try to travel to some other countries. Listen to more music from other places and other times. Use the money you make from this CD to get yourself an education. I think you will be very embarrassed about this CD in the future. Sorry!$LABEL$0 +No es Karaoke. This isn't Karaoke. No lyrics display. This is strictly music without a vocal track. The lyrics are included in the liner notes, in little tiny print. Of course, if that's what you're looking for, the music is nicely done, and sounds like Mana.Este CD no es Karaoke. La letra no sale en pantalla. Es tan solo la musica sin cantante. La letra viene en el papelito que va dentro de la caja de CD. No era lo que esperaba. Sin embargo, si eso es lo que buscas, suena bien. Tal cual como los temas originales.$LABEL$0 +A Bad Choice. Avoid this line of Sony portable CD players - sound is awful. Sony usually provides much better quality.$LABEL$0 +BROKEN AFTER 15 MONTHS!. I BOUGHT THE EDGER TRIMMER ON APRIL 25TH 2009. THIS IS IT'S SECOND SEASON AND ALREADY TWO BATTERYS HAVE GONE BAD. SO I BOUGHT ONE NEW BATTERY FROM THEM TWO MONTHS AGO AND 12 SPOOLS OF CUTTING WIRE.TWO DAYS AGO IT STOPPED WORKING ALL TOGETHER.NOW I'M STUCK WITH A NEW BATTERY AND TWELVE SPOOLS OF WIRE THAT IS OF NO USE TO ME.I CANNOT HONESTLY RECOMMEND THIS PRODUCT BECAUSE OUT OF THE 15 MONTHS OR SO THAT I HAVE HAD IT I ONLY GOT TO USE IT ABOUT 35 TIMES. MY PROPERTY IS NOT THAT BIG AND THERE IS NO EXCUSE FOR THIS SHODDY CONSTRUCTION AND VERY LITTLE WARRANTY TO BACK IT UP. I SENT THIS INFORMATION TO WORX ON LINE YESTERDAY AND IT WAS NOT PUBLISHED.(THEY DON'T PUBLISH BAD REVIEWS)SO IN MY OPINION " WORX DOES NOT WORX " SAVE YOUR MONEY AND STICK WITH A GAS OR PLUG IN ELECTRIC TRIMMER.THANK'S AND GOOD LUCK. > JOHN DUNKLE$LABEL$0 +A great pleasure for little ones.. I ordered two sets for my 2 grandsons, ages 2 and 3. They love superheroes and thewy love these characters.$LABEL$1 +My three cats and I loved this book!. I love my kitties. They may love me (at least they put on a good show around mealtime). We all loved this book.Why?Because we have a sense of humor! It's silly, irreverant and has fantastic illustrations.Unless you have a brain that's smaller and more simplistic than mine and my three cats' brains (a tall order, but if you read some of the other sourPUSS reviews, you will see there are even dimmer bulbs out there), you will find this book a delight!$LABEL$1 +A soul searching journey into relaxation and meditation. A wonderful way to put things in perspective anywhere, anytime. Uplifting, calming, soothing, serenity.$LABEL$1 +Necessary. The Fruit of Your Pain by Laverne Hanes-Stevens, PH.D is a necessary tool for anyone who wants to mature in their Christian walk. First, it helps one to accept the fact that there "will" be -not "might" be - seasons of struggle and pain in our lives. But, as the book explains, we can do more than simply accept that fact, we can actually be fruitful and grow as a result of our struggles. The 31 Meditations for Growing Kingdom Fruit exercises at the end of the book are especially helpful because it helps you to actually "develop" the fruit in your life.$LABEL$1 +Cute idea...cheap product.. This is just the product I was looking for as I searched the internet all month for the perfect toy for my car-loving 23 month old son. I was so excited to find this cute playmat. When I recieved it I was alittle worried about the durability, but my son loved it Christmas morning! It is now the day after Christmas and this morning I realized that the paperlike covering is peeling off of the mat, leaving white spots all over the cute town/road side of the playmat. It had not even been open for 24 hours. I am sad, because my son loves it, but the peeling stuff is a choking hazard so I had to put it up. The funny thing is, my son is young and has been very gentle with this mat. I wonder how fast it would have fallen apart if I had a 5 or 6 year old son!$LABEL$0 +pendant. You get what you pay for! the pendent is tiny. i knew that and that is fine. i didn't want a big one. it is beautiful and wears well. the only complaint i have is the chain is too thin. i have to be so very careful because if it gets caught on anything, it will just break. It really does concern me so i will have to buy another one when i find it that i think is more sterdy that won't break as easy. don't expect anything huge!$LABEL$0 +Novelty Item. Bought this light last year. Nice light with three options low high and single bulb. Find the light is not very bright. For the price, better off getting new HID light. Picked up Redline Nebo. BRIGHT LIGHT. Good throw capability.$LABEL$0 +Thank you!. The price was right and the book arrived in perfect condition. This is a gift, so that was very important to us.$LABEL$1 +Prime Livgren material . . . Moving. . .thus its Prime Mover. Prime Mover is a rerecording/rerelease of an album previously released by Livgren's former band, AD. I have never listened to the original Prime Mover album, but if it was half the quality of this disk, it was great material.In his earlier AD material, Livgren's exuberance over his rebirth sometimes overpowered his work. Gone was much of the subtlety that characterized his best Kansas material. By the time Prime Mover was created, he gained that subtlety back and he's put together some really good material here.Stand outs include Children of the Shadows, and Wandering Spirit. The remake of Fair Exchange, Kansas tune, is first rate, as are the new songs, Incantos and Out of Opus.New Kind of Love, a new kind of song for Livgren is the only tune that rubs me wrong. Just not my style, thats all.Production, material, performance all first rate, pick Prime Mover II up!Questions regarding this review, email me.$LABEL$1 +Not painful. This product is all they say that it is. It is not painful and you are 'hair free' for weeks. I am so pleased with it I found it to be more than I expected. Nothing else has worked as well. buy it with confidence.$LABEL$1 +HIGHLY RECOMMENDED FOR METAL MEATHEADZ. Most METAL people will probably say the SCORPIONS suck or that they are GAY and what have you. They only know the 80's material and unfortunately, the SCORPIONS probably do not play this kind of material anymore.ULI JON ROTH and his solo band is the only unit keeping this monumental music alive. Mere words will do this recording an injustice. The only thing I can say is that if you are a fan of RETRO 70's heavy rock, then you must seek this and LONESOME CROW by the SCORPIONS, for you would be truly missing out.$LABEL$1 +She Knocks It Out of the Park. I have bought this book for quite a few of my closest friends. This book is candid, funny, frank and insightful. It really helps to put things in perspective when feelings make situations appear cloudy. This book comes highly recommended. You'll love it!Although I would recommend that you "Read with Caution." Never let your guy see this book. Ever...$LABEL$1 +Reminds me of Foo Fighters. Listen to the melodies,the drumming, the way the music is written,sure sounds alot like Foo Fighters and thats a good thing. I'm glad J Mascis has started writting again,started penning some nice rockin bouncy tunes with of course his signature guitar solo's.$LABEL$1 +Not What I expected. I was disappointed in this bread box. I paid full price for it (24.99) and it arrived broken. The roll part seemed flimsy to me and it didn't roll well at all. I returned it.$LABEL$0 +Great stuff. I appreciate latin music, but normally wouldn't buy it (no hable espanol!). Buena Vista is my first, and I haven't been dissapointed. Great music, especially if you pick it up on DVD-audio. Feels like you're sitting in the middle of the street in Havana listening to these guys. After listening to this disc, along with some other DVD-Audio's, I can't understand why the format hasn't taken off more!$LABEL$1 +I'd give this 10 stars if I could. An absolutely delightful book to read to a young girl. It has a slot to place her photo to personalize it when you first open the book. The CD is nice as well. Great value and you will be happy to buy this for your daughter who will cherish this.$LABEL$1 +Definatly not the best.. This was a very poor baby name book. Looked like something a 2nd grader would read. Was not impressed at all.$LABEL$0 +Buyer Beware.... Got the router, and when it chooses to it work fine. Unfortunately, even after upgrading the firmware from the shipped version 1 to the current 4.1.x, the product still doesn't want to work. So far as I can tell, they put so many bells and whistles on it that they didn't have time to make it all work together.It reboots continually, causing you to lose anything you were working on, phone calls to drop, etc.Spend your money on a product that works.$LABEL$0 +Great for storing spices. I buy my spices in bulk, so they always come in plastic bags which are easy to lose track of in the cupboard. These work perfectly for storing them. Afordable and cute. They are a tad bit on the bulky side and arent very stackable, but I will definitely buy more if needed.$LABEL$1 +Deep reminder on technical issues in petroleum.. This book served as a very deep and efficient reminder on issues I had studied in field of upstream in l'ENSPM at Petroleum Economics and Management course. Might be looking too technical, but no important point is missed.Really useful and helpful for non-technical people with engineering background in upstream petroleum economics.$LABEL$1 +Impressive!!!. I had no prior knowledge of this movie other than seeing the dvd at Best Buy. I was able to rent a copy and was supremely pleased with the results. This is a high caliber action movie that was extremely gripping from start to finish with many surpises along the way. The pace was relentless with high octane action set pieces from start to finish. Not a lot of dialogue, but this is the type of movie that Hollywood is always trying to make and usually fails after blowing 100 million. You will not be disapointed!!!$LABEL$1 +Not durable. I got the Jbuds to listen to mp3 while walking my dag at the park. After a few weeks the left side went out, if i jiggled the cord it would sometimes phase back in, then the right side went out. I thought it might be my mp3 player, but after testing i found it was the jbuds. I thought I might have just gotten a defective on and was going to get another pair but read several reviews of the exact same problem happening.Frustrating and disappointing.$LABEL$0 +Excellent book for Clinical Approach, good for basic facts. This book is divided into 2 parts: Part 1 deals with The Clinical Approach, and Part 2 deals with the Essential Background Information.The Clinical Approach is the best part and includes 10 chapters (CNS, Eyes, Limbs, Head & Neck, Abdomen, Respiratory system, CVS, Hematology, Diabetes, and Skin). It focuses on the physical examination, and on the symptomatology.The second part contains a summary of basic clinical facts about the diseases which you can read in any standard textbook. In addition, there're many important subjects which are not covered properly in this section (e.g. dermatology).This book is not intended to be a complete textbook, and I think it should be supplemented by further reading. The margins of the pages are large so that you can add your additional notes. It contains few diagrams (no photographic pictures) and many tables.$LABEL$1 +An engrossing tale of an incredible man. This is a very informative educational mini-series that traces one of Shackleton's explorations to the Antarctic. It is an incredible tale of survival of his entire crew mostly due to Shackleton's leadership and refusal to fail. I have seen other accounts of this expedition, but this is by far the best one.$LABEL$1 +Not Funny. I've heard a lot about this, and I wanted to see it, but very few of the tweets actually made me laugh. Also, most of the jokes were just gross : / But hey, everyone laughs at different things, you might enjoy it. I'm just saying I wish I hadn't payed, cause it was a waste of money. :( It's for a good cause, though.$LABEL$0 +Good workout for intermediate to advanced. The hour long, in-studio session on this DVD is excellent -demanding but without crazy, circus-type stunts. It is comparable to the Sadie Nardini DVDs I've tried. The only drawback in my opinion is the monotone, sometimes mumbling instruction that at times gets drowned out by the music (perhaps recording the instruction separately would've helped). I found the additional sessions filmed throughout the city peculiar. They lack instruction and aren't filmed in a way that makes following along very easy. They are artfully edited and show off Tara's skill but these qualities are likely of secondary concern to most shopping for yoga DVDs. These are minor quibbles though and the hour long session alone makes this a worthy investment for anyone looking for a challenging yoga DVD that will leave you sweating.$LABEL$1 +I want my Saturday night back!. If you are a pseudo-intellectual, this is your film. You will be wowed by the lack of plot, the paper-thin character development, and the bored, vacant expressions on the characters' faces, which you will no doubt ascribe to their deep understanding of the timeless misery of the human experience.But if you are like me and just want to enjoy a movie without hollow pretense, save your money. At least I rented this one!$LABEL$0 +Hay Fever. I was not aware that this was a live stage play. It was hard to follow on the audio tape. This was not really a 'story' being told. You really had to visualize who the characters were and what they were doing. This is not good for an audio book content.I am an avid audio book listener.$LABEL$0 +Nick. This product is not the original compaq battery it is a cheap copy and does not perform to the same standard as the original. The battery does not calibrate properly and lasts about 1 hour. All in all you should save your money and find a genuine compaq battery on ebay.$LABEL$0 +Poor Quality ... Cheap Price Though.. Most of the security hex and torx have irregularly drilled center holes. Many holes are shallow and will not fit. OK for $5 as the spanner and tri are OK. Cannot recommend.$LABEL$0 +Very fast, Reliable CF Reader. This product is much too under-rated. I've used it many, many times with both my mac and my windows machine without a glitch. The data transfer rate is quite fast and reliable. The USB 2.0 interface makes transferring big amounts of files a breeze. It used to take my about 7 minutes for my camera to download 256Mb worth of pictures to my computer. With this reader, I do the same in about 40 seconds. For this price + some rebates you might find out there, you have a no-brainer here. Of course, the only caveat is that it only reads CompactFlash Cards, but if that's all you use, then it should not be a problem. Great Buy.$LABEL$1 +Great Service. The DVD arrived swiftly and in great condition, just as promised. I was very pleased with the service. Kudos~!$LABEL$1 +Classic, yet contemporary - and surprisingly good!. Fans of 1960's era Europop chanteuse - Francoise Hardy - will find much to be surprised and delighted by with 'Tant de Belles Choses' a contemporary (2004) album that plays hallmark to all of Hardy's strengths and charms while managing to sound positively fresh, relevant and certain to appeal to the post-millennium iPod set with absolutely no previous exposure to Hardy's works.While some tracks retain the classic 60's era Chanson sound (À L'ombre De La Lune' - 'Soir De Gala' - 'Grand Hotel'), the majority of the album uses modern studio production and instrumentation (eg - 'Jardinier Bénévole' - 'Sur Quel Volcan?' - 'Un Air De Guitare') that will easily fool listeners if you tell them that these are tracks by such melodic, atmospheric artists such as Air or Ivy. 'Tant de Belles Choses' is incredibly moody and melodic. Perfect rainy day music to deliciously gloom over, yet fantastically sexy all the way through thanks to Hardy's vocal magic.$LABEL$1 +science fiction at its finest. This is one of those books that I think even adults will like. I am 22 year old and I thought this book was absolutely awesome. he futuristic theme of this book is incredible. When I read it I didnt think that this book would be for young adults. I thought the theme was too mature and intellectual.I dont want to give up too much of he story but I highly recommend this awesome story.9 out of 10$LABEL$1 +An Incredible Waste. Josh Groban had such promise, with a tremendous voice with incredible range and a budding, strong presence. Then came "Live at the Greek." It saddens me greatly to see that Groban has sold out and is now paying for it with voice problems. They're notable from the very beginning of this concert DVD, where Groban sounds strained and nasal. There's no denying that Groban is a grown man in control of his career. He claims credit for this concert as a producer, writer, creator. Even if he didn't, he's getting paid mega wages for it. So I find it impossible to cut him any slack for such a poor performance. "Live at the Greek" is a waste of Groban's talent, and (I agree with other disappointed buyers), a complete waste of money! My advice? Get it at a used CD store. I'm sure the stores are full of them.$LABEL$0 +AWFUL PACKAGING. I WON'T BUY IT.. I don't care if I sound like a total idiot for saying the following: I will NOT buy season 6 unless they keep the packaging consistant with the previous seasons.$LABEL$0 +Vanity. Beautiful!! Very surprising at the quality for how much I paid! it was a steal! I bought it for my daughter cause it was cheaper than the plastic disney ones or any of the ones made for kids. I just put a new fabric on the chair to make it special to her & it was for christmas, so she was even more excited thinking santa claus made it specifically for her, it was her favorite gift. I would buy another$LABEL$1 +Egyptian Goddeath. I was 100% disappointed by the aroma of Egyptian Goddess. I put it on and immediately wished I hadn't. It stayed on for 3 good days, and I showered each day. I have tried to give it away, but nobody wants it. Next week it will be making it's way to the great-grandmother, maybe she will like it. To sum it up very quickly: Do not buy this scent if you are under the age of 75; it smells like old lady, exactly. Pretty much the same reason I cannot give it away.I would give 1 star, but I don't want to trash the entire Auric Blends line. Their Patchouli blend is awesome and I love that. Not sure what happened with the Egyptian Goddess, but pee-yew! I'd like to try their other scents, but now I am not sure I should stray from the patchouli.$LABEL$0 +Geeze. These guys played at my school.......they are really really lame, they all had on the same exact outfit. Their music is quite boring, and they were just annoying guys. I went to their website and read there lyrics......wow,that was terrible. They have a song dedicated to smoking pot,boy, is that ever fresh and cool. These bands from the bay area sure are lousy.1 star is generous. [...]$LABEL$0 +no good. too small。and And is not the same as in the picture。so i dont like 。and i dont thank its good$LABEL$0 +A kids review. Where the red fern growsBy Wilson RawlsWhere the red fern grows is a story about a boy who honestly wants a dog, gets two honestly, and honestly deserves every prize he receives.He earned the money for his dogs working for two years straight, piercing his feet on thorns to get berries, doing every chore he can do, and finally, he earns the 50 dollars and buys his dogs.His dogs are Little Ann and Old Dan, the two inseparable forever. Where one goes, the other follows, they would fight together, play together, hunt together, sleep together and die together, If they have to.I was required to read this book, and I was very uneasy about the coon hunting, but after a while, you understand what it means to Billy. I also didn't think much of chopping down a tree days on end to get one coon...But, it serves the purpose of showing what trust there is between the three, a determination that will never yield....Though it might have a sad ending, the end still leads hope.$LABEL$1 +What A Voice!!. Miki Howard deserves a better career than she has had, thus far. What a talent!! Her re-make of Aretha's "Till You Come Back To Me" is light-years better than the original. The test of a true talent & good voice is how it handles time. Aretha Franklin can't sing to save her life now. She has abused her body & voice with up-and-down obesity & smoking, such that she just cannot do it anymore, physically. Plus, she's embarrassing to look at, she is so overweight. Miki's talent & voice have handled the passage of time incredibly intact, flawless. I pray she keeps recording!! God bless you, Miki!!$LABEL$1 +My daughters' favorite book of all time. Both of my daughters were enchanted by this book. We got it when they were 2 & 3 years old. Children have rich imaginations and rather than being frightened (as some reviewers thought children might be) they felt empowered by the story. Parents are not always around when you're faced with a frightening situation. Ida was able to save her baby sister and return her to the garden because she listened to and acted on the internalized teachings of her father. And in the end, the goblins turned out to be "just babies, like her sister." All was well.While pre-schoolers may not have been able to explain this allegory, they understand it on a deep and personal level. In their late 20s now, my daughters still love this book.$LABEL$1 +?????What??????. This movie has nothing to do with the michael myers serial killings!And magical masks that make your head explode?What the hell?This movie sucks bad.$LABEL$0 +The best book I have ever read in my life!!!!. I am not the kind of person who reads a book twice. I enjoy reading a good book and then moving on to another good book. But, I have to say I read My Family and Other Animals at least fifteen times. Every time is better than the next.Gerald Durrell never fails to make me laugh, no matter how many times I read his book. I laugh so loud that my parents come into the room to check if I am alright.This is a great copy of what has to be my favorite book.$LABEL$1 +very dull. I saw the pretty good reviews of this book and expected a lot, consequently I kept reading expecting it to pick up, but it just didn't. Nick was basically a jerk; he (and this is a bad thing) seemed like an unnecessary character. He didn't have much depth and was annoying as was Pru whose shyness didn't disolve until about page 330. I couldn't take anymore blushing or stamering. The entire novel lacked quality dialogue/conversations. Finally, there seemed to be no basis for Pru's love for Nick and when he started to love her I just didn't understand how they could love each other and didn't believe it was possible in the way the novel was written. Basically this book was torturous to read.$LABEL$0 +problem, but samsung came thru. i purchased this tv from amazon march 18 2008. it was great untill the warranty ran out 12 months later. now it takes about 10 min. to come on and every day is a little slower. i paid $1144.00 for it and to fix this problem is $1200.00 + labor. as long as this is the only problem i have with it i will not have it repaired. i will wait till it wont come on at all and then buy a new tv but not a samsung.06/05/08 revised--talked to samsung and they extended warranty to cover my problem.i will continue to buy samsung products after all.$LABEL$0 +Pleasant, Amusing and Enjoyable. I really enjoyed this book. It was a light, easy read and it was quite funny. I like Jon Ronson and I admire him for his courage.I'm not sure how much of the book I believe. I think that in a general sense it is probably all true-to-life but some of the specifics must have been embellished, if only to make them funnier. The occasional lack of believability doesn't make the book less enjoyable.Mr. Ronson showed a great deal of the human side of the extremists he studied. His exploration of the events behind the Ruby Ridge incident was particularly poignant.I'd like to see a followup story that describes the reactions of the people he interviewed for this book at having their stories published, having fun poked at them, etc. I wonder which of them (if any) were flattered/angry/pleased, etc. by it.This book was one of my favorite reads of the winter.$LABEL$1 +Extremely useful and highly recommended. Read Sklansky and Harrington last month. Very good books and a must read for anyone interested in playing poker well. Have been playing dealer's choice poker variations for about fifteen years. Have been playing Hold'em, specifically, for about four months now.The Sklansky and Harrington books give you a lot of theory. They teach you how to think about poker. This book gives you all practicum, which is especially great for the beginner and intermediate player. The author provides very straight forward explanations for his decisions, and in the process reinforces proper play, while also discouraging improper play.This book is a great complement to the other two books mentioned. Will help reinforce the basics -- plays that we take for granted, forget about, and therefore get wrong under pressure. Highly recommended for anyone interested in learning solid basic game play, or for reinforcing the basics as well.$LABEL$1 +There are others that work better. There are other peelers that work better...especially the part that is supposed to make the initial cuts into the skin. This one uses a very small plastic blade situated in the middle of the side of the instrument, which makes it difficult to "sweep", or manipulate around the circumference of the fruit.The ones that work the best are those that have an elliptical blade at the end of the instrument, and all you have to do is make an initial cut to get it under the skin and then simply pull it around the fruit.$LABEL$0 +No Fine Balance Here. Mistry's ability to interweave several heart-breaking stories in detail is prodigious. However, looking for balance is a relentless grind -- this novel is entirely too long, depressing and bereft of hope, despite the 'fine balance' between hope and despair it purports to represent. The concluding chapters are especially contrived and frankly, unbelievable. The story grinds to a halt in much the same inexcusable way as A Man in Full, leaving this reader especially vexed at wasting so much time reading it. The attempt to associate this tale with Balzac's Pere Goriot is hubristic at worst, wishful thinking at best.$LABEL$0 +They are ok BUT.... I originally decided to buy these OXO measuring cups because the price was reasonable and it has more cups then normal. At first I thought the extra cups were nice even though they are not really necessary.I've had them less than a month and already the numbers are coming off. LESS THAN A MONTH! I've come to realize the extra cups are actually a liability because they are hard to tell apart without the numbers on them. I would not buy these again. I feel like I've wasted my money. I should have just spent more money on cups with etched numbers on them.$LABEL$0 +Highly disappointed. This was a Plus size elizabethan costume. The material was what is to be expected from a $50 halloween costume- you want nice you have to pay a lot more. There were two problems. The first and main problem is Plus size women tend to be well endowed. The costume fit everywhere but the bosom area. The only plus size women the costume would have fit would have to be absolutely flat chested, as I am sure the model probably was. Even taped down I could have never fit my ample chest into this thing. And if you were taller than 5' 5" the costume would be too short. The additional curves of a plus size drew it up some. I am 5'10" and it came halfway up to my knees- not even close to the ground.The makers need to realize that there is more to a plus size outfit than adding a little extra material on the sides. Buyers beware.$LABEL$0 +Unfortunate choice of actors. I enjoyed the whole "romantic comedy gone wrong" theme, and the music was well thought out. Unfortunately, I dislike Bill Pullman as an actor (a purely personal thing, I'll admit), and I couldn't really take Ellen DeGeneres seriously as a bride - or as much else in the movie! Otherwise a good movie, but the "stars" ruined it for me.$LABEL$0 +not at all like the others. when i first saw the previews for scary movie 3 on tv i thought it would be just as funny as the first 2..but boy was i wrongg..the movie totally suckd it was not funny at all nd anyone who thought it was is retarded bc the movie was outright retarded i would not recommend this movie to anyone if u wanna see funny movies the first 2(scary movie & scary movie 2) were off the hook halirous..this movie madd fun of the stupiest movies it was a total dissapointment..and i hope that they post this review up bc people should know how the movie really was$LABEL$0 +Not what I had hoped for.... I realize that I'm cutting against the grain of all of the earlier reviews, but I found The Discovery Study Bible to be decidedly disappointing. I've owned it for about a year now, and it is still my least favorite Bible.I find the formatting to be distracting and obtrusive. I actually have a hard time finding certain passages because of the unnatural way that the "study centers" are inserted into the middle of the text. I do not find the margin helps to be very helpful at all. The dictionary in the back is too short to be of much use. I'd rather have a concordance than the multiple blank pages for notes in the back. And as trivial as it may sound, the cover design is just plain ugly.Ultimately, I find the features of this study Bible to rarely add to my study of the Scriptures. I only use this Bible when it's my only option at a given time and would not recommend it to anyone. I would strongly recommend the QUEST Study Bible instead.$LABEL$0 +Nice sound, nice looking.... I needed a mute for a concert and I did'nt have one yet. I remembered of my french teacher saying that Denis Wick was a good reference. It sound really great, it is well made, nice wood finish. The bas point is that you must buy the bag separately. At this price, they could put a simple bag, because sometime you don't use it for month and don't put it in your instrument case.$LABEL$1 +Stylish and Durable, with a HORRIBLE LEAKING PROBLEM. I have three kids, and for the third time, I am utterly dissapointed with Avent's product. With each new child, we bought a fresh supply of bottles, hoping Avent had fixed this problem. We really wanted these bottles to work, as they seem to be the most durable and stylish ones on the market, and our kids never had any problems with the nipples. However, each time, we ended up having to switch to another brand.The leak is not just a spot here or there. It is often a torrential downpour, leaking out the sides of the white cap. I know many people who have had the same problem.For as expensive as these bottles are, I would think Avent would take more pride in their product, fixing such simple things as a leak.Don't waste your money.$LABEL$0 +GE Cord Untangler (TL26135). This is the only untangler that has stayed connected to the phone handle. It does have slight static at times, but overall it's a very good product.$LABEL$1 +Heed the warnings!. I should have checked the reviews on this one before buying. Learned my lesson. Can't buy Mary Jo Putney without doing that anymore. The only reason I'm not giving this story one star is because it was good and kept my interest - until Viola's big reveal. I figured early on that she was a bastard and that it was her natural father who gave her the property. I was not prepared in the least for the wagering whore part - and she was a talented and good one too. Just yuck. My heroines don't have to be virgins, just not... this. And the reason that she was one made no sense at all. Ferdinand was likable enough. Charming, good-looking, sexy, a bit of a naughty fellow growing up. Yet, he was a virgin at 27. I'm sorry this reversal of rake/whore and angel/virgin was nothing but revolting. As a result I quit reading at page 215.$LABEL$0 +Only Maginally Funny.... This is probably just my patircular taste but I only found a few snips to be funny. I only decided to watch the movie because I had heard some coworkers talk about how funny it was and I happen to love Mark W. However, as expected I didn't care for the movie.$LABEL$0 +A family of poems: my favorite poetry for children by Caroline Kennedy. I received this book as a gift and was very impressed by the choice of poetry, the introduction to each section and the fabulous illustrations. I ordered 2 for my grown children and grandchildren.$LABEL$1 +Fantastic Movie. This movie is one of the best I've seen in a long time. This movie can be interpreted in so many ways and can mean many different things to many people. The young star does an incredible job, considering her experience. It is difficult to decribe much about the movie itself without giving much away. In general, for me, the movie is about the fact that the love of parent and child is the same no matter the socioeconomic status of the people.$LABEL$1 +Not worth the price. This is an ok monitor. It seems to have good range and even has a nightlight feature you can use in the room but it has terrible feedback and goes through batteries like crazy. If I leave it plugged in, the feedback is ten times worse and so loud! Using just the batteries we can use it maybe one night and a few naps the next day. To make matters worse, there is no low battery indication so many times it has died on me and meanwhile the baby has been awake and crying for sometime. Now I feel like I have go upstairs and check on him every 5 minutes while he naps. For this much money, it should at least warn you when the batteries are low. Got out of the shower today to find it had died again. That's the last time, we're getting another monitor.$LABEL$0 +Never buya gift card from amazon. I bought my mom an online gift card (emailed) from Amazon and it turned into the worst, most stressful present I ever bought her. The gift card took over a year to use including extra money Amazon gave her for her inconvenience. Amazon dose not mention that the gift card can not be used on every item. Also, after checkout the gift card may only apply 20% to each item, leaving you with money left over and your credit card charged when you thought you finished the gift card. Believe me it's happened multiple times. Save your self the stress and time of multiple phone calls to Amazon and choose any other company for a gift card.$LABEL$0 +Almost Exactly As Described. What I ordered. Arrived on time. Unfortunately could not be registered by Adobe because of a serial number problem. But it works. I use it all the time. Lots of people I've talked to prefer this version of Photoshop to the newer one. It was good when it came out. It remains good to this day. How many pieces of software can you say that about?$LABEL$1 +Very informative and well written. Answered virtually all of my questions on LAN wiring and it didn't even put me to sleep in the process! Excellent book to start learning about LAN construction and as an ongoing reference. Looking forward to the next edition.$LABEL$1 +What happened?. How did Art Alexakis, frontman of Colorfinger, one of the greatest alternative punk bands in the world, go on to form a band that was even heavier, and then turn them into MTV fodder? This is an album that can stand with Soundgarden's "Ultramega OK" and Mudhoney's debut. Art's vocals are angry and tourtured by the tribulations that were happening to him at the time, not by the memories of those tribulations like the "Learning How to Smile" album. If you enjoy "Heroin Girl," "When It All Goes Wrong Again," "Twistinside" (a Colorfinger song by the way) or old proto-grunge like Mudhoney or older Nirvana, absolutely check this out. Nirvana's "Bleach" is a good album. This is better. This is emotional, hard-hitting rock and roll.$LABEL$1 +Not for everyone, but.... A touching and humanistic look at a young female necrophiliac. Explores the roots of her fascination with death and her adult sexual conflicts. I like how this movie de-categorizes people with sexual deviations; we cannot so readily label this woman a "pervert" after we see this movie. We can identify with her because, we all have secrets and skeletons. "Mental disorders" are not so easily dismissed when we see how they develop from circumstances that could've happened to any of us.$LABEL$1 +Fun Travel Companion. I got this book as a going away present and enjoyed it tremendously. It's a travel book with a twist, an insider's view of the people and crew inflight. Some of the strong points are the humor and feelings that are in some of the chapters. One flaw is that unless you are a frequent traveler, some of the humor is missed. A Frank Steward is at times quite frank, so if you can't laugh at yourself, than this isn't for you. Overall rating 8 out of 10. I look forward to the next flight.$LABEL$1 +This guy is a flaming (...). "Appeasement" is trivialized here in Hannity's book. Every policy directive from a Democrat that doesn't call for the immediate and overwhelming use of US might is appeasement. Republicans get a free ride: Bush I's not riding into Baghdad, Nixon's warming relations to China, Reagan not invading the USSR, etc. Also not mentioned in this book: bitter GOP partisanship during conflicts going back to WWI. Essentially, any and all charges he puts forth in this book more than apply to the GOP, (...).$LABEL$0 +Maytag cordless iron. My husband wanted to get this iron for my birthday. I told him I wanted something a little more romantic. He ordered it anyway. I am soooo happy with this iron and very glad he went ahead and purchased it despite my objection. Everytime I use it I thank him for thinking of me.$LABEL$1 +Disappointed. I bought this book in a moment of weakness because I needed something to read on a trip to Ireland. What a struggle, both to read and not to discard. The story line was a 19th century version of a Super Mario game in which Charles and Melanie Fraser wandered all about London looking for gold ring that would get their son, Colin, back. At every turn, things get more convoluted and contrived: ... Gimme a break, please. Aside from all of the tapestry and the score card you need to keep track of everyone, you know how the books going to end before you've read 20 pages. My mistake. I should have doen my homework before buying it.$LABEL$0 +Amazing Book!. This book really illustrates how much God wants to do for His kids - us! It breaks down the extremely simple steps to believing to receive healing. Would recommend it to everyone - especially those who are looking for a closer relationship with and bigger heart for God!$LABEL$1 +Traffic Meter not as advertised. This program claims in the company information to provide data such as which pages visitors entered through, which referrers sent visitors, and what keywords brought viewers to your site. What you get is a "lite" version for which you must purchase a "professional" upgrade to get the features advertised! It provides the basics, but not the bells and whistles promised. It was a rip-off.$LABEL$0 +a big waste of paper. Most readers, including myself, were disappointed with this book. I expected to read about Led Zeppelin's musical creations, not their several encounters with groupies. Although the groupies played a big part in the band's writing and behavior, we did not need to have every detail about what they did. Richard Cole talked more about groupies and his own life than any of the band members. I was hoping to learn what Led Zeppelin was like in the studio, on stage, etc., but this book was about trashing of hotel rooms, relations with women, and other useless information that had nothing to do with the great music they created. I was going to give this book to my thirteen year old son for his birthday, but after reading it, I realized it is NOT for young teens.$LABEL$0 +Muscle milk NATURALS- sweeter taste. Ive been using the muscle milk powder- chocolate flavor for sometime now but they were out of the 'regular' one so i bought 'naturals' same flavor- I hate really sweet things and the naturals version of the product is significantly sweeter than the original. If you do not like sweet stuff- the naturals line is not for you. I could not even get one drink down :($LABEL$0 +1st Book is a tad confusing and slow. Like I said above, the first book is slow and confusing. However near the end of the book things really REALLY picked up, and I finished it and the other 2 in less than a week and a half!! The series rocks!! Guess what happens to Xander?? ;)$LABEL$1 +An altoid would have the same effect. The homeopathic moon drops taste bad and do nothing. At least if it was a mint it would give you fresh breath. This lozenge doesn't help you sleep or give you fresh breath. Do not waste your money on this product. I think homeopathy has more of a placebo effect than anything.$LABEL$0 +Didn't care for it. My 8 month old figured out how to rip it off the table in 2 seconds flat (no matter how much time I spent trying to secure it before she got to it). She loves the pictures and loves to rip it off the table but it doesn't do much for protecting her from germs.$LABEL$0 +The worst release I've experienced. After 10 years of using ACT! and being mostly happy with one release after another from the original ACT up to and including 6.0, this was the brick wall I finally hit.My notebook is a Dell Latitude 512K RAM, 40Gig Hard drive, Pentium III processor and it couldn't handle the program. Slow, ponderous, complicated, wouldn't sychronize with my Palm T5, unresponsive service techs, what more could they do to alienate the ACT community of users?After 2 months of using ACT 7.0 (2005) I uninstalled it and reinstalled ACT 6.0..My hair is growing back in!Stay away !!$LABEL$0 +Is this even music?. I've never heard such [...] "music" in my life. [...] This music [...]! I can't stand listening to one of there songs without getting ready to kill myself. DON'T BUY THIS CD OR ANY OTHER COLDPLAY STUFF! If you realy want good-hearted music, get city of evil by avenged sevenfold. Now that will be money well spent instead of this piece of [...].$LABEL$0 +Worth it for "Missing You". Now that he has passed away, I recall how much I liked "Missing you" in 1982. It has a bold wall of sound, rare for him, and a good hook. I think it's his most underrated song -- it sounds like a top five hit but only made it to #23 on the charts. He should have done more in this style. Like Madonna, he stuck new songs on his greatest hits that were actual hits too.$LABEL$1 +We HATE this carseat. We have 3 month old twins and are returning 2 of these terrible carseats. After 2 hours of trying to install these seats, we've decided that they are not safe. In the rear facing position, it is impossible to tighten the Latch belt enough to prevent the seat from moving from side to side. We also tried installing it with the car seat belt and did not have any better luck. The "level with ground" guideline (on the side of the should harness) was only level when the base was placed half way up the back of the seat. This left only 2-3 inches of the base supporting the weight of the child and the carseat.The seat is also HUGE. We have a Volvo S80 and a Chevy Tahoe and neither are large enough to accommodate this carseat in the rear facing position. Because we have twins, we have to place the seats behind the driver and passenger seats making both very uncomfortable.This may be a good seat in the forward facing position but it definitely isn't a good "3 in 1" seat.$LABEL$0 +The large size of this product is an .... The large size of this product is an excellent value for the price. The shampoo does an excellent job at helping cure dandruff and other problems of my scalp. Quick, effective, and economical! I'd certainly purchase this item again.$LABEL$1 +big disappointment. Wasn't what I expected... Within a week I just gave it to my friend. Now I come over his house, he leave it off to the side too. I brought a Death Adder after I gave the Habu away... love my DA!$LABEL$0 +The b*#ch is back!. This CD is very cool. The beats are tight. Kim's in her best form since Hardcore and it's an easy listen. I like "Can't Mess w/ Queen B" where she addresses all haters and invites all worthy suitors. I also like 'Doing It Way Big', 'This Is a Warning' and 'When Kim Say'. Seriously, I liked the entire CD. The "Queeen B, Supreeme B" is back.$LABEL$1 +What were the publishers thinking?. In assessing this book as chick-lit? It's really a very well defined genre right now, and just because the protagonist sleeps with ten men, doesn't make it chick-lit. The novel is dark and dreary (really); the main protagonist comes across not as courageous but as immesurably whiny.I'm surprised at the reviews and reviewers also, one of whom dubbed this a true successor to Bridget Jones--there is no way Gray can measure up to Fielding's witty style.The book has very few redeeming features. The writing is leaden, weighs you down (where was her editor?) and add to that the darkness of the book, it's suffocating.There's a blurb at the back from some Suzanne Finnamore who felt "inadequate as a writer more than once" upon reading this book. Well. All I can say is if THIS book makes you feel inadequate, perhaps you shouldn't quit your day job.$LABEL$0 +A VERY AGRESSIVE WATCH. I just get this watch a few days ago. I buyed it because the really agressive look it sport. I have had previously a Casio HD600 for 18 months so I already knew the gimmick of this watches. In this model was aditionally important to me: 200 meter WR, shock & mud ressistance, the automatic light feature and the mineral glass. The buttons are stiff but not unpleasant. The only two things I would add are a bilingual week days (English-Spanish) and a 60/40 distribution of the dial for the hour-date display, since you look the time much more than the date. The price on Amazon was the lowest. Vicente.$LABEL$1 +waste of money. not enough description of the content of the book. I feel like cheated. the entire book is about theory. but choice is an actual action. I was expecting there can be some real-life/historical examples...$LABEL$0 +Ok, but not really worth looking at. Candyman isn't as creative with his hook murders as he was with the first. Lots more gore and people getting gutted, but not nearly as entertaining as the first. The same as most of Clive Barker's sequels, lacks imagination.$LABEL$0 +Rocky Mountain Radar earns Lousy Customer Service. I installed this unit in a full sized pickup truck. The rear antenna wire is NOT long enough. I called Rocky Mountain Radar, spoke with Raul, and he advised me to go out and buy an extra wire (cost $14.99). Raul also gave me a list of conditions that needed to be met so that the unit will still work. I asked him if he had an extra wire he could send to me. His reply? "We are not a stereo store. You will have to buy the extra wire yourself". I asked Raul if other customers had advised him that the rear wire was not long enough. He replied "yes, we advise them the same as me".If a problem is already known, why doesn't Rocky Mountain Radar have a part that they can send you? Seems kind of like a cheap company to me.$LABEL$0 +Very Poor Quality Control. This product has great features and a great price, but the quality issues negate both. Take a look at the Netgear forums, and you'll find every user has the same problem- works fine for about 3 months (lenght of warrantee), then gets finicky, then cuts out completely. Support is well-intentioned, but forumulaic. Stay away from the WPN824 unless you can find the V2 of the product.$LABEL$0 +Better than we thought at first. I bought this game for my son for Christmas. I had never heard of this game before but I found it here while browsing and thought he would like it. He took one look at it and thought it looked dumb, and waited a day or so before he tried it. To his surprise, he LOVES it!!! It's sort of a logic/puzzle type game where you have to go to this place, get this item, take it to another place, etc. It reminds me a little of the Legend of Zelda games which are also a big favorite of my son.$LABEL$1 +Terribly scarred by ignorance. Sproul is a good theologon. Granted. Smart guy too. Very logical. But he has absolutely no idea about what he's talking about here. A main part of his arguement lies in the "fact" that quantum physics is logically impossible and therefore 70+ years of study into this field has been a waste of time and a number of Nobel Prize awards should be immediately recalled. Sprould doesn't in any way understand quantum and, when I realized this, I also realized that he could be sprouting anything he wants to about any subject on the hope that his audience has even less knowlege about it than he does. So, his book remains, in my opinion, a nice idea, but one that can in no way be backed up logically.$LABEL$0 +A priceless book for fans of the Wreath-and-Crest.. Do you want to know how many horsepower the Cadillac V-16 had? Do you want to see the list of features on the 1957 Fleetwood Brougham? How about the V-8-6-4 engine? The answers to all these questions and more can be found in the book, which is a must have for all Cadillac fans. However, they should produce a second edition if they want to include The Northstar System, which brought me to enjoy Cadillacs.$LABEL$1 +More fun than the LeapPad itself for my three-year-old. My 3-year-old son just got the whole First LeapPad treatment for his birthday, and so far he's had more fun with the backpack than with the LeapPad itself. It was fun to watch his excitement as he filled up his backpack with all of the books and cartridges he had gotten. Then he put it on and ran around the house at full speed, giggling. I don't know which he liked better--the "organization" of his stuff or the feel of that extra weight on his back, which made him run really fast! If you're buying the LeadPad for a special kid and want to make a big hit, you'll definitely want to include this accessory.$LABEL$1 +This movie is a Flop!. The wardrobe and sets are very good. The acting is poor, and the cast of actors is Horrible! The sound quality is good, with great cinematography. However, this is NOT a movie that is good enough to buy. It’s best to RENT this movie. This movie gets real cheesy and attempts to copy Lord of the Rings mythical creatures. It’s not well executed and flops in the end.$LABEL$0 +Good Gloves. Gloves say what they do, very good gripping gloves. Just wish they were a little warmer. I would recommend these gloves$LABEL$1 +As good as it gets !!!. I ordered this bag for "Panasonic DMC-FZ7S 6MP Digital Camera". I just gave a best guess to see if my camera will fit inside this bag. And to my surprise it worked. This bag is excellent for this camera. The design and safety features are good. Its handy while travelling. I recommend this bag for whoever is owning this camera.$LABEL$1 +Cheap made in China. This quilt is cheap acrylic and made in China. It smells awful when you take it out of the bag. It does not look high quality. I returned it immediately.$LABEL$0 +Nothing Else Like It!. Well shot, well edited, and paced quickly enough that you don't get bored, but slowly enough that important topics are covered in depth. Where else are you going to find an instructional documentary that takes you inside growrooms? For a younger generation, (accustomed to learning visually) this DVD is an invaluable resource. Of course, if you're a serious student, read the book, but the DVDs are a great place for the novice to start.$LABEL$1 +If you are anal retentative about writing utensils or paper buy this. If you are tired of throwing pens that are loose inside your pockets or carry one of those memo books that gets screwed up after a while you need to buy this.I really like to always have writing utensils and something to write on regardless of where I am.This little kit is made well:1) Zippers work really well without them hanging up on loose threads.2) Carries 4 writing instruments on the outside "pockets" (recommend something with clips to keep them in there though)3) The paper themselves work as advertised: ink not running off when wet and paper not destroyed when wet and you write on them.4) The the pen that is came with is tiny, works while upside down and does not like to explode on you when you really don't want it to.$LABEL$1 +great mini. Great mini but I've only used it once....It wont hold vertical for heavy cameras but otherwise its the best constructed mini tripod ever, although I probably would just use my shoe if the situation presented itself$LABEL$0 +Nero Burning Rom is MUCH better. Roxio Easy Media Creator 7, follows the legacy of all their products: bugy, bad customer support, very little support for 3rd party images etc, and virtually uncustomizable compared to Nero Burning Rom. The last time I used Easy Media creator 7 was to burn a CD in iTunes (relies on the Roxio ASPI driver, even in Windows XP)$LABEL$0 +Suprised that Disney would support a design this lousy. All the reviews about poor quality are spot on. The door on mickey's head is the most annoying. They designed this thing with absolutley no way for it to stay closed!!! It really sucked to see my son get so excited to get this toy, and then get sooo upset because it doesn't work right. I hear "fix it Daddy" more than anything else when my son is playing with this. I have to use half a roll of tape to keep this darn thing together, plus the characters talk in the wrong voices half the time! I expect more from Disney than this!!!$LABEL$0 +readable historical account that is very relevant today. I came to this book as someone interested in new media rather than as an art historian, and I found it fascinating. Fried uses Diderot and other eighteen century art critics' writing to understand how the beholder of paintings is positioned. He uses an abundance of paintings (reproduced in good quality black and white) and citations of art criticism to show the ways in which painted characters ignore the beholder, first by being absorbed in quiet activities, and later in self-abandonment. While the beholder is clearly set apart from the represented world in history paintings, Diderot also writes about entering landscape paintings, stepping inside the world.I found the book very readable and thought-provoking, and relevant to far more than just eighteenth century French art. Personally I will use it in relation to our current notions of immersion and interactivity.$LABEL$1 +Mixed reviews. I initially found this book pretty interesting. I watched Thomas Friedman's interview on Charlie Rose and found him to be an interesting speaker on timely issues related to globalization.When I got the book and started reading it, I got pretty tired of reading the made-up terms he used, eg. electronic herd etc..I found the book to be biased towards the benefits of globalization and dismissing the disadvantages.What I did like about the book was some of the personal anecdotes he relates to the readers, ultimately giving you the feel that you're hearing the story from the man on the ground.I found doomsdayer520's review of this book to be particularly helpful.$LABEL$0 +For an "insight" look into biblical characters. This fascinating book will acquaint you with all the major biblical personalities so that you can pick out the ones you would like to know better and read about them in the Bible. This book is highly readable and will not intimidate the neophyte.$LABEL$1 +Fabio's Yoga. This is not a video for a Yoga beginner...very difficult to follow and Bryan Kest is very annoying as a teacher...that is if you are into the whole Fabio thing.$LABEL$0 +Works well. It works nicely. Can even add your own things to its library. Cons are is that it should be quiet when you speak into it and it doesn't shut off. Otherwise it's great$LABEL$1 +Great bathinga. THis is a nice mineral bath. It has a pleasant scent and I feel very relaxed when bathing in this.$LABEL$1 +Nice for the car. I already had one from Thompson's Cigar and needed another one for my second vehicle (tired of moving the other one back and forth). Works great. The only reason I didn't give it 5 stars is the plastic might have some defects. Part of the hinge broke (still usable) within the first week.$LABEL$1 +Pocket Pedometer. Works great, received it in a timely manner, only wish the clip stayed on better when I have to use it.....love having it in my pocket!!$LABEL$1 +AWESOME GAME!. I bought this game for my 11-yr old. His review is: "I like this game because you can fly, drive & fight w/Autobots. Good amount of action, somewhat challenging which makes it fun. Graphics are pretty good. Has "challenge missions" & 23 "story missions" that are based on the movie. CONS: Limited area in which to move the character around in. Good game to get!"$LABEL$1 +Fun and easy. I found this to be a easy dvd to use. I love the way they not only show you but provide the tab at the same time. The way the songs are broken down makes learning the songs manageable and not overwhelming. So you can take your time and learn each part or just the parts you like most. Very pleased with this purchase.$LABEL$1 +Perfect for a family movie night. Item and package arrived fine and on time. It is a relaxing moving very recommended to have a good time in family.$LABEL$1 +worth the dough. this gadget bag is really good for any gadgets... cameras, camcorders, i even found myself using it for water bottles and books. its worth the hefty price, durable and easy to clean with plenty of room, this thing keeps your gadgets safe through anything. its great!$LABEL$1 +Reactionary Nonsense. This book could have been written in 1890; all the old rubbish is here - smug Anglo-Saxon superiority, the belief that "human nature" makes socialism and even serious reforms impossible, the angry assertion that the so-called natural order of things has been needlessly disrupted by such dastardly trouble-makers as Plato, Thomas Moore, Rousseau and, above all others, the red devil Karl Marx. Not a word here about the roles that the slave trade and piracy by such delightful fellows as Drake and Morgan played in the growth of capitalism in Britain and North America. If free market capitalism brings freedom, then how come such tyrants as Pinochet, Francisco Franco and Somoza loved it? And why did the German capitalists finance Hitler? John D. Rockefeller and J.P. Morgan would have loved this book. Rosa Luxemburg and and Martin Luther King would have hated it. That says it all.t$LABEL$0 +Helped me get a great LAST Score (164). After reading the reviews for LSAT prep guides on Amazon I decided to this one. I used it as my ONLY study guide; however, I did make sure to go through the book thoroughly. I did all the exercises in every section and this left me very well prepared for the exam.The book did a great job of pointing out some of the common mistakes that LSAT takers make as well as giving you tips and tricks for every section on the LSAT.I've read that other books do a better job preparing you for the Games section but I found this book easy to follow and in depth in that respect. All of the game types are covered. Let me issue this warning to potential LSAT takers...ignore game types at your own risk, they are all subtley different with their own intricacies. I skipped one of the game types in the book and guess what showed up on the LSAT!Good Luck!$LABEL$1 +Beautiful Watch. I bought this watch without realising that it was reversible. But it is the best feature.It is a dress watch, but I tend to wear it everyday to work, I have been wearing it for several months and it has some signs of wear, but they are only visible if you examine the watch.It is really beautiful and is lasting better than some of the pricey real gold watches I have, so I am delighted and might buy another for my mom before she "borrows" mine.$LABEL$1 +Stank stinks. I'm a fan of Hip Hop but not a fan of OutKast. The beats are terrible and the leyrix don't make sense. Mybe because I don't like this type of Hip Hop.$LABEL$0 +Super strong toy. This is a cute and colorful toy. It is super durable, which is necessary since I have twins who are constantly yanking things out of each other's hands and waging war over toys. Thankfully I bought two, for which I am grateful.$LABEL$1 +Good movie, bad DVD.. It was a marvelous movie, but the thing is thats all the DVD has. The movie, thats it. No bonus features what so ever. Not even bloopers. I expected much more from this. I guess the only exciting thing is that I can watch it in Spanish.$LABEL$0 +lite weight. I purchased the nail/staple remover in order to remove staples attached to wooden posts holding up field fencing. The remover is just to lite weight to work effective. I purched a bolt cutter for less money and cut the staple into and then twisted it so as to expose the wire and remove it.$LABEL$0 +How Do You Know. I enjoyed watching this movie. I like the actors that were gathered for the movie. They are all very good actors and each become the movie character, thus making the movie believable. I loved the comment "get me a list of no extradition countries."$LABEL$1 +Just no.. This movie is kind of crap. There I said it, I watched this for Hardy and was not disappointed in its badness. Reminded me of Lawnmower Man, a very slightly superior film. Everyone I wanted to live dies and those I wanted to perish clung stubbornly to life. Their must be better films to waste your time with, pass on this, life is too short.$LABEL$0 +Very nice!. I was very impressed with the sunblocker. Living west of where I work forces me to drive into the sun both to and from work each day. I had no problem installing the sunblocker on the face shield (just be sure to put enough soap in the water as they instruct); it took only a few minutes. By the next morning, it was ready to go. The only thing that would have made it a FIVE STAR item for me was the color. I would have wanted it to be some dark shade of gray - not GREEN.$LABEL$1 +Maybe not important, but intersting. Gloria Vanderbilt was 80 years old when she published this book, which I find astonishing. She has lived through so much tragedy, lived so many different lives, had so many relationships that much of it really does not matter anymore, but it is interesting to read about it.$LABEL$1 +Horrible for the New Generation. My 11 year old son was assigned this book this year, and he absolutely hated it. The plot is not nearly fast enough for this generation of children, and there is almost no action. He fell asleep about five times reading this book. No matter what version, The Secret Garden is much too slow.$LABEL$0 +Spider-Man The New Animated Series: Season One. MTV tryed to be edgey. but most the time it doesn't work. For die hard spider-man fans only$LABEL$0 +Justified 1. Proper combination of philosophy, anthropology, and action, among a plate of characters sufficiently diverse to give anyone a someone with whom to identify, all neatly justifying behavior that is, at once, both right and wrong, revealing difficult choices confronting the human condition. Ultimate redemption, and its failure, commitments and their inadequacies, all held together with humor and irony, and just plain excellent acting. This is a series for all, from writers to watchers: no one gets out unchanged.$LABEL$1 +This is a Great Diaper Pail!. We received this diaper pail as a shower gift and absolutely LOVE it. The system is SO easy to use, and, unlike what some reviewers say, can be done one-handed. We use about 10 diapers a day for our 3 month old daughter and have to empty the pail about once a week (usually on trash day!). It is a cinch to empty - when the last one is dropped in, turn the knob several times, push the cut button and turn several more times. Then, just open the bottom of the pail and pull out the "string" of individually wrapped diapers. To start a new string all you have to do is tie a knot and you are ready to go! Since we have brought our daughter home, we have used 6 of the refills, which costs about $30 total, bringing the monthly cost to around $10 so far. I'm sure it will go up slightly when she starts on solids. We have not had problems with the smell - there isn't any. The little bit of extra money is well worth the ease to me.$LABEL$1 +Great Bag for a Great Price. Bought the bag as a gift. He loved it for his brand new computer. Not many nice bags fit a 17inch. But this one does and still has lots of room for books and other things. It looks good and is very durable. Great for school! Loved the bag and loved the price. Saw it at a store for $100. Can't beat that!$LABEL$1 +a birthday gift for my brother. my brother liked his gift!! He loves books.I remember reading this book in school,I hope he likes it and enjoys reading it.$LABEL$1 +Folding Speakers but poor sound quality! =(. I bought this hoping I could get a portable speaker set that didn't use batteries. However, I was a little worried by the outer appearance of the box that had different sports ball on it (like a soccer ball). It immediately made me think that they sent the wrong. But after opening, it matched the description of when I bought it. After I tried it, only one of the speakers worked. The other had a scratchy, fuzzy, static-y sound. I don't know if mine was defective... but I would suggest you to pay a little more for better quality. Or just purchase ones that use batteries...$LABEL$0 +Good Cover at a Good Price. This cover is made of high quality nylon. It's easy to put on/off and covers my tractor completely.$LABEL$1 +Um...Yeah. Excellent Book!- hard to understand if you have never read anything about the three kingdoms beforeI've played the video games about it so i understood it betterDefinite buy for a Chinese history fan!$LABEL$1 +A member of a quiet set speaks out. The author explains many aspects of a loner's lifestyle, and how such a person interacts (or not) with society. The lives of both historical figures and contemporary celebrities are referenced. Many examples from pop culture are looked at. Being a loner is neither promoted nor explained away. The sentiments in this book are the result of an informed, unapologetic, balanced (and unpopulated) vantage point. No matter what degree of loner or sociable person you are, you will be informed by and be able to relate to this book.$LABEL$1 +Undoable. The list of do's and dont's to attain results on this diet is exorbitant. The products one would have to buy,the daily ingestion of herbs & pills, and the colon cleansing techniques are outrageous. You even have to use daily hormone injections to illicit best results. This diet would require a 24/7 commitment and lots of money.$LABEL$0 +Dissertation Assistance. This book is written in a personal format that pulls the reader in as being personally coached by two professors. While there may be dissertaions for dummy's, doctoral students are not dummy's and should use this book to assist with the doctoral journey.$LABEL$1 +napkin holder. Product was not what I expected.It also was crammed into a box that was too small and arrived broken.Did not want to go to the trouble of trying to return.$LABEL$0 +freshman at CHS. I am reading this book for school, and I think it is a very good book so far. Im only on chapter 15 but should be finished soon. When I first started reading it, I wasnt really into it; but the closer I got to the ceremony of twelve, the more interested I got.The thing that makes this book interesting is the fact that only one person knows the history of the world. This is a very good book for young people. Every school should assign this book.$LABEL$1 +igivethis10stars. this is the best album in my entire collection. i recomend it to anyone who enjoys good listening. a stand out factor to me is how the whole album plays as one blending song from tack 4 onwards. if you like "easy-listening" metal buy this album. the use of synth is brilliant as is the varying vocal patterns. if you are looking for similar music try little known australian band alchemist (an interesting blend of mystical sitars and powerful drums), and devins other projects infinity and strapping young lad.$LABEL$1 +Great to tote along. Overall, I am very pleased with my purchase. I ordered three bags: pink, purple, and a green for myself. I am giving them as gifts for my bridesmaids. The quality and size is excellent. I was a little dissapointed with the green bag, the color is not as pictured. So I will be giving the bag to a friend and I just ordered a black one for myself. I would highly recommend these totes.$LABEL$1 +Great CD. I loved this CD. I was just browsing in a music store and happened to notice it had just been released. Since I loved Deluxe so much, I figured this one was a pretty sure thing, and I wasn't disappointed. Better Than Ezra is just one of those bands that speaks to my emotions, and this CD is not exception.$LABEL$1 +This Is Wrestling...... Hello wrestling fans.....after watch WrestleManiaXXVIII, my wife and I decided to collect all the WrestleMania's.....so we are. Not in any paticular order, but as we find them.....now.....these are the best way to get the early shows.....5ive shows per volume.....now you can't beat that.....remember, these shows started before we had DVD's (when we only had VHS) so things got edited, but these shows are complete.....again, my wife and I have no complaints and actually really enjoy watching these so very much.....brings back memories galore.....this is wrestling!.....you're either a fan or not.....if 'yes' then buy this because this is for you.....if 'not', then why are you even looking? This is a must for any WWE fan!$LABEL$1 +Angelina. This was made when Angelina was still nuts, I'm just not sure if she was still blood in a vial nuts. Fun movie, don't be looking for anything deep, but some solid research done on the mythological ideas. Oh, Angelina looks outstanding.$LABEL$1 +Not So Happy. I mainly bought this for my husband who always forgets where he parked his car in the parking garage at work. I tried using mine and had it on my key chain in my pocket. The voice recorder is "okay" but crackly and weak. Also, the button was being pushed in my pocket and I could hear myself speaking in my pocket. Finally, the thing fell off my key chain and I gave up on it. It's in my drawer at home. Maybe it would be better to carry it inside a purse; but to me that would be a lot of trouble to retrieve each time.$LABEL$0 +Downhill after the first 300 pages. If I had been asked to rate this work after the first 300 pages, I would have been hard pressed not to award 5 stars. However, the last half was a real slog. In fact, I had to skip a 100 or so pages near the end just to say I finished it - only to find that almost nothing had been resolved after all this effort. I don't mind (and sometimes really enjoy) multi book series but not this one. An editor with a liberal red pen would have improved this book considerably.$LABEL$0 +Turtle Floating Dock. This product is design for turles I have a red ear slider turtle and she does not fit on the dock. I was disapointed for the actual size of the Dock.It would be great for a baby turtle but not for an 8month read ear slider.$LABEL$0 +Great book! Pretend with Miss Kim, April 8, 2008 is a great help with my grandkids.. Pretend with Miss Kim, April 8, 2008By A. Royal (Mebane, NC) - See all my reviewsMy grandkids loves Pretend With Miss Kim DVD. They really get goingwith the children on the video and love the songs. It is a great DVD!$LABEL$1 +Disgusting and stupid!. I am sooooo sick of this filthy lyric music cluttering up the airwaves. This song is so childish it's sickening. Those words sound so juvenile that I,m wondering if they even came from these 20 somethings. The guitar parts are from some Stevie Nicks song from about 20 years ago but that can't save this garbage track. This song wasn't even sexy at all. It was disgusting to listen to. I would give this -ten if I could.$LABEL$0 +All three movies, no extras. This pack contains all three full length movies in Blu Ray format, but contains absolutely no extras. Not a big deal to me as the price I paid was a steal, but if you're looking for extras, they aren't in this set.$LABEL$1 +Best book ever written!. And I know books! I saw some of what she describes and believe the book to be 100% true. I dont ever want to read it again, but everyone should read it at least once. Thank you Mary and Jesus for this revelation, I am saved now because of it, and so are many of my family!$LABEL$1 +cheep not worth it.. The saying goes you get what you pay for. This vest just a basic vest, LED's are basic not bright enough to make any difference at a distance. I found a real safety vest at safetyyousee.com with real bright LED's but the cost isnt for the basic cheep vest.$LABEL$0 +A Native Treasure. BUFFY SAINTE-MARIE/It's My Way is both noteworthy for her 1960's songs illustrating the plight of Native Americans, and as being highly talented innovator of western European folk tradition and one of the first cultural fusion musicians. Often accompanying herself on a bow-harp, at other times with rich instrumental backup, her music is sometimes eerie, always uncompromising.Little Wheel Spin and SpinIlluminationsFire & Fleet & CandlelightMany a Mile$LABEL$1 +How fun it is to Read this book. In this book, theres a girl that doesnt want to go to the camp because she doesn't like the water at all. Her brother likes the water and he wants to go to the camp. There is something in the water, that grabs her, she doesnt know what it is. Interested????? Well you should be, read the book to figure it out!!!!by Alex$LABEL$1 +An Intelligent Mystery. I'm not a big mystery fan, so I DIDN'T guess the killer right away (and I'm not sure I believe those who say they did...), but I agree that the real pleasure of this novel is in the writing itself - Nelson's prose is fluid, his metaphors apt, and his insights into the position of the gay male in society at the turn of the millenium simply dead on target. His choice of the first person pulled me right in and made me a part of the experience - I've never been to London until now.$LABEL$1 +Chevrolet by the Numbers: The Essential Chevrolet Parts Reference 1970-1975. Very nice book of Chevrolet Part Numbers for 1970-1975 Vehicles. I have used a previous copy of this book very extensively in the past.$LABEL$1 +Terrible sound quality- like a cheap radio (I returned them). This sony PRODUCT MDR-RF975RK was aweful. The volume was very low, I had to crank the volume on my sterio to hear anything, there was lots of static and as you moved around it would suddenly turn into a deafening screeming sound. I was unable to use these comfortably at home or at work. In neither place do I have a cordless phone, but there was tons of interferance and they were so abrasive to my ears I gave up beacuse I was afraid I'd get ear damage. I let them charge for a full 24 hours before I used them.I would not even try these- they sound worse than a 2$ raido speaker. My guess is that you have to have a chord, or maybe infared technology instead, or maybe you can;t live in a city ( like I do), and must not have any electornics anywhere near them.I bought these from ( and returned them to) Vanns, which was A GOOD COMPANY to deal with. I thank Vanns for refunding my money so quickly.$LABEL$0 +Only buy this if you have a table with a short leg.... Yes, I know it's supposed to be satire.Yes, the dialogue is delightful and quaint.Yes, Larry McMurtry (who's written more screenplays and novels than God himself) is the author.That doesn't magically transform "Sin Killer" into a good book.I got this is a gift, so I spent no money on it, but I *still* feel cheated. If you've ever read McMurtry, skip this book; it will shake your faith--usually well-earned--in his writing. If you're not familiar with McMurtry's works, don't read this; it's not at all representative of his genius.I'm going to re-read "Lonesome Dove" just to get the bad taste out of my mouth from "Sin Killer".$LABEL$0 +This is a piece of shit. Kindly don't buy this. It smells okay and evaporates in less than 10 mins. I ordered after reading all the reviews but i realized now that they didn't help me choose a right product.$LABEL$0 +The dead orchid. "Wild Orchid" is an erotic movie starring Mickey Rourke and some other people. Essentially, it's a pornographic movie, another attempt to mainstream porn. Above all, it's a *failed* attempt to mainstream porn. The movie is really bad, and can almost be considered an unintentional parody of pornography. My favourite scene is when Young Woman enters car, and finds Older Woman having sex with Man. She is distressed and asks Rourke to stop them. Rourke responds, in a voice that's supposed to be erotic and passionate: "I WANT TO, BABY. BUT I CAN'T. I JUST CAN'T".HA HA HA HA HA.Mickey is a really bad First Lover.Later, the prudish Young Woman and Mickey (who both have sexual inhibitions of some kind) finally "do it". The trailer looked promising, but alas, you don't see much...Just as well. I mean, we can't mainstream porn, now can we?PS. I like orchids. The plants, I mean.$LABEL$0 +Ocean DULL-er Scene. The first mistake with the title is the word 'modern'. There is nothing new about this music - Ocean Colour Scene are stuck in the sixties and I wish they would stay there. The music is boring with little or no originality. Sadly OCS come from my hometown, a fact I am very ashamed of. I suppose this is what you get from 4 men who consider Paul Weller a musical genius. DO NOT BUY$LABEL$0 +Pretty but uncomfortable. Okay, so I love pink stuff, and these are pink, but the little bumpies on the in-soles hurt the bottom of my feet after a while. If I wear them with socks, then it doesn't hurt. Also they run really big. I am a 7-1/2 to 8, but I am able to fit into size 6-7 of these shoes. Interesting. I say: not worth it if you want comfortable sandals.$LABEL$0 +Advertised but did not receive item. Not sure exactly what happened but the item I ordered was not the item I received. I believe it was not available so I was sent something else. The vendor did refund my money. Also, I had to rate this toy because it would process without a rating. I gave the toy the lowest rating possilbe due to the fact that I didn't receive the toy.$LABEL$0 +It was unusable for me. I was glad to see that I wasn't the only one frustrated with using Micro Money 2006. I thought I was doing something wrong. It duplicated my bank acct etc. I uninstalled it & purchased Quicken on line only trying for 2 days to figure this one out. Unless you are an computer expert, I recommend you try something else. One is just paying for the name. Good luck.$LABEL$0 +Sweet and charming book for baby. This is another adorable "Olivia" book. We have them all because I have a daughter named Olivia (she's 16 and still loves the books). This one is a board book for toddlers learning to count. The illustrations are great, but not stimulating enough for a baby - if that's what you're looking for. Otherwise, it's wonderful.$LABEL$1 +Gena does it again. This is one of VERY many novels that I have read from Gena's collection. I was not at all disappointed. It's just steamy enough.$LABEL$1 +Defective Item. I purchased this item to safeguard my apartment. It worked fine for the first couple of days then it would stop working (technically the sensors would not be linked to the main unit and I had to re-sync the unit). I tried it out for a couple more days and it stopped working again (once again I had to re-sync the sensors). After the 4th time of doing this I returned the item.$LABEL$0 +A slip from mr. Harrold. Glenn Harrold's produces fine hypnotic CDs and much of his work is first rate. Unlike some of his master pieces (A Chakra MeditationandUnleash Your True Potential) this CD however is not worth much. It generally centers around the feeling of deserving to be rich instead of tackling the behavior needed to actually become it. Also if you want to achieve financial independence there are much better sources out there, with more concrete and usable knowledge, likeYour Money or Your LifeandRich Dad, Poor Dad.And if all you really wanted was to feel better about yourself, relax and get more energy, then getUnleash Your True Potentialby the same author, it's far better and actually deliver on its promise.$LABEL$0 +Tati's final feature film. After suffering major losses with his previous film, "Playtime," he returned to his successful formula of following Mr. Hulot's adventures in this his last feature release. He produced a TV movie for Swedish television after this for his last effort.If you love Tati, you'll love this film.$LABEL$1 +Black Belt Mag.. Ordered in September 2006, and have yet to receive an issue, today is Dec 21.06. Most of the time you can count on amazon, but I'm beginning to think that this is a rip off. I rated one star, because your can't give no stars$LABEL$0 +The Outsiders. The Outsiders, written by S.E. Hinton, describes the lives of young adults when they are going through tough times. The "greasers", Ponyboy, Sodapop, Darry, Two-Bit, and Dally are the poorer boys of the city. The Socs,(also called the Socials) are the higher class of boys in the city. They bully and beat-up the greasers just because they are poorer than they are. I enjoyed this book due to the characters, how they act, and how humorous they are. My favorite characters are Darry and Ponyboy. I like Darry because he is smart and strong. I also like Darry because he likes to show off his muscles. I like Ponyboy because he enjoys movies and he always sticks to his gut feeling. You should read The Outsiders- it is a great book!$LABEL$1 +Not as expected. You are constantly referred to his website www.lowcarboptions.com to obtain what brand names of vitamins, minerals, food, etc. that he recommends. Once you get there it is just 3 products and his own version of vitamins and minerals; plus the expense of becoming a member, but for what? A few coupons on products he refuses to mention?$LABEL$0 +They don't fit!. My son is 3 and weighs 26 lbs, and they do not fit him around the waist. His little butt is constantly sticking out. They are bulky on him and he complains about them being uncomfortable. He can easily pull them down, getting them back up is another issue though. Because they are so big, they roll funny and he needs help to get them back up. They also do not reattach once you tear the sides, and this is a tad annoying. It means that anytime he poops I have to completely undress him to put another on. They also do not seem to be very absorbent and have leaked when he has pooped.$LABEL$0 +Audio skips!. I dont know how amazon ripped this CD but it skips everywhere in the same places no matter what mp3 player I use. Otherwise its sublime. Just annoying when you're trying to listen to it and it keeps skipping. I want my money back!$LABEL$0 +Does not fit 22 quart white. This lid was advertised alongside the 22 quart white cambro container and stated it would fit. It does not, it is way too small. Now, I have a round white container and no lid !! I can't even find another one on Amazon that will fit it.$LABEL$0 +Does not work. Transmission of sound and video was only clear when the transmitter and the receiver are 10 feet apart (with no physical barriers in between). I tried connecting the receiver to a tv on the 2nd story and another occasion to a tv about 30 feet away with two walls in-between. For both instances, the noise reception was on and off, the video reception was blurry.$LABEL$0 +Very Lightweight Rain Suit. I have used my rain suit loads of times. For some reason, the bum of my pants is always wet after riding my bike while the ground is wet. I use the rain jacket and the rain pants, and the jacket comes below the top of the pants. The rain is not coming from the top of the pants and leaking down. I have observed that much. It seems to be coming from the seam; but when I inspect the seam, it appears intact. It's kind of a mystery to me. Othan than at my bum, it does keep the rain out very well and is also a very good shield from the wind. I like the suit very much. It is very lightweight and portable and works very well, but I had to downgrade from 5 stars for the wet-bum issue.$LABEL$1 +a very boring and confusing book. I am from mit, and I'm really smart. I cannot understand this book. There are also quite a few mistakes in this book.$LABEL$0 +false title. this is the ohio state edition that is not mentioned in the title but mentioned in the middle of the description. no picture should have been a red flag. should have known $0.12 for a college text book was too good to be true. returned.$LABEL$0 +Awesome..... I was very pleased with everything from the service, the product, and the delivery. Thank you very much for the professional manner in which everything was handled.$LABEL$1 +A major pain!. These were SUCH a pain to clean and use - my kitchen looked like a science lab. I threw them all out.$LABEL$0 +Folk songs about train wrecks are put in perspective.. Ms. Lyle shows a historian's perspicaciousness in her investigation of "Wreck of the Old '97" and other train wreck songs. She finds people who were at the wrecks and digs up news accounts of the wrecks--not all wrecks, just the ones with songs about them. Her comparisons of the myths in the songs and the history itself make a wonder read.$LABEL$1 +Don't wait, unless you love the sound of a door slamming!. This product works and it's very reasonably priced. After listening to my screen doors slam for years with a spring closer,I sent off for 4 of these door closers, WOW, what a difference. They are easy to install and work very well. You can adjustthem to close exactly as you like. Like me, you'll wonder why you waited so long!$LABEL$1 +Green Hornet. This is a movie which could not make up its mind, comedy or action. The result was ridiculously poor movie. I am glad I only paid a buck to see this movie. I usually like most movies and find something good, ok the gadget were good, but the story was poor.$LABEL$0 +I'm pleased.. I first heard the song "This Is Dungeon Music" and after a quick search, found and ordered this CD.Though none of the other songs turned out to be quite as catchy as "This Is Dungeon Music," I still fully enjoyed the whole CD. Anyone already a fan of punk, alternative, or emo rock should get a fair level of enjoyment from this CD.$LABEL$1 +Very good phone, but may be outdated.... I have had this phone for almost 2 years now. It's been a workhorse and I love using it. Having said that...the only real problem I have with it...is that I can ONLY have 2 headsets with this system. Because of this I will probably be changing my phones soon to the TRU8885 series which supports up to 10 handsets.I haven't yet tried them, but if you're in the market for a new phone system I would probably check out the TRU8xxx series phones instead (i.e. TRU8885-2 or similar - all of the TRU8xxx models are the same handsets, as each other NOT the TRU5885, but come in multiple configurations depending on whether you want an asnwering machine, the number of handsets sold in a pkg, etc...)$LABEL$1 +A BEAUTIFUL LOVE STORY. This is such a good movie. I definetly recommend it. Youll wanna watch it over and over again$LABEL$1 +Enjoyable. Easy read and stayed interesting. I look forward to reading more books from this author. Try it. I do not think you will be disappointed.$LABEL$1 +Bad bad bad. I got this grinder as a present, so I didn't get to inspect it beforehand. The quality is awful - parts don't fit together well. I cut my finger on a sharp edge of a grid plate. The blade on the other had is completely dull. Meat gets stuck inside the machine and doesn't come out. And the blades and plates got immediately rusted after a single washing. This product is a disaster!$LABEL$0 +The Beast Must Die. For all of you out there that are "werewolf" buffs just wanted to pass along to you all that this will be coming available to DVD this July (I believe around the 25th 2006) and not at the prices listed. Hold on if you want to purchase a new copy at the fraction of the price. :)The plot description of the movie is just what it states. You have a mystery going on that will have you guessing which guest at the estate is the werewolf.If you enjoy a mystery flare to the horror genre I would highly recommend atleast a viewing of this movie.$LABEL$1 +em must have popped some x pills while doing this. bring back cRAZY AZZ SLIM SHADY come on man you're losing us here. booty songs are not em's style at least he could have it interesting drugs is killing his career.$LABEL$0 +A great recital disqualified by unacceptable sonics. The absurd price being asked for this CD on the used market will no doubt be enough to put buyers off, but in case the unwary are tempted, I must report that the sound is dismal, Richter's piano being reduced to a thumping, boomy blur that is frankly unlistenable. Too bad, because the recital in Helsinki from August, 1976 includes a potent account of two Richter favorites, Beethoven's Op. 10 no. 3 sonata, in which he found strong shades of the composer's middle period, and Schumann's "other" carnival piece besides Carnaval, Fashingsschwank aus Wien, given a rollicking, high-spirited reading. Luckily, because they are favorites we have rival performances that sound much better.$LABEL$0 +Amazingly good for the price. Before the holidays, I shopped around for an "inexpensive" digital. I hated to spend big money on something that will be obsolete in a year or two. (I already have an entire shelf in my basement with computer equipment we no longer use) Amazon listed this as one of the 10 best cameras, so for [the price], what did I have to lose. I was pleasantly surprised by the quality of the image. (I am a comercial artist) Print it out on a good ink jet printer, on photo quality paper, and you get great results. Plus, I can use it on my Mac and my husbands PC. Installation on both platforms was super simple. You don't need any kind of real computer experience to be able to download from camera to computer. I plan to buy another for my in-laws. It's no Nikon, but I'd definatly recommend it to anyone wanting to get an easy to use digital.$LABEL$1 +Great Flick!. Item is as advertised. However the customer service rep didn't really answer my question prior to my purchase. That is why I rated 4 stars instead of 5. Glad I took a chance on this merchant anyway.$LABEL$1 +The Great Lost Velvet Underground Album!. The cover, which shows a gauge tilting into the red toward "VU", suggests that this will be a loud, grinding affair like the group's first two albums, but the truth is that this nice, laid-back set of previously unreleased songs belongs to the general period of THE VELVET UNDERGROUND, the group's third album. Most of the songs here probably would have gone onto a fourth album had the group not changed labels. Oddities include the rollicking "I Can't Stand It," the sensitive "Stephanie Says," the goofy "Temptation Inside Your Heart," and the country-influenced "One of These Days." This is definitely essential for any VU fan.$LABEL$1 +Cut beyond recognition. Originally saw this film by it's release title: "Tarzoon: Shame of the Jungle" and the cuts and edits required to remove the lead characters name in addition to the cuts made to make this have a R rating render this a slim shadow of the originally funny (albeit tasteless)animated comedy. This pale version of the original is basically worthless and difficult (if not impossible) to follow.$LABEL$0 +Badly written, hard to follow.. This book just lists up most of the topics related to multimedia, and it's really hard to follow the authors' writing. The organization is bad, so I got frequently lost while reading the book. Too much errta, and wrong figures. The ugliest scientic and/or engineering book I've ever read!!!$LABEL$0 +Very narrow shoes, they seem solid though.. I guess my feet are a little wider than most, but I usually have no problems with boot type shoes. These are so tight I cannot even wear them. I wear Converse Chuck Taylors all the time and they are snug, but these just hurt the moment I put them on. So if you have big feet, try these on in a store before ordering. Other than that they look like decent shoes, especially for the price.$LABEL$0 +Dont Bother. Watched about first 3 minutes and saw the CGI monster and knew this was going to be bad. Story drug on for 20 minutes and finally just forwarded through the rest of the movie. Pretty much horrible.$LABEL$0 +Not just for acoustic lovers. I really enjoy listening to this great acoustic music. I agree with people about it being a little repetitive, but it is still great. You can play this cd from start to finish, and with each track you will feel the strange power coming out of this acoustic music. It reminds me of grunge, and it is heavy. But don't think of it as originally heavy songs with distorted guitars played in acoustic, like in MTV Unplugged series; these songs were written FOR acoustic guitars. So there is a different feeling to this music, it is very different from the regular grunge we usually listen to. And it works.$LABEL$1 +Heart Hand Punch. This punch is great. The handle is comfortable and the punch cuts through everything from paper to 1/8" thick plastic.$LABEL$1 +GREAT BOOK. I love these Schaum books, but I feel like they leave gaps in their explanation to problems. They also have a bunch of errors in there work.$LABEL$1 +A DVD documentary re-examining the war between Israel and Arab nations. Originally shown on public television, Six Days in June: The War that Redefined the Middle East is a DVD documentary re-examining the war between Israel and Arab nations that left a historical legacy lingering to the tragic Middle East conflict raging in the current day. Shot on location in Israel, Palestine, Egypt, Syria, Jordan, Moscow, and Washington, Six Days in June incorporates recently declassified archives, home movie footage, personal photographs, and recreations to unfold a composite picture of the war from beginning to end. Highly recommended, especially for public library collections. 108 minutes, letterboxed, color.$LABEL$1 +Great!. I don't know how anyone can say this book is bad. This is the best Haddam I've read yet--and that's saying a lot.$LABEL$1 +Very difficult read.... Focuses more on the mill strikes than the central characters... had a tough time getting through it! Definitely not one of Anita's best!$LABEL$0 +GREAT BOOK FOR ELMO LOVERS. I sent this book to my 23 month old granddaughter and my daughter said she won't put it down. She wants to "read it" all the time. It's a great book for all little ones but especially if they love Elmo the way my little one does. I have bought several Elmo books from Amazon and they have all been great.$LABEL$1 +A waste of money. Too big and bulky to sit easily on top of the canopy. It may be my stroller (Maclaren quest) that it the issue, but I wish I never bought this product. My baby hates it too, because she can't see where we're walking to.$LABEL$0 +Ultra Vision, comes in clear, but Rightlight fails. The camera resolution would be good if the Rightlight 2 didn't make the image so dark, even with lights on. I called Logitech but was on hold forever. When they gave me the option to leave a call back number, they never called back. I returned this product and got the Logitech Communicate CTX instead. Lower resolution, but it uses Rightlight 1 which actually seems to work. One would think if Rightlight 2 didn't work, they would not push that for any of their camcorders.But I would recommend avoiding any logitech cams that use Rightlight 2 until some one actually says they fixed the bug. Sometimes more expensive is not better.$LABEL$0 +Disappointed. Since George Harrison is a great musical spirit, who brought and still brings so much joy to us now, this documentary movie was a severe disappointment. It was so bad, it was almost laughable. It appeared that the movie was made in someone's basement -- the quality, in addtion to the content, of the film -- was very poor.Curiously, there were no words or songs by Harrison in the movie, perhaps, because the producers could not get the copyrights or permissions from Harrison's estate. If this was the case, it was a good thing they did not get the permissions, as this was an awful rendition of what should have, and could have been done to honor this great music giant.There is still a movie to be made, so wait until someone else makes, it, cause you won't find it here.$LABEL$0 +Excellent Source Book. I have gone through this book being disabled myself. This book offers valuable insight into the difficult process of self-employment for the disabled, and deciding which way you might proceed.$LABEL$1 +Yawn. I love Stargate but both movies have been average at best,Continuum is just not very engaging the actors all seem like they would rather be someplace else, the core cast is woefully under used and the pacing as with The Ark Of Truth is completely off, worst of all the storyline has been done before and better in the series.$LABEL$0 +this definitely should get negative stars. how dare he 'borrow' the awesome art thats on the cover of a box of Lucky Charms box of cereal??$LABEL$0 +excellant!. i love dawn french and she is brilliant in this show. i got this collection for a friend, as i already bought each series individually - so if you want it all - this is your ticket! this is adult humor, but done tastefully and very funny! the beginning episodes are a bit more funny than the later ones - gets a bit raunchy towards the last episodes- but still hilarious!i love having this total set when pbs decides to cut the show in my area........$LABEL$1 +Too Little About Too Much. I borrowed this book from the local library and found it to be one of the most unwieldly books in existence! It weighs a freakin' ton and needs to be put on a table (instead of your lap) to look at. Totally impractical. Additionally, the photos for the most part aren't all that great. Information is minimal. What irritates me most is each country's skeletal map which doesn't show it's relationship to the rest of the world. Oh sure, you can go back to map of the world at the front of the book and read thru all the tiny names to find the country you are looking at, but you'll probably fracture your arm in the process. Individual maps could at least have shown the country within it's continent or region. A much better book for travelers is National Geographic's Journeys of a Lifetime 500 of the World's Greatest Trips. It may not include every country in the world, but it's much more informative, original and the photos are gorgeous!$LABEL$0 +Not a happy customer. My 5 year old nephew asked for Optimus Prime for Christmas and I found it on Amazon. The "new"Hasbro Transformers Cyber Stompin' Optimus Prime Action Figureproduct arrived in a timely manner but the item was dusty-not just a little, but a lot! We had to use a dry paint brush to get into all the little cracks. It also had little paint marks on it from another toy. I was VERY displeased and would have returned it for a full refund if I didn't have to ship it to my newphew so he would get it in time for Christmas.I will newver shop with Amazon again.$LABEL$0 +Bite Tongue. I wonder how does Mr. Horgan's tongue feel regarding some major advances of science right after the book's publication, such as discovering planets outside our solar system. And I am most curious as to how does Mr. Horgan reconcile the discovery of quasi crystals with his "End of Science" theories. I did enjoy though his portrayals of eminent scientists as old foggies...$LABEL$0 +This book was not what I expected.. The information given in an outline form made it easy to follow. Chapter summaries and lists of key terms made studying easier. Illustrations were clear and helpful. I also enjoyed the real world cases. Knowing how businesses are being affected by information systems was very interesting. I would, however, like to see an interactive CD with additional information like the history of the personal computer and internet with information about the future of information systems. I would recommond this book for use as a textbook for introduction to information systems.$LABEL$1 +Boy isn�t Rob Ryan a really smart guy.. I was ultimately disappointed by this book. It spent too much time emphasizing how incredibly smart a guy Rob Ryan is. It seemed very repetitious. Yes, it is written in a lighthearted style, but overall seemed like it only had enough content for a magazine article. He's been mentioned in Inc. magazine several times, which is what prompted me to buy it, but I didn't really learn that much from the book. One of the least useful of my many books on entrepreneurship. It does have a nice cover.$LABEL$0 +SERIOUS ENGINEERING FLAW. I bought two of these "2 Port USB Car Cigarette Lighter Adapter Dual Plug for iPod MP3 Players Charger - Color White" Both adapter tip's literally fell apart.$LABEL$0 +Wrong item at Amazon. I ordered this product from Amazon and received a totally different thing, so I returned and got back... another wrong item again! So I returned it again and got my money back. I finally bought it from a different company, and the thing is a beauty itself, it works right away with no trouble at all. However, be aware that Amazon might still have another item labeled instead.$LABEL$0 +Not soothing. These synthesizer versions of classical songs get really old, really fast. Worse yet, the songs are sometimes not soothing at all, especially the very first song. The song seems to get particularly loud and uptempo, which is precisely what you don't expect in a lullaby. Please listen to the sample of the first song at least before you buy.$LABEL$0 +FOOLSCREEN - Obscene Hack Job of a Double Feature. Yes, I have to agree with the reviewers above, FOOLSCREEN is better overall if YOU ARE RETARDED! They REALLY need to throw away their 10inch B&W; televisions and step into the present. Widescreen HDTV in Hi Def. We dont need to hack the art to make it fit the frame folks, you CAN buy a frame to match the size of the art :) Do yourselves a favor and go out and purchase both of these films seperately and watch them in glorious widescreen, as the Director's made them. When you watch FOOLSCREEN videos, you are missing the sides and top and bottom of the picture!Jeez, you'd think reviews on Amazon were from WalMart customers!$LABEL$0 +HP over TI. I really great calculator for what it is worth. The only downside is that most classes recognize the TI calculator and not the HP calculator. TI is much easier to use but under the circumstances This HP was able to out perform my roommate's TI. The price just made it that much easier for me to purchase it.$LABEL$1 +Great story line. I'd like to see more of this authors work. The story was well developed and the adventure was steady and exciting. There were certain parts like the SANDTIME BOX AND THE JOURNEY DOOR that really impressed me with such great imagination. All and all I liked the book and would like to see the sequel ASAP.$LABEL$1 +Save your money or invest in a Pump in Style. I got this pump because I only needed to pump for an occasional short separation from my daughter. This was the pump that Medela recommended for my needs, however, the pump is so weak that it was a total waste of money (I used it once and now it's in the closet gathering dust). I ended up getting a Pump in Style, which is great. It was a little more, but hey, I'm saving a lot by breastfeeding, and it really has been a godsend - I can pump and go out knowing that my little one doesn't have to settle for formula. If you want to pump, don't bother with this one - manual expression of milk would be just as fast!$LABEL$0 +Very informative. This book manages to pretty much cover all the bases about rituals and such when you are expecting. I realied heavily on it for my first child and with the twins, I was somewhat disappointed to see it didn't mention a thing about multiple births (especially since they are so common nowadays 1-in 100). But other than that - I was highly impressed with the content!$LABEL$1 +good show. This was such a good series. I learned much of the basics of poliece work from this. I did not miss all the unnecessary graphics to know what was going on. Great relationship between stars and the rest of the officers.Just enough of their personal lives to make them human but did not take away from the story of their work.$LABEL$1 +Gave it a try. Books can be a tremendous waste of time, or a doorway to another dimension. I do not read entire books to wait for them to get good. If a book stinks at fifty pages, I stop, as I did with the Known World. Look at all the bad reviews of this book; they all say the same thing. The author introduces very many characters that are just glossed over. There is no penetrating analysis of thought processes, there is only brief description of events, making for a jumbled, slow, boring, and confusing read. Life is simply too short to read entire books like this that are written excruciatingly badly. Not worthy of a Pulitzer. Not worthy of my time.$LABEL$0 +On fire!!! All about love. I love this cd I really think this is one of the best. Fred Hammond is my favorite artist he never lets you down, it's always on fire. Why does he always have to be in my head, man it seemed like he was ministering directly at me? I am trying to pick my favorite song, but I just can't they all on the bomb. So I leaning some where in between Not Just What you Say, Loved on Me (nice beat), I will Find A Way, and It Just Gets Sweeter, and every thing else is in a close 2nd maybe a 1/2 step be hind like 1.0005. This is what I am talking about worship, God is love and we need to get back to love one another with a AGAPA love.$LABEL$1 +Random cutoff's blast you with static!!. While listening to my iPod the unit will cut off, and I am blasted by static from the station that I am tuned to. I have only intermittently been able to reset the unit using the button; most often I have to unplug the power adapter from the car and plug it back in before it will reset.Caveta: This is my first transmitter purchase so I don't know if the behavior is normal to transmitters or if my area (Honolulu) is prone to this problem. But regardless, the fact is that this unit cuts off completely, blasts me with static (loudly) since the volume has to be turned up louder than a regular FM station would be.I would not recommend this product. The auto-scan feature is gimmicky and the sequence for setting the menu presets is non-intuitive (i.e. press a button, press another button, hold one down for 3 seconds, press another button). There's only 3 buttons and I couldn't remember the sequence, no matter how hard I have tried.$LABEL$0 +Propet Men's Pedwalker 25 walking shoe. I am always looking for a shoe that I can wear all day at work. I am on my feet all day walking, turning, twisting, etc. as an x-ray technologist. This shoe seemed like a good choice, as it has a thick sole, and looks supportive and well made. The shoe felt great at first, but the arch is high, and I have flat feet, so unable to wear all day. I feel the shoe would be great for people with a higher arch.$LABEL$1 +Just ok for me.. This movie was depressing but I gues more realistic then most movies that I typically watch.I prefer to watch movies that teach me something new (learn about a new place, profession, etc.), are very entertaining or are historical. This movie was just about lives of ordinary people that did not grow up in the best of situations. They did not rise above, they just pretty much existed and made poor mistakes with their lives. I could have done without watching this movie.$LABEL$0 +The performances are very nice -- HOWEVER.... ...FIRE THE SOUND ENGINEER!...the recording is poor...simply put, you can barely hear the violin...the violin sounds like a mosquito buzzing over the freight train of sound coming from the piano...I don't think it's Midori's fault -- she appears to be pushing the violin as far it can go...Heifetz used to lean on recording engineers to get the piano pushed further into the background and someone should have done that here.$LABEL$0 +krups is krap at toast. Save your fingers and your money and if you like evenly toasted breads find something else. A loser from the people who make great coffee makers.$LABEL$0 +Great tick repellent. For someone who has suffered through (if you ever really do) Lyme disease - this product has kept the ticks at bay!$LABEL$1 +Very Displeased. I got this drive for back-ups about a year and a half ago and now the drive is starting to fail. It creates weird duplicate folders, says things are copied over but are not there. I had issues mounting it on my Mac that I just repalced and at the time I blamed my eMac but now I think it was the drive itself.I just replaced it with a more reliable LaCie 2D extreme and crossing my fingers that the LaCie will be a more solidly reliable drive.$LABEL$0 +Fun with Voices. Mos Def ( I think his name is ) had the most annoying voice throughout the whole movie. I wish he would shut up about his stupid cake shop already. If people were trying to kill me I wouldn't keep blabbing about the most senseless things on and on and on. People are coming to kill me, why don't I talk really loud so they can find me. Was he mentally challenged or what? I was able to watch the whole movie as the two main characters were fun to make fun of ;) Enjoy talking like Eddie (Mos Def) for hours after you've seen it to amuse your friends.$LABEL$0 +Awful, boring, disastrous. This is one of the worst films I've ever seen. There is no fun at all. It's a complete no-sense story, with scenes endlessly boring. What a waste of time!$LABEL$0 +Informative reading. History of the traitors among us, whose families are the movers & shakers today. Still traitors and still trading with our enemies. They ARE the enemy!$LABEL$1 +First-rate writing, second-rate novel. I just finished my second Kate Atkinson novel, One Good Turn. Not as satisfying as Case Histories, the novel pushes Atkinson's penchant for free-association tangents to an extreme. The writing is consistently good/engaging, but the plot development gets distractingly self-indulgent in postponing the climaxes of events, one of the most egregious being when the author leaves an attack dog in mid-air as it leaps toward anti-hero Brodie.Most annoying, however, is a last-minute revelation about one of the characters, Gloria, in an effort to tie up loose ends. You can't get us inside a character's head to the degree that Atkinson does, revealing/analyzing Gloria's thoughts about the most trivial details of her life, and then expect us to buy that this woman did something both momentous and immoral and never bothered to ruminate about it. Cheap trick.Atkinson is a first-rate writer, but this one doesn't do justice to her talents.$LABEL$0 +my favorite mustard. I'm so pleased to find an online source for this mustard. It is not available in my area at all anymore. I have enjoyed this mustard (the hot) for years. It used to be "Durkee's Mister Mustard," then "Frank's Mister Mustard." I remember it being called a dijon-style hot mustard, probably referring to its coarser grind. Now is made by a small manufacturer in NJ who probably isn't doing enough to distribute it nationwide.BUT it a great mustard, unique, hot in a different way than many hot mustards, just the right burn, just the right texture.Can you tell I really like this mustard?$LABEL$1 +Motorola Battery. FALSE ADVERTISING. I should have known the price was too good to be true. The add stated this was a NEW oem replacement battery. It is an oem replacement, but this battery is NOT NEW. It last half as long as it should and you can see the wear marks on the battery.$LABEL$0 +SanDisk Memory Card. I bought the 4 GB Memory Card. I was a little disappointed because when I put the card into my camera,the camera gave me an error message that I need to format the card.I never had any problems with SanDisk Cards 2 GB or less. I suggest that you stick with the 2 GB card.$LABEL$0 +Kindle Swindle is true!. I'm extremely disappointed because I have been deceived by the Amazon Kindle product. According to the welcome letter, Kindle accounts are associated with the same account used to make purchases on Amazon.com. -"Your Kindle purchases are made using your existing default 1-Click payment method at Amazon.com." - but buyer beware if your Amazon.com Store Card is this payment method. I have been double duped. First I get a "Store Card" and purchase my Kindle, then I am told by the Kindle customer service department that this store card CANNOT be used to purchase my Kindle books!I have been ranting and raving about this product. Now I'm so disappointed I'm thinking of returning the Kindle because of this issue.I thought the people who commented about "The Kindle Swindle" were just whiners, but I'm beginning to feel they are right.a disappointed customer$LABEL$1 +don't try on XP. Although it says it will run on Windows XP, I had big problems. If you have Windows XP, skip this software at least in its 203d version.$LABEL$0 +Great comedy show - Poor DVD transfer. Its a real shame and disappointment that Ive waited this long for my favorite TV series on DVD to see how bad the video quality is. If the forthcoming season DVDs are treated like this I rather just keep watching my old Wings VHS tapes that Ive recorded from TV.$LABEL$1 +Crap. Davidson, Andersen, and Rouse were sounded so much better when they were Vendetta Red. Davidson's voice is still top notch though, and Andersen's guitar playing still blows me away. But the music they have made as Sirens Sister is crap.$LABEL$0 +The Crucible Meets Town Without Pity!. In an era of post-Columbine hysteria, an innocent joke is turned into a circus of wild, irrational accusations and convoluted media commentary. Big Mouth & Ugly Girl are the two main characters of Joyce Carol Oates' novel, and the story is told through their observations, conversations and correspondence. It's both amusing and infuriating to see the plot unfold. You know where it's all going, and secondary characters are trotted out to move it all along. The bigots, phonies, dumb jocks, cowardly administrators and more are almost cardboard cut-outs propped up to decorate a stage.There are no huge surprises in Big Mouth & Ugly girl, but it is a story well-told. It is certainly worth your time.$LABEL$1 +Too deadpan for us. We bought this CD after reading reviews at Amazon from professionals and customers. While we found the lyrics interesting and as full of sensory imagery as the title, Williams' voice is monotonous and her delivery has a deadpan quality that we found particularly grating. There is too much sameness of tone, pace and content.$LABEL$0 +Not even worth 13.99. This product is poorly designed. At least half of the kernels were unpopped, and most of them were strewn around the counter and floor. I tried using it 3 times, and it was just a big mess. I threw mine away.$LABEL$0 +Good quality. The trike costs more (a lot more) than others but will outloast anything in the market. german quality at its best. The marketing from kettler could be better as its hard to differentiate between the different trike variants.$LABEL$1 +Not so colorful Mother Goose. My memories of Mother Goose Rhymes are colorful. If yours are the same you might not like this book, as only every other double page is colored. The pages that are colored are beautiful. Perhaps you would enjoy coloring it yourself, as I have considered. If you have a child or grandchild who would like to share time with you coloring the pages as you read/discuss the rhymes, this is the book for you, otherwise there are many colorful alternatives available. Wish I had heeded the reviews.ccccccccc$LABEL$0 +Doctor. This item was purchased for my aunt to replace her smaller very worn out manual. She thought this was an updated version; however, it was the same edition in a larger form & print. While it is a bit large for her to handle, she usually weighs below 100 ans is bed ridden, since she is equipped with her Merck, she is the doctor. She is in a nursing home, and actually challenges them on information contained in her Merck Manual. So not only did she receive a great buy from Amazon, she also received to Medical Degree.$LABEL$1 +Let the buyer beware!. This product is listed as compatible with my camera, an Olympus D-340R, in several locations on the Amazon website. However, after purchasing the card and attempting, unsuccessfully, to format it in my camera, I found by searching further (the Viking site) that the 32MB card requires some type of Olympus upgrade to be usable. The message is: Let the buyer beware!$LABEL$0 +Wretched version. Take a look at the free sample and you'll see it's a mess--no attempt to mend the scanner's howling errors. And they're charging money for this? Keep yours in your pocket.$LABEL$0 +Iron started leaking after 2 years. Received the iron as a gift in July 2005. It worked wonderfully - retractable cord, removeable water tank, good steam, etc. In early August 2007, the water tank started leaking - just like a Rowenta. I guess it is time for another iron...$LABEL$0 +Fantasy Driven Man Flick. Man flicks where a fantasy chick falls for the most unlikely of possibilities is pure formula for all the guys still living in their fantasy wishful thinking world. That's a sizable market!Rates two stars because yes, she's hot and there were a couple of uniquely funny quips.The rest of the movie is just formula:(a.) Lead male hangs with nerdy man crew; has offbeat family; competes with stud male competitor; has a loser job and a bland personality; has no skills or accomplishments.(b.) Lead female, well, still hot; also is a wealthy ex-lawyer. Main role in movie is to smile a lot but who cares.Although the demographic of 5 star reviewers is, as expected, male there might be an audience for the female fantasy world here too.$LABEL$0 +Feel good hit of the summer?. In iRobot, Will Smith reprises his role as the Fresh Prince of Bel Air; only this time, the Fresh Prince is in the future! The movie starts out with the government hiring Will to teach the increasingly disgruntled unemployed worker robots how to rap and breakdance. It works and Will soon enrolls his electronic proteges in a rap and breakdance competition where they have to face off against Boogaloo Shrimp and his evil robot pal 23465477. Will's robots win and they sign a deal with Arista. The end. This movie sucks.$LABEL$0 +HP LaserJet Printer Cartridge HP 74A. It's becoming increasingly hard to find this cartridge for my very old, but trusty and dependable HP 4P LaserJet Printer. (After all, how many printers can print on a 3 x 5 card?) I was pleased to not only find this product at a lesser price than I had paid previously, but it arrived on time and in good condition. Can't complain about that!$LABEL$1 +Broken when I got it.. When I received this the black cover that goes over the exposed tape was in 3 pieces, maybe just need to find out a different was to ship more safely.$LABEL$0 +Perfect paring knife!. Victorinox is by far our favorite paring knife maker! The handle size fits perfect and the length of the blade makes working with items very easy and clean. The knife stays nice looking fairly long due to the simplistic and minimalist design. Especially for the price you cannot go wrong here!$LABEL$1 +George 'Win'ston. This cd is one of George Winston's best works, and if you aren't especially familiar with this artist, this would be a great starter. One thing I like about it is that it has many styles. For example, some of the scores are peaceful and soothing which can calm your nerves. There are also peices which are up-beat and fast moving which can get you going for the day(works for me!). But, if you don't especially like piano music, I suggest you don't buy it. There was this one guy who hated piano music, but he bought the cd, and what do ya know: he hated it! Big surprise huh? Anyway, you be the judge. If you are piano-lover and you want to dive into Gearge Winston's works, this cd would be one of the best to do so. Happy Listening!Ü$LABEL$1 +Total trash. I was looking forward to this after enjoying the first one. I was very excited about it having X-Box Live but found out that was a huge lie. Gotham Games needs to sit down with Tom Clancy to get going in the right direction for military style games. This thing still does not let you customize your weapon load out so your stuck with what they give you. Like Cpl. Jones blowing off all his ammo very quickly with that sorry MP-5. Pay attention no one goes into combat in a desert environment with a close quarters weapon. With the occasional building to enter is what your pistol or M-4 is designed for. Camera angles in many spots are very bad and your soldier often blocks your view. The game was also very short it was over too quickly with a very poor ending. I think I will stay away from Gotham Games for a while.$LABEL$0 +Consumer Beware. If you like Elton John's music, do NOT buy this dvd. Even though the title states Classic Albums, this is not a music disc, but a documentery about Elton John...$LABEL$0 +It's a funny horror movie. My kids seen this movie when they were little and 15 years later, they still remember this movie. They really like this movie alot.$LABEL$1 +Did not like the taste. I only didn't give this one star because the nutrition facts were in line for what the product promised, but I did not like the taste at all. I followed the instructions and the consistency was disgusting. I felt like I was eating sludge. I tried it several times to see if I would get used to the taste, but that never happened. After a few times of trying this I ended up throwing more than half the product away.$LABEL$0 +A great book for real estate novices!. I have seen many books out on the internet and bookstores about the 'get rich', 'big money' to be made in real estate investing, this book however is not one of them. The author real puts it in barebones, simple terminology and real world examples. The analogoy of real estate investing as a business is great example too.Would have like more about personal finances and how to really get started, as it relates to credit, pre-approvals and the difference between primary residence and secondary mortgage.Would strongly recommend adding this book to your library and book of knowledge for learning about REIT.$LABEL$1 +Not the full movies!. Where does it describe that these movies have been altered and are not the full versions? I would have NOT bought this version had I known!! Is this what you mean by "full screen version"?? Completely disappointed in my purchase! What a rip off!$LABEL$0 +Please enter a title for your review. I watched the first 15 minutes, watched the next 30 minutes on fast forward, then turned it off. I couldn't see what relevence one scene had to the next or even what relevence one characters' line had to the other character's line he was responding to. The guy playing Jesus acted the role with the childlike innocence of an 18 year old and the score sounds like it was recorded on some overused analog tape in a really cheap studio, reminiscent of the b-grade horror films of the time. I guess it's the kind of movie you keep screaming at to convey something coherent but if you manage to make it to the end the few pieces that fit together will seem all the more important for the way in which they were presented. Defintely not a film for someone with a short attention span or anyone who has a need to understand what they're watching as if unfolds. Or maybe you just need to have read the bible to be able to follow it.$LABEL$0 +Shrinks in the wash and doesn't fit!. Don't bother with this cover because once you wash it, it will not fit the changing pad. Quite a dissapointment because I like the idea of it and the pink color for my baby girl. My advice is to find another brand or don't wash it, which is impossible.$LABEL$0 +LOVE IT!. This product is a must have for breastfeeding moms! The first few days are hard on your nipples, but this creme makes them feel so much better!!!$LABEL$1 +Poor quality. This costume looks so good in the advertised picture, but it doesn't live up to the photo. It is of very poor quality and the hat is really not at all like the photo. In the photo, the hat looks like the brim would be stiff and the red stitches actually look like stitches. The actual hat that you get is floppy and not at all stiff and the red stitches do not even look like stitches. I ordered a size larger than my daughter normally wears and it is still almost too small. The material feels like it would rip quite easily. Overall, I would not recommend this costume. Sorry that I bought it.$LABEL$0 +Missing them!!!. H-Town had everyone singin about knocking boots in 93' hell I was barely ten and I was singin it! I truly loved this group. Dino, the lead singer had an amazing voice. Unfortunately, he and his fiance died in an automobile accident either late last year or early this year. Its really sad that a talented young man had to lose his life... H-Town was suppose to release another album this year, hopefully we can hear some more material from this talented group.$LABEL$1 +Disappointed. I ordered these 'heel seats' because my sister, my daughter and my nephew all swore by them. I was mildly disappointed. Unless my issue was so severe that it's going to take a long time, I haven't seen too much improvement. I'm not saying there hasn't been ANY, because I do feel some relief, but it's been about a month, and I was told that it would be almost immediate. THAT sure wasn't the case.I will keep wearing them because they do help some, and I want to see if, in time, I see complete relief.$LABEL$0 +This Teakettle is not acceptable. The major problem is after boiling water the metal sides are so hot and you can easily burn yourself if you touch them. This is dangerous. In addition, the top does not open wide enough to pour the water straight in from a faucet, the water level viewer is not on the side where it can be seen easily, but in back of the handle and it is not clear plastic ( hard to see level). The quantity level is in liters, not cups, even though it is called a 1-3/4-Quart teakettle. The numbers are hard to read behind the handle. Minor point: the model I ordered showed chrome color with black trim. I was sent one with gray trim and a silver top.$LABEL$0 +Disrespectful. In my opinion, the film disrespects the REAL man and women involved. USA love to change history to please its own people even its its to change heros and make them American. Ok alot of British have complained about the facts but concider this: if a worldwide release of a historical movie was made making George Washington an evil man or having japanese play the roles of the men that landed on the moon giving pride to be japanese or events at pearl harbour being british and not american. Do you think you would like it? enough said!I am American and love History but find it upsetting when hollywood makes films but dosent give the credit to anyone other that the Americans. Americans helped alot in WWII but actually it was the joint efforts of most nations hench it was called world war?!? the unsung heros are actually the russians, they fought the nazi hard,if they didnt fight the nazis we'd be screwed, the enemy of your enemy is your friend.$LABEL$0 +forgettable. Quoted in a review as the movie you will be sorry you watched in the morning. They weren't kidding. Very boring and forgettable.$LABEL$0 +Wrong Purchase. I had seen the movie of "Why I Wore Lipstick: To My Mastectomy" and wanted the book. You see, I had just had a mastectomy that year. I ordered the right item but was sent the wrong book because they said they no longer had the item that I wanted. No, I did not send it back because it would have cost more to send back than what I paid. I didn't complain because I thought why? So, no I was not happy with what I got but it was because I did not get this book.$LABEL$0 +Be patient and wait. Another negative review for trying to take advantage of the fans by not giving them what we want.$LABEL$0 +A bit complex but useful. We used this text in an advanced organic class. Having not had organic chemistry in a few years before taking this class, I had some catching up to do. This book is very dense, but can be very useful. Being a physical chemist I really liked the physical chemistry aspect of it. There is a lot of material in this book, and it's not always completely straightforward, but it's not impossible to understand. This is a good book for an advanced class or someone who wants a deeper understanding of organic chemistry.This is also definitely the largest textbook I've purchased in the last 4 years.$LABEL$1 +Just get it already.... Come on. It's Ty. Just buy the damn thing. If not for the sheer sake that the guy's brilliant at every aspect of making music. Is it as good as Safety? Hmmm... Probably not. I mean, touching the depth of Safety would be tough. Anyway, you know what? I'm gonna shut up, and you just buy it. K? Oh, and grab the new King's X as well. Not quite as good as Ogre Tunes, but...$LABEL$1 +It's Just A Cash Scam. You seriously think this band should get a best of CD this early? Or even get a best of CD? Personally, I can only tolerate their pre-Curse stuff, when the band used less polished production and didn't resort to lame pop-punk. But anyways, even if you are an Atreyu fan or not, don't buy this. It's just the Victory records discography minus a few tracks, and a real fan would obviously have all of their works.Also, they forgot the "Fractures" and "Visions" EP tracks as well (I know they weren't released on Victory...). If you want to make something worthy, at least re-release your older EP's on a CD so that the fans can get a taste of the band's early days.Avoid this, Atreyu fan or not. This is just another way for Victory Records to rake in the cash.$LABEL$0 +An Okay Game. I wanted to get this game because it was 5 stars and sounded good. But when I started to play the controls were hard and everywhere you went there were enemies. I couldn't get past the 1st level. You had to find something that was impossible to find. But the graphics were a 10 and the weapons were good too. That's why I gave it 2 stars. It's a good game for those who like a 1-level game and those who just like to roam around. It's not worth buying.$LABEL$0 +Isadora Rolls in Her Grave. How Sad! The magic of the Dance is missing. (Like painting by numbers.) Where is the movement of the Soul? Modern Dance later removed the soul from the body and left us with bodies moved by brains, there is no place in Duncan for this! Have these dancers found their "Motors?" Do they listen to music with their souls? No wonder Duncan Dance is not taken seriously by most Dancers these days, they have never seen the real thing! Irma Duncan$LABEL$0 +disappointed. very flimsy. very flimsy. disappointed with Mizerak. they are ruining their own reputation. they could have charged another $5-10 and made it little sturdy. i will avoid buying Mizerak products again.the one i got must have been returned by someone.. they stain had chipped off from several places - eventhough it was supposely brand new.$LABEL$0 +Unimpressed. Bought this hoping it would work well in my Miata. First problem is this thing is huge compared to competing products out there. It is so big it blocked part of my view when mounted on the sun visor. I tried it for one day and decided it was unacceptable.The size might be acceptable if it had excellent sound. In a word, it doesn't. The sound is pitifully weak considering the size of this thing. I strained to hear it when the car was in motion. Even trying it as a desktop speaker phone I had to lean forward to comfortably hear it.All in all, very unimpressed.$LABEL$0 +Worst Disposable Razor I've Used. This razor was horrible. It sliced my legs up like crazy and caused major razor bumps, even when labeled for sensitive skin. I didn't think it was just me... The Schick Quattro/Extreme 3 or Venus or Gilette razors never cause the same problems. Even the cheap, no brand name disposables are gentler on the legs than these. Maybe I got a bad batch, but I won't hesitate to say: When it comes to buying Bic, stick to ball point pens, becuase their razors are worthless. Want a good razor? Use the Schick Quattro or Extreme 3.$LABEL$0 +Fare at best. Bought this to frost our bathroom door. I followed the directions to the letter and it still came out streeky. It also scratches very easaly. Don't know if I would do it again.$LABEL$0 +Okay album. the only song i kinda liked on this album was "the getaway" but i thought some of the lyrics didn't match with the beat.But really i'd rank it as 1 1/2$LABEL$0 +I must have missed the part about the blood.. I know there was a lot of literature with this product, I did not get through the literature before I found the product hazardous. (Two days.)I am only slightly overweight, but I have found pregnancy weight difficult to get rid of, so gave alli a try. Now I am quite unhappy, and mildly fearful, for having tried it.I can handle a little bit of gross farting and loose stools, but the spots of blood made me very nervous.I threw my pills away. Good luck everyone else.$LABEL$0 +Terrific bottle. We started out with the regular Playtex drop in bottles but our baby would always seem to end up with to much air in her belly. My husband came home with this bottle one day and I shrugged it off for about a month. I am also breastfeeding and was skeptical if it would work as well. I wish I would have used it earlier! Immediatly I saw results and had a wonderful, gas free baby. Now she keeps down pretty much everything and is able to let off her own effortless tiny burps. The special nipple is a wonderful invention that dosen't let any outside air in. We even have the 8 ounch ones which are just as good. I ghighly recommend these bottles! A+ in my book.$LABEL$1 +real old junk. The software is called "World's Great Cities, Parks and Wildlife" The world's greatest ripoff is more like it. This software is so old it dates back to Windows 95! I couldn't even get it to run on Windows XP although it says it can run on NT. It was written for Windows 3x or 95 or the old NT. After hacking around for 20 minutes, I did get to some nice pictures but you have to go after them the hard way. Unless you still run Windows 95, don't buy this.$LABEL$0 +The Ultimate Compilation. This is surely the best Clannad's collection. It offers us a precise cross-section of their already 30 years old work, including tracks from those first, pure folk albums, over very rare live recordings, eighties-pop, to nineties, in which they managed to keep their place at the throne of Irish folk, but ambiental and new age music as well. This compilation should stand at the end of every Clannad-fan's collection.$LABEL$1 +Awesome. The other guys must be on a piece of crap computer,im on a 1.8ghz AMD sempron with 512 of ram,this game never hesitates.The game is great,VERY graphic,never seen a game or movie this graphic. I love it,you also get to bang hookers. Xd$LABEL$1 +Lost Interest at the End. I did enjoy the book however I did find I lost interest at the end and skipped ahead. At the 11th hour there is a new theory put forth and that was a little frustrating - especially because it is just thrown out there without a lot of back-up - particularly from the accused.$LABEL$1 +Installation Nightmare for Nothing New. It wouldn't install on my Dell. Maybe Broderbond doesn't think Dells are catching on as a home computer. I was able to get it going on my HP at work and found it to be about the same as the version I already have (version 12). The box says it now does PDFs. I can get that free on the web. I was hoping it would do more cards and things I actually do.Skip it if you already have version 12.$LABEL$0 +just terrible. this remake of a 1956 movie classic is awful. the original movie, produced in 1956, starring Jan Sterling and Michael Redgrave was much more superior. It really told the story of Oceania and Eurasia, with much more depth than this remade DVD fiasco. Richard Burton's performance was outstanding, however placing John Hurt was a poor choice of judgment. The eurythmics soundtrack is deplorable, distracting the overall view of the feel of the movie. The producer was right in removing them from the soundtrack. All we need then is Giorgio Moroder and you could dance in Victory Square! If you are able to obtain a copy of the original version (sometimes on ebay, but the George Orwell society disapproves because of copyright) compare the two, and the original is much better. The original was scored with the London Symphony Orchestra, and the 2 minute hate scene is far superior. But, until its released so that everyone can enjoy it, this DVD version you are stuck with.$LABEL$0 +Good for me. Works fine, the price is very good for the capacity. It's a real plug & play. I didn't detect any noise, the unit is very quiet.$LABEL$1 +Neat little bag. I love this bag - it's absolutely perfect for my needs, nice size and sturdy with a nifty little pocket attached. I would have given it 5 stars if not for the lack of a supporting insert on the bottom, as another reviewer mentioned. I solved that problem by inserting the supporting piece from the bag I was replacing, and it fits fine. Other than that, no complaints at all. I would definitely buy this bag again.$LABEL$1 +Not so great. I had this bag, and liked it because there's lots of room inside, but the lining tore after only a couple of months use, and the separate compartments became a thing of the past. I would not recomend this bag to anyone.$LABEL$0 +One of my two favorite bay area hiking books!. I hike in the bay area every weekend and I have used this book extensively. There are a lot of 6-10 mile hikes with elevation gain, which is exactly what I'm looking for. The directions are always great and the trail descriptions are always right on. The only thing that I don't really like about this book is the extensive description of trees and plants for every hike - more than half the description focuses on the plant life that you will see during the hike. I love hiking with my botanist friends because they can point out interesting plants and trees to me while we are hiking. But without pictures of all of these interesting things, I'm not going to try to identify them on my own and so I just skip all of this in the text. But that's really a minor quibble. The book is well-written, extensively researched and gives many other interesting details beyond plants. I highly recommend this book.$LABEL$1 +Great shoe.. These were a great buy for the money! The perfect shoe to wear for any occasion. I could not find what I needed at home. I was happy to find them at Amazon.com.$LABEL$1 +Good sheets. These are thick and soft, but still breathable. I don't sweat overnight in these the way in do in some other sateen sheets, and they're deep enough that I don't have to fight to fit them over the corners of our mattress. A good bargain overall.$LABEL$1 +Worst Pitching Video I Have Even Seen. I have purchased somewhere between 10 to 15 different baseball video's and this one is really not worth the time or the money.I guess if you knew nothing about pitching this video would give you some drills to work on, but you can get the same information for free on You Tube.The kids they utilize for their drills have really bad form, which is not helpful to watch. My 10 year old came in and started watching the video with me and asked if it was a joke.There are some good video's out there, but this one is not it.$LABEL$0 +received damaged. i received this in a padded vanilla envelope and the box shown in the picture was flattened and the first time i went to use the product twords the bottom of the tube where it had been fold blew out and sprayed steel all over$LABEL$0 +Fatal Frame2. It is a awesome game.It is definitely not for children. It can be very scary. Perfect for people who like survival horror video games.$LABEL$1 +Did Jonathan Kellerman really write this book ??. I was so disappointed in this book. I found it very hard to believe that Jonathan Kellerman actually wrote this book. I found it downright corny the way Alex Delaware was playing ace detective and kept just happening to be at the right place at the right time. The book seemed to have no "story" to it, as his always do. I got very bored reading one and a half pages of descriptions of what people were wearing, how their hair looked and on and on. I always enjoyed Kellerman's breif descriptions of people and places, but once again, this became downright corny.I'm glad this was not my first Kellerman book, as I probably wouldn't try another one. I'm a dedicated reader of his and hope that this was just a fluke. Everyone's entitled to one bad book. Hope that was his first and last.$LABEL$0 +waste of time and money. to keep it brief...as other reviewers have said, there is basically NO CHANGE in this package.HOWEVER, the cosmetic changes have SEVERELY SLOWED down the speed at which this program runs.here is what i noticed upon upgrading from 2002:* boot up time: takes an extra 10 seconds startup after i login* load time: takes almost 12 seconds for the integrator to load up after double clicking on the tray icon. (up from around 6 seconds)ALSO: disk doctor still doesnt work under windows 2000( "cant obtain lock" error... u end up having to use window's built in scan disk)DONT GET THIS PROGRAM!!!see if u can find system works 2002 at a discount price! =p$LABEL$0 +Wish I had read these reviews.... I'm on my way back to Lowes right now - I wouldn't even dream of trying to sleep with this thing on. I will never buy another Frigidaire product. This is frankly an insult - I can't imagine how any reasonable person working at Frigidaire would listen to this thing for a minute and decide that it was good for the home Market. It makes my bedroom sound like a meat storage facility. I'm going to splurge and buy a Sharp. Live and learn.$LABEL$0 +As Distant Experience from the Book as Possible. "The Phantom Tollbooth" is one of my favorite books. I like the text. Very unusually for a children's book, I genuinely like the illustrations -- to the extent that I'd consider hanging a few on my wall. It's a distinctive book, and it has hugely valuable object lessons for children. So I had high expectations, paying to see it in a theater. They were completely dashed. The animation is weak standard fare -- a cold shock, compared to the excellence of the book illustrations. The book in some way cleverly holds the narrative together, the movie is a bunch of disjointed, cheezy, cheap cartoon shots. Director Chuck Jones did the same thing to Walt Kelly's "Pogo" -- enraging Kelly to such an extent that Kelly took control of the next Pogo film. Jones is a myopic Hollywood talent, seeing only his vision. What is deep in the book is superficial in this movie. The movie is disappointing and bland commercialism.$LABEL$0 +Cheap, but motivational. This door is pretty cheap in cost and function. It looks pretty bad (fake) when it is set up. The magnet latch it pretty week especially since my 6lb cat is still able to make her way through it. I got it as a test though so I can't complain too much. If you are just trying to create a strictly visual barrier between rooms then it works well.$LABEL$0 +Adequate Not Stellar. I am a certified instructor who studied with Bob Liekens and Romana Kryzanowska during the 1990s. With out a doubt I am fortunate to haved trained with both of these famous Pilates instructors.When I first heard that Romana was going to be on video, I thought, WOW, this is great! Unfortunately, this video does not live up to the excellent teachings of Romana. It seems like the producer and director didn't have a focued purpose: did they want to create a documentary, or, did they want to creat a mass market Pilates video? It's a little of both, and somehow, this video is neither a documentary nor a mass market video. Watching this video, I wondered if Romana had control.As I watched the performer demonstrate Pilates, she seemed self-conscious and a little nervous about which exercises were coming next sometimes.I was hoping to get a first rate documentary, and a good instructional video. Instead, I bought a lackluster mixture.$LABEL$0 +Interesting but not enough. Psycobiograghies are new in genre, but they may be enlightening, provided the subject that is being studied is analysed deeply.So, to write a similar kind of work regarding so complex a man as was Richard Nixon requires a good amount of knowledge about his life, his personal and political choices and particularly the latter for the very reason that are the most delicate : how can this be accomplished with a book a mere 149 pages ? Inevitably the informations here given verge on the general and the analysis done seems to be a little bit amateurish. Although the book is good to read, it certainly does not say the last word on Nixon'personality - not in the least !In the end, I appreciate the choice of having chosen former president Nixon as a subject, but that would have required a very bigger work, at least three times as big as the size of the present book.$LABEL$0 +Get in on the Secret. With a new mystery to solve you, Nancy Drew, must explore a museum and learn about the ancient Mayan legends. Definately a great game for sleuths of all ages. That is, if you're up to it!The various clues and puzzles are challenging and the personalities of the suspicious characters will keep you on the edge of your seat. Her Interactive has done it yet again; Secret of the Scarlet Hand is another chance to let your investigational skills shine, meet new people, explore new areas, and enjoy superb graphics.$LABEL$1 +Poor quality- broke after a week use.. Purchased for a collective playroom. The toy arrived is great condition: fun design and great colors. Adults and kids loved it! But It stopped spinning only after a week. The frog just wouldn't go down, as if something was blocked inside. There was nothing to be done, and the toy was useless as it was. I had to throw it away, which was very disappointing for a Chicco toy.$LABEL$0 +Just Be. This is really a just be yourself album is definitely not a dance record but instead one great effort as an artist record for Tiesto i think some of the songs specially love comes again is one who save this record and make it a good one definitely you can listen to the touch of BT one of trance Geniuses.$LABEL$1 +Seen it and read it!. I was at Northwestern College, Orange City, IA back in the early 1990s when Jeff Barker wrote and performed this play. I saw it many times in churches throughout Iowa. It played well in many different situations. I bought a script from Jeff several years later as I couldn't get it out of my mind and wanted to direct it.It plays well because the staging is very simple with really very little set requirements and simple costumes. It concerns the story of the thieves telling us who Jesus is and what happened during that particular Easter week. It is a story told with much humor and heart. If your church is looking for an Easter show, this two man play or I had a friend who did it with a much larger cast with all the characters being fleshed out by individual actors, it is a powerful story that makes an impact.$LABEL$1 +I second the "good-idea-poor-execution" sentiment. ...completely. The flow of ideas, the depth of observations, and the style of prose kept me feeling EXACTLY the same as if I was watching a single-episode TLC special on the entire history of Egypt.$LABEL$0 +Headphones. cheaply made, fell apart after a week and a half, but not expensive at all, so if you are looking for cheap headphones that won't last long, get these.$LABEL$0 +Made of thin paper - easily damaged - got wet - worthless. I was disappointed with these - you can't tell how light and thin they are from the photos. They are made out of light paper. I would have gotten something more durable and not wasted money on these if I had known. When they are in the camera bag they get crumpled and damaged easily, and if they get wet (I should have known!) they turn into a soggy mess. For a paper card printed with black, grey and white paint, these are too expensive.$LABEL$0 +Cannot run an Xbox in a car.... I purchased this unit as I have a DC 9 inch tv, and I wanted to play DVD's on it using my Xbox for the kids. The only thing I plugged into the Inverter was the Xbox, and the TV was plugged into another lighter spot, but was not turned on. Almost every time I turned on the Xbox the Inverter would shut down with the LCD saying "low". And that was even with the car running. When it did stay on the LCD screen said that the Xbox was pulling only 55 watts which is way below the rated capacity. The unit would not run at all with the car off, and was hit or miss with car on....Save your money!!$LABEL$0 +Top notch keyboard from Logitech. I hate to sound like a Logitech fan boy (again), but most of their products are in the upper levels of quality. And this simple, inexpensive usb keyboardis no exception. It does exactly what it needs to do, and does it well. Plus a few simple extras (Volume/Mute controls, plus another 4 customizable buttons).I got myself two, one for home and the office. Solid piece of equipment, for such a minor price.$LABEL$1 +OK, But Didn't Live Up to Expectations. This book is OK, but certainly wasn't as amazing as most reviewers seemed to think it was. Really too simplistic for anyone over 2 years old. My grandkids were not too entralled. Would not buy in this series again.$LABEL$0 +The Cart was put before the horse. Rene Descartes can go to a circle in hades for his mathmatics but his discourse on religion was flawed he had to first prove to himself he existed before he could prove God existed, there is the rub. He is justly regarded as the Father of Modern Philosophy because of the questions and problems he created. He helped to distinquish philosophy from science, which is a saving grace. This is a great addition to any library, since it serves to illustrate the evolution of philosophy in our civilization. I would also recommend Deism In American Thought by Woodbridge Riley and of course the Age of Reason by Thomas Paine.$LABEL$1 +Single cup maker. Very fast, convenient way to make a single cup of good, brewed coffee. Pretty case. Quality Black & Decker machine. I recommend this product.$LABEL$1 +Crazy Funny. When this movie started playing, I groaned to myself. I didn't think I would be able to watch it. I don't tend to go for stupid comedy, but it soon won me over. If you liked Walk the Line (the Johnny Cash story featuring Joaquin Phoenix and Reese Witherspoon which was excellent), this will have you howling with laughter. It takes that basic story line and completely obliterates it with lunacy. It's so stupid that you just have to laugh. It starts to lag when Dewey meets the Beatles. That part wasn't in Walk the Line and I didn't think it added to the story. When it wraps, you feel good both from having laughed so hard and also because the ending is sweet. Reilly is excellent as is the rest of the cast.$LABEL$1 +Nostradamus 2.0. During the 2003 march against the Iraq war, many marches yelled "We Are All Hamas Now"! In the Camp of Saints, many marches yell "We Are All from the Ganges Now"! Now that is spooky. How did the author, Jean Raspail, know what people would be saying 30 years in to the future? There are many premonitions in The Camp of Saint. This is amazing and I can only think of two other books that can do this. This is why I rate this book with Orwell's and Huxley's. These guys predicted the future, not because of some weird magic powers or a membership in the illuminate, but if you have the gift of psychology, like Orwell and Huxley and the daddy of them all, Friedrich Nietzsche, did, then you too can see through the rubbish regurgitating out of the udders of the system, and see how things really are.$LABEL$1 +Really cute and well-made!. The price is an absolute steal! They're well put-together and don't scuff easily. The only con is that they run maybe just a teeny bit small. If you're in doubt, order the next size up.$LABEL$1 +UFC SEASON ONE. The first season for UFC's the Ultimate Fighter. If you have watched later versions of the Ultimate Fighter, you'll be surprised to see what ideas they had at the very beginning of it all. Things like team challenges, and a hot blonde hostess. This season is jam packed with a variety of drama (Chris Leben), sweet fights (GREATEST FINALE EVER), and twist (you'll have to watch and see).As for all the things that you'll notice has changed thoughout the seasons, you'll notice that a lot is the same which means UFC did this show right the first go at it.If the point of me writing this review is to convince you to buy it, know this;If you love UFC, do what I did and buy every season. If you're so so on the UFC, this season will teach you about how the UFC runs and introduce you to the UFC which will make you just end up loving it. This first season got my girlfriend into UFC, which brought us closer together. haha$LABEL$1 +Terrible excuse for a movie. There once was a story, a classic to all, that captured the hearts of those short and tall.It was a story of a cat in a hat. The story was great, perfect in fact.And then came universal, they tore it to bits, until it was naught but a pile of inappropriate jokes that don't make sense, making up 90% of the story. None of it made sense. Inappropriate jokes, unneeded parents (Or, step-parents), a dog that wasn't in the book, no colors except purple and green, randomly exploding cupcakes, going into a portapotty that leads to an underground dance club... the list goes on.Seriously, this is not a kids' movie. And it's not for anyone who loves Dr. Seuss. Basically, it's for stoned 20-year-olds.$LABEL$0 +Good. I use almost everything in here except the sticky thermometer it doesnt work very well. also the regular thermometer is in Celsius and i cant figure out how to put it in Fahrenheit.$LABEL$1 +not good. no matter how much you take don last and the crash stay for longer i wish to return so is too expensive also$LABEL$0 +LOL. I see the Freepers are going absolutely nuts.. Most of the one-star reviews are from fans of a certain far-right-wingnut website; members of this site are notoriously known as Freepers. How do I know that? I lurk their site often and their members were directed to Amazon to give Al's book one star. They're goose-steppin' Republicans who love their party more than they love their country; they woud've made great Germans during WWII. Pay no attention to them, they're absolutely crazy.This book is great, just like Al's radio show. Thank you, Al, for a great book, full of proven facts mixed with biting humor. Loved this book!$LABEL$1 +no help here. Took two a day for a few weeks...no noticeable positive effect. I am rating it a two stars though just because upon a cold turkey discontinuing of use, I have had some breakouts, acne. So clearly it does something...just not what I hoped.I have learned lately that I have Hashimoto's. There has been so much written about the need for ioding for thyroid function, BUT, If you have Hashimoto's watch out for ANY form of iodine. Iodine will trigger the immune system into destroying the thyroid.$LABEL$0 +DISAPPOINTING.... I have read all of Cabot's works and I was anxiously anticipating this book after I read her last book -An Improper Proposal. Sadly to say that I was highly disappointed with the book. I did not like the characters - Burke and Kate. There did not seem to be much chemistry with the two characters. Developing a romantic relationship was also a bit difficult with Burke's daughter - Isabelle in the story. Cabot's other books had characters with more spunk and heart. The story line was boring. I say take a pass on book.$LABEL$0 +Deadwood - DVD Set. I am a Supernatural/Justified fan. I heard about Deadwood and wanted to see Timothy Olyphant's and Jim Beaver's other acting work. I was just amazed at the beautiful packaging of this set when I opened it! It opens like a book, the pictures are gorgeous, love how the discs have what the episodes are right on the left. I have to say this is the most beautiful set that I own and I have a lot of DVDs and DVD sets. The episodes are marvelously crisp as you would expect from Blu-ray. I highly recommend this set to everyone; not to mention that this series is just so totally unique from anything else you've ever seen on television.$LABEL$1 +RCA ANT121 Indoor. This product works very well. It takes awhile to set all of the channels and to get it situated in the right position, but the price was only $12.99, and I feel it's probably the best antenna you can get for that price. I would recommend it for a low end indoor antenna.$LABEL$1 +Brilliant. At first I didn't know what to expect just because it was an oscar winner didn't necessary mean it would be good or appeal to my tastes - well it was excellent and what an ending, this has it all the love interest, backstabbing, murder, lies, everybody playing everybody - I don't think there has been a crime film this good since HEAT, can't wait for the sequel.$LABEL$1 +KX-FLB801 All-in-One Fits the Bill. We needed a copier/printer/fax solution for an office on a mobile offshore drilling rig with limited space and one that would work with our VSAT communications system. The 4 KX-FLB801's purchased over the last 12 months resolved both the space and compatibility issues on our offshore rig units.$LABEL$1 +An Ethereal Enchantment. Sigur Ros without a doubt are true pioneers in the musical frontier. Lay aside their bizarre performances and unorthodox use of instruments and what you will hear is an ensemble of euphoric "noises."The voice, guitar, ambience and music in whole all blend in to form a phonic masterpiece. The creativity and beauty of this unique band can only be matched by Radiohead and a very few other off-the-wall musicians such as Bjork.After listening to () over and over again in a dimly lit room with a coffee mug in my hand, Sigur Ros have become one of my favourite bands ever.$LABEL$1 +Great kitchen scale. This is a fantastic little kitchen scale. It works great for weighing the flour when I'm baking and it's very simple to use. Has a nice high weight limit.$LABEL$1 +What Kind of Argument Is This???!. I gave this book 1 star because that is the lowest offered. This book does not present a case for anything, at least not in the traditional sense of the term. Hunt asserts, emotionally manipulates, misrepresents, and does anything except actually deal with issues and wrestle with Scripture....$LABEL$0 +Solid Modern Rock With Great Vocals. I have never been a huge fan of Godsmack (I wonder if they have to pay royalties to Alice In Chains for that....), but I have always liked the singer Scully's voice, and seem to always wish I had some of their discs around....the guitarist also plays some pretty cool riffs, and has a great, thick tone that I like. Having owned no previous Godsmack albums, I picked up their latest and liked it even more than I thought I would.A good modern rock/metal album with a nice flow and some variety all the way through, with especially standout vocals and some interesting experimental textures and guitar...I also like the sequel to their breakout hit from '98 "Voodoo Too". Pretty cool stuff, really. I listen to way too much prog metal, and sometimes this sort of thing is just what I want to hear. Cool stuff, check it out.$LABEL$1 +Southern Darkness. Brandon does well with the vivid details. The late great LA Banks would have appreciated this version on The Vampires.There should be a part II.$LABEL$1 +A Must have. Liked my copy so much, bought it for my mother-in-law for her birthday. Happy Birthday Mom!$LABEL$1 +Too many references. Author refers to himself a lot, with references to this volume and to a previous volume. If you enjoy searching for section 5.4.3.2 (formula 7) to understand what he's saying in the current context, then this book is for you. Background acquired elsewehere? No problem. If you don't have his Volume I, be sure to buy that too because without it you won't make all the connections. By analogy, this is written like a web application that has many hyperlink references, some of them to pages that are not accessible. Unlike a web app, you are the search engine.$LABEL$0 +HateBreed Perseverance. A relentless heavy album.Lots of hardcore metal with some melodic stylings mixed in. The songs are just pure aggression,an unstoppable force. It gets your blood pumping and makes you want to break s*** I love how they don't do drugs because music is their drug and is also mine. Their F***ING awesome!$LABEL$1 +Come along for the ride. Original, jazzy, klezmer-based belly dance opera gypsy music from the coolest and most twisted exiled circus ever to run guns into Spain. Like Kurt Weill buying 3 Mustaphas 3 a glass of absinthe in a bar on Sesame Street. Fun, fresh, wacky, kitschy, catchy, and unpredictable. The lyrics are imaginative (well, the ones in English are), the playing solid, the vocalists are cool, and the whole thing great.$LABEL$1 +WARNING!. Take note, kiddies: mine *broke*. Luckily, it did not break completely mid-climb, but had cracked most of the way through under about 180 pounds of weight--enough that afterward it fell apart very easily. Although above it says "rated for 800 pounds," another seller says "not for climbing."If you really want to be an urban ninja, get a real grappling hook from a mountain climbing supply store.$LABEL$0 +Great Lens!. This lens is wonderful! I have really captured some great photos with it - both portrait and action!$LABEL$1 +Disappointment. I was very disappointed when I received this book. At $9.99 I expected more. The questions presented in the book are things I already talk about with with my children, I was really hoping for some new insights. I don't think this book is worth more than $3.00.$LABEL$0 +Build Your Library!. Anything by Charles Marowitz should be included in personal library of a theatre professional. Why his writings are not mandatory as texts in courses is beyond me. I review, at least once a year, each of his books just to keep me on track to doing the best work I can. In every paragraph in every book, there is something of great value to think about, ponder if you will. The man has an amazing mind that never ceases to challeng and illumine. Gordon Goede (gordongoede@aol.com) And you can quote me!$LABEL$1 +Don't waste your time or money!. This book is drivel and propaganda most likely written by a left-wing ghostwriter? Heavy on emotion and light on fact. Al Gore should be ashamed of himself. Anyone buying into this leftist garbage should be required to attend remedial high school science.$LABEL$0 +One of Ours - great book horribly printed/edited. I can't believe how much I paid for this poorly typeset edition (One of Ours by Willa Cather). If you need someone to retype great classics in the future, please call me. The typos were rampant and made it hard to read.$LABEL$0 +Worth Watching for Joni Fans. The DVD looks and sounds wonderful on my system. Joni and her band give a great performance. Any JM fan will enjoy watching. Only downside for me was that Joni plays a highly electronic sounding guitar instead of her old acoustic Martins, but this is probably so she can deal with the multitude of tunings she uses. Overall, a winner!$LABEL$1 +Disappointed in outdated version. I read The Declining Significance of Race when it was first published in the 1980s. There was no indication in the advertisement that this "update" also was from the late 1980s. Since then, Professor Wilson has changed his mind and while recognizing desparate economic conditions of the inner city, acknowledges that race plays a major role in African Americans suffering most.The ad was disingenuous and I felt ripped off in my purchase.$LABEL$0 +There are better books out there.. If you're a beginner it might be useful, but you can get the same info written in a way that makes you really 'get' it, in a lot of other books. And you won't have to listen to someone telling you the plots of books you might like to read someday, and music he thinks you should hear - instead of this, try Jack Bickham's work, or Dwight V. Swain.$LABEL$0 +Tipping Point is no little thing. Gladwell has a unique writing style that keeps you reading from start to finish. Erudite is the word that comes to mind. No one ever writes about the things that intrigue him, yet once you begin reading you become intrigued also. He's a master of trivia that is never trevial. I've read several of his books and look forward to more. If you read Tipping Point it will be a tipping point for you also.$LABEL$1 +Two bookmarks up!! One of my favorites ever!. This is a fantastic story! I really liked the characters, especially the main character, Holly. The beautiful illustrations add to the magical feel of the story. I really like the author's style. I liked how you couldn't tell who the "bad guy" (Herrikhan) would appear as in New York at first. The author has a great way of describing everything, especialy the land of Forever. This is a great book to share and read aloud. It is one of my top two favorite books ever. Most people who really like high fantasy will really enjoy this book.$LABEL$1 +Sad story, sad book. I too have read most of Stephen Kings's books and they just keep getting worse and worse. (I only read them if I receive them as gifts now.) This is a long story that could have been told in half the time. It is boring and predictable. Don't waste your time there are too many good books out there.$LABEL$0 +Stylish; Slow Paced, By-the-Numbers Script. Remember being impressed with this film when it debuted, however its 79 release put it (just barely)in an earlier era of mainly straightforward, by-the-numbers scripts with no surprises. The bonus feature interviews of Langella and director Badham are very interesting. One of them has the opinion that George Hamilton's "Love at First Bite" Dracula spoof, which came out earlier in the summer of 79, hurt thisfilm.This movie does a good job of projecting the proper atmosphere, it just doesn't seem as good as it did in 79.$LABEL$1 +still missing parts. Unit received in 6 separate boxes. I still have not received all of the parts. Therefore I cannot even assemble it. The vendor has not been very responsive.$LABEL$0 +Best Airpots. I have to give a Zojirushi airpot five stars. Zojirushi is known for their airpots. They are the best. Period. My mom had one, not the premier model, just the regular one, for almost fifteen years. I just bought this one with the special pump. I have to say that I expected it to look cheaper than the one my mom had, but I was wrong. I've noticed that after over fifteen years, they still make their products the way they used to. What surprised me the most is that they are still made in Japan. Zojirushi airpots are pricey but they are worth every penny you spend. They last longer than other airpots and keep the water hot for more hours.Update: I forgot to say that it's better to fill it all the way up or at least half of it because if you pour inside only a cup of water or coffee, it will be warm the next day, not hot.$LABEL$1 +A must buy.... I would like to quote professional wrestler Lance Storm, who is opening up a wrestling school this fall.***Quote***Stormwrestling.comBret, as you should know by now, has come to terms with WWE to collaborate on a Bret Hart career DVD set. I am ecstatic about this as this will be a DVD I pick up for sure. Bret had an amazing career and I may make this DVD mandatory viewing for all Storm Wrestling Academytm students. I hope this venture leads to a Hall of Fame appearance and perhaps a series of "Peep Show"/ "Highlight Reel" live event, Bret Hart Tribute appearances. I think both Bret and the fans deserve it. That being said I'm going to list a few matches (off the top of my head) that I would like to see on the DVD.***End Quote***Bret is a class act in the wrestling business, and one of the top 3 technical wrestlers of all time along with Dynamite Kid and Chris Benoit.This set will no doubt be worth every penny and more.$LABEL$1 +A Bit Too Twee For Me. Cold Comfort Farm spoofs the gloomy British novels of the 18th and 19th centuries, by dropping a modern-minded young London lady with her efficient ideas about how to tidy up life (Kate Beckinsale) into the middle of her "Wuthering Heights"-like country cousins. This movie requires some knowledge of those "it was a dark & stormy night" novels (Thomas Hardy, the Bronte sisters) to get the humor of the premise, and is probably best appreciated by people who know that genre very well. Otherwise, it comes off as a well-acted little story about a clever girl from the 1920s straightening out her weird, ignorant relatives down on the farm.$LABEL$0 +Fun and Educational. I bought this for my 4 year old son as he HATED math with worksheets and flashcards. He wanted to play this game 10 times a day. He LOVES it! Before we bought this game, he was SLOWLY and reluctantly finger-counting addition. He can now add and subtract 2 numbers (1-6) by memory. He also now understands even and odd. We've owned this game for 6 months, and he still loves to play it. My only problem is the durability. The box has been crushed flat, and the ink on the die rubbed off before the first month. I occasionally use a Sharpie to re-write the numbers and plus and minus. I still think it's a great game and have purchased them as gifts.$LABEL$1 +disaapointed that its not that Fran Lebowitz. No insult intended to the author but I was very disappointed to order this book and find that it was not by the same author of the social satires "Metropolitan Life" and "Social Studies" but since there were no reviews I had no way to know.So wanted to post so others might not by it for the wrong reason as I did and be very disappointed. This is another writer named Fran Lebowitz.$LABEL$0 +A model of how BluRay audio and video should be done. This concert and this recording are a real gems. The concert itself has many great talents and the songs are well-chosen and performed. The audio is truly superb with perfect mixing of voice and instruments, and there is very satisfying surround channel content. I just bought it, but it is already one of my favorite BluRays. The disc would be a great choice to demonstrate any home theatre. Even the menu system on the disc is well-designed. I'd give it 6 stars if I could.$LABEL$1 +Myth has Fallen to the wolves. I was so looking forward to Myth 3. Then it arrived. I never have been so let down. The quality of theis game has collapsed into a sad poor shadow of it's previous two versions. Myths previous versions are still on my best tactical games ever but this version is going into the biggest waste of money. Everything you loved about myth is gone and replaced with tiny doom figues and lame reality engine.Avoid this one or suffer through the biggest let down in game history.$LABEL$0 +Denise Austin - Pilates. I heard from a friend (who is in her 70's) that this is the best DVD to use when starting yoga, however I did not have a good experience getting the DVD so I can only rate the order experience which was not good. I will probably try reordering but from a different seller. Thank you.$LABEL$0 +Great Little Lights. We have bollard lights in front of our house. It was easy to run wiring and hook-ups there. The back of the house was more difficult. These solar lights were the perfect answer and the style matches what is in front...great! I followed others' recommendations to invest in more powerful batteries and to line the cylinder with aluminum foil. Super ideas. I was astonished that, after one day of sunshine, they lit up and have done so every night since.$LABEL$1 +Lacking in suspense, thick with cliche. This is the worst film in the long running "Halloween" series. By trying the desperate attempts of bring in a new story line about a bizzare paganistic cult is more funny than frightening, the use of gore in this film is shocking, belting it out to hideous and camp levels with no style or originality.The only elements that are worth credit are the revamped score and the fact the mask in this movie is closer to that of Carpenter's orginal.$LABEL$0 +gives 'hip moms' a bad name. I seriously cannot believe that anyone not related to Ms. Eckler would give this piece of crap more than one star. As a new mother, reading her newspaper column regarding pregnancy made me so incredulous that someone could actually be so unrealistic and lacking in any maternal fibre that I cancelled my subscription. This woman cannot write. She is incredibly vain, shallow and selfish to the point that she requires therapy (and not the retail kind). A total waste of time and money. Yuck.$LABEL$0 +BookWorm. Ahhh, painful!I engulfed Brown's "The Lost Symbol". I expected this one to be just as good. However, three chapters into it, I wanted to jump into the book and slap the characters around because they were so annoying. Everything about this book is annoying. The coincidences are just too many; the characters are predictable. I knew exactly how it will end three chapters into the book! The fact that the professor goes through all those coincidental circumstances is just ridiculous. Also, Brown keeps re-writing the same thing over and over again....I don't know how many times he described TRANSLTR to the reader...at one point, I literally said out loud: "ok, I get it, move the hell on!".Maybe this book sucked because it was one of his firsts...not sure. Definitely wouldn't recommend it, because the reader will be disappointed. I liked his "The Lost Symbol", "Angels and Demons", and the "Da Vinci Code". This one literally p****d me off.$LABEL$0 +Kathy goes to Haiti.. Kathy goes to Haiti. Every man wants her to be his wife. A man takes her home. She is his wife. She cries. Little kids laugh at her. She goes somewhere else. Different men want Kathy as their wife. She doesn't let the first one take her home. Kathy is learning.$LABEL$1 +Indiana Jones's "Kid Brother" meets the evil Set. If your looking for a serious horror movie here, you are looking in the wrong place! There is nothing scary in this except how much they borrowed from other movie themes. Can't anyone think of something original?? This guy is a archaeologist...and wants to throw the other team off the track of the find...so he plants a artifact in loose sand, and expects the other team to fall for it....Idiot! They also find King Tut's tomb under like 5 inches of sand...WOW...that was hard! This movie is very well written...for a High School kid...actually, I take that back, as my daughter (16) and I were laughing through the whole thing. Very silly movie. If you take it seriously, as a horror movie, you will be dissapointed. If you are looking for a movie to tear apart (in Mystery Theater 3000 style) than your in store for a good one!$LABEL$0 +Great, but..... We love the VentAir system on the whole. With my daughter, the slow flow nipples worked great but with our newborn, they seem Too slow. At the hospital, he was started on the Simulac ready to eat bottles and they are a much faster flow than these so we have problems using these. It takes 20 min for him to eat 1oz. I May have to switch to the fast flow to see how that works for him because the nipples from the ready to eat bottles put a lot of air from the bottom, defeating the purpose of the bottles design$LABEL$1 +People Shouldn't Be Ashamed!. This story is about a young deaf girl who is about 5 years old and who has an older sister who is around 12 years old. They both have long silky straight black hair. The best part of the book is that it had a lot of movement in the pictures. However, the pictures were black and white and some were shaded in. They had nice big backgrounds in the story too. I recommend this story for little kids between 6 and 8 years old. If you read this book you will find a lot of things you will like. This book reminds me of my great grandfather who is losing his hearing and it looks a lot like my house in the inside.$LABEL$1 +Pathetically poor design.. (1) Lid will not stay on.(2) Handle fills with water and then slowly leaks.(3) Date thumb wheels hard to move.I was compelled to write this review on first use. I'm sorry that I didn't read all the other bad reviews on Amazon before I bought or opened the package. I couldn't have imagined that someone could screw up something so simple so badly. Dumb assumption on my part. The limited warranty only replaces broken parts, there is no money back guarantee.But will work if you treat it like your Grandmother's china tea pot.$LABEL$0 +It's Yellowed Ivory.... I received this switch and it is yellowed from sun exposure or whatever.... I was going to use it with a bank of switches, but I will not use it due to the yellowing of the switch. Why would they mail this out to customers when there's obviously a problem? Even the packaging was discolored. I will be returning it.$LABEL$0 +used cd just like new. i bought this cd for my dad for fathers day and he loved it.he is a big fan of hers.the best part is that i bought it used for like $2 and it plays like new.Hes happy, i am happy. thanks to you amazon.com$LABEL$1 +Great Lens. I picked up a 5D in March with a 28-135. Worked with that for 3 months and felt something was missing. I went and bit the bullet, got the 24-105 and what an amazing difference it made. Color=vivid, clarity=sharp, good walk-around lens. After 4 months, I have not one bad thing to say about this lens. My suggestion, if you are looking for a lens, would be this one.$LABEL$1 +Not for starting .net. This book tricked me into believing that all the code was going to be in c# and vb.net. The first two chapters had examples in both languages. Then, as soon as you hit Chapter 3, it drops the dual language examples. As a Java developer having to do a .net project quickly, I would NOT recommend this book. I guess I'll try again.$LABEL$0 +love it. This has been working very well for me.Look at the price though, I was not careful enough and think I overpayed...$LABEL$1 +Authentic Creole Recipes. I grew up in New Orleans and have seen one cookbook after another that claims to be 'the real deal'. They generally disappoint. This little gem has recipes that I can relate to - they taste like the cooking I remember - MawMaw Kat's, Miss Agnes', Miss Virgie's, and Ms Sis Talley!$LABEL$1 +Not for beginners. I did not find this book to be a good choice for the novice. I would recommend this to someone in the sales area of public relations but not the education area. Also, I think the checklists were quite long--too long for someone who is looking more for tips. Other books that exist that are more educational and beneficial to the novice.$LABEL$0 +Mis-Lead. Front of Package:"Free Lead in Water Test Kit - See Details Inside the Package" (look at the image)Ok, opened the package, not seeing this Lead test kit.Whats this? A business reply card - no postage necessary.This was a card to mail in to receive a free lead test kit mailed to you within 2 weeks.Wait 2 weeks for the test, then mail in the sample.To get the results you must pay $30!I received a letter from the city stating that a small percentage of homes built in my area, in the time frame my home was built, may have higher than acceptable levels of lead. So I go to the store to buy a kit specifically for lead, and the clerk points to this one - "cool," I thought, "I get the lead test for free, and can go ahead and test for the other stuff too." Totally mislead. Costs a month of time and $30 to get your lead test results. Don't fall for their clever ruse.If you need a lead kit, don't buy this.$LABEL$0 +Ground Clear's if you weed it yourself. I thought this stuff would be perfect for the areas of our yard that are xeroscaped (rock garden) that had weeds popping up through the weed block guard underneath. We sprayed it two weeks ago and it barely made a dent in our weed problem. I only spent $20 on it at our local hardware store - but it definitely wasn't money well spent.$LABEL$0 +Below Standard. After seeing "I'm Starvin'" "Still Hungry" is a big let down. There are a few humorous moments, but none of the side splitting laughter generated be "I'm Starvin'". I really like John Pinette, but he could have done better.$LABEL$0 +Worst movie ever?. This movie is horrific. It can't even be considered a "B" movie. That would insult all the actors who are just bad......not horrible.$LABEL$0 +Very Misleading For Families Needing Help. My daughter-in-law has Asperger's Syndrome. She has destroyed every branch of our family. She is now in the process of pushing her yound children to suicide. I read this book with hopes of finding answers and help. It was a joke. The author, who has Asperger's Syndrome wrote the story of her life like it was a wonderful fairy tale. If you go to my daughter-in-law's facebook page it reads the same way. If you want real information about Asperger's Syndrome google on-line support groups. There you will see the pain and destruction these people cause. I don't know if Asperger sufferers live in denial and think if they tell everybody everything is O.K. everybody will believe it or if they are so mentally ill they really don't know the pain and suffering they cause. I regret wasting a penny on this ridiculous book.$LABEL$0 +See It For What It Is. I finished the book last night and loved it. Rebecca's writing style is inspiring and beautiful. The story was engaging enough for me to finish in two sittings. Every life is worth a novel and we should all be so lucky as to write ours down for others to read. Many of these reviewers are judging Rebecca's choices or her parents emotional distance or accusing the book of being published only because she is Alice Walker's daughter. But there are thousands of books published each year by not so famous children. Rebecca could have rested on her duff and done nothing, but instead she used her talent as a writer to heal something inside of herself by telling her story. Read the book for what it is - an interesting account of one woman's coming of age, one woman's account of being biracial in America, one woman's story in a sea of millions. I applaud her.$LABEL$1 +Take a Peek.... Babies and toddlers love the peek-a-boo game. This ten page board book features peek-a-boos on every other page. Clues are given with die cut holes that allow babies and toddlers to anticipate the animal behind the peek-a-boo! The mirror at the end is a great expected treat for the child too. As a few other reviewers have noted--thankfully the book is short as many of us have a child who wants to read the book over and over and over!$LABEL$1 +Adam 12 Season One. When I first read the review on the first season, I turned around to ignore it! But to my displeasure I learned to agree 100% with the first review that Universal made a huge disappointing mistake by not correcting the error of freezing on a good scene.I believe that Universal and Amazon withdraw the sale of the first season of Adam 12 until the problem is corrected. This move would be a good business courtesy to the consumers.$LABEL$0 +Another good Palmer book!. Stubborn male leads, vulnerable yet strong women. I do how the men always get what's coming to them in the end. What more could you ask for.$LABEL$1 +HIGHLY ENJOYABLE DEEP HOUSE. For all the househeads, this one will take you back to the 90s. Keep On Groovin by DJ Sneak is a particular highlight.$LABEL$1 +Cute!. I was very happy with these thank-yous. They are made of great quality paper and are adorable. The envelopes are lined and the inside of the cards are blank, giving you plenty of space for your personal message. I would definitely order these again (or something similar from this company).$LABEL$1 +Light and melodic:. Australia's Neuropa have put together a synth-popper's dream in Beyond Here and Now. It's well paced and flows evenly throughout. All the songs are uplifting, filled with smooth harmonies, and tight synths. The vocals are delightful as the lyrics are personal, heartfelt. I was a bit concerned that the cover of Erasure's "True Love Wars" would be weak, quite the contrary, it's every bit as good as the original>>hats off fellas. Other stand out tracks are:"Beyond Here and Now," which is a great opener, "Bound," "Lifeline," and "New Day," all just perfect examples of high grade velveeta elektro pop, which is a good thing! "In Need" is the closest track to a ballad, also strong material. "True Believer" is worth a mention. Again, no poor songs and only one instrumental...$LABEL$1 +This is a very easy to understand book. This book doesn't contain any logic gate level designs but covers general computer organisation issues thoroughly. It is only 670 pages approximately and covers instruction set design, CPU structure (ALU + control unit), I/O (such as SCSI, FireWire and RAID), Bus systems (PCI, Futurebus+) and operating systems etc. There are numerous comparisons made between Intel Pentium and PowerPC. It is a good book to start with a very good bibliography for more detailed books on each chapter's subject.$LABEL$1 +Wonderful book, inexcusable formatting. Gertrude Stein is Gertrude Stein. What inspired me to write this review was the ABDOMINABLE publishing job done by [...]. The price is right, sure, but this book exemplifies what is wrong with the amazon mindset of cheaply produced books. Gertrude Stein is a challenge to get through on a good day, but with .25" margins and tiny type, digireads makes the process pretty unbearable. I do not understand why they sacrificed just about everything that makes book-reading pleasurable in order to save what probably amounts to a few pennies. I take total responsibility for opting for the cheapest book, however, I will never do this again. If you want to enjoy Tender Buttons, just splurge for some used Penguin Classic and boycott this pathetic pirating of the classics with expired copyright.$LABEL$0 +great peaceful music. This two disc CD contains much great peaceful music some of which you may had heard before. It is well worth adding to anyones classical music collection. Play this at the end of a hectic day and appreciate how music really can help calm you down.$LABEL$1 +My dumb dog can get out of it.. Poorly made. My dog, who isn't even bright, has figured out how to get out of it (and destroy the house). Waste of money.$LABEL$0 +FIELD OF SCREAMS. This third entry in the DARK HARVEST series is absolutely one of the worst movies to come around since PLAN NINE FROM OUTER SPACE. This one's not even campy though. The scarecrow changes its hood numerous times throughout the movie, and the threadbare plot has so many holes, it's like swiss cheese. A total waste of time...don't bother.$LABEL$0 +Repeat of First book. Going Home without going Crazy is just a repeat of her first book on Conflict. Not much new.$LABEL$0 +I love Ina!. I am a total Ina junkie and this is by far her best cookbook, not just for the excellent recipes, but for the gorgeous pictures and travel suggestions she has at the end of the book.$LABEL$1 +Church Of Misery - 'Early Works Compilation' (Disk Union) 2-CD. Rarely have I seen SUCH an accurate CD title. Nicely assembled 2-CD, 16 track of this Japanese stoner/doom metal band's work. This is only my second listen to the band's repertoire, as my first was their 4-track 'Taste The Pain' EP (see my review). Tunes here I was digging the most were "Spahn Ranch", "War Is Our Destiny", their so-so cover of Iron Butterfly's "In-A-Gadda-Da-Vidda", the nine-minute full-throttled rocker "Son Of A Gun" and "Chains Of Death". Personnel: Yoshiakki Negishi-vocals, Tomohiro Nishimura-guitar, Tatsu Mikami-bass and Hideki Shimizu-drums. Should appeal to fans of Sheavy, Masters Of Reality, Obsessed and Atomic Bitchwax.$LABEL$1 +Excellent photos of Tibet, including Lhasa, Gyantse, Mount Kailash and the Guge Kingdom. An excellent coffee-table-type photographic account of Tibet. The cover is Tsaparang. There is a 22-page section on Mount Kailash, and a 24-page section on the Guge Kingdom and Tsaparang and Tholing. There is an introduction by His Holiness the 14th Dalai Lama, another introduction by Robert Thurman, and brief overviews of each photographic area of Tibet in the book. There are some photos of Gyantse, Tingri, and Lhasa, among the other parts of Tibet.$LABEL$1 +Waste of money. This is an extremely poor product. Do not purchase if you care at all about the information you're storing on the drive. Our company purchased 7 last year to help back up other drives and free up space on our server. Now 2 sound like they're on their last leg. These drives were not being used as a primary storage system thankfully. While used infrequently, they still manage to sound as if we just asked them to run a marathon. They wheeze, whine, and are exceptionally slow. I don't trust it and have stopped using the drive.$LABEL$0 +Fantastic. The Temptations are Incredible.there hasn't been another Vocal Group Like them since.this two disc set is a must for any collection.this Group not only defined a Sound but also a Era.These Voices are Wordly Treasures.these songs Represent Not Only Great Song-Writting but also classic Music.this is History.$LABEL$1 +Pop the way it should be made. Gee, what a fantastic album! I've had this gem for something like two years now and I never get tired of it.The Sounds may have a strong Blondie influence, but there's also some Depeche Mode around (the keyboards on songs like Rock n' Roll and Mine for Life) and some Ramones and pretty obvious punk stuff.This is a very uplifting record, and I don't mean it's just happy and danceable, but the lyrics are uplifting too in a very misfit way.If you love your pop to have some strength to it and a very heavy 80s influence, then think no more and buy this record just because you will be happy to do so.I've seen them live at the Hard Rock Cafe in Mexico City and they blew me away. Awesome band! And their new material kicks major butt too.$LABEL$1 +thoughts on this fine fine unit. I've had this little guy for just about a year now. Works great, takes a beating. The battery could last a little longer, and 512 ram isn't enough to do much when the video takes 128 of it. I've recently upgraded the memory & now there's nothing it can't do well.I heartily recommend this wonderful device. Take it on vacation, take it to work, take it to Gramma's.Get one!$LABEL$1 +Late. I ordered this book on September 15, 2008. Today is October 18th, and I have yet to see this book. I contacted the owner but he/she did not return the communication.$LABEL$0 +great learning tool. awesome learning tool for our daughter - she can't get enough! our 3-1/2 year old finds it easy to manipulate ... she also owns the Leap Frog electronic books and this Fisher Price InteracTV is so much easier than that!pros: 1. its wireless 2. it works with 3 separate dvd playerscon: occasionally my daughter has issues with the dvd freezing or not recognizing her button choice ... but is that a problem of the toy or an overzealous daughter?$LABEL$1 +good for cutting down the load. this was just what I wanted and needed. I recieved a new phone and was affraid of damaging it but with this case the fear is gone. I also was looking for a wallet but with this case it cuts down on the load because the case is a wallet. I am truly satisfied with my product$LABEL$1 +Loyal Jance fan but greatly disappointed in this book. I want to start by saying that I am a diehard Jance fan. I love the JP Beaumont and Joanna Brady novels but I found this one so disturbing that I gave it up after 100 pages and just flipped to the end.Why? It was very gory, graphic and disturbing. I, personally, felt no reason to have included such graphic, detailed child rape and murder scenes. The bottle scene and others were just too much for me.When I read, I want to be entertained with a good story, perhaps some humor... and I don't want nightmares. This one definitely could give a sensitive soul nightmares for days.I'm not giving up on Jance but, I disagree with another review, I don't see this character being her most memorable. It's just not a comfortable read.$LABEL$0 +Mildly Perplexed. Wasn't "A Guide For The Perplexed" authored by the 12th Century Jewish philosopher Maimonides? Couldn't Mr. Schumacher at least have found an original title for his book?$LABEL$0 +An egregiously over-produced piece of pap.. Ms. Friedman has a lovely voice and some of the songs aren't bad, but the producer ought to be flogged. Every cliche in the book is here: strings, cheesy synthesizers, angel choir, saxophone solos. It's a real shame.I'm sorry I spent my money on it.$LABEL$0 +A great submarine film, comrades. Life on a submarine is cramped, dull, and tough. In a film, submarines can either make for a dull film or a great film. This is one of the great ones.The characters are fairly well developed. There are numerous stars in here: Sean Connery (of course), who plays the best role in the film, Alec Baldwin, James Earl Jones, Sam Niel (my favourite!), Tim Curry, and some others.But the best part of the film is in its storyline. It is a basic story but with a suspenseful and interesting plot.I guess that's really all I can say about this film. There's no specific thing that I like about this film; it's just good.$LABEL$1 +Bill Murray is excellent.. This movie is excellent. It's one of the funniest comedies I've ever seen (after Animla House). I also liked it because Harold Ramis co-wrote it. Het tried and succeeded with the Animal House of golf which he named Caddyshack.$LABEL$1 +Fools, foul. My first Altman was Nashville (1975), until today a five star, like some of his later hits - The Player (1992), Short Cuts (1993) and Prt-à-porter (1994). Fool for Love is like a poor country version of Tennessee Williams' Cat on a Hot Tin Roof (Richard Brooks, 1958), only that the main characters are not played by Elizabeth Taylor, Paul Newman and Burl Ives. Kim Basinger tries hard to get some logic into her part, but literally collapses against an incoherent, rather empty script. Lots of unmotivated violence. Nothing to write home about!$LABEL$0 +not recommend. DVD player is not good. couple of my friends had samsung dvd player everybody has same problem.$LABEL$0 +Ripoff. This is prime example of why you should not buy online. This sewer water does not come close to the original English Leather! Don't Buy It!$LABEL$0 +Buy the subtitled version instead; it does the anime justice. Revolutionary Girl Utena, or Shoujo Kakumei Utena in the Japanese, is a brilliant and complex anime, which contains the best writing and art I have ever seen. It's really unfortunate that the dub job is so terrible. The English-language acting makes even the more profound moments of the series melodramatic and trite, and lines of dialogue have been changed from the actual translation (which can be found in the subtitled version) in such a way as to be offensive in more than one instance. The subtitled version is phenomenal; I highly recommend it to anyone who enjoys watching a brilliant work of art, with amazing acting in the Japanese language. Words such as "travesty" are appropriate in this case, I think, to describe the butchering that took place in the dubbing of this series. The only reason I give this two stars instead of one is because the anime itself is so great even the dub job cannot ruin it completely.$LABEL$0 +Required Reading for First Time Inflatable Boat Buyer. The book will help the reader with complex questions about matching the technical advantages of materials, hull types, and floor systems with one's needs and mission with a boat of this type. It does a good job of explaining the advantages and disadvantages of each choice. I settled on a Achilles with a role up aluminum floor because lightweight portability was a primary need for me to load on small aircraft. My boat would not be optimal as a tender. The part of the book dealing with history and development is also very interesting.$LABEL$1 +Good cd. this is a good cd the only problem with it is it is a half hour long If you want a goo halfbreed cd get one that is longer$LABEL$1 +Does not play 60% of my commercially purchased CDs. JUNK, JUNK, JUNK! Will not play any budget priced CD. Other CDs will work sometimes. I've tried brand new CDs, previously played CDs, new & used library quality CDs, etc.This player will consistently display, "NO DISC" then a few days later, I'll try same disc & it plays fine. Most annoying to me is if it does play disc, it frequently will stop in middle of track & turn off. Sometimes I can restart disc & it plays ok but often the player will continue to stop at random places (not at the same place on disc)and I give up.I've had this player since xmas 2010 & have tried every possibility I know of in attempt to make it work. I test cds when they fail to play by trying them in my portable CD player & a boombox. They work fine.$LABEL$0 +So bad I had to get back in the review game!. This is an atrocity, an insult to taste and intelligence. There is NOTHING good about this movie-laughable script, miscasting, choppy plot, Schumacher loading the thing with all these turgid sex scenes like he's Brian De Palma or something...this movie did for numerology what "White Noise" did for EVP-that is to say, quash anyone's interest in the subject.There are many people here lauding this movie with high praise. It frightens me to know that they walk among us, and often without special helmets or close medical supervision. But I think I know what you're up to; you simpletons are positively shocked that more than half of us thought this movie was rubbish, and you feel the need to review it to try and defend your bad taste. Ain't workin'. I wrote mine out of anger at being ripped off and am warning as many people as I can out of love for my fellow man :)$LABEL$0 +DENISE AUSTIN. i have not got to use this one yet, but i have in the past had other Denise Austin excercise tapes.$LABEL$1 +Desert Island book.... If I had to choose 10 books that I would bring with me to a desert island, this would be one of them.$LABEL$1 +Can't reprogram. This calculator does not allow me to program it for 1 YR as it comes pre-programmed for 12 YR. I tried resetting the calculator, however, I am so frustrated with it. I bought this for a corporate finance course and it has been useless. I would not recommend this to anyone!$LABEL$0 +What a Waste of Money!. I was delighted when I saw this book in the bookstore. Fortunately, I thumbed through it and thus avoided the mistake of buying it. I thought I must not be reading the measurements correctly because surely anyone could see that this method of measurement would render the information almost useless. I think somebody is in too much of a hurry to make money and is not thinking about the readers. Whoever is responsible for this book should be ashamed. At least they didn't get MY money.$LABEL$0 +This is absolutely the worst toy. I purchased two of these and two cartridges for my children for christmas and they have been nothing but a hastle. They worked fine the first day but not since. I have gone through a ton of batteries as well and have actually had a few explode in the unit. Bottom line is that I would have rather spent my money on the pixter or a leapster than this piece of garbage. I cant believe that Disney would want their name associated with this "toy".$LABEL$0 +Wonderful. This book clearly takes place in NYC, something my NYC nieces and I really enjoy - seeing Max's dad being a conductor on a train makes them laugh. Seeing the WTC in the background makes me smile and think. And of course the kids up and down the block where we live spend their life sitting on the stoop, just like Max does!The book makes great connections - each time somebody asks Max what he's doing, he plays the sound of something going on, and in the next panel he's using their bucket, or their hatbox, or their garbage cans to play his next rhythm.I strongly recommend this book to anyone, particularly anybody who is musically inclined.One note - the larger edition of this book is better. I got this edition because it was cheaper and in the bookstore, but the pictures end up a little scrunched.$LABEL$1 +No Eyeliner Needed. This CD came out at a time when heavy metal was suffering a woeful testosterone deficiency. Rooster-haired poseurs like Poison, Warrant, and Firehouse were getting all the attention, and bands who were true to blues and rock were being largely ignored.Enter a handful of bands who nixed the image gimmickery and just offered in-your-face rock/blues/metal. One of those outfits, Dangerous Toys, brought to the table a nice mix of punk, blues, Southern rock, and straight-forward metal. Ferocious vocals from Jason McMaster punctuated the no-nonsense attack, and the end result was a fine first effort from the Texas group.This is one of the handful of albums from the late 80s that I still listen to today. If you like your music BS-free, I highly recommend Dangerous Toys.$LABEL$1 +CHARLES, CHARLES, CHARLES. Mr Bronson truly shines in this role. But Al Lettieri ? LOOK OUT ! What a performance ! Between this movie, & THE GETAWAY, THE DON IS DEAD, THE GODFATHER, A MAN CALLED HORSE ? WHEW ! I've never seen a better gangster than him in any movie. He just EXUDES menace . What a tragedy that he died so young (though given Mr Lettieri's persona, it's very difficult to imagine him as young.) Imagine him in movies if he still was alive .Paul Koslas is hysterical (& characteristic),Watch the scene when Bronson is in jail, & asks Mr Lettieri if he is going to finish the sausage on his tray. STRAIGHT UP HILARITY !$LABEL$1 +If less than one star were possible.... This toy is an absolute waste of money and eventually time. The missiles will not fire at all. I even requested the "black projectiles" from Tyco/Mattel and guess what they did not work either. Now you ask, "What will Mattel do about it?" Not much thus far (maybe if they had someone that actually wanted to help you on the phone). Do yourself a favor, spend your money on something else unless you are really moved by throwing away money.$LABEL$0 +worth the buy.. This headband is exactly what any Naruto fan needs. The metal on it is very durable and not that flexible plastic you find on other headbands. Only flaw is I wish the cloth was longer but other than that its perfect. This is THE headband to buy.$LABEL$1 +Too Much Night. Given Jackson's reputation as a great songwriter and musician, and my strong liking of "Real Men" (despite its preachy overbearing lyrics), I decided to try Night & Day. I was very disappointed. The music is experimental, but not cohesive. Besides "Real Men", the only songs with a hint of soul are "Breaking Us In Two" and "A Slow Song". Go pull out an Elvis Costello record instead.$LABEL$0 +NOT long lasting!. I was so excited to find these mini lights that fit our kitchen recessed fixtures. I ordered them in May, and less than 3 months later, every single one has burned out. WAY too short a life, and WAY too expensive. A good idea if only they'd be longer lasting.$LABEL$0 +Big Band Zappa at its finest. This album, in my opinion, is the highlight of Zappa's greatest period of work. The horn - dominated numbers fit perfectly with Frank's unique wah - wah style and George Duke's impressive keyboard work to produce an album that has lasted through time. From the long title cut to the ultra-funky keyboard riff of "Eat that Question" to the impressive, jazzy, and spacey sounds of "Blessed Relief," this album is definitely worth buying if you are into FZ's jazz-fusion instrumental works. Other albums that I would characterize with this album are: Hot Rats, Waka-Jawaka, Studio Tan, and Sleep Dirt. Get this CD and groove to FZ at his finest.$LABEL$1 +Must have for any Christian.. This book was referred to in another book that I was reading. I was enjoying that book so I checked Amazon for Brother Lawrence's book and ordered a copy. It has proven to be one of the BEST investments I have ever made. This tiny book is just amazing in the Truth that it delivers. Brother Lawrence seems to have been an exceptional human being blessed with tremendous Grace from God. It was so because he sought after it. I have recently traveled through losing a job and beginning a new one quite different from what I was used to. After 25 years of being a manager I am now punching a time clock and emptying my own trash. When I begin experiencing pride issues I can pick this book up and immediately be put in my place. Praise God! This book may be small in size but is LARGE in content. Personally, I highly recommend.$LABEL$1 +Decide before write. I found this book unstructured and out of flow. How about author first decide before write. Putting things here and there don't make a book. Book has more unrelated topics than real database programming. I found how book discusses basic DB concepts and targets advanced readers. Look at ADO.NET Essentials.$LABEL$0 +Beyond what limits?. Only a Discovery reality series could take climbing the highest mountain on earth and make it seem as melodramatic as The Real Housewives of New Jersey. Some of the characters (that's what they are after all) are truly inspiring, but when you get down to it, commercial summit expeditions aren't really very interesting. The dramatic focus of the last few episodes of Season 1 is basically a bunch of guys standing around waiting for a bunch of other guys to climb up a ladder (yes, a ladder like you get from the hardware store). Doesn't sound very exciting, does it?$LABEL$0 +Wonderful Bible Study. I have to say this is one of my favorite First Place Bible Studies.Healthy Boundries is another.Enjoy!$LABEL$1 +Nice Sound, built like garbage, company doesn't care.. This unit has great sound and quite a punch. 22 Watt RMS, twin possition BBE processing for nice mids. But the biggest drawback is the quality of the unit itself. First off, the magic flap idea is unique. But the first problem I had is that it wouldn't always flip open for use, but continue to play. Next, All of a sudden all it would do is play the disc, and never even eject. I was stuck listening to the same disc for a couple of days. Then it just quit working all together. When I contacted Aiwa, They informed me that I was just days past the end of my warranty. It would therfore cost me 99.00 to get it fixed. End of story.This unit is either going in the trash, or I am going to send back to the manufacturer so they can shove it where they may. I will never buy another product from this company. And I would advise anyone I know to do the same. If you ask me, they don't deserve anyone's money.$LABEL$0 +Dead on arrival. Orcon LB-C1500 Live Ladybugs, 1,500 Countall doa except for 3. Should be no stars unless you're looking for bird food.$LABEL$0 +Stylish, Affordable, Portable THUMP!. My wife told me she would get me a boombox for my birthday (so I could jam to tunes at work). DANG, but she wasn't kidding about the BOOM! I was expecting something a little smaller and wimpier, but no dice ... this thing gets LOUD. And with the adjustable bass (three settings: no bass, some bass, lots-o-bass) it sounds really full and not "tinny" or distorted when you crank it up. I only turned it up to 6 and it seemed like I was disturbing my neighbor's peace!Plus, the radio tuner is digital, so you know if it sounds crackly that it ain't YOUR fault. I always have to pay a lil' bit for the good sound when it comes to boomboxes, but it pays off, because I'm hard on them -- 3 or 4 years, tops. We'll see if this one can beat it.Overall, I think this is a pretty good box, especially for the price. And who'da thunk, because most Sony personal CD players I ever bought broke after 4 months or so.$LABEL$1 +AT FIRST I THOUGHT THAT THIS WAS GOING TO BE.......... At first I thought this was going to be a cheesy video but in a matter of minutes I was laughing out loud. It's hilarious! The ad libs, the audience participation, wonderful old time television. The picture quality is not A-1 but that can't be expected from the old kinescope recordings but it is still very good. There really is not much "unknown" stuff here but the video itself is great. Wonderful to see Sinatra, Ethel Barrymore, Liberace, Donald O'Connor and more. Also nice to see Mrs. Durante and Jimmy's adopted daughter CeCe speaking about their husband and father. My personal opinion of this DVD is five stars in spite of whatever flaws it has. Sorry that they have discontinued producing it.$LABEL$1 +Great watch. I work in the veterinary field, and needed something comfortable that can take some abuse. I've had this watch for a few years now, and it still works great. The tab which holds the excess watch band down did actually just break, which is not a big deal to me. I would still buy it again!$LABEL$1 +Nicer in person!. These earrings are nicer than I expected. They are a nice size but not too big for everyday use. The stones are of small to medium size which makes the earring nicer. The lock is a quality lock.$LABEL$1 +Biggie Small's Final Chapter?. The only good song on this album is "1970 something" feat. Faith and The Game. Download this and stick to "Ready to Die", "Conspiracy" and "Life After Death".RIP Biggie$LABEL$0 +Not so good. I understand this people were trying to do something interesting and yes they should get some credit for at least being bothered but I would not consider it a documentary for it is of very low quality and it seems more like a highschool student's project than something that can actually come out for the puclic. If they were trying to do something for The Strokes, after buying this (everyone makes mistakes) I think the best thing to do for your favourite artist is to buy their album and go see them play, after all music is what it's all about.$LABEL$0 +Historical romance with the realities of life..... So many times historical romance books have problems come up that don't speak to our time. The complexities of the relationships are often times very base and minimal. This book has the fierce complexities of human relationships reminiscent of Wuthering Heights but with a better ending. This books centers around a classic tale of the musician and his muse but told in a more colorful way. I very much appreciated the authors characters, the diversity of the characters lives and the vivid imagery. The only reason I gave this four stars instead of five was that from about 75% through to about 85% thought there was a huge lag in the story with a bunch of filler.$LABEL$1 +it's graph paper. I like the high density squares, this allows to make the graphs smaller for math class. We can fit more on each page with the 10 squares per inch pattern.$LABEL$1 +Just plain aggravating. Spent too much time researching cordless phones ended up going with this one given that it appeared to have the most positive reviews. Have owned it for about 5 months along with an extra headset. Bottom line this phone is poorly conceived and engineered and just plain aggravating at times. There is almost a constant buzzing sound in the background (I am not running a WIFI network), the controls on the handset are very complicated (way more so than even the most "advanced" cell phone) and I consider myself a technofile. I just wanted a high quality cordless phone that had a good signal, battery life, looked good and was free of defects what I got was a phone with questionable sound quality and a need for a PHD to figure out how it works. For those of you with a temper save yourself from eventually chucking this phone at the wall and look elsewhere.$LABEL$0 +Kindle book. Very good with lots of interesting facts about life-the hardships and day by day living in that era. Wonderful love story with down to earth people$LABEL$1 +okay, but not THAT good. it's alright, but a little hokey and dated, and i don't know what book most of the other reviewers on this page read. two young men find a manuscript in the ruins of a castle about a guy shooting white pigs out his window. wow. talk about "cosmic dread" and "icy terror". there was nothing spectacular or even slightly memorable about this book, except the beginning. the reason everyone gives such verbose praise to this thoroughly forgettable, antiquated novel is that lovecraft said a few good words about it. but let's remember our friendly neighborhood sheep, he was a man of his times, and i seriously doubt that if he was alive he would have such lavish praise for this novel now. lovecraft's material dated well (except for the racism), so did blackwood's (aside from the pantheism), so did lefanu and bierce's:hodgson's most certainly did not. skip it and read something by arthur machen or thomas ligotti.$LABEL$0 +Not drip proof??. Thought to buy the better one of the options and what a mistake. The bottom of the dispenser was dripping everywhere. I will go ahead now and purchase a cheaper one from another company.$LABEL$0 +Sennheiser review. I have had these head phones for a month or two now. They work very well. I would highly recommend these head phones.$LABEL$1 +Wow.. Isaac Brock is a pure genius. On this album, there is a wide variety of music. From the 10 minute-long "Truckers Atlas" to "Cowboy Dan" to the fiddle in "Jesus Christ Was An Only Child". I must say, I cannot be more impressed by this album than I already am. It is one of the few CD's that I can listen to all the way through and not get tired of it. The guitars are fantastic on all the songs, and the lyrics are incredible. If you've never heard of Modest Mouse, then I suggest that you give this CD a try and get into some great indie-rock music.$LABEL$1 +Amazing. THIS is what Paul McCartney was born to do. This COMPLETELY blows away anything he's ever done. This is one of his greatest solo albums, right up there with Band on the Run. Paul can rock, and he rocks his heart out. Rock in it's purest form.$LABEL$1 +"Animal Crackers In My Soup"---INDEED!. The Boys' Crusade: The American Infantry in Northwestern Europe, 1944-1945 (Modern Library Chronicles)As one of the"boys" (ASTP at UMaine to maneuvers in Tennessee with the Yankee Division to first landing at Cherbourg after "D" Day to Metz to the Bulge) I read the book entirely, with disgust. The turn-off began with the initial characterization that we "boys" were stereotypes who thrived on Shirley Temple's "Animal Crackers In My Soup"He's got it wrong; he's upset by his own unfortunate experience and he joins a horde of writers whose bitterness shows in their petty accounts of WWII. He's a respected writer who now is remembered for a "dud"$LABEL$0 +Dr.Benjamin Hobhouse. This is a book which simplifies QFT in a way not suitable for learning the real principles and theoretical foundations of QFT. It uses the synthetic path integral approach only, whilst the canonical approach is more appropiate to understand the foundations of QFT. For this, it is not enough to know how to write down the path integral and calculate scattering amplitudes only. It is good for an experimentalist, who wants to apply the theory of QFT to his measurments and vice versa. Who wants only to have a glance at QFT (including recent developemants) without being too superficial, the book of Michele Maggiore or the book of Thomas Banks are more useful, exactly because they present both approaches. For a major in QFT the book of George Sterman can be recommended.$LABEL$0 +Good story nearly wrecked by bad acting. The actors in this are for the most part so bad that they ruin much of what might have been a more effective story of a haunted house with deadly entities wreaking havoc at night.$LABEL$0 +Wow!. This product was recommended by Real Simple Magazine for individuals looking for a volumizing shampoo. I decided to order it, but figured it would be comparable to the dozens of other "volumizing" shampoos that I've tried in the past. I have to say I am very pleasantly surprised at the results I'm getting with this shampoo. This is the first shampoo I've ever used that makes my hair feel really clean and not weighed down, without causing it to feel dried out. In fact, my hair feels healthy and incredibly soft (even without using conditioner), and it is very managable! I very highly recommend this shampoo for people with fine hair.$LABEL$1 +Bad.. This is really bad album. My friend said it was really good so I downloaded it. What a disappointment Im glad I got it on filesharing wasnt even worth putting on a cd-r thats worth a few pennies. Him sucks. Bam Margera sucks Ville Velo off. (btw in french ville = town, velo = bike) so ville velo's name is Town bike from now on. and his cheek bones look like herman munsters.$LABEL$0 +Tiresome. This album is so bland and uninspired. People act like the Foo Fighters went in some new no nonsense hard rock direction on this album. Well let me tell you they didn't. This is just the same as thier other albums, POP! Bad tiresome pop at that. Dave is a good drummer but his band sucks.$LABEL$0 +A plague years romance. The Decameron of Giovanni Boccacciohas tales ofrandy priests and nuns during the plague years in Italy. The adventures in this movie are like that. The two stars are both good and beautiful.The villain is played very well too as he spoils a well.Short of Shakespeare this is a fun movie!A happy ending and rose petals ... all's well that ends well.$LABEL$1 +So Poorly Written neither of us could plow through it. Did the author get paid by finding and using the most obscure words to describe his thoughts? If so, he was a success. Run on sentence after run on sentence; so many obscure words that my iPod's dictionary was screaming "Leave me alone"! The most boring book I've read in a very long time to the point after dragging myself through about 30 pages HAD to give up. The subject matter is very interesting - the author's descriptions and writing style unreadable.$LABEL$0 +impossible to read. This could be a great reference, but theprint is so poor - not just tiny - butas if photocopied too many times &scrunched down to fit on the page.I would have welcomed this reference in a larger, more readablepage-format. As it is, I feel it was a complete waste of money.$LABEL$0 +well made and every conceivable spray pattern. This seems well made and has every conceivable spray pattern for people who do not sit around trying to conceive of spray patterns.$LABEL$1 +Classic TV. All episodes in color, but the quality is about a 7 on a scale of 10; the real problem is my equipment can not track/playback with out stops and starts. I have tried differnet disks and they all playback with jerks and moments of still picture and no sound. I am disappointed with this set. Other products from this distributor have not had this problem.$LABEL$0 +Negative 10,000 stars. Trying to sit through a "movie" like SOUL PLANE is like trying to swallow a mouthfull of rusty nails-it might kill ya. SOUL PLANE has no plot, performances that would create the worst acting ever category in the oscars, And proves that the only uncle tom is Tom ArnoldAvoid this piece of trash like the plague!!!And Monique sucks!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!1$LABEL$0 +Lousy Pedometer. You have to be a rocket scientist to use this pedometer. It is hard to set, and doesn't work properly. I couldn't even get it to record steps, which is my main purpose for having a pedometer. Maybe if you want to use it for marathons, it's OK, but it's no good for just tracking steps on a daily basis. I'm shipping it back tomorrow. Don't waste your money.$LABEL$0 +WHAT is going on with Amazon.com lately?. This is the second defective DVD that I have recently purchased from Amazon.com. The first one, Pedro Almodóvar's HIGH HEELS, was clearly a bootleg copy with grainy playback that paused and skipped throughout. It was impossible to watch. This film, BARFLY, should be a color film, but plays in black and white. Where is Amazon getting their merchandise from these days? What's up with the low quality garbage?$LABEL$0 +Great vaccuum. I got this on super super sale and would have paid more for it. It is lightweight, really quiet and versatile for all different floor types from shag carpet to bare floor. My one and six year olds actually fight me and each other so they can use it, too!$LABEL$1 +The best just got better!. I have had a couple of pairs of iGrado's for the past 3 years or so. The cable they came with are very thin and do not handle wear. I've been looking for cable replacements (yes, the iGrado's are worth salvaging) but decided it was cheaper and easier to just buy new ones. Well to my surprise, the new ones are better. The cable is much thicker with a thick jacket. The Y split in the cable is much more rugged and the plug is a nice L shape now. I also noticed the headband is wider and a little more comfy. Best of all, they sound the same--GREAT.Do not be fooled by other reviews of behind-the-head headphones that get 4 and 5 stars--they sound nowhere near as good as the iGrado's. If you want good bass and a great sound from top to bottom in the behind-the-ear form factor, the iGRADO's are THE BEST. Don't spend half to ultimately be unsatisfied.$LABEL$1 +Hello Kitty sing-a-long CD, Karaoke system,. Got this for our 5 year old Granddaughter. She can listen & sings a long all day with One Direction. She also loves to have us sing together. Thank you the price was great and made our Granddaughter very happy, Again, Thank you. We did have to return the first one the CD player did not work.Which was very easy to do.$LABEL$1 +This album is awesome. Every song on this CD is great!!! Mr. Samuels brings you on a warped trip, through the sick mind of a suicidal teacher. Mood Organ makes me want to wake up and dial a smile. Adult Swim, Chemagrin and Unwelcome Pineapple are pure and simple great rock songs. Miss Velocity is ready the charts. Fountains is one of the best sounding songs I have ever heard recorded.The great thing about Another Engine is, not only are they great studio musicians, they are incredible live performers too. Check these guys out. You won't be sorry.$LABEL$0 +Classic synth sounds!. Touch is another synthpop masterpiece by Eurythmics that has stood the test of time very well. Not quite on the level of Sweet Dreams, it nevertheless contains brilliant songs like the atmospheric Here Comes The Rain Again with its evocative lyric, the compelling Right By Your Side with its riveting reggae beat and the soulful Who's That Girl. The arrangements are innovative throughout and lend merit even to the lesser songs like Regrets with its frisky trumpets. Another favorite of mine is Paint A Rumour with its skittering beat and subtle synth flourishes - it really grows on you. On Touch, Eurythmics consolidated the sound they introduced on Sweet Dreams, before they veered off into new directions with 1985's Be Yourself Tonight and the following year's Revenge. It remains a synth-pop classic.$LABEL$1 +An attention getter!. We bought this for my 2 1/2 year old son for Christmas. He loved it and still does. He really does not care about the story too much. He mostly likes the music, counting, and pointing to pictures and it tells what the picture is. Its very durable. The only problem is the cartriages are small, but we try to keep the books and cartriages in a back pack. We bought all the books but he loves Ernie's Neighborhood and Blue's Clues the most. It was definately worth it!$LABEL$1 +Terrible. Terrible movie. Bad animation, horrible character design, even worse story that couldn't decide if it was a teen angst comedy or military sci-fi. A real waste of a license with potential. Original mecha designs from the MOSPEADA series are good, but there is nothing worth while to see here. Robotech, despite its hacked pedigree, is ripe for some good story telling of what other people went through during the various alien invasions - but this movie is a feature length sophomoric fan fiction product. I cannot imagine ever wanting to watch it again. A shame, as being a mecha fan I would really like to see a serious effort homegrown in America.$LABEL$0 +Try to see it my way. After seeing Paul McCartney's Tours for Flowers in the Dirt and Off the Ground, I'll say his voice for this tour was the best I've ever heard. Listen to "Get Back" & "Paul is Live" then listen to this. The songs, stage show,overall effects, the band and his voice haven't been this good since the Wings "RockShow" video. Every minute was full of an energy and enthusiasm I thought was lost long ago. If you have a home theater system set it for stadium or arena and crank it!!!$LABEL$1 +Thumbs down on this one.... I just finished reading this book and all I can say is that it's like reading one of those "for entertainment purposes only" astrology books. The things the author has to say about my AB blood type just do not fit with reality as I know it. He has my physiology wrong and my personality wrong- and wrong in some very fundamental ways. Foods he says I shouldn't eat are foods that I do well on and foods that he recommends as highly beneficial give me heart burn. He says people with my blood type don't lose weight using lo-carb, high fat and protein diets i.e. (Dr.Atkins). In actuality- the Atkins diet is the only way I have ever been able to lose weight. For anyone sincerely interested in improving their health, I would recommend reading "Sugar Blues" by William Dufty, "NeanderThin" by Ray Audette and "Dr Atkins New Diet Revolution" by Dr. Atkins. These are good solid books that have seriously helped me. Not pseudo science like "Eat Right for Your Type".$LABEL$0 +Review #71. I've browsed the other 70 reviews and have been overwhelemd by the stars. I have to tell you, however, that Angel Dust is the worst album ever created. My first college roommate played it every day (along with Empire from Queensryche) and it never grew on me. This is an educated review. Why? - I've heard this stinking album over and over and I hate it. I'm glad FNM is dead and buried.$LABEL$0 +Ivy = Fun! Laugh out loud! Escape!. If laughter is the best medicine; then I am surely cured of the winter doldrums! Quinn skewers the worst of corporate America's covert antics, the sometimes over-the-top entitlements taken by the privilaged few and the foibles of the nearing-middle-aged woman trying to reinvent her life after being dealt the double whammy of losing job and marriage simultaneouly. Not since Bridget Jones have I laughed out loud this much! Thank you Karen Quinn-keep writing! Hope to see it as a movie and read your next book.$LABEL$1 +Welcome Back Bob. In the era of bubblegum pop crammed down our throats by the diluge of boy bands, teen-pop princesses, and tasteless record executives, Dylan's newest, "Love and Theft" is the stuff dreams are made of... perfect songwriting, lyrical prowess, and one of the tightest bands ever assembled. Dylan's latest masterpiece is the long-awaited follow up to the 1997 multi-Grammy award winning "Time Out of Mind" and is more than worth the wait. If you love top-notch songwriting and the incredible group dynamic possessed by Dylan's latest band (his road band for the last several years), you need to do yourself a favor and pick up this album!Sadly, this album was released on the same date as the horrible terrorist attacks in NYC and Washington. However, leave it to Bob Dylan and his impeccable songwriting talents to add some joy and pleasure into a dark and dismal day in American history. A true masterpiece.$LABEL$1 +shimmering hints of electronica. Chilled, smooth music to suit your every mood that you can occasionally sing along to with divine, understated vocals by Donna Rawlins, shimmering hints of electronica (especially in Shadows Fall) and moments of sheer Pop classicism (Daeya). Check out Rawlins in her three (!) other bands, Country-Bluegrass group Rosemont Crossing, the Goddess-Rock, all-girl Drawing Down the Moon, and Folk-Pop band Imaginary Friends.$LABEL$1 +It should be illegal to make such a bad movie. Unlike the first leagally blonde which I loved this one was terrible! I wouldn't even bother renting it! It has a dumb plot and you should stay away! I lost my attention in the first 30 minutes!$LABEL$0 +No single player campaign... I'm giving Red Orchestra a bad review as it is just plainly false advertising. I don't have high speed internet and bought the game in a local store thinking by looking at the case it had a actual single player mode... it doesn't. It did say a internet connection was required to activate the game, it does not say if you have 56K you will be downloading for 4+ days just to get a glimpse of the game.I usually buy games for the single player mode as I don't have a choice of getting broadband where we live, I guess I'll be more careful when it comes to these kinds of products.The game, once I got to it, was pretty cool but gets boring fast in the practice mode, there is no campaigns etc for a single player. I'd give the gameplay a nice score say 4 stars, if you got broadband this would definately be a good game to purchase. But they need to describe the game and the hoops you need to jump through to play it more thoroughly on the packaging...$LABEL$0 +No temperature reading.. Even after several hours, this thermometer remains black (see my customer image). The tank's heater is set for 82F for my betta and I wanted to make sure the heater was accurate. I like the small design, but this thermometer is useless.$LABEL$0 +no stars: defective. appears to be either expired (no labels on plain clear container) or just strips of construction paper. terrible , awful , worthless (completely) !$LABEL$0 +Fantastic Romance/Drama. This is the first book that I have read from this author and I am greatly impressed. After reading the opening chapter, I felt as if I was home again. Everyone who reads this will be able to relate to the characters. Whether it be to Randi & Kay personally, to their families or to their workplaces. I really enjoyed how you never knew from one moment to the next what their ex's were up to. All of the characters are richly drawn and real to life. Unlike many books written these days you really do not know how it will end. Will they admit their feelings for each other? And if they do, will they still in the end to back to their ex's out of guilt or fear? This book is a roller coaster ride that I highly recommend. Kudos.$LABEL$1 +Another Good album!!!. The cd is okay(and I am a big MOS fan)...............I was kinda expecting more but overall the songs are nice but the album is sooo short.$LABEL$1 +has many flaws! not her best by far. Just not sure why martina would record a cd of remakes this early in her career! I did not care for any of these songs. Martina should have left this cd out and recorded something like her "wild angels" cd. I dont even like her voice on any of these songs. I would not encourage any one to buy this cd, buy her last one "martina" to hear her in her full glory!$LABEL$0 +Overall, Great Product!. If you have an iPod video and love to go running or jogging, this armband is prefect! It easily just goes around your arm and your off to run with your music playing!$LABEL$1 +Wonderful book for ALL teen age girls!!. This is a wonderful book that all teen age girls should read. It is full of wonderful ideas on how to be the best that you can be. The importance of being proud of who you are is stressed over and over again. Goal setting and attitude are discussed. The book gives many practical suggestions on how to look your best using color and style, and how to establish your own identy. A great handbook for all teen age girls and their mothers.$LABEL$1 +Don't buy this item. The finish will burn off after 2 uses!. Don't buy this item. The finish will burn off after 2 uses! and when you contact char-griller they will tell you that your warranty will not cover their shoddy product! in the day and age i would think they would be more concerned with keeping customers.$LABEL$0 +Kitchen soap dispenser. The item looks very nice, but the soap dispenser does not work well at all. Continuous pumping results in a minimal amount of soap (and I'm not using thick soap). Very disappointing purchase.$LABEL$0 +Lennon Acoustic. This is a piece of Lennon history. It travels from some intimate moments with John, to some stellar live performances. The album moves at a nice pace, it doesn't drag at all. The three live recordings are very good. Real Love sounds great here. What caught me by surprise was Look At Me. Though it has a great message, the sound of the original always turned me off a bit. This version helped me to embrace John's lyrics.For some reason, Amazon lists an extra track, "I'm A Man". This is not a track on the album. Check the back cover, shown as a customer image, to see for yourself.$LABEL$1 +I should have listened to other rating!. Had 1 week, and other than very difficult to read front panel, that I can live with, but as already destroyed one of my favorite cassettes, the Ways of a Ship, I was heartbroken, well very sad, it just stopped and I ejected with a few feet tape behind and completely cut off. The whole reason I bought was to have a cassette player. I afraid to use it again, if I were you look somewhere's else.$LABEL$0 +My Review of Tripfall. I bought this movie because Rachel Hunter is in it. I will still buy anything that she stars in. OK, so the plot line is a little silly, but Eric Roberts was still convincing as a villian and again, you have Rachel in it.Mike Serovey$LABEL$1 +To be read with caution. This book amasses a lot of information from different sources, apparently more interested in capturing the reader's attention at any cost rather than in giving accurate information. Some statements are a challenge to the basic facts of Portuguese history and a challenge to the basic notions of history periods in general. There is no such thing as a "pre-historic Lusitania" as this book says. In level of mediocrity this book is comparable to Ian Robertson's A Traveller's History of Portugal, two books to be read (if at all) with a good deal of caution.$LABEL$0 +The PILL. No what I expected, very slow and not interesting. absolutely no point. unreal and at some point stupid.Boring and expensive for this type of movie.....$LABEL$0 +pretentious and contrived. Being a huge fan of the science fiction genre, I was delighted to learn of a sci fi movie whose theatrical release I somehow missed. And Bruce Willis playing the hero being means it must be a sure fire hit, right ?Wrong ! This was truly the most contrived and unimaginitive piece of drivel I have seen in a long time. And no, I'm not "slow" or unsophisticated. I just didn't see any ideas here which had not been done, significantly better, by Star Trek, Star Wars and Raiders of the Lost Ark. The only character I found modestly intriguing was the opera singer alien. And she got wasted rather quickly, leaving only the highly stereotypical characters. The above average visuals were not enough to redeem the tired plot.My advice is rent it if you are really curious. It was certainly not worthy of being added to my fine sci fi DVD collection.$LABEL$0 +A book that says nothing. I rarely write reviews on Amazon, but I can't help but try to save someone else from the frustration of wasting time on this book. While I typically enjoy almost any business book, this one was painful. Lots of mumbo-jumbo with no real substance, this book continually uses it's own title as though it were a buzzword that had some sort of real meaning. Since it was only vaguely (at best) defined the whole book is very foggy and unclear.You know how you often times have to wade through the first chapter or two of a book to get to the meat? You feel like it hasn't really said anything but is just about to get going? You'll still feel like that when you get to the end of this one.$LABEL$0 +Weak Sloppy Art and Poor Writing Insult the Series. The orginal 8 episode Bubblegum Crisis is a masterpiece of great futuristic anime and one of my all time favorites. The art in this new version 2040 is a total insult to the franchise and looks worse than the Flintstones or Scooby-Doo. I mean you have these monsters that look like a paper cut out with a couple of holes and bolt, and none of the great writing that came with the original. I almost never bash anime but in this case the art is so bad it deserves it. It is like someone just picked up the title to make a quick yen and spent no time, money, or thought on it because they were counting on the fame of the original to sell it. I am sure they made their money because of that but this is truly the worst quality anime I have ever seen, yes, the worst. Don't reward these makers of junk who insult the awesome original Bubblegum Crisis.$LABEL$0 +not so much. Insulted for mj and not laughing. To be fair tho, did not watch all the way through. Love the actress tho.$LABEL$0 +Boring, boring, boring. Grisham has definitely lost his edge! Where is the suspense? Where are the page turners we so eagerly awaited since "The King of Torts"? We're sick of reading about racism in the South in the 1970's, we want a book that's a gripping read like his earlier books. Quite a disappointment.$LABEL$0 +Springbok is still capturing my audience. Beautiful sturdy Springbok puzzles are at the very top of my list as always.The puzzles frame perfectly!! By the way, I do not consider this a toy!$LABEL$1 +Horrid. Zero stars.. This was the most poorly written and executed book I have read in decades. Deadly booring. Run from this overhyped title. One of the few books I have ever thrown away in disgust.$LABEL$0 +Do not buy! Terrible product.. I bought two of these about 2 months ago. I put them in my Uniden phones and charged them as recommended. One battery melted the inside of one of my phones. The other only holds a charge for 20-25 minutes before going dead. I am annoyed because Amazon says it is too late to return them but they are really poorly made, defective products. Now I have to buy a new handset too!$LABEL$0 +Solid book on introductory QM. This book is a good place to start your introductory study of QM. The historical material at the start provides a good motivaion and perspective on further developments in QM. All the important and pivotal aspects of Nonrelativistic QM are worked out in considerable details and this is a boon for a newcomer. Studying books like Merzbacker or Schiff becomes easy after this. The only shortcoming is the lack of problems, most are exercises.$LABEL$1 +Great, with one mistake. Like the other reviewer said, this is a great 1 disc distillation of The 2 CD "Cup of Loneliness" compilation that also adds "She Thinks I Still Care" from the United Artists period. If you want more than this get "Cup of Loneliness" and The Razor and Tie "She Thinks I still Care". For some reason, both this and the other Mercury compilation substitute a rerecording of "Why Baby Why". I don't know why since they use the orginals of a couple other Starday recordings. Anyway, if you want the original version, which I think is better, you'll find it on Columbia's Spirit of Country, and probably a 100 other compilations.$LABEL$1 +Didn't Dig Digging. I found this book rather boring. Every time I thought something interesting was going to happen, nothing did.$LABEL$0 +A Shred Sensation. Perfect, i have never heard anything as beautiful as this. When I found this at a neighborhood yardsale i almost defecated my pants. Jeff Martin sings like an angel. 30 seconds into Paul Gilberts electric guitar solo and i was speechless. So Racers, if you're feeling dangerous, pop this cd in and let good times roll!$LABEL$1 +I should make these. It serves the purpose of securing your bike rack to your hitch but Thule is clearly bending us over without the courtesy of a reach around. Way over priced!!!!!! Next time I need a product that Thule is the market competing I will not even consider purchasing a Thule product.$LABEL$0 +Great little picture.. Classic Corman Z-grade film about flower shop owner who is forced to feed humans to a plant named Audrey Jr. Hammy performances make this a winner!$LABEL$1 +Justin Rocks!!!. A great version from FutureSex/LoveSounds!! HIGHLY RECOMMENDED! CD with 3 New Re-mixes bonus including duet with Beyonce, Missy Elliot and 50 cent! And 60 minute Bonus DVD featuring tv performances, all of his hit music videos, making of and much more!! Just perfect!!$LABEL$1 +Better than Kiss The Girls. I think Morgan Freeman was superb, as always. I was pleasantly surprised with the acting of Monica Potter though. I think that the suspense was great, with plenty of twists through the movie. It was much better than Kiss The Girls in fact, a movie I could figure the "bad-guy" out before it was half over. The only bad thing I can say about the movie, is the car crash in the beginning. It looked terrible, and was too obvious it had been done on computers. If you enjoy drama/suspense films, you'll surely enjoy this one.$LABEL$1 +Terrible Battery. The price is low but so is the ability to hold a charge. In my Kyocera camera I am not able to take more than 12 shots before it dies. The battery is only 6 months old$LABEL$0 +Great book with great ideas simplified. This book is as good as a thick textbook on copywriting. Mr. Kennedy doesnt waste words and gets to the point in every sentence in this book. Also of great interest are copies of sales letters he wrote for his clients.What I liked about this book was chapter/step 6: Getting your sales letter read. There are generous examples of attention-getting headlines and fill in the blank headlines. A lot of these caught my attention and I'm very picky about which emails to open because I've looked at thousands of them, but the samples in this book are still good to use.I like this book because it is like AWAI's copywriting course condensed into one book.Read this book today and start writing better copy.$LABEL$1 +Nice Collection. Even though Hanson are viewed as that lil boy group that sang that "Mmm Bop" song, one might be surprised to know that they did more after that and even still have a small, but very devoted fanbase. This set represents their work from 1997-2000. It has the singles that made them famous from their first album including their only two top 10 hits "Mmm Bop" and "I Will Come To You." They also had minor hits with "Where's the Love", "This Time Around", "Weird", and "If Only." This even includes a track from their Christmas album.$LABEL$1 +Don't Get These. I ordered the three because I was looking for these games that would be able to work on a mac computer and it said that they did, well they don't! SO if anyone looks at these hoping they do, don't bother because I can't even install them$LABEL$0 +toe tapping music. Jim Gill sure knows how to get the children to participate. His songs are so enticing! Everytime I put this CD on the kids start singing and start doing the motions.$LABEL$1 +Good Quality Flash Drive. A very good price for the Flash drive. Very easy to use... and the best part is the U3 that runs automatically when i plug in the flash drive..... giving many easy to use options (including game). I am very happy with my purchase.$LABEL$1 +Good, but.... I wanted a few books for reference, to share with working musician friends. This book does seem to be complete, but, with its total lack of diagrams and illustrations, really makes for very boring reading.I would recommend instead this book: "Live Sound Reinforcement: A Comprehensive Guide to P.A. and Music Reinforcement Systems and Technology", ISBN 0918371074.Another excellent sound reference is the Yamaha Sound Reinforcement Handbook, from Hal Leonard (# HL 00500964). A littl e more detailed than the above recommended book, but still good for both beginners and experts.$LABEL$0 +Don't Bother. I'm sure there are ten year olds who could come up with a better novel then this. The lead character is so immature and over dramatic he is enough to keep all closeted gay men with their wives.I don't even know how this thing got published.$LABEL$0 +Reasonable sound, but need a bit of power in your reciever.. I purchased these for my cabin in MT for outdoor listening by our camp fire...about 25 yards away from location. Reviews were quite high so I decided to go for it. I think the sound is fairly accurate with good mid range and lows for inexpensive speakers, but these do require a bit of power to drive...I had Polk audio speakers earlier, and they only required half the volume. Overall, I am pleased, but maybe need a more powerful reciever than my old Yamaha...$LABEL$1 +Unknown. The transaction and movie were excellent. However, it was not what I expected. It was a different twist. I would recommend the film to a friend.$LABEL$1 +Sending it back. I don't like this game because there are brackets around all the numbers and letters of the cards and it makes it very difficult to see what there are.....You also have to hold it at an odd angle to see it at all.....................$LABEL$0 +awsome. this cd is great, all the beats are catchy and the lyrics are great, theres not one bad or ok song on here, its a perfect score$LABEL$1 +good for the most part, but could be better.. i love built to spill, always have. the problem is, i've never liked live albums. it always seems like a "had to be there" affair. this album doesn't feel that way because the production is so good. really. i'm sure you've heard the songs, as most people who buy this will know who built to spill are, so i won't talk about what songs are good. the only complaint is that it could use more early material. oh well...$LABEL$1 +There Is A Difference In Prducts. Beware. The tag on the product I received listed it as Fine Texture. There was no mention of that on the Amazon order screen. These cloths were flimsy and didn't hold up. My fingers pushed through the weave while using it. I love the product in the blue box by Flower Valley, which is what I thought I was ordering.$LABEL$0 +yummie. Was suggested to get suckers to grab in my attempt to quit smoking, but I was getting an upset stomach from TOO MUCH SUGAR.. these sugar free ones are GREAT!!! & they have a better flavor to them! example; the orange one taste more orange than the sugar ones! just got them today & instead of a cigg I had the orane one,,,, I liked it! , , , now maybe I can kick the habbit??? either way these are very tasty!!! can't wait to try all the other flavors when I get the urge to have a smoke..$LABEL$1 +Loving Someone Gay. This book was absolutely super. It helped me and my gay partner take our sex life to a new level. I thought he was good before! He gave me lovin' like I never thought would be possible. If you are gay like me, and want to rock your gay partners' world, you need to read this book.$LABEL$1 +One word: BORING. Superstar is one of the worst songs I have ever heard!! It is beyond boring..it is not Rubens fault..the version is too slow and there is too much time with just instrumentals. Flying Without Wings is a good song but Rubens version is nothing special. Don't waste your money on it.$LABEL$0 +Disappointed. This book was a great disappointment to me. I love books that have a real setting and yet there is a touch of magic thrown in. Christopher Moore is a master at this type of narrative. He makes you feel as though YOU could stumble onto something mythical in your day to day life. "The Tooth Fairy" did not deliver this. This was a sexually twisted piece of writing. The book might have been more enjoyable if it had just given in to its erotic fixation fully and quit trying to be a creepy coming of age story. At the end of the book I had nothing invested in the story or the characters. The only reason I finished it was a misguided hope that the ending would reveal SOMETHING.$LABEL$0 +Non stop laughs. Non stop laughs through the entirety of this show. Every season is great and the characters are well developed. As the show continues, it only gets better and better.$LABEL$1 +A big dissapointment. .......Cool boarders 3 is a lot better than 4.Here are mycomplaints 1. the boards go to ... slow, witch always puts me in 4th place in a race. 2.theres hardly any jumps to do any tricks. 3.coolboarders 3 starts you off with about 3 courses, and like maybe 6 or 7 players I think,just untill you do the tournement and unlock them all.And like a couple boards to choose from.cool boarders 4 only starts you off with 2 courses, and 2 players, and probably like 3 boards,............ I found it getting aggravating and boring fast.Lucky I got to take the game back and trade it in with the store I bought it at,After that I bought cool boarders 3, the better one.Where the boards go faster,u start off with more than two coarses,players,and boards.And you get big jumps to.So don't waste your money on this buy the 3rd one instead.$LABEL$0 +Warm and cozy. Its a bit overrated and overpriced, but uggs classic boots are super warm and cozy to wear. I do like the tall boots because of the fold down looks that you can get out of one boot. Problem is that the sole support is not that great. For the amount of money, I expect to be able to walk in these boots as if they were sneakers. I am a size 7.5, but a 7 fit me perfectly.$LABEL$1 +I love this CD!!. After watching the movie, "Armegeddon", I was afraid that the soundtrack would not live up to the movie. Well, I definitely was wrong for this is one of the best soundtracks I own. I loved the movie and I loved the soundtrack equally. Aerosmith did a great job with "I Don't Want to Miss a Thing" and "What Kind of Love Are You On". I also enjoyed Shawn Colvin's "When the Rainbow Comes", Jon Bon Jovi's "Mister Big Time", Patty Smyth's "Wish I Were You", and especially "Animal Crackers". Last but not least, Chantal Kreviazuk's "Leaving on a Jet Plane" brought tears to my eyes. All in all, this is a wonderful CD and I would recommend it to anyone.$LABEL$1 +We'll Miss Her. I thought this was a lovely book and looked forward to more from Amanda Davis. Just read that she was killed in a plane crash with her parents on February 18th 2003.$LABEL$1 +if you have to throw away $150.... If you actually buy this book you're paying for the illustrations. Don't waste your time actually reading it, the presentation of the material is ponderous and completely unimaginative. The chapter on immunology is one of the worst I've seen anywhere.The COVER of the book speaks volumes for its content. I'd be afraid to be seen in public with it.$LABEL$0 +WWF Survivor Series 2001. 1st Match: Christain VS Al Snow *WINNER: Christain2nd Match: Tajiri VS William Regal ****WINNER: William Regal3rd Match: Edge VS Test ***WINNER: Edge4th Match: Hardy Boyz VS Dudley Boyz ***WINNER: Dudley Boyz5th Match: Immunity Battle Royal ****WINNER: Test6th Match: Lita VS Trish VS Jackie VS Molly VS Jazz VS Ivory ***WINNER: Trish StratusMain Event: Team WWF VS Team Alliance *****WINNER: Team WWF$LABEL$0 +Fairly Good Book. This book is representative of Ruth White's former books upon chakras and spirit guides. This book gives a basic review of the chakras systems and goes in depth about contacting your own spirit guides. White provides useful exercises for meeting your spirit guide, such as vision techniques, meditation techniques, and the proper questions to ask your guide.If you enjoyed White's previous books, this one should not disappoint.$LABEL$1 +La Verne. Still taking the lozenges daily and only one and I have no problems so far, I really feel they are helping my system. Will keep taking them, my husband is also taking them and works for him too.$LABEL$1 +Here it is Folks!!!. It is AVAILABLE for pre-order. YES YES YES. Order it now, then we'll see season 3 in no time. Also fans of Falcon Crest order this title and improve the chances of seeing a FC season 1 release not too long after.$LABEL$1 +New Benchmark. If you like superb video and audio and appreciate classical music genius, this is the ultimate disc for you. If you own 1080p video and at least moderately good multichannel audio equipment, you are in for a treat. The performance is flawless and the vediophile and audiophile experience is without peer. Even the camerawork and the shots of the hall are breathtaking. This disc sets the bar at a new high level for those of us who are looking not only for the best performances from the best of the best but stunning video and audio technology This disc is a must have. My only regret is that it makes the rest of my library a little disappointing. Bravo! Bravo! Bravo!$LABEL$1 +ERROR PRONE and no source files. Upfront, in defense of the authors, I will admit that buying the book in 2003 does put it at a disadvantage. That said... The book was obviously "thrown together" with more mistakes than I have ever run into.. especially in the source code. Example: The book references both "the CD included" and a web site to download the files - NEITHER OF WHICH EXIST. The source code listed in the book is full of errors. On the positive side, I've found it to be useful as an introduction to animated graphics; however, if you are a newbie to java, forget it!$LABEL$0 +If you don't know about Stomp.... If you haven't been exposed to the experience that is Stomp, here is your chance. It is a short DVD but quite a lot is introduced in the performance. I highly recommend this DVD if you can't make it to the live show. But if you can get out, go see the show live. I think it's better than the DVD! So, either way, enjoy!$LABEL$1 +meybg. I swear on this i have been using AUQA GLYCOLIC for 20 years. I'm 61 and i have a lot less wrinkels than my friends my age. Buy and use it you wont be sorry in the long run.$LABEL$1 +mouse not worth the time or money. this mouse is a flop- trying to get it to read your fingerprints is an exercise in futility- does not save time or secure anything$LABEL$0 +The story behind this book, well known in English History: hanky-panky.. John Dee, the man who invented the phrase 'The British Empire' had a pretty wife who was much younger than he.A much younger man, whose name I forget, helped him to write these books, then told him that the spirits-whom he had consulted- were suggesting that it would be a good idea if he slept with Dee's wife.Dee was taken in, and the man had his evil way with her.You should not take Dee's books unduly seriously.They are a con on many levels.Dee, after all, aimed to gain money and influence through them, as much as his helper planned to sleep with his wife.)$LABEL$0 +"Bad Love" can make you laugh after all!. I love this CD! My two favorite songs are Shame and Better Off Dead. I love a songwriter that can make me laugh, and Randy's sense of humor is just my style! I have been listening to this exclusively for a week now, because it has it all...great music and great lyrics too.$LABEL$1 +Comfort Zone. The music on this CD helps one relax. Today's world carries a lot of stress over many different things. We need to get unwound today so we can think clearly. I recommend it.$LABEL$1 +Not even close to Saving Private Ryan!. I am a WWII vet, 1st all-filipino infantry regiment, U.S Army, trained at Fort Ord, Monterey Ca. 1942. Although I was not in the European Theater, I fought in the Pacific, Thin Red Line does not come close to Saving Private Ryan in any aspect of war. Losing many friends on the field and dealing with war itself is something I cannot describe. Watching Private Ryan is as close as you can get to REAL combat. The thin red line is a good movie that takes war in a different perspective, but please do not compare it to a great movie like Saving Private Ryan.$LABEL$0 +More answers to the questions that make you go "Hmmm...". Dave Feldman does it again... If you are or WERE the kid in the back row in math class staring into space wondering just why steam rises out of New York City sewers or how M&M's are made without seams (and how do they get the "M" stamped on there without cracking the shell?) then these books are for you! Look for this title as well as Dave Feldman's other books, such as "Why Do Clocks Run Clockwise", "How Does Aspirin Find a Headache" and the ever-popular "Just What are Hyenas Laughing at Anyway?" at your local bookstore, or save yourself the hassle at the mall and just order it from Amazon.Com!$LABEL$1 +It was ok..... Would you try another book from C.E. Murphy and/or Gabra Zackman?I think I'll pass on both of them.Would you ever listen to anything by C.E. Murphy again?C.E. Murphy wrote a romance book and that is what it is. I wouldn't think C.E. Murphy would want to change anything. It fit the book that C.E. Murphy was trying for.What didn't you like about Gabra Zackman's performance?It was a very flat performance. Very dry.Any additional comments?It was to more romance and not enough Urban Fantasy for me.$LABEL$0 +dope. assbookyoi loveitim new to wiccaandit really helpsit has more than big texts books even have in shorter amount of wordsbut it says so muchits really dope and the title speaks for itself so yeah$LABEL$1 +insanity. This Movie makes us think that we can change ourselves and this is a very dangerous philosophy. If we believe we can change ourselves then we believe we can change others. thus putting us in grave danger of becoming tyrants and self serving, ego maniacs. The only thing that can truly change anyone is, the savior Jesus Christ. We must wash our minds with scripture and let God transform our lives, only then can we receive what our hearts truly desire.$LABEL$0 +Boring and predictable. There is nothing new nor interesting in this book. Liberace was gay. Really? Gosh, I didn't know that. Sinatra could be mean. Who'd a thunk? People had parties at their houses where lord only knows what went on because the parties were on private property. Oh, heaven forbid. At least some of the photos were nice.$LABEL$0 +Propaganda. From the muddled musings of Rowan Scarborough one would close this book "safe in the knowledge" that Mr Rumsfeld is a noble and intelligent man and not the oil sipping lunatic that he really is.$LABEL$0 +One of the coolest ps1 games. This game rocks. A must have.The monsters are cool.The graphics and scene's are even cooler. I recommend it.Gave it 5 stars.I played it for hours and hours on end.Good luck finding it though$LABEL$1 +What's up with all the 5 stars???. There are only 2 humorous things about this book: The book title and the chapter titles. I read through the book thinking "ok, was that supposed to be funny?". I kept reading though, cause I never give up on a book until I finish it. But this one has no redemption. It's a waste of your money and time even if you're reading it while taking a potty.$LABEL$0 +WASTE OF TIME!. For being one of the most popular movies of its kind, it really was a big waste of time. I never new a Steve McQueen movie could be so overrated until I saw this. I had never seen the movie until last week, and boy was I dissapointed. All these years of hearing and reading all the hype, for nothing. I admit I was convinced it was good even before I saw it, again, I was wrong. It is not that thrilling or suspensfull. I know it was based on the true story, and I admire the real POWs for everything they endured, but this movie does them a disservice by trying to make it funny at times. Not admirable. Don't waste your money, just rent it if you want to see it. Forgetable after its over and done with.$LABEL$0 +Sound advice from a true sleep specialist!. My son didn't start sleeping through the night until he was 19 months old. That was when we started seeing Dr. Mindell. She and her book were wonderful for our family. She is compassionate and offers no-nonsense advice for helping your entire family get to sleep!$LABEL$1 +Agony. There is little to do with the Enemy in this movie... It doesn't tell us to hate the American, or to pity the noble Japanese. The enemy was greed, war, disease, and apathy... so many children suffered in this long, terrible war, we can't ever atone for it. This movie is not some sword-wielding, prophecy-fulfilling anime, it is of agony, love, trust, family, and sorrow so deep that one cannot express it.I don't know about you, but this film crushed me, I couldn't stop crying for hours.... It let me never want to see war again.$LABEL$1 +Oops.... Just rec'd the wgt624. Heard that there was a firmware fix from other posts here. Went to check it out. asked for my serial number and I got the following response:Your router has been identified to have a compatibility issue with the current available firmware upgrades. It is an issue that is related to the internal flash memory of the router and additional firmware upgrades may cause it to lose its basic functionality. Therefore, Netgear recommends that you take no additional actions with the router for the time being.Although this affects only a small batch of units, there is currently no firmware or software fix for this issue. As part of the Netgear commitment to our customers, Netgear is offering to swap your router with a replacement that does not have this issue.To proceed with a replacement request, click hereLove that quality control... we'll see if I keep the product, and how amazon handles return policy on this one... I may change my rating later depending...$LABEL$0 +Certainly not clockwork or an amazing process, but very effective apparently.. My daughter is older (11), but very petite. Bedwetting has been a very tough lingering issue for us, as she has a very small bladder and is a very deep sleeper. She wore it 3 times. The first time it did not work for some reason. The next couple, it kind of did. Although it certainly wasn't the picture perfect buzzer goes off, so she goes to the bathroom scenario. Honestly at the time I didn't think it worked, and that I had bought a lemon of a product. But, the couple of times it buzzed her awake seems to have done the trick.All in all I bought it so that she would stop bedwetting on the advice of her pediatrician. She has completely stopped now for a couple of months. So I have to rate this product a 5 star for coming through on it's claims. Certainly not clockwork or an amazing process, but very effective apparently.$LABEL$1 +Not good. I'm a Boston fan from way back. It seems as though with each album they've made, it gets worse as time goes by. I'm at a loss for why, too. Scholz wrote most of the music back in the "old days" and Fran Cosmo sounds creepily like Brad Delp (for the most part). But this outing is far below par. Far below. The best song on here is Cryin'. It really sounds like they should sound. Cryin' is really a good song. The rest, to me, is filler.Also, all the feel-good environmental, save-the-animals stuff plastered all over the booklet is a big turn off. It comes off as some left-wing baloney to me. I'm all for protecting the environment and unnecessary slaughter of animals, but they go too far in the cd booklet.Of course, those that read this and disagree will have all kinds of nasty things to say. But that's the hallmark of the left today. Disagree with them and they WILL attack.I'm Libertarian, btw, for all the kooks' knowledge.$LABEL$0 +For the birds!!!!. The only reason for buying this book is if you own a bird because it will be usefull for lining the bottom of the cage. The author should be embarassed to have his name associated with this book because it is a complete failure. This book will NOT help you pass the IIS 4 exam. A definite DO NOT BUY!!!!$LABEL$0 +Bad Bad One indeed!. Meredith can't sing and her music is so trite it's pathetic. I can't believe any majob label wants her on their roster. The only half decent thing she put out was that lame Alanis Morissette [...]$LABEL$0 +waste of money. I bought this item used and regretted it. Whatever you try to grate gets stuck at the blade. It is also slow - I can do it by hand way faster. No point to this gadget at all.$LABEL$0 +Christmas gift. The problem I have with this purchase does not involve the product, but rather the company that I purchased them from. I had these shoes sent to my son as a gift. Unfortunately, they were shipped with the ink-filled security button still in place, so he was unable to wear them, and since they were an online order item, it has been an extreme inconvenience to make a return. The company sent another pair of shoe with the instructions that they would also send a pre-paid mailing label, so my son could return the original pair. When I spoke to my son last week, he had not yet received the return label. I am waiting now to see if my credit card has been billed twice for this item. I am very unhappy with this purchase.$LABEL$0 +Too perverted for me. I bought this after reading one review. I wish I had read more as this was a horrible book that I didn't read after the beginning. I don't get how people can read this ugly stuff$LABEL$0 +Ageless. I am 60 years old, but because of good genes I look quite a bit younger than my age. When I wear Bare Minerals foundation I find people staring at me - their reason is "You look amazing. Your skin in absolutely flawless." My answer to them is "good genes and Bare Minerals foundation!"$LABEL$1 +Not what I expected!. This HD radio is not what I expected at all. The reception is terrible even with the antennas that were included. I've had a chance to hear other HD radios and this one is very below standards. After 6 months use, my remote has buttons that no longer work. I'd return it but it's not worth the trouble. Live and learn. I give it a rare, "DON'T BUY THIS ITEM"!$LABEL$0 +Worked very well for me. I was somewhat surprised to see this trap rated so poorly because I had very good luck with it. It was the third kind I tried and I the first my mice weren't able to outsmart. Caught the whole family living in my garage over the course of a couple of months (one at a time of course). I agree with the reviewer who said you do need a hard, level, flat surface (like my concrete garage floor) for them to work properly. Also, Re: the person who said that they don't always lock shut, a tiny squirt of WD-40 on the yellow plastic tab completely eliminated that problem. They get a 4/5 only because they are a pain to clean out after each use (bait + frightened mouse = lots of pooping & peeing). Also need to get that mouse out quickly because they will overheat in such a small space and die, missing the point of a humane trap.$LABEL$1 +A Great Read. This is my first book by this author and I found it well written and its story interesting, exciting and occasionally humorous. Unnecessarily vulgar, it's true, but once you've accepted that, most entertaining. I will now look at some of her other books. If you don't mind a lot of X-rated language, I would certainly recommend it.$LABEL$1 +Brings in the waist, but that's about all.. This bra is fantastic for wearing under vintage clothing, when you're going for that bullet bra look. It brings in the waist and provides that lovely rib-cage shaping so vital for 50s "new look" dresses. However, it offers very little in the way of cup support and nothing in the way of the kind of cup molding that is common with modern brassieres. This means that the wear one can get from this undergarment is very limited, particularly for small-busted ladies.$LABEL$1 +Nice typeface. I like the typeface that the publisher uses here, but beyond that, there is little good I can say about this book. It's boring. The author does little to intergrate her discussions of different aspects of the geography of Mexico. It's just like, Here are the Pyramids...Bam! Here are some folk dancers.And then there's this little piece of propaganda..."...the North American Free Trade Agreement (NAFTA). This agreement made it easier and less expensive for Mexico to trade goods with its North American neighbors."No discussion beyond that. then bam! on to Fiestas, Music, and Arts!$LABEL$0 +A box full of rocks.. New and out of the shrink wrap my DVDs won't play. I wonder how many people are getting rooked. For the price they charged you'd think they could at least put working DVDs in those pretty cases!!PS: I have multiple DVD players in perfect condition. I play hundreds of DVDs (and keep all of them scratch free), when I say they are defective it is because they are.$LABEL$0 +Affordable, straightforward. Bought and installed the two-bike version. For an inexpensive item, I have no complaints. Certainly, it's only as sturdy as your wall-mount point (since the spine is assembled from several shorter square pipe segments, it would not hold vertical by itself, even if bike weight were well balanced). If I had my druthers, it would not hang the bikes quite as far out from the wall (a road bike or kids bike only needs 10-inch arm for hook, and this is longer), but it's a one-size-fits-all solution, and will handle even fairly wide mountain bars easily.$LABEL$1 +Love it!. They were the perfect size for valentine suckers. Easy to use and the chocolate popped right out of the mold after hardening.$LABEL$1 +Judo Kudos. This has to be one of the finest books published on Judo and is definitely a must in both the beginner's and advanced student library.$LABEL$1 +Had know idea what it was about.. I watched this movie because someone else recommended it and said it was "profound". What was profound about it for me is how eastern, mystical, religious thought packaged for western society via a movie can come across as it so often does. Touching, yet missing the mark when it comes to truth. Nevertheless, the acting was good and there were some touching scenes trying to proselytize the audience with its message.$LABEL$0 +A big no-no. OK, there are times you want to relax by watching something easy and entertaining, so you go for a movie with a bit of this'n'that: action, violence, humor, romance. This was my premise when choosing this movie. I was hoping for very uncomplicated fun, with some mystery, action, intrigue, romance, etc. Let's face it, we might love gourmet cuisine, but every once in a while a hotdog sounds really good. Well, this hotdog was a real dog. Sure, this is a straightforward movie, with an easy to follow plot, and with many of the ingredients listed above, but the end result was bad. Wesley Snipes is such a talented actor, and somehow he gets these roles where he is a thuggy good guy, decent but not very bright, getting in trouble (as usual). Alan Alda was disappointing as the National Security Advisor. The only refreshing character was Dennis Miller almost playing himself. But in summary, this movie was way too lame and predictable, better left on the shelves.$LABEL$0 +If Sleepy was SMART, he's re-release... This CD is phenomenal. I find it HARD to go a day without listening to it. Why this wasn't re-relased, I have NO idea. If you like Outkast, but prefer something more laid back, plese pick this up. You will NOT be disappointed.$LABEL$1 +Dangerously In Love More Like Dangerous In Skills. Beyonce Giselle Knowles, showcased her writing skills, her vocals, parts that she has not shown the world. This CD is worth 10 stars. It is on the same level as Aaliyah's Aaliyah CD. Her collaborations are perfect. Missy Elliot did a good song, Signs. And the Luther duet, Closer I Get To You, was sung much better by these two than Donnie And Roberta. Her ballads, and her uptempo songs balance out with giving u enough of both. Speechless, to me that is the best song on the album, its sexy and it is just the .... All in All, this is a CD for 03 & 04. U did ur thang Beyonce. Im so happy 4 u. U representin Texas. Bee~$LABEL$1 +Good idea, bad product. I bought this clock for my 9-year old. The sound quality is so poor that it's difficult to understand both my son's self-recorded wake up message, and the clocks pre-recorded time announcement. The volume is so loud we put the clock in a drawer when our baby is napping (in another room). Additionally, the clock is supposed to announce the time if you clap. However, it announces the time in response to all sorts of noises, such as "THREE EIGHTEEN AM" when my son rolls over in bed. High points for durability because I've "accidently" knocked it off the dresser, top bunk etc. several times and it keeps ticking. Skip it.$LABEL$0 +Don't trust this company.. Placed an order plenty of time before Christmas. Was never told the order would not arrive in time. In fact, the order NEVER DID ARRIVE. It was cancelled automatically by Amazon a month after being ordered due to "lack of inventory". Which raises the question: if there is no inventory, why is the item posted at all? Baffling. Good to see I am not the only person who has had trouble with this company.$LABEL$0 +This book was very emotional. I enjoyed this book very much. I laughed, I cried It was very good. It was very life like!$LABEL$1 +Toothbrush Cleaner!. I can't see what it is killing, but I know the effect of UV rays on killing germs. I love this thing!$LABEL$1 +Too Little Info About Too Many Indicators. It's a DECENT quick reference. There are far too many indicators presented for any particular one to be meaningfully covered. I suppose that it's an alright book to have to have on the shelf...just don't expect too much. You can probably find most of the info for free from various online sources.$LABEL$0 +I love Damien Rice's style. I'm just as happy with this CD as I am with his first one. I play bothof them all of the time. It's very easy and enjoyable to sing along with it.$LABEL$1 +B-side myself. I can't believe that the Beatles had the nerve to release such a load of garbage. As a Beatles fan, it hurts me. I felt nauseaous the first time I listened to this album all the way through. There are 30 songs on the White Album. Maybe three of them are of the usual, high Beatles quality. I'm so sick and tired of bands releasing albums that aren't worthy of themselves. And the Beatles started it all with this travesty. Songs like "Good Night" and "Long, Long, Long" have no business being on anything except a b-sides album. It's shocking that they ever released this whole thing. Beatles fans shouldn't even bother to defend this album. We should stand as far back from it as possible. Oh, well. Obladi, Oblada, life goes on. But if you want a real double album, check out the Smashing Pumpkins' "Melancholy and the Infinite Sadness."$LABEL$0 +Downton Abbey is one of the best shows on any network!. Beautifully cast and filmed! Don't miss it! I'm trying to find season three now as I've missed the first 3 getting caught up.$LABEL$1 +Reversal on previous review. Got the lamp a few weeks ago and was amazed at the "new" picture...it was bright and crisp. Also commented on how easy it was to install. The only problem is, the picture has already faded. So, I'm thinking this was the equivalent of getting your aluminum foil at the dollar store. Oh well live and learn.$LABEL$0 +Better than Vanilla Ice. I'll be nice.Relative to a pool of vomit, this album is pretty solid. I'd rather have this album thrown at me at high speeds than a chainsaw. If I was stranded on a desert island, I'd rather have this album than a tumor. If I had to lick something, I'd rather it be this album than, say, a ferret's balls. At my next birthday party, I'd much rather you sing than a man that could make Earth explode with his voice. If I needed a drinking buddy, I'd rather it be you than someone with an uncontrollable bladder that also happens to be a recovering alcoholic whose wife is only giving him one last chance before she kicks him out of the house and takes his kids, that being the final straw before he flips out and murder's my grandfather.$LABEL$0 +Misrepresented this product. In the description, this product was represented as factory-new but when I received it, it was actually refurbished and reloaded. I will not buy from this supplier again.$LABEL$0 +Gr8 product!!!!. We bought this slide for our 3 year old daughter and kept it inside from day 1 so that she deosnt wanna go out all the time....i think its a gr8 slide ..... its safe and the color is nice too..... the ideal time to buy it for ur kid is wen he s around 2 then he can enjoy it longer ....its really light and nothing much to assemble.....overall its a gr8 product....must get it for ur lit'l angels.......$LABEL$1 +small and tarnished. I've had this product for less than a year, it is not the best quality and has tarnished. The chain is microscopic and not worth $35. I would not recommend it.$LABEL$0 +SEA TURTLES. SUPER book, will be studying and collecting research data on sea turtles in Costa Rica. As informational as beautiful!mary$LABEL$1 +easy read. Ok, this book has its plusses and minusses. The plusses:great info, preseted in a easy to read and comprehensive fashion. It covers quite a bit in regards to the effect of insulin and simple sugars on body fat. The author also does a nice job explaining how exactly to follow a low carb diet as well as how to follow a high carb, very low fat diet.The minus: He's a little hedgy here in that he never really gives his opinions regarding what fat loss plan is best or ideal. He leaves that up to the reader to make his own decision. While I can appreciate he may have wanted to cover several topics and to leave the choice open to the reader, I think, with his knowledge in the field, he has done the reader an injustice by not being exactly clear which diet is best.Overall, enjoyed the book, was pleased and impressed and am putting a "strong buy" recommendation on it.$LABEL$1 +Absolutly the best bang for your buck!!!. This is the best product of it's kind on the market at any price, it's so easy to operate that the village idiot can use it. I would recommend it for everyone.$LABEL$1 +Great educational fun. This book is great for all ages. It's a visual and non-complicated way to understand native American pictographs. I use it for my seed bead work, and also to decipher writings on rugs, pottery, paintings, etc. Great purchase for fun or the serious learner.$LABEL$1 +A Must Have!!!. This CD has so many great hits that you will never stop listening to it. I have a lot of CD's and barely listen to them, but this is CD I always keep in my CD changer because it is so great. You have got to buy this one.$LABEL$1 +Happy. All around WOW! Don't have the cash for the HK soundsticks? You will definitely love these. Great Sound. Get them.$LABEL$1 +Pokemon Mew. I bought this for my grandson for Christmas, when showing his dad who also collects Pokemon cards as their together hobby he said he will love it and my son wants one also. The card arrived in great shape and shipping was fast. This might be a card but teaches childeren numbers, sharing, how to interact with others and helps them read.$LABEL$1 +One of the best books I have read in many years.. I knew Don from when he was a young man. He is a deep and thoughtful person, and this is reflected in his writing. The book makes you think carefully about your own life and relatives. His superb character development is one of the books best features. I look forward to it being a movie.$LABEL$1 +Another hit. Again... I love this set of books! The art is so amazing, the story so beautiful to read.Mother Earth is trying to get her daughts (The spring months) to get started... but they keep bickering... finally MOther Earth lets them all know she loves them all very much, and that they are all special. :)Heather mama of 5$LABEL$1 +Scratched. The disk for this movie was so scratched that it messed up the playback of the movie and skipped over parts. It's not too bad that it's completely discouraging though, so I still watch it. I'm very glad I bought this movie because it's very well done and a good adaptation from the book.$LABEL$1 +Not worth the price. I have a Labrador who loves taking daily swims in our ponds, so keeping her dry is constantly an issue. I have found that my fluffy cotton towels (1/2 the price of this one) do a comparable job. The red color also seems to bleed profusely when washing.$LABEL$0 +Great Value. I really like the classic look of this double-boiler. I had been looking for some time as I wanted to learn to make the German sweet rice my grandmother made. My aunt had shared the process, but I needed the right equipment. This was exactly what I needed. It looks good and does what I need it to. It has a good "heft" to it. That's all I would ask.$LABEL$1 +Not worth the $!. I bought this hoping to add to my cd's for labor, but this was a big disappoinment. I listened to it one time and couldn't even finish it. It was much more yoga then spiritual for me. I can't reccomend this cd.$LABEL$0 +Dangerous diet. Quick results but will cost you your health. This diet is dangerous. It works because you are BURNING out your ADRENALS. You will fry your hormones with this diet.For you low carbers- haven't you noticed that whenever you low carb diet, you get headaches and insomnia???? This is called a CLUE.Do NOT do this diet, or you will pay the piper with your HEALTH.Exercise and having a PROPER diet with proper REST is the ONLY way to diet.After having completed this expensive diet, you WILL gain the weight back, and then some.Buyer Beware!$LABEL$0 +Swim Fan!. I was worried that the band would be to small when I ordered it, but I had no problems with the size. i love that I can use it to time laps when I am swimming. My only complaint is that it doesn't change time easily - or like my other timex watch. Wish me luck, I lost the directions and am off to google it.$LABEL$1 +Karnataka - Strange Behaviour. This is the most amazing cd I have ever bought.The only other Karnataka cd I have is The Gathering Light which I enjoyed so I thought I would check out the back catalogue and where better to start than a double live album. I'm not into technical reviews and talking about mixes and production and stuff but this is truly an amazing cd. It is long enough that it can stay in the car for a week at a time and will not become one of those that you thrash for a few days and then never play again. As they say 'all thrill, no fill'. Each track has it's star performer. To truly enjoy it a good pair of headphones and a couple of hours kicking back is recommended. Can't wait to get the studio albums these tracks came from.$LABEL$1 +Windows XP Pro is better.. I do a lot of upgrades, and build my own PC's. XP Pro is one of the best and stable OS's I have ever used.$LABEL$0 +FUN FUN FUN. My father has always wanted a copy of Bumblebee Boogie. I finally found this CD for him. It is wonderful. I am not a big Freddy Martin fan, but the songs on this album are very enjoyable. If you like Freddy Martin, you will LOVE this album.$LABEL$1 +Not a good buy. When I first tried the mic would pick up everything except my voice. Eventually it finally started working all right.There's a huge static problem with them. When the mic cable is plugged in so much static comes through the earphones. And then turning the mic switch on makes it so much worse. Probably the worst headset I have ever used.$LABEL$0 +not a good single. The title track speaks for itself... awesome.Jerry garcias finger is the backing sound from alive in the superunknown, pointless release really. Cd 2 gives you actual songs, tracks as follows for that release1. Pretty Noose2. Applebite3. An UnkindInterview with Eleven's Alain and Natasha$LABEL$0 +Superb Sequel. The first book was one of a kind...until the second came along and finished the story. Dinotopia: The World Beneath is a must have for anyone who has read the first book. There are new adventures, amazing new discoveries, plenty of exciting action and a satisfying conclusion to everything. The illustrations are just as spectacular as they were the first time and the story does not dilute itself one bit. I urge you to find yourself a copy of this book, and also a copy of the original if you have not read that either; both are amazing books meant for all ages.$LABEL$1 +a Brit-pop masterpiece!. As a huge sleeper fan,I anxiously awaited the follow up to their brilliant album "The It Girl."When I read that the new album was a flop and was not even being released in the U.S.,I was determined to buy the record (as Import) and decide for myself.After all ,most rock critics are total losers and love to slag this band for whatever reason.When the record arrived I put it on and within about 5 seconds of the opening track "Please,Please,Please"I knew my faith in the band was well placed.I feel this is the best Sleeper record to date.Fans of bands like Blur and Elastica would probably like this.Standout tracks "Traffic Accident","Rollercoaster"and "Firecracker" are Sleeper at their absolute best.$LABEL$1 +Solid Gaming Mouse Choice. While there isn't anything above and beyond with this mouse, it does work really well. I'm very happy with my decision to buy it.I have no idea why people have described it at "slippery". "Slippery" is not a word I would use to describe a mouse. There is some smooth plastic on it, but this isn't a wet bar of soap we are talking about here. I don't know how most people hold on to a mouse, but usually the weight of my hand keeps it in place. I'm not constantly struggling to keep a grip on it.As for the actual performance, the scroll wheel is smooth and the buttons near the thumb are nice. The control with the mouse is nice and precise and the ability to change the sensitivity on the fly with the provided buttons is pretty great as well.$LABEL$1 +Really really boring - yuk!. Ray Liotta has been in some bad movies, but this one ranks right up there among the very worst. Some reviewers enjoyed the love story, but these two would-be star-crossed lovers were incredibly unappealing to me and dull. This film didn't work for me on either level - boring love story or boring revenge story. I usually enjoy even the bad Ray Liotta movies because he can be so delightfully crazy, but he isn't quite crazy enough in this one even though he's the bad guy (he does make an attempt toward the end to come through, but it's too late by then - anybody who has stuck with the movie this far, doesn't really care by now.). If you really want a star-crossed lover's tale, surely you can dig up something more exciting than this one; and there are definitely better revenge plots out there than this one. I wanted to smack Alan and Ella by the end of the movie for being such sappy idiots. They deserve each other.$LABEL$0 +Maybe two stars is too many. I found this book, or these two books to be very poorly written. There is no depth to these stories. At one point the heroine stumbles into a cabin in the middle of the woods and eats for two days straight. Where did the food come from?The characters in this book seem completely unphased by the totally unbelievable things that happen to them. Character development is below average and each event seems like a bridge from one lifleless coincindence to the next.Oh, and the endings are boring... . For good fantasy of the female genre try JV Jones.$LABEL$0 +Webkinz toys. My preteen granddaughter is the "user" of this product, and loves it. She is a budding collector, and is taking good care of the product. When it comes to plush toys, I'm pretty sure that the educational value is more in the affective area, so I find it hard to rate--thus the 3 stars. Wish there were a "not applicable" choice!$LABEL$1 +Excited, then disappointed. Thought I had gotten a deal, but upon using the nailer, it jammed right away and continued to do so. I did like how the safety was behind the nailer, but the plastic rack must not have had the tolerances for the nails. Last jam, the nail went behind the movable rack and was impossible to get out. Eventually, trying take the rack of ended up breaking a plastic piece, rendering the gun inoperable. Too bad.$LABEL$0 +Rethink this one. Although it's based on an interesting concept--that of short-term memory loss--I have difficulty understanding why anyone likes this film. It's very violent, plus the nature of the story requires the same scenes to be played over and over. Enough already! We got the point! The same point could be made in a much more interesting fashion. The production was fine, but overall I found this film to be a real downer.$LABEL$0 +good deal. Both lights are insanely bright. I'm almost afraid to use them. The headlight does an okay job lighting the path ahead, could be better but is adequate. The taillight does an almost better job of lighting the path behind you. Bright!Would (and have) suggest to a friend.$LABEL$1 +Where's The Plot?. This Boring movie goes nowhere; it has no plot and I could barely sit through it. Tom Cruise and Nicole Kidmans worst role ever! Maybe this movie hit a little to close to home for the both of them. Too bad Stanley Kubrick couldnt have made a better movie before he died. The whole movie is about fantasy and desire and sex with other partners and them thinking about cheating on eachother. This movie was degrading and a waste of my time!$LABEL$0 +Definitely one of my all time favorite books. Even after many years, The Ginger Tree remains one of my all time favorite books. I enjoyed everything about it--the fact that it was written in diary form, the fact that it takes place in a Japan long gone, the fact that it is a very poignant love story. I recommend this book most highly.$LABEL$1 +Excellent contribution to the 1990s rock-blues!. This band is hot. If you like SRV and the stylings of other Texas guitarists, then this CD is for you. Though Indigenous draws definite influence from these bands (as well as greats like Jimi Hendrix), they are unique. Mato Nanji has to rank as one of the best guitarists in the country, and his unique voice adds a new flavor to blues-rock. The band has a lot of promise, and, just so you know, this CD is only a hint of their talent. You should see them live!! Wow, what a performance. . . .$LABEL$1 +hardball selling. It was a complete waste of money. A lousy book. If I could have seen it in a store I would not have bought it. Sidney Checketts$LABEL$0 +Yoyo. I hate this yoyo because it only comes back up no tricks if you try to do a trick it will brake that's a fact$LABEL$0 +NOT THIS ONE.. The first volume is very good but not this one. Basically it's the original versions of all the songs that METALLICA cover on GARAGE INC.The first volume makes one solid collection, and though this one has some killer tunes its a disoriented mix. Songs like TUESDAYS GONE, which I love, Lynyrd Skynyrd rocks, but it doesn't fit here.The first disc is the stuff that was underground when METALLICA was coming up the ranks. Its the stuff you'd expect to hear. The stuff that mom hates and it makes your ears bleed.The second has LOVERMAN by Nick Cave and the Seeds.WHile it isn't bad, it just seems to me like a way to make more money. I'm not sure I like the whole concept of this thing anyway. I mean, its not like these bands aren't awesome on their own. Do we really need to stamp Metallica's now pretty bogus name on a collection of songs that really has nothing to do with them? I don't really understand.Buy a MOTORHEAD CD, and you'll feel a lot better about yourself.$LABEL$0 +A pleasant way to spend a couple of hours.... If you liked Steve Martin's movie, A Simple Twist of Fate, (he adapted the screenplay) then you will probably like this book. It was a fast easy read. I blew through it in a couple of hours on a plane. An interesting story about being alone in a world full of beautiful people, when you don't feel so beautiful yourself. The emotional rollercoaster of day to day life, when you wonder if the anti-depressants are still working and a coming of age story for all three of the main characters. It's a different side of Steve Martin, his intellegence and wit shines. It's a curl up on the sofa and waste a rainy afternoon kind of book.$LABEL$1 +Surrealistic and Whimsical. Yoshimoto's style isn't for everyone -- her writing is simple and straightforward, and these qualities too often aren't given the credit they deserve. Somehow she manages to use this method to tell stories from the unusual to the bizarre to the magical -- and in so doing brings elements of metaphysics or science fiction into the everyday. The second story in this book is a fairy tale, but one that uses the trappings of ordinary life to illustrate a near-universal experience; I think it's one of the most moving short stories I've ever read.$LABEL$1 +An excellent microwave oven,with a jet black retro look.. This microwave oven performs very well...My previous microwave was also a panasonic,but lost power after 5 years. I guess thats pretty good for todays disposible products...Some people may not like this unit in black,a similar model..Panasonic.. nn665wf is available on amazon for 20 bucks more.in white.."Again please check if this unit matches your decor",i want you to be happy if you purchase this oven...As of 11/17/05 Amazon was offering free shipping .I own this microwave .and I highly recommend it.$LABEL$1 +My balls are damaged.... I ordered a pair of the medium iron baoding balls several weeks ago as a gift for my boyfriend. Although they shipped and arrived quite promptly, the box was of poor quality and the baoding balls themselves were damaged. They appeared to be used, with scratches and even nicks in the balls. As each ball was wrapped individually and nestled into the fitted box, these damages could not have resulted from shipping.I am disappointed and am now back to searching for another gift I can get to replace these.$LABEL$0 +Epson 3200 and Software Review. I found the Epson 3200 to be an excellent upgrade from my Epson 1640. The Epson twain and the Smart Panel software worked without any problems and the scans are great. What would improve their software is to provide a PDF file for the User Guide instead of the HTM file. What I was disappointing in was the SilverFast software. After changing a few settings the software stopped working altogether. LaserSoft, the company that makes SilverFast, does not provide any non-chargeable phone support for installation problems. Many companies offer a 30-day free installation support but not LaserSoft. Fortunately, I found a software upgrade on the Internet but it does make one wonder about quality control. Also, I found their manuals difficult to read. It appears that they were written by engineers and embellished by product management. A good technical writer and editor could certainly improve the documentation.$LABEL$1 +Inaccurate - useless.. Great concept, but it's not accurate. My daughter clearly has a fever. She is burning up, flushed cheeks, clammy. The thermometer first said 94.6. Then it said 100.3. Then it said 95.2. Then it said 97.3. And then it said 96.5. That's a huge range of temps. I cannot rely on this thermometer and would urge you to find another brand. This is useless and has since been returned.$LABEL$0 +Revolting stuff. Anyone interested in the revolting history of Christian anti-Semitism can find one of the founding documents here. I am amazed that two people posted reviews of this book and didn't even mention the truly disgusting language and images employed by this so-called "Saint." In fact, the latest edition of the works of the "Fathers of the Church" simply omits these homilies because they are so repellent.$LABEL$0 +nothing like the cover. As a fan of lowbrow art as well as mark ryden's work, this book is nothing of either.The cover is awesome and i expected something along that line of art in the book an was let down. I wouldnt reccomend wasteing your money on this book. Most of the book is black and white comic strips....$LABEL$0 +MY GRADE: C minus to C.. One of Bob Hope's not so funny flicks. Typically I liked his humor but not this time around. I struggled through it for about 40 minutes. Humor is dated. Fail. WHEN WATCHED: end of November 2012; OVERALL GRADE: C minus to C.$LABEL$0 +Great Movie. Love this movie. Great artistry. The actors are wonderful. The characters are endearing. One to watch over and over again.$LABEL$1 +Ultra Mouse MISSING THE "ULTRA". Before Gyration Inc. can compete in the Mouse & Keyboard arena, they must learn to design products that are COMPLETELY in sync with Windows! I even took extra steps in downloading all drivers needed from the Gyration Website, but this slick and very design driven package still couldn't give an "Ultra Performance". The Keyboard would sometimes read and sometimes not...and the mouse would force Windows to crash! It's too bad, I wanted it to work. I guess I should stick to the "Old School Products" with more experience.$LABEL$0 +traditional music made special. I heard this CD on NPR. I prefer the more obscure Christmas songs because I kinda get tired of traditional songs by the end of Christmas.These are traditional songs made fresh by the instruments and arrangements. Love the mandolin and in this CD it does not sound...plinky (?) This CD sounds folksy or Appalachian-thats ok with me too. If you like really unusual songs- folk singing. Try Winter's Grace.Winter's GraceI think it goes well with this CD.$LABEL$1 +Hollow Tree Nights and Days. Nothing like the original. Should have been told that it was just a script copy!!! No pictures and writing in play form.VERY disappointed.$LABEL$0 +Long-distance hike through knee-deep mud. I couldn't wait to get this book after reading the reviews. I'm a lover of serious literature. I was disappointed to find the characters loathsome and tedious. I need at least one person in a story whom I like and am rooting for. I didn't even feel compassion for these people. They are so infuriatingly self-destructive, irresponsible, selfish, and emotionally lazy.The story itself was long, slow and unengaging. I dragged myself through it in hopes of a pay-off in the end, but the "corrections" were skimpy, simplistic, and left me frustrated and irritable. The writing itself was pretentious and tiresome. Blah, blah, blah, blah, blah.Franzen seems skilled and smart, but defeated by his own self-consciousness. I hope to see better from him.$LABEL$0 +DO NOT BUY THIS SOFTWARE!. This is probably the worst tax software I have every purchased. I've been using TurboTax and TaxCut for years and this year I have had nothing but problems from the state program and the Federal.For one, there are "fixes" that won't download. Everytime I do, the program crashes during installation.I am hoping that I get a refund from Amazon for the $89 I spent on the TaxCut Complete for Home & Business (same problem by the way) and the 24.50 I spent on the state program.I'm always going to purchase TurboTax from now on because the technical support at for this product blows. All they did was tell me the same stupid thing over and over again (in other words, they had no idea what to do!) ($9.95 for calls to get tech support, isn't that nice?)$LABEL$0 +pathetic. wat in the hell is this crap use ur illusion 1/2 were good appetite for destruction waz amazing but the spagetti incedint? wat kinda name is that$LABEL$0 +DON'T WASTE YOUR MONEY!. The movie on the second disc is billed as the original theatrical release. This is only partly true. It was shown in 1977, but this was after it was cut to a commercial length. I am not a die hard purist, so don't get this wrong. However, the movie I loved was the one that existed prior to the commercial cut late in 1977. The moments with the character "Biggs" is an important part of the story, now lost. It supports Lukes longing to leave, but it also shows his longing for someone to look up to. Without these scenes this simply isn't the movie I loved-the initial release of Star Wars before it was cut to commercial length. I guess George Lucas just doesn't care about those of us who cherished the first release, which sadly now no longer exists for those who desire to see it. Shame on you Mr. Lucas!!Moral: Don't waste your money!$LABEL$0 +Does Not Work With Me. I figured this would be a good tool to practice vaginal exercises with. The balls are very difficult to get in. In fact, I was only able to get one in...with lube... and the other always hung out. No matter what I did, these things were NOT interested.I retired them quickly... jade eggs and kegelcisors ladies!!$LABEL$0 +My new light radio. The ordering experience was perfect. The product is awesome. I get a lot of compliments on it. It is a very cool item!Chris Swanson$LABEL$1 +Highly recommend this stapler for heavy duty use.. We are a blueprint shop and have 4 offices. We do a lot of stapling of blueprints and this is the only stapler that holds the test of time and takes the abuse we put it through. If you have a lot of heavy duty stapling to do then this is your stapler. We have gone through a lot of them over the years but it's more how we use the stapler than the quality of it.We aren't crazy about the Bostitch staples though and usually purchase the heavy duty swingling staples as the bostitch tend to break easily.$LABEL$1 +disappointed. Rather disappointed in the quality of the item. I have purchased other windshirts and found this one to be a very low quality$LABEL$0 +Good stuff. I've been using this for a year now and just love it, I have had no problems no matter what amount I use, but it can be a bit strong tasting if you use more then a light to med sprinkle on foods. I spinkle it on deviled eggs instead of paprika, soooo good! And sprinkle it on tofu, baked potatos, hot rice, Japanese noodles, I've added it to soups, stir frys and will find more ways to use it, I'm sure.If you don't like seaweed don't get it, because thats what it is, so that is what it tastes like!$LABEL$1 +comic masterwork.. I've read a few of Barth's books and this one standsout for sheer entertainment value and laughs. I thinkBarth has an original satirical mind but you mightnot agree.The book is long - and I'm a little averse to long novels.I dislike getting into a book and discovering thatI'm far from finishing and not enjoying it much - yetstill feeling somehow committed. I did not have thisproblem with The Sot-Weed Factor.Even right now I am reading an 800 page novel by one ofour great American writers... I'm halfway through itand wondering if anything interesting is going to happen,contemplating shelving the book and the writer can keephis secrets!You might find this book pompous and self-indulgent. Ididn't think on that too much. I just found it funny.I've read a lot of less-entertaining and less thought-provoking books. Chances are if you have a permissive,indulgent sense of humor you'll get a kick out of thisone.$LABEL$1 +Bring on the Ice Cream!. It works. You need it if you're going to make your own ice cream cones with a pizelle maker. It's made of wood, rather than plastic (and metal would heat up). Not much else to say.$LABEL$1 +Don't bother reading this book unless you have a lot of time. This book was very boring unless you're into composers and very familiar with movements, symphonies, etc. Also, I found that I had to read almost half the book to really understand and define the characters. The premise at the end that the two would actually be clever enough for each to give the other poison and kill each other was absolutely absurd. This is the first McEwan work I've read and I'm not sure I'll read another.$LABEL$0 +Not Streaks. Spray works well on HDTV as well as computer screens. There were no streaks or smudges on my 48" TV when I finished cleaning it, and the brush, which actually pulls down into it's sleeve, helps get rid of dust before using the product. My only complaint is the cleaning cloth, which is fairly rough.$LABEL$1 +weak. I bought this sharpener for very cheap and soon learned why. The pencil got sharp, but the motor almost quit trying to do it. It looks nice, sleek, kinda like a mouse. Great desk decoration, or something to make it look like you do alot of work, but do not buy if you are really wanting to sharpen many pencils.$LABEL$0 +What's the Point?. I honestly thought that this book by Steinbeck is pointless. It is so short, it really has not plot at all! Yes, it does show the value of friendship, and offers plenty of bookgroup discussion, but I was not thrilled. It really was much too short to go anywhere.$LABEL$0 +Buen album. Este nuevo álbum, es el undécimo de su ya larga carrera. Si A toda esa gente cerraba un ciclo del grupo, Tánger hace que comience uno nuevo.Grabado a caballo entre Madrid y la propia ciudad magrebí, este nuevo trabajo es fruto de la investigación y estudio de las diferentes culturas musicales que, desde sus comienzos, ha centrado la base de la trayectoria musical de Medina Azahara. Son las raíces árabes, andaluzas y magrebíes las que, en mezcla perfecta con la vanguardia del rock, conforman la base de la música de fusión que siempre ha caracterizado al grupo. Estos son los temas del álbum:Danza al Viento, Como un sueño, Un instante junto a ti, Solo un camino, Regalarte una estrella, El lento atardecer, Confusión y realidad, Cuando se pierde el amor, Loco por ti, Deja de llorar, Tiempo de Abril, Solamente mía y Miénteme.El álbum ha sido disco de oro.$LABEL$1 +Thrift Store Buy.... I am somewhat disappointed with this purchase. When I received the book there was a $2 sticker on the front of the book... There was also all of the quizzes and multiple things underlined with a Blue Color Crayon. I was a little put out for the fact that I paid $6 something vs. $2.$LABEL$0 +Excellent book!!!. This is an outstanding book! Unique - appealing to a younger crowd, as well as older. I gave my copy to my 25 y/o niece as a going away present, so now I have to buy myself another copy. I have an extensive gardening book library and this is one of my very favorites! Easily rates & deserves five stars!$LABEL$1 +Very well written, researched.. I found this book to be superb. Buffett did not like it being written.However, it is very well written and full of interesting facts.Did you know that Hugh Taylor and Alex Taylor and not just James Taylor contributed to the "Volcano" album?Did you know that Bob Mercer, the President of the now defunct Margaritaville Records is married to Margie, Jimmy Buffett's ex-wife?A very interesting and informative book. Don't listen to these sheep who reject it only because Mr. Buffett did not like Steve Eng writing it.$LABEL$1 +READ BELOW! ! !. After all the bad review's here I finally bought this CD cause I got all the others. And I have to say it's a very good album which deserves better.$LABEL$1 +Slice and Dice Editing. The Amazon reviewer called the editing on this DVD "slice and dice editing", I would call it "very bad editing". I really liked the show and would have liked to have watched it but the rapid fire editing made it maddening. In most of the concert footage the scene changes were as quick as every one second and rarely did a shot last longer than two seconds. So your jerking around so much you can't watch the show. It is very distracting!$LABEL$0 +Tracey Ullman. Umm...yeah...not what I was expecting. I usually hit pause when I go to the restroom...not this time! Just let it play! Wasn't much to miss. I've seen her do so much better. Sorry Tracey.$LABEL$0 +Crossroads of BORING!. I am extremely disappointed with this book. Robert Jordan has merely produced 700 pages of filler without furthering the story. It was not exciting. In fact, it was dull. The wheel of time did not turn at all with this installment. How much more nothing can I take? Jordan is just producing words to cash in on the readers that fell in love with the beginning of the series. "There are neither beginnings, nor endings to the turning of the Wheel of Time." How true...$LABEL$0 +Great purchase. The ER6i earphones are excellent. They have good sound qualities for the extremely small size. The noise reduction is excellent as well allowing me to have music playing at a reduced level when outside noise is high (such as running a lawn mower)and still enjoy the music. I would highly recommend these earphones to everyone.$LABEL$1 +title doesn't do the book justice. The title makes it sound like a clone of Atkins, but it's not. I think this is unfortunate, because the book gets lost in a sea of diet books. As a diet book, this isn't the best, but this is much more than just a diet book. There is some overlap in information, but Dr. Ullis puts much more emphasis on exercise with even a section of illustrated strength training exercises. Atkins and other low carb diets are about keeping insulin levels down to burn fat. Ullis talks about that, but also about balancing all your hormones for improved health, longer life, and to reverse the affects of aging. Unfortunately, he doesn't go into the technical details as much as I would like (which accounts for the deduction of one star), but there are definitely some good things to learn about this book. Ullis emphasizes not only what to eat and how to exercise, but also timing. So, I think this is a worthwhile read.$LABEL$1 +Pleased. Received the book in a timely manner, and it is in like new condition. Will recommend this seller to others.$LABEL$1 +Terrible, got it in Chinese!!!!!!!!!!!!!!!!! WTH?. I have the DVD (yep, still have it), was so disappointed I received one in Japanese with sub-titles no less, never reordered.$LABEL$0 +I wish I read these reviews before buying this Piece of.... My brother purchased 2 of these DVD Players. One for himeself, and one which he gave to me as a christmas gift in December of 2001. Today Less than 1 year later both units are DEAD.Both units exhibited the same symptoms. The first thing we noticed was that the display was dead, other than that it seemed to be reading the DVD fine. Well after the copyright warnings, and production logos we quickly realized that there was no sound either.Several email correspondence with Toshiba tech support have been fruitless. I will get NOTHING AND LIKE IT!If this is how they stand behind their products I will never be buying another product bearing the Toshiba name.It is unfortunate that all of the satisfied users who have not had their DVD Players long enough to experience this problem have already left 5 star feedback. It makes for an artifically high overall review.$LABEL$0 +Has held up well. This flag was given to me as a gift from my wife for fathers day 2010, it is now June of 2011 and the flag is still flying well in front of our home. It has not faded or tattered in any way. Excellent purchase!$LABEL$1 +Not a good value at $999. Although Amazon offers this CBT at almost $300 less than buying direct, PC Age does not justify $1000 for this CBT that is low on features like printing, keyboard functions, etc. I have also purchased SYBEX and MS Press study kits, a much better investment. Difficult to navigate through this training and the only thing that you can print is your test score. The tests lack clarity and accuracy. Many sources out there for less money. This CBT is the equivalent of a PowerPoint presentation with NO print functions.$LABEL$0 +I didn't get to enjoy it. I was very sad that the item that I was so looking forward to decorating my kitchen with arrived in many pieces. It would be nice if the shipper put more packing material around it. Remember that some items have to travel a long way with the infamous US Post Office.$LABEL$0 +Thank You. This was a gift for someone who was very pleased with it. I was pleased with the quick shipment! Thank you.$LABEL$1 +Terrible. Unfortunately this book was my introduction to LeGuin and I don't think I will ever be able to read anything else she's done because of it. I'll keep the review simple; The Telling was pretentious, plotless and without character development. I also got the impression that LeGuin was feeling pretty clever when she wrote it. It comes across as a mere outline for a novel; unfinished and exceptionally boring to the point that I could not bring myself to finish it. Please don't start here as I'm sure her other works MUST be better than this based on her reputation.$LABEL$0 +Smells horrible!. It reminds me of really cheap hotel soap. It dries out your skin. The smell is completely overwhelming and sort of makes you feel allergic. Does not smell like eucalyptus. Surprised Thymes would have made and approved this scent for mass release. GROSS!!!$LABEL$0 +Only a 1/2 page for $1.50?????. The description of this item leads the buyer to assume that you are getting everything in the description. It is VERY misleading. If I had understood the description better I would not have paid for 1/2 of a page of writing.$LABEL$0 +Kill Uncle. Kill Uncle being Morrissey's 1991 release and his second studio album is very different and unconventional compared to his earlier releases. The lyrics are quite introspective and songs that stand out are "Our Frank", "Sing your life" and "There Is a Place in Hell for Me and My Friends". The book-let is quite spars but very nice with a nice clear photo of Morrissey and the lyrics are included with an easy to read font. It even has information of whom plays what on the album. 4/5.$LABEL$1 +Light. Fantastic light. Easy to put together. A bit of a wobble but good enough for its purpose. Looks good and is as advertised!$LABEL$1 +Supertool 2". I'm not real happy with my new purchase, I have used hot tools for years and the quality on this one doesn't seem to compare to the others I've owned. It's not made as good as the others I've owned, Maybe it's an after market who knows. I love Hot tools curling irons they usually last me while but just do not love this one !$LABEL$0 +The Return of The King. "The Lord of the Ring" The Return of the King is one of the best book I've ever read. It had me jumping of my seat, and I wondered if the movie can match up to the book. I recommend this book to the fans of "The Lord of the Ring", and to all the people that are not, after reading any of the three books, you will be.$LABEL$1 +Hoover Widepath vacuum - disappointing. I purchased this vacuum via Amazon because it was recommended by a well-known consumer rating magazine, and was affordable. It does have good suction and is very lightweight. However, the belt breaks very easily because there is no way to turn off the suction quickly if something large is accidently sucked into the machine. I have had the vacuum for four months, and have had to replace two belts. It also seems almost as if I was sent a used vacuum instead of a new one because the accessory hose was bent, and the first belt and some of the accessories looked worn.$LABEL$0 +Returned It. I ordered this kit because I needed the T5 to fix a cell phone. When it arrived the only piece that was defective was the T5! Ugh! Luckily Amazon makes returns easy but unfortunately I'll have to buy from a different vendor.It was as if the bit never got molded and was a solid blank piece and was bigger than the T7. I'll order a different set that's on Amazon and I should be good.I gave it an extra star since it was actually a decent looking kit if I had use for the others.$LABEL$0 +A cat lover's delight.. These old stories seem out of time and yet they bring us back to times that were more gentle yet more unforgiving. I really like a sad story by Ugo Ojetti. It is called Mozaffar and Shirbudun. Also I loved The Boy Who Drew Cats by Lafcadio Hearn. It's a little different from what we are used to. It makes it very interesting.$LABEL$1 +can I please?.... I just watched this movie via walmart.com dvd rentals. Is there a way to get my time back? I'd be willing to pay upwards of $1,000,000. Your time is more valuable than any sort of gratification this movie could ever possibly provide.$LABEL$0 +Be prepared to lose a bunch of rice. Like basically everyone else, I bought this rice cooker to replace an old one, whose non-stick coating was starting to flake. The idea of a stainless steel bowl really appealed to me, but the reality of it is that you're going to lose a lot of rice when cooking a batch.There are a few recommendations for reducing the effect of this, the most helpful being to coat the bowl with oil (I haven't tried a cooking spray yet) prior to adding rice and water, but it won't completely solve the problem and it also affects the taste of the rice.Soaking the bowl overnight does allow for easy cleaning, but it's still a bummer to have a substantial layer of rice go down the sink (or, if you don't have garbage disposal, to be fished out of the strainer and into the trash).This might just be the trade off, for being able to avoid aluminum or non-stick coating, but be prepared for it.$LABEL$0 +Good product. Durable.. Good, durable handle. Replaced broken door handle on sliding glass door.Works great and easy install. I would recommend this for anyone looking to fix theirs.$LABEL$1 +Not for air just for looks. I bought this fan based on previous reviews saying moves lot of air but its not true its just a show peace.In high speed it self don't feel that much air.$LABEL$0 +Just awful , a record for dope freaks and hippys only.. Don't get me wrong, I was once a bit of a gong freak. Steve Hillage was for a few brief years a hero of mine and live he could certainly play his guitar. However Green is terrible and marked my parting of the way with all things gongy and silly.The lyrics are embarrassing, I'm taking utter toss. This albumb was so bad I swapped my limited addition green vinyl version for a couple of joints worth of cheap moroccan ( a much better deal)There is nothing close to the great sound produced during Fish Rising, it just carries on like a Valium induced depression until the final side were we are insulted by the magical ohm riff. After this LP I straighten out a lot and now I cannot tolerate anything vaguely gongy with the exception of camembert electric and fish rising. Do yourself a favour and don't buy this one unless you really are a hopeless bong fiend with no life to go back to.$LABEL$0 +not so good.... well, the first THE HULK from some years before is real bad....the story is uninspired, and the film is confuse and silly....well, it's hard to make a movie with a green giant monster that destroy everything and can't speak rational words....this one, THE INCREDIBLE HULK is a little better than THE HULK, but still is not so good...These HULK movies got amazing visual effects, but got uninspired dialogues, characters and story....$LABEL$0 +ouch. It worked well for a year, and I loved it. BUT, it just broke, the pneumatic cylinder rod shot out of the bottom and poked a hole in my kitchen floor, the thing tipped over, and I landed on the floor hard. Would not recommend. I'm ordering a different brand.$LABEL$0 +A great cd. The enhanced version of Escape is great, has a few more songs, like La Raza Del Sol, by the way, a great song. If you are a hard core Journey fan like myself, I suggest getting this disk. You will really enjoy everything.$LABEL$1 +The middle of an amazing trio!. Every song is equally as amazing. I love this single/EP. 3 of B&S's very best songs are on this single/EP. Along with Legal Man and I'm Waking Up to Us, their best music is all there in increments. I'd recomend buying this along with both the Legal Man and I'm Waking Up to Us singles/EPs. 9 of the finest damn Belle & Sebastian songs to be released.$LABEL$1 +Shop for this book!. ... If you have ever written a check that bounced, tried to charge something on a card that was over the limit or worried about bills you pretended didn't exist but persist on coming to your doorstep each month, this book will make you giggle in delight. It stars the penniless but charming Rebecca Bloomwood. She's a financial advice guru who is in debt up to her eyeballs but can't pass a store without going in and buying something. I have to say this book had me laughing so hard, I had tears in my eyes and was glad that Rebecca was still struggling with her incessant need to shop after the fairy-tale happy ending of the first novel. (I was worried she'd turn into a nonshopper!!!) Thankfully she's back with more wacky antics. Buy this book or pick it up at the library, it's too funny to miss!$LABEL$1 +Ryobi Cultivator. this is a nice machine until the wheels stick in the mud. the wheel assembly is way to small and flimsy for this type of machine. a bad design in My eyes.$LABEL$0 +BOTTOM OF THE BARREL JUNK!!!!!!!!!!!!!!!!!!!!!!!!!. I had a friend(who is no longer on my christmas card list) who told me that this was just great and very funny. WRONG!!!!!!!!!! This is the pits and very sad to see many old time actors (Lon Chaney Jr, and J.Carol Nash, both in their last roles) trash themselves in this trash that isn't even as good or as funny as "Billy The Kid Vs Dracula"!!!!!! The worst and not worth getting if it were free.$LABEL$0 +Good movie, not scary. Great movie it keeps you going. The only thing was it wasn't scary, (i don't get scared very easly and i'm only 11) thats why I only give it 4 stars, but otherwise It was great. One other thing it's eather I missed something, or when Nancy friend the one who died first her boyfriend was scratching on the window pretending to be Freddy, he didn't know about him yet? huh!$LABEL$1 +Nothing really new, but enjoyable. I have to say, some people seem to expect a little too much from their entertainment. Considering that 95% of all anime is based on a ludicrous premise and then pretending it is normal, parent swapping hardly seems that far fetched when compared to giant robots and/or psychic powers. After all, excepting something that isn't normal as an operating truth is kind of the point. I think this series trys to show how easy it is to get confused by emotions. Also, this series made me laugh out loud quite a bit. Although I must admit that I just didn't care about the characters as much as the ones in series like "His and Her Circumstances", "Maison Ikkoku", "Boys Over Flowers", or "Fruit Basket". I would definitely recommend any of these if you have seen one of them and liked it.$LABEL$1 +I love it! The look, the price, everything about it!. I just got my comforter set and the first thing I noticed was the softness. It's lucious. As I dressed the bed, it started taking shape and looking better and better. The color moss is a gorgeous darkish green. As another reviewer commented, the comforter is a bit "slim", but that's what I wanted. Something light for the summer when the air is on and you just need a little bit of cover. My other comforters are heavy and bulky, so this is just right for this time of year.Mostly I am pleased with the price. At $39.99, I just couldn't pass it up. I will recommend this deal to my friends.$LABEL$1 +THAT'LL SHOW'EM!. He demonstates his love for her by changing her grades for the better using computers. He hides out in a Top Secret Nuclear storage facility (Dah!). They escape to Falcons Island and are returned to the storage facility to undue the damage they've done. Costly misadventure in truancy nearly results in annihialation of mankind!$LABEL$1 +Excellent. Very comprehensive and an ideal companion to your Russian studies. It appears to have all I need in terms of vocabulary at a beginners/intermediate level, although it could contain more contemporary slang (important I feel when learning a language you will be exposed to on a daily basis)It is though the heaviest book I carry around daily and sometimes I could wish for a lighter dictionary!$LABEL$1 +Fascinating insights into the Black Forest region of Germany. Acknowledged as among the most reliable and useful guides for sightseers. With maps and full color photos throughout, this Visitor's Guide is highly detailed, giving you the information you need to get the most from your trip. It serves as a useful reference tool before you leave home, and is the perfect travel companion while on the road. Area-by-area tours highlight in-town sights and attractions, including art galleries, museums, historic buildings and churches. They also lead you out into the countryside, with recommended stops en route. Chapters reveal tidbits of the area's local culture, interesting sidelights on how the landscape has been shaped and other details sorely lacking in other guidebooks.$LABEL$1 +Entrepreneur Of The Year Says, "This is a Must-Read!". Our company used to be great at developing plans - we had grand plans, plans we'd worked on for months, and plans for our plans. We were planning experts. But we couldn't implement. Our plans sat in fancy binders and we pulled them out to look at them periodically, felt better because we had them, and couldn't figure out why things weren't happening like we'd planned.Then we read Mastering the Rockefeller Habits. And we found we could actually implement the plans that we learned how to develop from the methods and techniques defined in the book. We now have plans that work. And our company has matured tremendously as an organization from following the book. I strongly recommend that any company, from young start-up to those more mature, read and implement the strategies in this book. It will change your world.$LABEL$1 +I wouldn't know how it works.. The capsules are made of gelatin, which was not listed in the product description. If you are kosher or veg*an this product is not for you.$LABEL$0 +Disappointing. I liked the E-myth Revisited. I think every business owner should read it. After you read it, don't assume that his other stuff is good, because it isn't. After reading this book, and skimming some of his other ones, I will never buy any of his other products, and certainly will not be travelling for one of his $5,000.00 seminars about daydreaming.$LABEL$0 +This album clears up the past!. After just a few listenings of this CD, it becomes abundantly clear that Scott Stapp's contribution to Creed was much less than he would have had us believe. This album is shallow, OBVIOUS, and contrived. His "lyrics" are very simple and predictable, and the overall tone of the album is really a poorly executed clone of earlier Creed. What this album lacks is originality and imagination....well......that and a SONGWRITER.Oddly enough, I read an interview today with Scott Stapp saying that he WAS basically the whole Creed sound. I couldn't disagree more.......although the throaty voice that bores you to tears is here in this new effort, the songwiriting here is just very immature.. He said in the interview that similar to when Sting left the Police......HIS new sound would remain what Creed was.......Stapp should NEVER put himself in the same league with Sting......nor should he presume he has a clue as to how to write a hit song.$LABEL$0 +Terrible Product!. Full of cracks up and down the pole with one very large, structurally damaging crack at the bottom!!! You get what you pay for, I guess :-($LABEL$0 +An expensive mistake.... Great product, but tho I wear size 9 shoes, the large size was too large. (I suspect the 'small' size would be too small, though I haven't tried them.) I hoped they'd shrink when washed and dried, but no luck. At $6 / pair, these were an expensive mistake.$LABEL$0 +Nothing Like the Earlier Lindsays. Having the earlier Lindsay Quartet set of the Late Quartets, I was curious about their new, more recent, digital cycle. Unfortunately, their interpretation of the opp. 130 and 133 has become much sharper and more agressive. All of the dynmaics seem exaggerated and the whole performance seems so mannered that the players call attention to themselves rather than to the music. For a digital recording, the Takacs Quartet is superb. For good analogue, the earlier Lindsays and the Talich too. If you don't mind mono, the Hollywood and Busch Quartets are still hard to beat.$LABEL$0 +Nice quality item. Cute for winter.. My daughter has this cute doll and the coat set makes a nice addition to the play gear.$LABEL$1 +One of the best books I have ever read. I loved it!. If you haven't read this book yet, by all means, buy it! I could'nt put it down and didn't want it to end.$LABEL$1 +I found the book to be a dissappointment.. It is quite clear that the author knows what she is talking about, but trying to use the book is another matter. The examples are all without context. The CD rom is a joke; what I need is a working database with all the bells and whistles and a book that explains how it works and how to convert the facets of the database to my particular situation. Prauge & Irwin's Access for Windows 95 Bible does this. I have not read the 97 version.$LABEL$0 +Read it first in German. Am buying it in English for the sake of my almost 4 year old grandchildren. It is a wonderful "Why" book and a better "Why Not?" book equipped with the most restrictive of adult perspectives. The Stone Age tale is interspersed with modern references which are numbered. At the bottom of the page the references are identified as "anachronisms". I am hoping they use the same word in the English original. I find myself wishing that the same device was used with movies like Lion King. Our little boy twin is very interested in death. It would be helpful for him to know that having the father lion speak after death to his son was artistic license and does not really occur - at least not exactly like that. The book is droll. Sleeping under a stone blanket may deserve the warning: "This is pretend, don't let a heavy slab of rock fall on you just because you're tired!"$LABEL$1 +received broken. We received this with a broken blue handle and wheel. Our grandson was visiting from Chicago and when he opened it the wooden wheel fell off the blue handle. Since he was anxious to play with the playdoh etc. we just ignored the broken part. Since you ask now it reminded me. So I wouldn't rate it good because of the flimsy design on the wheel and holder.$LABEL$0 +what a disappointment. Rented this b/c of all the hype. What a disappointment. I was almost uncomfortable watching it all. It seems like the best filming was during the stripping/dancing, and then the rest was low budget, fairly poor acting. I like C.T., I think he has skill...in this movie, he is just the meat. Matthew McCaughnehey was over-acting the entire film. Storyline was extremely predictable, and the ending was...well, what ending really? It's almost as if the writers just threw in a "love story" plot without taking the time to develop it, then the end comes and all of a sudden two people end up together? I could've skipped the flick. I've never reviewed a movie until now...just wanted to forewarn people. Wait till it's free for Prime Members!$LABEL$0 +Beautiful. Rayvon's hauntingly beautiful voice just makes this song. Shaggy is alright too. It is just a great song.$LABEL$1 +Clarks Cumin Slide. I love the cotton color, just the right shade for most beige and some white slacks.The show style it the most unconfortable of any Clark shoe I have have. There is something strange about the left shoe, it give me a blister everytime I wear it.$LABEL$0 +This player sucks. The customer service sucks and the player sucks. It skips all the time, even on sturdy surfaces, and picks up weird radio stations I cant even find on my car radio. except for that its great! Did i mention that it skips all the time?$LABEL$0 +Great and A must to have. This fire starter is a great device to have. It's light weight and easy to carry and operate. Definately something you would want to have if ever hiking, camping, hunting,or lost in the mountains.$LABEL$1 +Very Nice and Accurate Scale. This scale has all the features I need. Is accurate and easy to use. I like the range or weights it will handle from grams up to 35 pounds.$LABEL$1 +Rambling in style the content does not deliver on what is a subject of great interest. This book is not going to be a landmark contribution to effective organisation design. The author only gets 50% of the way to presenting a convincing case, that would be of practical value to the reader.Stan Felstead - Interchange Resources UK.$LABEL$0 +While consuming "aggressors" ' deeds.... Really nice doco required a personal bravery and some financial gambling to produce while an artist traveled terrorist-infested zones of Iraq, the Palestinian Authority and frontier Israel.What I like in this movie personally is depicting the surrounding as visualized and seen by a stranger to localities. What does not grasp my appreciation much is openly aired producer's own interpretation of historical facts, which prepared a viewer to particular conclusions in advance explicitly.Nice music undisputedly as a nice idea of keeping peace worldwide was, to a reviewer's feeling, much spoiled with dilettante simplicity of complex affairs by a critic himself consuming the "aggressors" ` deeds either directly or indirectly.$LABEL$1 +Excellent. This was an excellent book. For beginners and experienced teddy bear makers. There are many helpful tips and tricks. Lots of great suggestions for locating supplies. It is an imagination jump-starter. A great reference tool, and a must have. I highly recommend this book.$LABEL$1 +Well worth the read!!. A compelling storyline..Addictive at times to the point of not being able to put the book down because you'll want to continue to read further to see what happens next. Well developed characters. Wish Zedd had more play in the book. Goodkind spent to much time on the Denna(Mord-Sith) and Richard's inter-action. Michael's role should have been a bit more developed. Other than those few minute setbacks, this book was fantastic and very entertaining. I highly reccommend fantasy readers indulge in this book. You definitely wont be disappointed. I give it two thumbs up!!$LABEL$1 +Not a very good phone. I bought this phone with high hopes, but after a couple weeks it really has proven to be a disappointment.First off, there is an echo that comes and goes. It doesn't sound so bad on my end, but I keep having other people (including clients) complain about it. So that right there is a deal breaker.Second, the battery life is dismal on this thing. My last cordless would go through the day fine, even make it through an hour or so the next day if I forgot to charge it. This thing goes out after about 3 hours of talk time. I'm on the phone a lot, so I need something that lasts a little longer.Third, after just a couple weeks, I can already feel the flimsy nature of the phone. It's become clear that this will not go six months without breaking.Overall this is a very disappointing product from RCA. The concept of this phone is great, it's just clear that not a lot of concern was put into putting out a quality product.$LABEL$0 +Better than the first. I loved Soceress, it read so quick and easy. In Witch Child i found myself getting bored and waiting for something exciting to happen. In sorceress I was never bored and I couldn't wait to find out what would happen next. This sequel is a great way to finish Mary's story.$LABEL$1 +Another Chinese Made Time Bomb. Given the lack of quality and the dangers associated with goods made in China, these pots should be returned. Calphalon has taken a great product and has put it's consumers at risk to save a buck in manufacturing.$LABEL$0 +"You can leave right now if you're feeling doubt...". The best of Berlin 1979-1988 is such a perfect and rockin' album. I bought it for Christmas last year and I love it to pieces. Every song is amazing especially The Metro, Sex, No More Words, Blowin' Sky High, Masquerade, and Matter of Time. Frontwoman Terri Nunn has a beautiful and powerful voice, she's got some pipes!The song, Take my Breath Away ultimately caused a riff between the band and their creative process became threatened due to the popularity of that song. Even so this short-lived band made some incredible, heartfelt, weighty songs and all that matters. Berlin was a gift from God, great band, coy songs, and awesome frontwoman, eat your heart out Gwen Stefani, Terri was the real deal!$LABEL$1 +IDENTICAL TO THE HERBAL DOG CARE BOOK. I bought both the Herbal Cat Book as well as the Herbal Dog Book and they are almost page-for-page identical! The only change is one says dog and the other says cat. Not happy with this at all.$LABEL$0 +Super book. You need to read all the books by this author. Great adventures and lots of intrique and fighting, I've read all his books. and highly recommend them.$LABEL$1 +Burns bright, burns easily, burns your hand. I've been using this bulb as an exact replacement for my desk lamp for years. It shines bright and has that traditional incandescent/tungsten color. But this bulb will also triple burn you. First, it gets super hot. I can't even touch the lamp if its been on for awhile without scolding my hand, let alone the bulb itself. Second, it burns easily. The filament is ultra hot/bright and doesn't seem to be the more durable 130volt version. As a result, any spikes in your power grid will burn out the filament. Third, the price is cheaper in places like Walmart. Way cheaper. Ouch.$LABEL$0 +Leto's ultimate sacrefice. 3000 years after Children of Dune, Letto Atreides II is the emperor after his fater Paul Mua' dib Atreides and he has made the ultimate sacrefice to ensure the future of human kind, even though Leto is not quit human anymore, will he succeed in the Golden Path and ensuring us a future, it all will rest with Siona, better keep going to see how Dune will go forward.$LABEL$1 +Magnificent!. The "Pied Piper Fantasy" is one of the finest works of modern American art music. It is a beautiful piece that balances the virtuoso needs of a concerto with the dramatic needs of a tone poem. "Voyage" for Flute and Strings is a lush, romatic miniature that rounds out the album nicely.$LABEL$1 +Works great. I really like this product. It is a little short for the portable crib, but it doesn't cause a problem. It is much better than the hard bottom the crib came with and my baby seems comfortable playing in it. I don't feel bad when she tumbles over while sitting because I know it pads her fall.$LABEL$1 +Fond portrait.... Though this reads at times like a college textbook, it is thorough and intelligent, brings light to personality and the choices made throughout her reign. Not only does Weir introduce the internal workings of the throne, but also the society without, its culture and changes. When you are done reading this, not only will you know everything about the Golden Age of England and its Queen, but you will love them both.$LABEL$1 +Card game genre hit the gamecube. This is the best game that no one knows about. It is a card game based (like Magic: The Gathering) RPG. This makes the game very interesting and fun. The graphics are superb (considering 2001 release), sound is okay, and the controls are very intuitive. The game is relatively easy for an RPG, with occasional places of difficulty. The gameplay downside is that levels beaten can not be reentered until after beating the game. This is a great game for both card game and RPG fans and I look foward to Lost Kingdoms II.$LABEL$1 +Jack Flynn wins again...and it's even more fun.... McGrory continues the winning saga of Jack Flynn. The book is longer than the first in the series and perhaps a bit better. The plot avoids some of the aburdist elements of the first. The book is paced well and Flynn remains a charmer. It was nice to see how he has grown in life. I was surprised to see that the FBI love interest from the first book was not even mentioned here. What happened to her? Elizabeth Riggs is far better character, but still...I was glad my favorite fictional golden retriever Baker was back. It was great to meet Hank Sweeney too. McGrory's work is at times light and funny--Flynn is a great alter ego. The bigger mystery is still a bit nutty and unrealistic, but fascinating all the rest. I'll be back for my third Flynn book soon.$LABEL$1 +Kindle Edition is worthless. I have read this book many a times. Even if you doubt the facts and conversations citied, it is written exquisitely.HOWEVER, IT IS OUTRAGEOUS THAT AMAZON IS CHARGING ANY KIND OF MONEY FOR THE KINDLE VERSION! Not only that, THE KINDLE VERSION PRESENTLY AVAILABLE SHOULD NOT EVEN BE OFFERED FOR FREE!Had I know that it will completely ruin the reading experience, I would have never bought the Kindle version, especially since I already have the hard copy.Shameful and disappointing on the part of Amazon.$LABEL$0 +Excellent. All 3 heads up championships have been excellent. watch them closly and again and again, improve your heads up game.$LABEL$1 +Easy and quick Energy. I bring along Sharkies sports chews on my longer weekend runs. I prefer to run before breakfast for optimum performance but realize the need for energy along the way. Sharkies provide that for me. These are great tasting and are easy to eat while running.$LABEL$1 +Buyer Beware!. Save Your Money. Donna Summer is NOT featured on any of these tracks!This is a bad attempt to cash in on the legendary Donna Summer.When looking for her music please google "search" for a Donna Summner Discography.The ones linted are ones you want to purchase.Amazon needs to pull these releases.$LABEL$0 +Good but... I had this thing for a month or two and playing it with my siblings was a blast. It is made pretty cheap though, but plays the games just right. My nephew accidentally tripped over it and it did break the cables in it, so I just bought a new one. So just be careful not to trip over it or have little kids fall on it, but for $20 I really couldn't be happier with this product.$LABEL$1 +Ho. HUM.. I HAVE all of these!! Why the heck do they keep making these "Collectors Editions" with the same darn episodes!! I want to see season 4 and UP episodes. I agree with other comments about that. WHY NOT MAKE SEASONS!! Other shows are done that way. STUPID shows have seasons, why can't an entertaining Icon like THIS one have seasons?!!!!$LABEL$0 +Wonderful CD!. When everybody thought that neo-soul was dead, Angie Stone comes along with "Mahogany Soul" and proves the world wrong! She shines especially on the track "Brotha". I haven't heard her much on the radio, but she more than deserves that recognition because of her talent. This album proves that she will be around for a long time to come!This album will make you wish this was the year 1973.$LABEL$1 +Great ink kit, plus it's CHEAP. I bought this never using a refill kit before and this was easy. It came with all the required accessories. Great deal.$LABEL$1 +Only the last 5% of this book worth reading. I am quite accustomed to reading "the classics"...Tolstoy, Dumas, Rinehart etc but this book bored me to tears...about the only time I found myself interested in it was near the very end, when it all comes together, and talks about the main characters philosphies...it was agony reading it through to the very end, but I forced myself thinking all along, surely this drivel has got to change at some time...and in the last 5% of it it did...I would not recommend this book to anyone.$LABEL$0 +Unfortunately there is not a zero rating. This is the biggest piece of junk I have bought in many years. This is basically a prehistoric waterbed for dogs. It is merely a cheap plastic envelope thatis supposed to have a mystery gel inside to keep the bed cool. It takes forever to fill and then try to get the air bubbles out. The end result the bed is no cooler than the room you put it in. Sure it is cooler than the average dog temeprature of 102 degreees but so is my carpet.DO NOT BUY - a total waste of money and time!$LABEL$0 +Can't believe how bad this game is. Weak sauce in a can.. What's wrong with Spore? Terrible game for many reasons mentioned below.1) evolution is pretty much pointless, like comments from other user. It doesn't matter what path you take - its just cutesy graphics. This game is Pokemon with less strategy.2) Blown release. This was due to ship... years ago. When there are "production delays" like this, run away with your money intact. You work too hard for it, don't you?3) EA = absolutely terrible company - fires its employees on games not destined to sell anyway (its not the QA's fault they put him on Lee Carvalho's Golf Challenge), its employees had to sue EA because it was such a sweatshop... YES, 80+ hour workweeks endlessly is sweatshop when you're on a finite salary....now this. Wasn't the EA/MAXIS SPORE team calling the Nintendo Wii junk that wouldn't sell a couple years ago?My Nintendo stock gave EA the critical beatdown.EA is a really bad company. Oh, and Spore comes with DRM.BOYCOTT EA$LABEL$0 +Miniature Phones. The phones are really small, almost cell phone sized. This makes a conversation of any length impossible.Everytime we have a power outage, the remote phones have to be re-linked to the base unit. This is really bad if the power went out while you were away and now you are trying to answer a phone that doesn't work.I shelved these, and bought something better.$LABEL$0 +Novel about Pro-lifers that cross the line misses the mark. This novel is about a group of pro-Life advocates that decide that non-violent means of protest that they have used in the past are ineffective. But after bombing a new facility for harvesting aborted babies, they learn that violence is not the answer either.This somewhat depressing novel didn't hold my interest and the plot doesn't seem to hold together. The audio quality was poor which made the listening even harder. I can't recommend it$LABEL$0 +Good Product, Easy to Use and You Can See the Results. For an at home kit, this one is pretty good. Easy to use with simple to follow instructions and you really can see the results. I've used this product twice and each time it has worked wonderfully-I wait for it to come on as a lightning deal so I get a great price too. Just a fast way to get a noticeably whiter smile.$LABEL$1 +I have altered the films, pray I don't alter them anymore.. I was just about able to deal with the previous special editions. I got used to those changes and thought that's what we were getting on these discs. But after seeing the confirmation of Vader pointlessly screaming and countless other changes that were unnecessary and in some cases ruin the scene, I can't in good conscience give this man any more of my money.Here's hoping poor sales will prompt the guy to release the theatricals in high-def.$LABEL$0 +love it. this watch was easy to use, and I love being able to see my progress and if i need to push harder. Great Great Product, for less than expensive...i looked at many others.$LABEL$1 +Original beauty lost in this adaption.. Bunyan's masterpiece is perfect as-is. Why someone would destroy a beautiful piece of literature is beyond me. Geraldine McCaughrean seems to be simply another example of a wannabe author leeching off the skill and hard work of real authors like Mr. Bunyan. I advise reading the true work of John Bunyan and avoiding the fake recreations like this one. JFM.$LABEL$0 +One of the best films ever!. This is by far one of the best films I've ever seen, let alone foreign film. The acting is exceptional and the chemistry between Isabelle Andjani and Vincent Perez is very believeable. If you love historical pieces and are not turned off by reading subtitles, this film is a must-see. It is spectacular. Sadly I was not able to buy it from Amazon but found it in London (that's the beauty of having a multi-system VCR!) and immediately purchased it! Any time I've lent out my copy for friends to watch, they have all inevitably purchased it. It is that good of a movie. Honestly speaking, I enjoy all kinds of movies but this movie especially is so worth seeing.$LABEL$1 +great family movie. This movie is a favorite at our house could not find it anywhere sooo happy to have found this older movie$LABEL$1 +Don Abusivo - Abusin the competition. This is a complete album from begining to end. My friends sister was bumping it in her ride and I tripped out when I heard it. It is totally diffeent from all this rap/banda stuff that is coming out. It is original in every way. Abusivo has a way of attacking his words that makes you feel what he is saying and lyrically he is killing the competition. I like alot Akwid but this guy is on another level (i have to admit). It is now my favorite cd to bump in my ride.....Check it out gente.$LABEL$1 +Actually Criticizes Plato. To my surprise, the author expresses strongly negative opinions towards some of Plato's conclusions, while maintaining that Plato "asked the right questions."The author presents Plato as a proto-fascist. Plato's theories of the forms are muddled, and Aristotle was wise to clarify or dispense with them. Laws was a horrid work which formed an unfortunate ending to Plato's writings.I find the author's opinions to be eminently reasonable. His views represent a common-sense approach to Plato. The author, too, asks the right questions.$LABEL$1 +Good thin mat. This mat is pretty thin, almost too much so to use alone but it is soft and good quality for what it is.It acts as a great base in the small carrier in the car and then we put another towel or something to cushion it a bit more so our chihuahua/toy poodle will like to lay down.This 18-by-13-inch size covers the whole carrier floor which is good; we had problems with mis-sized mats in the past. You can't beat the price from amazon, $5.95 w/ free shipping, which was about half what local and mart pet stores I researched were charging for this size and quality.$LABEL$1 +Great for Small Dogs. These steps are perfect for anyone that has small dogs. My dogs are now able to get up on our tall furniture without hurting themselves. These steps are very durable and are still in wonderful shape despite the fact that my dogs are constantly running up and down them. They are also very lightweight and easy to move when I need to clean around them. I would definitely recommend these to anyone with small dogs.$LABEL$1 +Small Camera - Big problems. This camera is amazing, great pictures, convenient size. However, the lens cover has a tendency to get jammed and the lens will not come out leaving the camera inoperable. I have three friends who have this camera and have run into the exact same problem.$LABEL$0 +shop vac filter bag. Works fine but a very tight fit on a craftsman filter. Had to inch it up the sides around the filter. It won't slip or move though. I would purchase again.$LABEL$1 +Beautiful!. Inspiration abounds in this book~I love how it features the same rooms, accessorized differently for the seasons. That is my favorite way to decorate~Also, if you love old homes and restoration, this book provides inspiration for that as well. Wonderful! And the chandeliers, oohlala!$LABEL$1 +Not Satisified. I have been sleeping with this foam memory pad but it does not go back to original shape. There is an indentation where I sleep on it which does not come back to shape. I was told to return it which would be very difficult since it is now expanded from vacuum package and size would be an issue on sending it back and to get a replacement would cost me to much since it is out of the return policy.$LABEL$0 +It just keeps getting worse. I picked up this book as a nice distraction from holiday mahem at my house. Plus, it's been a while since I read a mindless romance novel. The first story provided MILD entertainment value, but I have to say that the second and third story get so bad I actually felt sorry for the authors. The story lines are weak and in some areas almost non-existent. The plots are predictable, and too much like other recent books I've read (the third story is just like Bridget Jones' Diary). It was so bad, I didn't even finish it and it's been YEARS since I didn't finish a book. Do yourself a favor and pass on this one...$LABEL$0 +AWESOME BOOK. I would recommend this book to any Lord of the rings fans Bilbo will make this book worth your while!$LABEL$1 +An awful shame. This movie is (usually) a great way to spend a lighthearted evening. However, the production quality of this disc is so abysmally bad that it is difficult to enjoy the movie. I certainly wouldn't spend the money on it again. I would rather watch it on AMC, bowflex and dietary supplement commercials, notwithstanding.$LABEL$0 +Good gameplay, terrible story. The graphics were great. The battle system was different than most RPGs, but it was ok. The gameplay was pretty good (like camera angles, manuverability, ect.) But there were a lot of things I didn't like. The story line started out ok but got really boring and was kinda stupid as it progressed. And the end was terrible. The 30 mins or so it took to watch it could have been much better spent doing ANYTHING else. I also didn't like the method for upgrading weapons. You had to recruit people to make stuff, make certain items and then add it your weapon. But they never made anything all that great for me (and I spent many hours trying). I think this game was a flop.$LABEL$0 +Love it. I enjoyed studying out of this book with a whole bunch of women from my church. It is a really enjoyment$LABEL$1 +the journey and not the destination. I found this book to be wholly and completely engaging. While it's true that Murakami does leave many, in fact, dozens of questions unanswered, I believe the beauty of his book is in the journey and not the destination of the story. Toru is clearly overwhelmed by the ambiguity of both his situation and the people he meets. He searches for something "concrete" that he can wrap his head around. But he learns, as do we, that one can't always understand what's happening, or why it is. Sometimes you just have to go along, and hope for the best. It becomes a matter of faith.$LABEL$1 +poor craftmanship. I loved this vacuum until it started to fall apart. It began with the very short cord getting stuck and then frayed. That was wrapped with electrical tape. Then the hose tore at the point of entry to the canister. Again we used electrical tape to hold it together. Finally, the hose tore at the other end and out comes the electrical tape again. Instead of a 2 year vacuum, it looks like a 10 year vacuum. It also flips over easily and the attachments fall out and we lost one. Soo, I guess the moral of the story is don't get a Bosch vacuum!! Also, it was overpriced for the quality and forget about the service!$LABEL$0 +Heart felt. I read these books. I have loaned these books. I have bought and given these books to others. What more could I say. I have read book 1, 2, 3 and "What God Wants". Book 1 was my favorite. They are all Great. Enjoy the message.$LABEL$1 +Good at first.... I have has this TV for approximately 5 years. I really liked it when I first for it other than it is kind of loud, hard to get use to at first.After just a year I had to replace the lamp which is between 100-200 dollars, not in when it just goes out and you have to scramble around to find it and have to order online, when you only have 1 TV it's a bummer.Now for the worse part... A few months ago I noticed a little white dot on the screen for someone with a little case of OCD it drives you nuts, BUT... Now a couple months later there is 23 white dots and about 30 black dots so it can bug me whether I am watching a light screens or a dark one! Yippee! Needless to say I HATE this TV I think it's garbage and wouldn't recommend it to anyone!$LABEL$0 +Don't Buy it. I bought Ghost after my disk drive in my Dell computer began to fail. I followed Symantec's instructions 3 times to image a bootable new drive with no avail. Files were copied, but the drive would not boot. Finally, I got a free software download from the manufacturer of the new drive (Western Digital)and it worked fine. After booting up with the new drive, all programs worked except, you guessed it, all of Norton's stuff, the antivirus, internet security, etc... The kicker is that their suggestion was now to uninstall their software and re-install it again. But the software would not uninstall (including Ghost). The funny part is that their site recommends uninstalling all their software before doing a migration, including Gohst! In other words, you are supposed to uninstall Ghost before you use it to create the new disk. Duh...$LABEL$0 +Good Basic Book for Homeschoolers. Montessori at Home is a good book for the home schooler who wants to set up a Montessori atmosphere at home. It really gives complete curriculum information for the parent of a pre school aged child. The instructions are easy to follow and the lesson plans are very easy to understand.$LABEL$1 +Very ordinary. I've just finished The Regulators and just starting Desperation. If it weren't for the great reviews of Desperation I would have got something else - but I thought the story was reasonable, just badly constructed.The idea that the whole thing (430 pages) takes place in a few houses in the one street in one afternoon/night reminds me of Geralds Game, and that was fairly poor also.The main story (people hiding from maniacs in vans) is very boring. However it is the 'underlying' story of a force that has become part of and taken over a young autistic child that kept me going - even this was boring at times.If you want horror read Salems Lot or The Shining, if you want a brilliant story read It or The Stand or The Green Mile.I just hope Desperation is better.$LABEL$0 +Not USB. I had searched for a cheap USB headset and this one showed up in the results. The product description does NOT include the connector type (should have been my first clue). I just got this yesterday and it is a standard 3.5 mm jack. I needed a USB.Quality wise it's OK for a cheap product but be aware that it is not USB in case that is what you are looking for.$LABEL$0 +Excellent!!!. I enjoyed the funny antics, the mystery, the adventures,and the racing in the desert of Saudi Arabia. It made you feel like a noble nomad of the desert. The actors were awesome!! It was definitely worth having, especially for the 80's. Old and very interesting to watch over and over, again.$LABEL$1 +Soccer for coaching and improving. Never sure what the rules or what to do to help a young player get better?This book will help both of you.$LABEL$1 +Too many "selfs" to follow. This book started off making sense but then it kept talking about Self A and Self B.... It went around topics. It kind of made it hard to keep up with reading. It never really helped my game at all and so I looked for other books. There are other books out there that can help your mental tennis game.$LABEL$0 +Gibberish..Nefarious...Irrational... The author and the reviewer Dr.Marshall successfuly joins the ranks of the German and British conspirators who concocted many theories and misinterpretations of the Vedic Religion. NoThe title is misleading..while the author tries to mislead the readers..while the reviewer Dr.Marshall..deceives himself with the false review.My sympathies with the author,reviewer(Dr.Marshall) and the readers.There isn't a provision for ZERO stars or else it deserved it.$LABEL$0 +DA -- Voyage on Great Titianic. This book was boring at times and the diary entries are way too long.$LABEL$1 +Doesn't look like a "woman's" watch. I ordered this through the seller "Just Brands" on Amazon, and in person the watch is actually much more chunky and masculine than the picture. I attempted to return it and Just Brands was the worst company I've ever had to deal with. They were impossible to get a hold of in order to get an authorization number to return the watch. Then once I returned it they denied receiving it even though I had a delivery confirmation from the post office. Luckily Amazon refunded my money. I really liked the look of the watch on Amazon, but when I saw it in person, it was just too big.$LABEL$0 +Great Movie--Disapponting DVD. This is perhaps one of the greatest music-themed movies ever made. You will find yourself spellbound at the talent and energy these first-time actors bring to this film. Lead singer Andrew Strong was only sixteen years old when this film was made, yet he has a voice which sounds like its seen a world of pain. Twentieth Century Fox has taken a diamond and smashed it to bits by not offering this DVD in a widescreen format (with DTS stereo). It could be a reference DVD if done properly. Maybe the Criterion folks will do it. Until then, don't bother with the full-screen version.$LABEL$0 +Takes me happily back.. This one had been in my Wish List for a while. I was happy to hear it was available. I brought back good memories of my youth. The songs were well constructed, glammy but not too much. "Deep Cuts the Knife" Really moves me.$LABEL$1 +A TRUE LOSS OF FAITH.. Faith Hathaway had just graduated High School and was one week away from going into the army. She was full of hope and life. Robert Willie( the man this movie was based on), along with his accomplice raped and murdered her. She was raped, stabbed 17 times, and raped after she died. The director of this movie denied requests made by Faith's mother, and gave all the attention to the only person who deserved to die. Where was the mercy for Faith? Where was the compassion for Faith? Where were the people protesting for Faith's life? Finally where was the story about the mercy which was denied to Faith? What about her suffering and that of her family? Barely a foot note in this movie. Ohh and Sister Prejean has been discovered to lie when it suits her case.$LABEL$0 +zero stars. this game isn't even worth one star.how do you fight???even if your enemy's power bar is down you have to be in tip top shape when time runs out.$LABEL$0 +well rounded reference...... As time is of the essence while travelling, I wanted to make the most of my time on the islands. This book allowed me to explore and choose a hike that was perfect for the length of my stay. I felt comfortable with the route laid out on paper. I was dissatisfied with THE BUS route and scheduling on Oahu as compared to the simple statement under how to get there. I had to explore a different route and connection but felt that THE BUS system was to blame. Otherwise, I felt that the book did sufficiently lead to the perfect hike for me at the time. The trail was beautiful and I look forward to using the book again down the road.$LABEL$1 +Great sandal!. This is my third pair! I recommend buying a size larger though to have a little space behind the heel. Otherwise, the back of the sandal lines up right to the heel. I wear them daily in the summer, walking around the city all day long, and they last a half-year. Very comfortable, although I wish it had more arch support. Amazon shipped it to my door in less than 24 hrs!$LABEL$1 +great. We have one of these that's 12 - 15 years old and have always been happy with it, so we gave one to our son and his wife and they are very happy with it$LABEL$1 +The Very Best of Mady Mesple. Absolutely superb sound tracks. The only drawback is the booklet, which has green and red type on a black background and is therefore hard to read. However, this has nothing to do with the sound tracks, which are absolutely superb!$LABEL$1 +London's Mean Streets. If this book were a movie, it would be film noir. Sarah Tolerance shares a kinship with Philip Marlowe or Sam Spade. Brava!$LABEL$1 +I'm a Marine in the United states. (This show is awesome). Not many shows (let alone cartoons) have the quality that avatar has brought. I'm never let down when a new episode. Some are not as epic as others but altogether it is a show that never disappoints. Values are instilled, humor is involved, and an adventure is brought that would give any child a more active imagination. I leave the show each episode somehow more relaxed and at peace. This show is a DEFINATE. Just give it a shot first through the first 4 episodes (the time for one movie) and just see if you aren't curious to see "just one more episode".Lcpl Koda, Gary V.$LABEL$1 +Disappointed. I bought this book partially based on all the positive reviews. However, I was extremely disappointed. The author never mentions that poor grades could be due to a learning disability or adhd. I understand this book is not about learning disabilities or adhd, but it should be mentioned as a possibility for those parent's who have not considered it as a possibility. I suppose the book would be helpful for some parents, but my copy is sitting around gathering dust.$LABEL$0 +KitchenAid 560 blender. I don't work for Amazon nor KitchenAid. I have no conflicts of interest.I researched this blender extensively in YouTube, Consumer Reports, etc, prior to buying. My purpose is exclusively to make vegetable smoothies of Kale, Spinach, Carrots, Pumpkin, Wild Blueberries and Wakame with mushrooms for my health. I eat a plant-based diet only. I bought it 'Refurbished' at $65 including S&H.; It came like new packed beautifully with its handbook. I use it every other day. It grinds everything I need perfectly. It has no leaks and has worked flawlessly. I would heartily recommend it to everyone. At the price I bought it is a huge bargain.$LABEL$1 +My #1 cookbook. This is my fav cookbook. Actually this is the second one I've had. I used the first one so much it had stains everywhere (from my "learning" cooking days) and it started to fall apart. This makes a wonderful wedding shower gift in a basket with a few cake/pie pans or other baking necessities.$LABEL$1 +Amazing. This product is spectacular a must buy. I have super curly hair and this make my hair pin straight i recomend it highly!$LABEL$1 +Not good. Jeff's previous DVDs set the bar fairly high and Controlled Chaos was not in the same league. He seems to have lost his creative edge and was just reusing bits from the past. I wish I had just watched it on Comedy Central and saved my $9.99.$LABEL$0 +Jan Karon hits the mark.. All of Ms. Karon's books are inspirational, but this one is especially so. Lots of insight and wisdom for those times in life when walking through a valley, together with intrigue, a little suspense and plenty of light humor we can all relate to.Truly a delightful read.$LABEL$1 +It was boring to me. The moves were not challenging, and the whole time you're repeating movements with Dolphina keeps on saying "beautiful!!" a million times ... I bought this VHS because I wanted to try a new workout, however, I don't find it effective ...$LABEL$0 +Adjustment Not So Bad. Although the previous review is correct in that there is a 'gap' between the last bead and the handle, I would not have noticed it without having it pointed out to me.On the other hand the rope is quite easy to adjust because of that 'feature'. In reading reviews of other jump ropes on Amazon it seems to me that this one is probably better than most when it comes to adjustment.As far as functionality it works fine, I wish I could jump rope better, but that's my problem (!)If color is important I will note that I thought it would be yellow and black as the illustration on the website, but it turned out to be gray and black. A pretty dull color combo.Looks like you can get a choice of color if you pick the ones that come direct from the mfgr but then you have to pay shipping, mine came thru Amazon Prime.Who would have thought there would be so much to say about a jump rope?P.S. It's nice to buy something that doesn't come with a 'power brick', SD card or USB cable...$LABEL$1 +One mistake in the book cause me to doubt the entire book.. Horror! Page 8 has a mistake so bad it makes me doubt the entire book, "The first semi-conductor...was discovered ...in 1965... It took seven more years before the first commercial application appeared..." I beg to differ. I was working in Fairchild Semiconductor, Inc. in Mountain View, California designing integrated circuits in 1964. I must be dreaming then or the the author in talking about some other technology. It makes me wonder about the rest of the book.$LABEL$0 +WOWW. Ok so here's the deal...I'm usually not the one in the relationship who gets off first, and tonight I was in desperate need of a condom and as any 20 yr old I don't want a baby!!!! Well my best friend swears up and down on this condom and gives me this extended pleasure. Well I think nothing of it, just a condom........NOT I ended up going for an hour and a half and abs hurting and well after she got off the first time had to go to hand joob.....still didn't work.....I go to the bathroom and try my self......FIRST TIME IN MY LIFE I can't get myself,,,,,,needless to say it numbs it WAY too much!!!!!Works if you need that BUT....... DO NOT USE UNLESS U HAVE A PROBLEM!!!!!!!!$LABEL$0 +Good price for a small card.. Required a small 1Gb card for my navigator. Did not want to pay a lot for a card that is now considered "small". This card worked well with no problems whats-so-ever.$LABEL$1 +Still Wondering. I found Hornest's Nest hard to get into. The story and plot slow and I was always wondering when Dr. Scarpetta was going to get involved. Then I couldn't put it down. I thought it was great that West and Brazil got together could be interesting for a future series? I thought the ending was very disappointing and I felt like the book wrapped up too fast and as a reader you were left hanging. Would be interested to see if Ms. Cornwell will continue with these characters.$LABEL$0 +It's pretty awful.. Stephen Baldwin is a horror writer who discovers he has an identical, murderous clone. This silly Dean Koontz adaptation is based off of his equally silly novel, so it's no surprise the script has all the typical Koontz plot elements: Government conspiracy, heroes going on the run, and a final fight in the middle of nowhere. The only difference is that the mystery is revealed at the beginning! Overlong miniseries (Which actually features nudity in the video version)features countless leapholes in logic, unconvincing special effects, and a hilariously wooden Stephen Baldwin as the writer and killer. You can count the number of good Koontz novels and movies on one hand (Phantoms, anyone?), and this sure as hell isn't one of them.$LABEL$0 +Does duel levels with ease.. Cute and enjoyable book for kids of ALL ages. A somewhat cautionary tale of careful-what-you-wish-for-you-just-might-get-it. Deserves the praise it's been getting.$LABEL$1 +Possibly Shallower than its Subject.. This is a very poor book. It has almost nothing to do with Las Vegas at all. It centers on porn stars and the porn industry, and the people profiled are most vapid and boring along with being incapable of reflection. The narrator's inability to make note of their deficient qualities and provide any sort of insight is its real flaw; however, as Sheehan appears incapable of judging anything or anybody which is indicative of many an academic nowadays. These types concentrate on being "tolerant" and "non-judgmental" which results in their having nothing to say. Porn is a means to an end for most guys. It isn't intriguing or meaningful. It's something in lieu of something else. If you enjoy reading about Las Vegas, I'd advise you to look at other titles.$LABEL$0 +remixes came too late to save the song. First of all, like my title says, these remixes came to late for the club crowd. But, if you like Willa you'll be intrested anyway:1. Mike Rizzo Club Mix (6.39): Love this mix it speeds up the chorus vocals but keeps the verse vocals at almost regular speed. Really cool beat. Best mix in my opinion.2. Sal Parm {of Plasmic Honey}Club Mix (9.14): Sal doesn't do a very good job. The track is cool but the vocals are way too slow for the bpm (beats per minute). Same goes for his radio edit.3. Mike Rizzo Hyper Vocal Mix (6.09): Hyper vocal indeed. If I didn't know the words to this song by memory I wouldn't be able to understand the verses in this mix. They just go by too fast.4. Sal Parm Dub (7.14): Very, very disappointing. Usually, even when the mix is bad, remix artists have a chance to redeem themselves on their dub but not Sal Parm. I really expected better mixes form him.5. Sal Parm Radio Edit (3.59): See Track 2I'd give 3 stars but the mixes were too late.$LABEL$0 +Harry Potter books. Ordered and recieved 1 then a couple of days later 2 and then 3 and had to send them off for my Grandaughter without the last 2 books for Christmas. WAS NOT HAPPY about that. also some of the books did not have the covers on them. Not happy at all. Really upset she didn't get her Christmas present all together for that special day since I can't be there with them.$LABEL$0 +I Can't live without my GameShark. This is definitely one of the best accessaries for the Playstation especially if you ever rent games. GameShark also has a helpful website ... This site has all the codes for PSX available and GameShark masters to help find them.$LABEL$1 +Great book. I'm obsessed with Shaker furnitue and architecture. I'll get around to reviewing all of my books in time. I think I have every Shaker book printed!This one isn't "Complete" but there's an aweful lot in here. I look at "complete" more or less as meaning "most" variety of furniture. I didn't take it literally.This is one book that gives a lot of weight to Shaker built-ins as well. Of which I'm trying to re-create so I've been referencing this book a lot lately.I do have other books, some of which focus more on details and drawings with potential variety in drawer configurations for example, others more on color and simple photos etc.So far it 's been one of my favorites in terms of the wide variety of material it contains. An overall wonderful photo and text reference to existing furniture.$LABEL$1 +I Agree - This one is JUNK. This is the third Norelco shaver I have owned and the second rechargeable. My first rechargeable was wonderful. This one is junk. It barely turns fast enough to use when plugged in or immediately after a recharge. The charge only lasts one-two days where my old one would hold a charge for two weeks with daily use until it died of old age after about 12 years of use!Pass this one by no matter how cheap someone offers to sell it!$LABEL$0 +"White Ladder" Nothing Remarkable. Wow. It's rare to see an album rated a clean 5 stars across the board, and for that reason alone I was willing to give this record a listen. Add to that the facts that I love the song "Babylon" and that Dave Matthews, whom I respect, claims to have listened to this record almost exclusivly for months. Armed with that information, I was prepared for a record that would sit at the top of my collection for a good, long time.Ho-hum. I can't tell you how disappointed I am. Perhaps it's just the hyperbolic whiplash inherent in overexpectation. Perhaps it's that David Gray writes lyrically mediocre songs then records them with undistinguished musical backing. Perhaps it's his grating voice, which works well on a single song, but annoys on an entire CD.I won't dispute the hundreds of other reviewers here and elsewhere who loved this album unquestionably. I'll just assume that I'm missing something and move on.$LABEL$0 +They are pretty weak. They dont work for me, I hardy see a difference when I take them, the Extreme work better for me.$LABEL$0 +FINALLY! SLEEP!. This book is a lifesaver! The ideal of Parent Directed Feedings reads like common sense. I don't know why there is so much controversy over this issue. This book teaches how to start a flexible schedule, while still responding to the cues of your baby. My daughter is now eight months old and has been sleeping contentedly through the night since she was nine weeks old. This book saved my life.$LABEL$1 +Not sure about this one.... I am new to java but not to programming, so maybe this wasn't the book for me. While the style is new and innovative, I eventually got worn down by the constant humor, margin notes, and bizarre analogies. I also found that trying to use this book as a reference was nearly impossible. When the book did have a clear answer to what I was looking for, it was buried in the same quagmire I mentioned above.I suppose that if you are completely new to writing any form of code, this may be the right book for you. I would tend to think, however, that you will quickly grow out of it, and then its use as a reference later will hardly justify the space on your shelf. As an alternative, I would suggest "Learning Java" 2nd Edition (also published by O'Reilly).$LABEL$0 +Gets worse with each passing minute.. Charlize Theron is a concerned wife who believes her astronaut husband (Johnny Depp) isn't quite himself after a mysterious accident in outer space. Paranoid, Roman Polanski-style thriller moves at an incredibly slow pace, rambles on predictably, and concludes with an obvious, Outer Limits-type ending. This is most notable for featuring Clea Duvall, which makes it three films the actress has been in where people are possessed by extraterrestrials (the other two being The Faculty and Ghosts of Mars).* 1/2 out of *****$LABEL$0 +Liked From Your Grave better.... Good solid cd... I was really anticipating this one.. but it kind of let me down... I liked from your grave more... But it's still worth buying if you liked the last one... pick it up!$LABEL$1 +This wallet is rugged and classy!. I have been carrying eel skin wallets since the mid 1980's. I think those of us that carry eel skin wallets are loyal--once we carry them they are the only type that will ever do. I am always careful to buy Conger eel skin, which is what this wallet is. It is very rugged and takes a lot of abuse and always looks great. It also has a very classy look. Lots of room for credit cards. It takes a little time to break it in--as with any new wallet, but it is worth the effort. Eel skin wallets make great gifts!$LABEL$1 +U SUCK. Dont buy nothing from this vender its been a month and some days and I still havent recieved anything!!!!!!!!!!$LABEL$0 +Returned Item. Good responce from company to problem with item. Would purchase something else from them again. Modem didn't work properly.$LABEL$0 +Lack of proper description. I got the product, and it did NOT come with any screws it's a tool mount, but it didnt come with mounting supplies??? the actual product is effective but i had to go out and get screws when i could have just went out and bought the product. the descriptino did not impply that it came without the screws, it did however immply that it was "complete"$LABEL$0 +a+ seller!!!!. Ordered, shipped, and delivered flawlessly. Item came quickly and accurately fit product description. Great seller!$LABEL$1 +I Want My Money Back. The sound is TOTALLY INADEQUATE. Amazon should not be in this business if it is not up to the overwhelming technical challenge of PRODUCING SOUND YOU CAN HEAR.I am mostly very satisfied with things I buy from Amazon. But this was a great disappointment. It is no fun watching a video YOU CAN'T HEAR!I WANT MY MONEY BACK!$LABEL$0 +Very disappointed. I was very excited to purchase and read this book, however, once I did I was very disappointed. The book is very confusing constantly jumping from one character to another. I found myself wondering who was speaking - father or daughter. Also, I think this book of 600 and some pages could have been completed in say 350 pages. Very, very wordy. I do not think I would read another of this author's works.$LABEL$0 +Saint Etienne - The Bad Photographer. Saint Etienne's remixers for THE BAD PHOTOGRAPHER don't touch the title track, but instead take on phantom tracks that don't appear elsewhere. Kid Loco takes "4:35 in the Morning" further into deliciously mellow downtempo territory, even as horns come in the background, while the Bronx Dogs go thick and dark on "Foto Stat." Add N to (X) remake the cheekily titled "Uri Geller Bent My Boyfriend" into an abstract digital wonderland, with a sudden crash of rhythm towards the middle.$LABEL$1 +I NEED INFORMATION FROM ALL YOU PEOPLE WHO HAVE TAMAGOTCHI'S. Hi i am 11 and i need some information on tamagotchi i dont have one yet but i am saving up my money for one. and i need help,first of all i want to know how to operate it and i also want to know what you do with it. please e-mail me at flower_princess11@hotmail.com please e-mail me.thank you$LABEL$1 +Never worked. We opened up this product, put in brand new batteries and nothing worked. Even tried different batteries with the same result. The light didn't even turn on, just a complete waste of time, the same thing happened with their coffee machine, not happy!!!$LABEL$0 +Love it. I thought this mounting bracket was very easy to install, and I'm a girl. TV sits back against the wall far enough to make me happy, and it's very easy to pull the tv out if I ever need to check cord connections.$LABEL$1 +too Much NOISE? Not in the End.. What a funny, silly picture book! I've read this to K-2 classes and they get the point: We complain until we see life could be worse. And that is the lesson the "wise man" of the village teaches "old man" Peter. But HOW he "trickily" teaches this is the fun of the story.I am amazed at the cummulative memory the youngest have in accompanying me in the repetitious words and sounds. They have fun. What a way to build a vocabulary! And the illustrations are super![...]$LABEL$1 +Gratuitous obcenity and (very) soft porn. A confusing silly mishmash of soft porn and filthy language topped off with a raving Dennis Hopper, who during a long period in his career appeared in a number of stinkers, apparently to pay the rent.There is nothing of any artistic merit in this travesty of moviemaking - the editing, direction, story, music, photography and acting are all ludicrous and repellent, without exception. Matthew Modine, in his excessive kissing scenes seems to be wanting to prove something...if you make it past the early scene, I suppose you can survive the rest of the movie.Well maybe there is one exception - Claudia Schiffer IS a sweetie and she deserved a better vehicle in her first major film role; she's tolerably competent and nice to look at. Unfortunately, her character is brutalized and abused for caring, and somehow she always comes back for more; maybe she's a masochist.$LABEL$0 +Utterly boring. I really looked forward to what the great Herbie Hancock would do with such cream-of-the-crop vocalists and musicians.The answer - absolutely nothing. No doubt you'll find such a declaration hard to believe, but go ahead and waste your time listening to this total flop, right across the board. There's just nothing here, nothing new, nothing interesting.Take the Santana track for example. Sounds completely and uniquely Sanatana, just like you've heard a hundred times before.Sting warps his voice at the start of his song, then settles back into the usual Sting sound - but it's all been heard before, so why would anyone want this?I was most looking forward to what Christina would do with her song, and I found out - taking it in every direction except one that makes sense.This is a product put out by people who think the public is stupid, and will eat up anything.Better off getting the best albums by the individual artists (eg. John Mayers' "Any Given Thursday").$LABEL$0 +I've been pondering, what's so great about Coldplay?. It may be nothing really, just a british band that ripped off Radiohead, yet Radiohead still has better talent, better songs and a better singer. Yet female fans eat this crap up like they were the Beatles. Maybe its me but I cant find the talent even with CIA or CIS or FBI gear. Just listen to Ok Computer and listen to this album and tell me which one is better.PS. The singer of Radiohead said that they are nothing more than pop and no skill.$LABEL$0 +Something Smells. I was happy to receive my book so quickly. Unfortunately the cover was not in as good a shape as I had hoped it had some mold on it and the book smelled very musty. Went on line to get some tips to get rid of the smell. None of them have worked. Can not put with the rest of my book for fear they will pick up the smell. I would like to return but can not find my paper work.$LABEL$0 +Increase in price not fair. Multi Voice Changer by Toysmith: Change your voice with 10 different voice modifiers - Kids Toy (Colors May Vary) I went to purchase this item for a few of my grandchilden, but found that the item that had been priced for 6.99 is now being listed at 15.25. That is more than a 100% increase. Sad when a company increases their prices that much just because of the holidays. I wont be purchasing this now from this company,$LABEL$0 +Another Canceled Pre-order due to DRM. See the numerous reviews citing DRM issues. I upgrade my machines and am pretty lousy at keeping track of physical disks. I have no interest in being pointlessly forced to call EA support in the event that I have to reinstall my game a few times.$LABEL$0 +Elegant design and functional, when it worked.. I recently purchased this palm for my mother who was interested in getting a new PDA. While the device itself worked perfectly, there was one major problem we seemed to have with it. The device itself seemed to stop turning on after a while. We had purchased the store's extended warranty so we just took it back and they replaced it. Second one, the same thing happened again. So we tried fiddling around with the battery, apparently the battery easily loses it's connection so the unit itself will not power on unless you fiddle with the battery. Two PDA's in a row with the same exact problem, and another reviewer encountered something similar, I think it's fair to say the initial release batch of this PDA has definitely had some issues. We ended up exchanging it for a Palm TX.My mother said she loved it while it worked, and is very disappointed such a trivial problem can cause so much annoyance.$LABEL$0 +Wasn't worth the time. I love this movie but amazon only offered a seven min clip of this great movie so I was disappointed$LABEL$0 +Mad Dog and Glory. If this movie did not have Robert DeNiro and Bill Murray in it, you probably wouldn't finish watching it. It's hard to understand how someone would have read the script or seen the rough cut and said "people are going to come see this." The plot is standard-issue "man falls in love with hooker with heart of gold and has to save her from the mafia" stuff. DeNiro's character is not really likeable and Murray's is overplayed a little, though still fun to watch. If you don't love either of these two actors, skip it.$LABEL$0 +The Alchemist Fails to Make The Gold. Sweet parables - wise sayings in the desert - easy read - not very filling.$LABEL$0 +New production kind of lacking. I know that this toy has been around for several generations and in theory is a great toy. However, when I got the one I just recently ordered, I was sad to discover that the product design has slightly changed and almost makes the toy unusable. There used to be a rubber ring that sat in the holes to keep the pegs firmly stable so you can "pound the pegs" but they new design has a very loose ring and the pegs barely stay in the main wood frame. They fall out so easily, there's really no pounding of the pegs that gets to be done as the pegs basically just fall through the holes.$LABEL$0 +Awesome Digital Camera Bag. I like this product because it's not much bigger than the camera. It has both velcro and clasp closings to ensure the camera stays in the bag. It also carries my extra SD card and battery pack.$LABEL$1 +A Scam. It should be rated "zero stars." Like the rest of the people here who hate this product, my son's LeapPad worked just long enough for the warranty to expire and for me to stock up on books. My son was very careful with the toy. Even a new "pen" could not save it. Customer "service" (HA!) was rude, and implied that my son broke it. The people at Leap Frog products ought to be ashamed of themselves!There is only one guarantee with a Leap Pad -9 out of 10 people who wrote its positive reviews will change their minds in a year or two, when their Leap Pad dies and Leap Frog blames them.$LABEL$0 +kids don't understand it!. I brought 4 10-year olds to see this in the theater. None of them understod it and I didn't like it. It just was not a god movie.$LABEL$0 +A hard book to put down. This book by Bodie Thoene is a great story of WWII and life in Europe then. It's a great book to read again and again. I really learned alot about WWII. There's lots of suspense, action, and romance. I highly recommend this series.$LABEL$1 +For those who love Heroes III. Actually 3.5 *. Armageddons Blade doesn't include that much new things, but the Elemental town is funny, though it is shame that the concept of all 7th level creatures growing at 1 per week (basic) i abandoned - phoenix grows at 2 per week (4 with castle), which is too great an advantage, even though it is somewhat weaker than the other 7th level creatures. The new neutral dragons are terribly (too?) expensive, even though they are awfully strong. I wonder, if they ever will be of that much use. Anyway, if you liked Heroes III, this is an excellent way of trying new scenarios and campaigns. I miss some new spells, artifacts (there are two new relic artifacts, though) and some modified secondary skills (too many of them stinks!), though.$LABEL$1 +A Rhino Dissapointment-Very Incomplete. What I have come to expect of Rhino is thoroughness, and this CD certainly is not thorough, although what is here is of course done very well. Where are the hits Half the Way,Why have you left the one you left me for, etc? I think this could have been a great collection if made longer, or possibly even a two CD set, although maybe they figured nobody would spring for that......too bad, it remains a "couldve been great"......$LABEL$0 +So strange, so good. What I enjoyed most about his book was how the story flowed, and how the author turned a true story into a very enjoyable novel.What's truly remarkable about this book, aside from the strange and chilling story, is the characters, and how the author manages to weave them in and out of the narrative. It works to perfection, leaving the reader with strong emotions towards the major figures in this case. The authors ability to get behind the scenes, including his use of the actual police files from 1982, gives us delicious new details about Durst and the case, and leads us up to the murders of Susan Berman in 2000 and Morris Black in 2001. Add in the political machinations, particulary the questionable-at-best actions of the Westchester, NY district attorney, and you have one heck of a story. The Durst trial for the Black murder is next spring, and anyone even remotely interested in this case must read this thoroughly engrossing book.$LABEL$1 +Forgettable.... Not the best revival, and certainly not the best overall. I don't remember much except that Tyne Daly, despite clear devotion to the role, has a voice that, to my ears, sounds weak, forced and occasionally off-key. Supporting cast members are so-so. This must be a very difficult role to sing, as even Roberta Peters falls flat (despite some exceptionally interesting interpretation). In my opinion, Patty Lupone's rendition is the best of the recent revivals, but Ethel Merman is still "The Mama" (after all these years)...$LABEL$0 +OH It's Spy Kids 3 and it's 3D!. Isn't it sad that the Spy Kids is still on? Robert Rodriguez, the creator, has no imagination. All this is is the same thing as Spy Kids 1 & 2, with a bad attempt at making it 3D. And now they'll make Shark Boy and Lava Girl!LOCAL CRAZY MONKEY$LABEL$0 +Overrated. There are several issues I have with this book:--This book should come with a large, bold, underlined disclaimer that it is not for victims of abuse. Only too late in the book does the author make this point. Being abused is not your fault; you are not "asking" for it.--This book did not encourage me to improve myself. Instead, I felt like it was almost hopeless to try to improve, because it was so complicated!--Also, this book claims to not fall in the trap of all the "self-..." books, however, it is obsessed with "self-deception". If it truly was not a "self-..." book it would have placed a larger emphasis on losing yourself in service for others, instead of being consumed with reflections on your faults.If you wish to improve yourself without the complication, Gordon B. Hinckley's "Standing for Something" actually encourages realistic improvements and makes you feel that you have potential to be a great person.$LABEL$0 +Terrible attempt of a story. This is a terrible book that my English teacher forced the class to read. While reading it, it almost seemed as though someone told Joyce McDonald to write a sad depressing story about how evil guns are!!! It is a terrible book, the writing is decent, but the story is horrid. Don't read it!!!!! Save yourself from a bore!$LABEL$0 +BAD BAD BAD. see above. Seriously...I have had a run of bad luck. I am a huge reader who averages between 4-10 books a week. I am constantly keeping my eye out for good books. This was a HUGE dissapointment. I picked it up because it was highly recommended and won some misleading award. I did not relate to the main characters and found the relationships to be far too weird to be interesting. Just a bad book all around.$LABEL$0 +Good read. The author once again kept the intensity up. bosch is the typical good cop you always want to root for .$LABEL$1 +Mystery of the Lettuce Keeper Lid. Beware unsuspecting consumers! Look elsewhere for a lettuce keeper or you too will fall victim of the "Mystery of the Lettuce Keeper Lid!"That's right! You store your lettuce, secure the lid and WHILE YOU SLEEP! Ahhh! The lid curls up in the and creeps it's way off the top of the keeper!Okay, so the lid is shallow, cheap, thin, flimsy and hard to put on securely. I was willing to work with that! BUT... One night in the Fridge AND..... It's a nightmare! Apparently, this product comes with little gremlins who pry open the lid while you have visions of sugar plums dancing in your head. Ee-hee-hee-hee!Head my warning! If you buy this product, don't sleep at night or gremlins will take over your fridge.$LABEL$0 +This album is horrible. I consider this album an insult to Metallica, you just can't take something like "For Whom The Bell Tolls" or any other Metallica song, and do a remake of it without any guitars.$LABEL$0 +great hammer. Been using this hammer for about 4 months now and it's great. This hammer completely changed my mind about titanium hammers. The only thing I would like to see different on this hammer is a slightly smaller face.$LABEL$1 +WORLD OF WARCRAFT PLEASE COME OUT I BEG YOU. This game will be destroyed once it comes out. Ive played this game and am not impressed. The graphics are so so and its hard for you to move around. The ability to fly is the reason it gets 1 star. If your smart youll kick back and watch some anime or even play old school eq. City of heroes just does'nt do it for me.$LABEL$1 +Buy this title if you are a collector!. I'm a Madonna fan from Turkey.I try to buy every Madonna CD.Don't buy this so called remix ep.There is nothing special about it and it's too expensive.Luke slater and Fabian remixes are extremely boring.I advice you to buy the single version of this title.Dallas Austin's low end mix is pretty good and you can find this mix in single version.$LABEL$0 +How to learn any language of Mr. Faber. because I in this book the author writes to much about himself and donot fullfil my expectation no one magic formulathe only thought is study an swet blood,swet,and tears as Mr Wiston said,and profit from the waiting moments,that is all.I am sorry if I cannot expreses clearly but english is no my mother language.I will be waiting better books. bye and sorryFdo- Jorge Merino$LABEL$0 +Christmas gone Crazy. I must admit, although this book is very desturbing and some of the characters rather creepy, I liked the plot. On a "ick" factor, I'd give it an 8 out of 10. But Hey, for a novel, that's a good thing in my book. At least the characters are believable, if not Icky. The series will get you hooked.Reviewed by Rosanna Filippello Author of the Angelo Mysteries Series published by JustMyBest inc. Book One--Angel of Death, Book Two--Angelo of Justice(Angel of Truth to be released Fall of 2005)www.detective-angelo-mysteries.com$LABEL$1 +Royce Da 5'9 - M.I.C. This is the second album that I picked up from Royce. This isn't really a solo album by him, his M.I.C group is also on a lot of the songs. Don't let that keep you from getting this though.Lyrically, Royce and the M.I.C is real on this album. Its the same old Royce you know from any other songs/albums hes been on.Production wise, this album is very good, some of the beats were decent/medicore, but most were bangers. The songs I listed in my top 5 have very dope beats.If you like Royce, then this album is for you plain and simple. Nothing weak abou it!Peace.My Top 5 Songs1.On The Road2.Dope3.Gone In 30 Seconds4.Basic5.No Talent Rappers$LABEL$1 +Monster Bass Lines by Shandrleria Praematurus. Squire wrote a fist of progressive songs of the highest level, at the finest moment of the progressive-atlantic-LP era: the early seventies. The five tracks are just genius. "Silently Falling" and "Lucky Seven" show the best moment of Bill Brufford at the drums. If this would be a Yes Album, it would be between the classics, like "Relayer" and "Close To The Edge"; but Chris wanted it to be done alone, with a little help from Mel, Patrick, Bill and Andrew. Five Stars, no more.$LABEL$1 +Very confusing. Some might say that movies with little dialogue are interesting and artistic but I disagree. I was confused almost right from the get-go. I had no idea what was going on and I couldn't even figure out who the main characters were. The movie is kind of slow moving and a lot goes on but very little is explained. I wouldn't really suggest this movie unless you are one of those people who have laser-focused attention. I do not, especially when I'm at home. I do have to give props though, as the story is a very good idea.$LABEL$0 +wow. there is nothing good about this movie. we have heard the plot before. the acting is some of the worst i have ever seen. the outfits are wrong and it is filmed so badly that i do not care what happens to the rest of the human race. i think a lot of my problems with the movie was casting. theron was a horrible pick for the role. very dissapointed.$LABEL$0 +Where did all the money go?. Where to begin? How about...not fun. Bad graphics+bad gameplay+bad sound+no replay value=bad game. The saddest part is that Eidos put so much money into this game that good studios (i.e. Looking Glass) ended up shutting down. Quake II is still more fun than this! They should have pulled the plug on Ion Storm a long time ago.$LABEL$0 +Perfect fit. Worked awesome with my Coby 50" LED. Included magnetic level came in handy, being I hung it on the wall by myself. Excellent product$LABEL$1 +Pass On This. Packaging looks nice but after opening, the "laptop" part gets set aside and never looked at again, you are better off opting to buy markers, paper, etc separately - much better value. Don't waste your money on this one.$LABEL$0 +A musthave for every Omega collector/fanatic. This book tells the long history of Omega and describes all watchlines (Constellation, Deville, Seamaster, Speedmaster etc) very well. There is not much depth, but the book do give you a lot of information about the used movements, great photos and information on all watchlines by Omega. For indepth stories about how watches work, buy Chronograph Wristwatches : To Stop Time; Reinhard Meis, Gerd R. Lang or Wristwatch Chronometers : Mechanical Precision Watches and Their Testing; Fritz Von Osterhausen.$LABEL$1 +La Guzman en su mejor momento. Alejandra Guzmán está en su mejor momento en esta grabación grabada en vivo en Cancún, Méjico. LA Guzmán tine una gran fuerza interpretativa y su voz y proyección está mejor que nunca. Su set acústico donde canta tres de sus mejores éxitos es una de las mejores canciones. Esta reina de corazones seguirá reinando por mucho tiempo.$LABEL$1 +Excellent design.... After reviewing this book I must say that I'm really want to see what is going on in that design office at this very moment... ... I can't wait until someone puts together a sequel to this book... ... A superb book...$LABEL$1 +Outstanding!. Ms. Bagely is truly a gifted poet. One of her mesmerizing poems, The House That was Alive, was written for and is featured in my novel, "Even Angels Fall". After reading some of Bagley's poetry I asked her to write a poem reflecting my novel and she did so beautifully! Poetry fans will not be disappointed by her touching, heartfelt poems.$LABEL$1 +Serves it's purpose!. I've already purchased one of these before and needed a second one. The first one was for my daughter and it worked fine. The second was for my son and the training is different...but he sometimes makes a mess. It does leak through the front, but it depends on how he's sitting and how much he has to pee. You'll have to do some cleaning, but I think it's better than my son in a diaper.$LABEL$1 +Mouse & Twink - 'Out Of The Pink Into The Blues' (HTD Records). More or less, a cheesy compilation that my guess is that this CD was NOT released with Twink's approval. Too many lame-sounding covers. Jimi Hendrix's "Red House", J.J.Cale's "Youngblood", Santana's "Oye Come Va", Big Joe Turner's "Kansas City", the Stone's "Midnight Rambler" among others. Really nice cover, though. Unless you're like a total Twink / Pink Fairies / Pretty Things completist, you just might want to avoid this disc altogether.$LABEL$0 +Did you know?. Sidekick is breakable, so be careful when you carry it. Average 3 to 5 break per user.The sync by connect USB to computer, T-Mobile will charge you $30 for one-time unlock that allow you sync to MS Outlook. No Mac available.The built-in camera is great, but you will pay 25 each time you send the higher resolution picture via e-mail.Bright side, it's $30 per month for unlimited DATA plan. That's all I can said.$LABEL$0 +Tofurkey rules!. TOFURKEY RULES!I love tofurkey. I look forward to it every thanksgiving. True, some vegans and vegetarians don't even like it. I Love it!$LABEL$0 +not universal enough. Pros: sturdy, illuminated buttonsCons: those nice, sturdy, illuminated buttons don't do what I want. the pre-programmed codes were sufficient to get basic functions working on several devices (TV, VCR, receiver, DVD player), but when I tried to get this remote control to learn some other functions on my Denon AVR-3000 receiver and Sony XDR-F1HD tuner, it refused. I followed all of the tips in the owner's manual: I put new batteries in both remotes, I turned off the fluorescent lights, I moved the remotes closer and farther, I tapped the button instead of holding it, I stood on my head (just kidding). I tried dozens of times with no success. So I went to Radio Shack and bought the cheapest learning remote in the store (Radio Shack 7-in-1 Universal HD Remote Control); it learned those functions on the first try. I wish it had sturdy, illuminated buttons (it doesn't), but at least it works.$LABEL$0 +The real problem is.... Firstly, this movie does some things well. The introductions of most of the cast were reasonably good and the general plot began to develop quickly. As for the comic relief parts, some of the one-liners in this movies are better than the one-liners I've heard in most movies.The main problem this movie has is, once the main premise, ants attacking humans in an office building, is underway... the threat level never increases. As you'd expect, the body count rises, but in this movie, that is usually the result of the victim's actions.I think the writers should have spent more time trying to decide what actually happens when ants start attacking people. Aside from that, the only problem is that a central character debuts far too close to the end of the movie.It does have its good points, but ultimately, the main elements of the plot could have been handled better.$LABEL$0 +Too much. This was a compilation of all the plots experienced mystery writers have developed more fully in individualbooks. Brutal childhood psychological trauma, child abduction, dirty sex and prostitution, police departmentdynamics, even money laundering! I started out liking the book but it became all too familiar. It lacked thefinesse of Reginald Hill or Ruth Rendell or Charles Todd or Ian Rankin.$LABEL$0 +free copy for sale. Althought the book is great and I love it I found that the book is actually a free copy NOT FOR SALE THAT MEANS this copies are actually given to people and this persona had the guts to put it on sale but the book say all over in every single pages BOOK NOT FOR SALE$LABEL$0 +A Key Part of Virginia History. The VA Teachers Association was the Black teachers' organization in Virginia in the first half of the 20th century. It was central to the civil rights struggle in Virginia. This is an official history, but a lively and exciting one. If you want to understand what Black communities faced in the Jim Crow years, and the ingenuity and dignity with which they struggled, this is an excellent book to read. This organization no longer exists, having been integrated into the VA Education Association, so this book tells its entire history, from the early stages, taken at great risk, through the process of integration.$LABEL$1 +Motor burned out. From the day we got this, it was excessively loud, and occasionally had that "something is burning" smell... at first I attributed the odor to the break-in of a new heavy duty motor, but from time to time it would come back.Well, 14 months later the motor burned out making an ordinary batch of cookies, and customer service merely suggested I take it to a center for repair.I am very disappointed with this product, I think it was defective from the start.$LABEL$0 +Listening to it on and on and on and on.... This album, as has already been pointed out, is excellent. It's the kind of music you listen too when you're depressed, and then you feel really good again. It's music you can easily absorb. It flows into your brain and makes everything seem better. It's the kind of music you simply have to hum whaen feeling good. It's like non-chemical prozac.Hmm, maybe i have exxagerated my daily dose...I'm getting all excited...Maybe a bit of Aurora will calm me down.$LABEL$1 +I think that my review is good.. I recently saw Amanda and the Alien for the second time now, and I think that it is a very good movie. I'ts nice to see Michael Dorn, from Star Trek TNG in another role besides Worf. Anyway, I was hoping if someone could help me out. In the movie, the girl that the alien absorbed in the beginning, with the black hair and gorgeous figure. I was wondering if anyone knows her name, thanks.$LABEL$1 +not for me. the head does NOT travel and the fence is poor , i wanted to like this saw and had low expectations but it is just too poorly thought out for me . didnt even plug it in$LABEL$0 +cute story, but be forewarned.... cute story, but be forewarned. if you don't mind hearing the F word about 30+ times in a movie - than this movie is for you. it's a great story and i love the actors in it - but...a bit much - serious - it was a LOT. i wish someone would have warned me...so - there you go!$LABEL$0 +Very predictable movie. This movie was a real flop. It was predictable from the get go. No creativity or imagination can be found in this movie. It is not worth the 3 or 4 dollars it would cost to rent it. I very much enjoyed Legaly Blonde and was expecting a similar level of enjoyment. What a let down. Also it would seem that Ms. Witherspoon has shed enough pounds to lower herself from a very attractive woman to a gaunt stick...very sad.$LABEL$0 +Item didn't come as how picture shows. I bought my beanie buddy from the website below and was expecting to receive the toy as it showed on the website:http://www.amazon.com/TY-Beanie-Buddy-HOPE-Praying/dp/B00002SWVY/ref=sr_1_2?ie=UTF8&qid;=1243375694&sr;=1-2but somehow the toy I received was this one:http://www.amazon.com/Ty-Beanie-Buddy-Hope-Praying/dp/B001ISD42O/ref=sr_1_3?ie=UTF8&qid;=1243375694&sr;=1-3It looks totally different and the fur falls when I touch it. I think the seller posted to a wrong place, so I am disappointed and doesn't know what to do with this toy now. Amazon should be careful on whether the item was posted properly and whether it fits to the description. It wasn't a good and reliable experience for me on Amazon. Toy didn't come as how it looks like on the picture.$LABEL$0 +Returned it after a month. For a 2.4 GHz phone, the range was horrible. I got much better reception with my old 900 MHz. Also, it would be nice if the channels automatically changed when needed, since the reception was so bad (you had to change often). The caller ID was also weird in that if you picked up the phone and missed the call, that number wouldn't be in the caller ID. Overall, we were surprisingly very unhappy with the phone, and just returned it.$LABEL$0 +DOES NOT WORK ON WIN XP!. You can't give it zero star so I am stuck with giving it one... Oh well, the box is kinda nice. But Windows XP users, beware: this game will NOT work on your machine despite what it claims on the box. At best, you MIGHT be able to play for a short while before the fatal crash. I went as far as playing it for 10 seconds. My verdict, useless piece of crap! This company gets on my black list for lying about its product$LABEL$0 +FSX ACCELERATION Expansion Pack - THUMBS DOWN. Last year I had a terrible time loading FSX into my computer but was finally successful after several days.Now, for Christmas 2007, I received the Acceleration Expansion Pack for FSX and am having a terrible time with it. I drop in the DVD and it locks up my computer (DELL). I have tried everything I know to install this program but have had zero success. I do not recommend FSX or the new Acceleration Expansion Pack.How hard is it to create a DVD that will self-start and do an install? I guess too hard for Microsoft.Microsoft - are you incompetent or what?????$LABEL$0 +Pop music at it's best .... Buy it and you will be bobbing your head to catchy tunes that are a sliver of a breath of fresh air ... in these very trying times of spears and other cronies alike.This is the best Pop music ever!! Yeah!!$LABEL$0 +hard to watch. I haven't watched all of them yet, but of the ones I have watched, the quality of the videos takes away from the enjoyrment of watching them. They have poor sound and visual quality. No wonder they're cheap.$LABEL$0 +My trusty old friend. I have been using this keyboard for about 4 years now and just love it. Leave off all of the special keys, media buttons and scroll wheel and this would still be my favorite keyboard. The keys are perfectly spaced, just the right height and not the least bit mushy. I've tried several keyboards since, but never found one that matches. In fact I try to buy a couple extra whenever I see them in case one of the 5 I have in use now goes out.$LABEL$1 +A major dissapointment. I am a huge science fiction fan and heard from many people that this is one of the ultimate Sci-fi classics. So, I decided to read it. I was very dissapointed. Though some concepts were fairly interesting they were not developed, so book had no point. I cannot understand why this novel is as famous as it is. Do not waste your time reading Fahrenheit 451.$LABEL$0 +30lb puppy destroyed it in 15 minutes. After tearing through every stuffed toy we bought our 5 month old Goldendoodle we were drawn in by the Hard Core aspect of the fire hose. Within 15 minutes she had already ripped open the top and the stuffing was coming out.Absolute rip off, save your money and buy a Kong instead.$LABEL$0 +incredible well written book. i got this book and just zoomed through it because the time period of the 1700's and this book has a great story line and with a Caribbean story line and dealing with Race, Class and everything else in between. this Book goes into both main characters lives and brings them together as one. Valerie Belgrave does a fantastic job and leaves you wanting more. the book is the kind of book that you won't put down until you are finished and even then you will go back to re read a passage and make sure you read everything the way it was intended. a must have book and read.$LABEL$1 +Sony SLV-D380P DVD/VCR Tunerless Progerssive Combo Player. This was the worse choice I ever made. Let me warn you, You do not want to purchase the Sony SLV-D380P Tunerless Progressive Scan DVD/VHS Combo Player.$LABEL$0 +wrong dvd. I ordered a dvd that I was wanting but instead they sent one that I had no interest in. I wish that I had the one that I had originally ordered!!!!!!!!!!$LABEL$0 +great book. I met the captain on a charter cruise in Baltimore Harbor. A delightful man who loves to share is experience and knowledge.$LABEL$1 +simple yet enjoyable stories of revenge.... Cornell Woolrich is one of those 1940s writers who pumped out loads of pulp fiction that have by now largely gone out of print. He was a very good storyteller but only an average writer - that is, his prose and characterizations are not particularly good. 'The Bride Wore Black' fits this rule completely.In 'The Bride Wore Black' we have essentially five different murder stories with one seemingly common element: the same murderess. In the end we understand a bit more about her motive and why these victims were chosen. Woolrich also delivers a delicious surprise ending. Don't expect any subplots or side romances. This is pure, simple reading enjoyment that doesn't tax the brain but keeps your eyes glued to the pages.Bottom line: certainly among Woolrich's better books. Highly recommended.$LABEL$1 +Making It Work for My Golf Cart. Got this at a great price from Amazon. Shipping fast. I bought 6 of them so that myself and my neighbors could secure our golf carts. Had planned to run it from the pedal to the steering wheel, as the photos seemed to indicate. Discovered that it wouldn't go around either the gas or the break pedals. So, instead I ran it from my steering wheel, over the seat, to the roof pole behind the seat. Stops a thief from sitting in the drivers seat, steering the cart, or lifting the seat to get at my batteries. So, in the end, I'm happy.$LABEL$1 +this stinks bg time !!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!. this stinks because it will not open to my voice. the first day I got it I decided to put my money inside so nobody could steal it. but when i went to get my money i could not get it .so i end up smashing it open.and if decide to buy it your wasting your money . i recommend you not buy this stuipid toy.!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!thank you$LABEL$0 +Cool home-ware. Easy installation.Am always looking forward to breakfast as its easy and fast to use rather than having to tie/untie the cereal pack.Value for money.The design and colour fits most kitchen theme.$LABEL$1 +Just as Described. I was happy to know that as promised the book was brand new in the plastic. My fiance' and I will be reading this book together as we prepare to enter our marriage life. Thank you I am very pleased with this purchase!$LABEL$1 +wish I had my 2+ hours back. This is the worst movie I have seen all year. It reminded me of Solaris, another Clooney movie that left me confused and wishing I hadn't wasted the time to watch the entire flix.$LABEL$0 +Very Good Book. I liked the book, it shares important information about what we eat and even if you don't want follow a raw diet, there is information in the book that can help you change and better your eating habits.$LABEL$1 +To those who like it, you should be ashamed of yourselves.. There are so many flaws that I can't rank on them all. Buy the original SECRET OF NIMH because it's everything this film isn't, besides being well written, animated, and most important of all, entertaining!!!!!!$LABEL$0 +Awesome Camera - Awful Batteries!. I was ecstatic when I purchased this camera a couple of months ago. But was quickly dissapointed when my battery went dead before I took 8 pictures?!!! I waited to install the software because I was unsure if I wanted to keep a camera that would eat batteries everytime I wanted to use it. But I finally did, and what GREAT QUALITY PICTURES! Now the tricky part is to find a battery / chargable system thats compatible and actually works. So when I go on vacation to Disneyland with my kids, I am not worried about the life of my batteries.Instead I can have the time of my life and get great photos!$LABEL$1 +Terrible.. It amazes me that for all of his pomp and "patriotism," Mr. Hannity cannot see that by eliminating liberalism (which he classifies as part of the "evil" we must be delivered from) he is advocating a Republic form of government. Unlike Sean, I believe it's ok for people to have different opinions -- one of them crazy "liberal" ideas -- but for someone who claims his love for America with such fervency, it's ironic that he so clearly resents the most integral aspect of democracy: more than one voice. He equates 50% of the American population as on par with terrorists at worst, as opposition at best...I would argue that someone who loves and understands this country knows that the left and right are part of a system of checks and balances created in order to avoid one party having absolute power -- not enemies with clearly defined agendas of good and evil.$LABEL$0 +NO KINDLE SECURITY and this is called AMAZON?. If Someone steals your Kindle.They can one-click every book in the library of congress.Plus they can change your Kindle into their Kindle.Amazon offers no Security for your Kindle.If you do not believe me TRY To TURN OFF "ONE CLICK" !!!And they call this internet buying service, Amazon Kindle????$LABEL$1 +stepmom. I took my girls to see this movie when it was in the theater and we loved it. So I wanted to buy it to bring back those special feelings and it did. thx$LABEL$1 +Bad Buy. Purchased 11/02 - after warranty ran out, unit began eating commercial VHS tapes. After prying tape out of unit, DVD worked, but now that is bad as well - unit continues to shut down automatically. Funai/Sylvania is no help an no service local to my area in Columbus, OH?? Repair probably higher than $135 cost - junk. Ignored the advice not to purchase combos - never again.$LABEL$0 +Setup is a pain!. The instructions aren't quite clear in a few places--poor image views and very limited text that doesn't really tell you what or where. This lead me to install the front panel incorrectly, which is attached by VERY cheap plastic pins that cannot be removed without breaking them.Also, the ignition electrode has a wide flat connector which is supposed to attach to a round small wire connector. Guess what? flat pieces don't fit in round sockets! In trying to force the wire onto the connector, I broke the electrode. Cost to replace? US$12.94. The warranty does not cover parts damaged during setup.Keep in mind, I'm usually pretty good at these kind of projects. I've had no trouble building furniture, installing lights and ceiling fans, etc., so it's not like I'm incapable of following directions. Next time, I'll get a a different brand, if this is any indication of the "support" I can expect from do-it-yourself Char-Broil grills!$LABEL$0 +WARNING!. I hate everything about this CD, and I hate everything about Lene Lovitch. She is annoying and has no talent. I just want to voice my opinion and prevent people who are searching for decent cds from making a HUGE mistake.$LABEL$0 +50 cent? puh-leeze. Just a couple things, what is going on here, why is this man making any money. Hes just going out there thinking he knows how to rap when all he is doing is ssda. All these people who think they are so great, im sick of these nellies, these shagies, and now these 50 cents. Last point, I wouldnt even spend 50 cents on this album.$LABEL$0 +This thing is AMAZING!. I just got this to try and fix two brand new games I inadvertently scratched by moving my XBox 360. I was very skeptical and did not actual think this would work but the 2 games were over $50 a piece so I thought I would try. Well shock of all shocks, IT WORKED! Both of my games now play perfectly! YAY!$LABEL$1 +This is not Helmet. I love Helmet but this is not Helmet. I was looking so foward to the day that Helmet would finally put another album out and this was such a huge disappointment. Page tries to sing, much like James Hetfield of the now much watered down Metallica, and fails miserably like Hetfield. Since the rest of the original members aren't back I am not even sure why Page is calling the band Helmet. The anger and aggression of their previous efforts are soarly missed like the rest of the band.$LABEL$0 +High capacity, Looks Good, Kind of Pricey for a Black of Wood. I needed a larger wooden block for my Henckels collection since I expanded my knife set. It was amazing how expensive a large capacity slot knife block could get. I looked everywhere and saw that Amazon had the most reasonable price for $50 with free shipping and no tax. I'm happy since it compliments my knife set nicely. I'd recommend it to anyone interested who own a Henckels knife set; however, beware that your overpaying for something that probably costs $5 or less to make.$LABEL$1 +It's cheap, and it breaks. In spite of the poor reviews, I went out and bought one of these. It worked WONDERFULLY for the first month. And then one day, it just died. Sure, I'm the idiot that threw out the box and the receipt. I may open it and try to fix it. But it broke with zero abuse.Worse, the degree of amplification seemed uncorrelated with antenna performance. As long as it was on, it was working well enough. Except for the times (before it broke) when the cable seemed "loose" and the signal was fuzzy.Don't buy it. Even at the low cost, it's not worth it. Other antennae work just as well (I'm using rabbit ears right now and I'm getting 95% of what I got with this) and don't break.$LABEL$0 +Rabbit gets sticky after four years. The device works well mechanically. You should know that there is a coating on it that gives it a nice matte black finish & rubbery texture that feels good to hold for about 3 years. Then at about four to five years of age it turns sticky and will leave a black gunk on your hands; not good.I think a $40 corkscrew should last longer than four years. Buy a Screwpull or an all-metal corkscrew.$LABEL$0 +Easy to backup; hard to restore. Maybe impossible to restore. I bought this product and did a backup to my CD drive. Tried to restore several times, but the program cannot read the data it wrote. It does the backup quick and easy, but could not restore one single file.$LABEL$0 +Finally!. I have to say that while this book doesn't have the charm of the first, the eeriness of the second, the fear of the third, the adventure of the fourth, or the impending doom of the fifth (whew!) this book manages to push us further down the final path.Easily misread, I had to go over it a few times to finally see many of the clues JKR is leaving us.Great book, definitly not something you can just pick up and walk away with.$LABEL$1 +smore review. They are adorable. I gave them as gifts and everyone just loved them.Thank you for the great condition and expediant delivery.$LABEL$1 +Poor Quality Control. The buyer has to assemble this. Close to impossible unless you have tools to fix it. Screw holes weren't completely drilled. Pieces were not the same length so it did not fit together. Go with another one.$LABEL$0 +Good product. Nicely designed. Easy to install.. I bought this tach for my sons 97 civic DX (it didn't come with a tacho). Started looking out on ebay and these little babies were selling for about 35 bucks - so Amazon was a steal at 25 bucks with free shipping.Shipping: It arrived about 4 days later (kudo's to Amazon for super fast free shipping). Package was good - nothing damaged.First look: Opened the package and took it out. Came with the tach, instruction manual, and vehicle reference. Nothing complicated.Installation: This was a breeze. Went online to civic forums and they said the blue wire that my car already came with was the tach wire. Installation was so easy, took about 20 mins, I thought I did somethign wrong. I started the car up and the tach came to life. Have it mounted on the pillar to the left of the driver.Longevity: Been installed for at least a month now and no problems. Works great.$LABEL$1 +Ballsy Rock N Roll. This is a great CD. This was my first AC DC purchase a long time ago.. and I really must tell you that it rocks loud, but also it has a song on their that is just excellent.. RIDE ON.I love PROBLEM CHILD and all the other really great songs on the CD, but RIDE ON really puts the finishing touches on a really great CD, and makes it all the better.The CD yells, it cranks, it rocks and it chills out without losing any of its face value or integrity. This is really a great CD track for track, taking you all over the rock and roll map.One of my top 3 AD DC releases!!!BUY IT!!$LABEL$1 +very poor quality. this bed lasted one week. the quality was unacceptable. very flimsy and thin. my dog pawed at it and it is now in the garbage (with a huge hole in it). i was not expecting this to last forever but at least more than a week. i want my money back.$LABEL$0 +Where Has All the Talent Gone?. Forget "Where Have All the Cowboys Gone". Where has Paula Cole's talent gone? Except for the opening track, it's not on display on this disappointing, forgetable cd. It's nowhere near as good as THIS FIRE.Sorry Paula, but this stinks.$LABEL$0 +Doesn't work at ALL and isn't as shown!. First, the clock doesn't have the nice black face with lit up digits, it has a BIG blue screen blasting right in your face, with black digits. Second, mine didn't work at all, completely DOA! It shows all the digits, turns to garble then goes completely blank. Its then my responsibility to not only send the POS to the manufacturer, but I have to include a check for return postage! Cheap construction. Can't tell what the crescendo alarm is, as it doesn't work!$LABEL$0 +Fantastic. I thought this film was great and very well done and Julie Christie certainly deserves the Best Actress Oscar, I would reccommend this film to anyone.$LABEL$1 +Wow, this sucks.. Well I got this because it was my first guitar. I have to tell you straight up that this sucks. First of all the strings were way to crappy. Like made out of plastic, and they were way to hard to tune. If you tune this it comes out of tune in no time. The case rips very easy and the strap breaks easy as well. The pick's are very bad, they are way to big. The extra strings are no better then the ones of there. I have bought another guitar from Guitar Center and it was amazing. Worked perfectly and it was cheap too. If you want my advice, save up and buy a good one from Guitar Center, because this is crap.$LABEL$0 +Did Not Last. This modem only lasted about 3 months. I did buy it used so I can't complain too much. But I was hoping to get a little more life out of it. If you are a Comcast customer I recommend purchasing a newer model. At least that is what Comcast tech support recommended.$LABEL$0 +"Autobots, Transform and Roll Out!!!". Rhino has finally come through with a proper DVD release of one of the greatest cartoons of all time, The Transformers. Here you have the first 16 episodes on three discs, plus a forth disc of extras. The discs come packaged in a terrific looking silver case. Unfortunately, getting the discs OUT of said case is quite a challenge...to say the least. But once you do, you will be blown away by the excellent picture and sound quality of these digitally-restored episodes. The colors are rich and vibrant; the dialogue and background music crystal clear; the many laser shots and explosions ROCK! The extras are exceptional as well - especially the clips from the Japanese version of the show. This set is definitely a MUST BUY for any animation fan. ...So, Rhino, when will Season 2 be available? ...And how about G.I. Joe? ...He-Man?? ...ThunderCats???...$LABEL$1 +One of the most helpful self-help books I've ever read. Two different people recommended this book to me last fall, saying that it had really helped with their physical problems when nothing else had. I bought the book and was amazed at how easy the exercises are and how quickly I began to carry my body differently and feel better. I've bought several copies to give to friends and all who have read and been doing the exercises have been helped, no matter where they were hurting.$LABEL$1 +Nice Moisturizer. I used to use all the standard big brands we are told by ads are good for us and something we need. After being tested I found I was high in some of the chemicals other brands include so I wanted to find something that still works but doesn't add to my toxic load.$LABEL$1 +Reliable and Simple. Been using this for the past week while cycling my tank. Has been giving accurate readings so far (I compared them to the readings my local fish store gave me). This is the first tank I've ever owned and I was nervous this test would be difficult, but it's actually very easy. I would highly recommend to anyone. Ammonia is one of the most toxic chemicals that is produced from fish waste, so the ability to monitor it is a great asset in maintaining a healthy aquarium.$LABEL$1 +Great for nails and cuticles. This Trind nail balsam is a wonderful healthy treat for your nails. I have been using it for about a year. I have seen a difference in my nails and cuticles. It just soaks right into my nails and cuticles giving them the moisture they need. Highly recommend it.$LABEL$1 +Very Overrated. Why does everybody rave about how great this game is? I really don't think it is so wonderful. It gets boring after you play it for ten minutes. This was a waste of money.$LABEL$0 +small small. You have very little room in this case, just enough for the camera without the adapter, no room the sun shade. difficult to close and the zipper not sturdy$LABEL$0 +Hole Saw. The item (Milwaukee hole saw) was a very good item to add to my tool box. I have used it several times. Performed very well.$LABEL$1 +Product expired two years ago!!!!. I ordered Phos-Flur about two months ago and I was quite satisfied with the product. Since I moved to an area where water is not fluoridated, everyone at my family started having cavities, some of them for the firts time in their lifes.Sadly, I placed the next order from John Alexander Upperman through Amazon, and this order came in a different bottle, tasted different, and more importantly IT IS FROM A LOT THAT EXPIRED IN 2010!!!Being this a health product intended to be put in one's mouth, selling a product that's expired years ago is dangerously irresponsible. I used it a couple times before noticing the expiration date, I hope it doesn't have any adverse effects in my health. At the very least, it is likely not to be too effective given how quickly the active ingredients react.$LABEL$0 +Expensive and didnt' work for me.... I tried Heather's Tummy Fiber. It made my IBS worse. I had more pain, cramping, gas, etc. and I gradually increased the amount. Also I found it expensive. I am now taking Fibersure. It has 5 grams of soluble fiber to a heaping teaspoon and its alot cheaper than Heathers. (And with Fibersure, there is a money back guarantee if you are not satisfied). I dumped what was left of Heather's tummy fiber down the drain.$LABEL$0 +Kensington Stereo Dock for IPod. I did not head the warnings from previous reviews. The IPod Stereo Dock does not work with the 5th generation IPods (IPods with Video). It freezes the Ipod or resets the Ipod, as well as scrambling the album covers.If you have an older Ipod, it works fine. But do not buy for the current generation 30/60GB Ipods. Kensington sent me 2 replacements with the same problem. They have no fix for the problem.$LABEL$0 +Pretty good. Pretty representative of Walter's career. He directed this himself, so it is exactly what he wanted the public to see$LABEL$1 +Great Gift Book. "Up To No Good" is a perfect book to give to your own sons! My two teens laughed as I read some of the stories to them. Of course they tried to act like tuff guys....but, looking at the pix just rolled those laughs right out of them. Especially the pig!And as a mom, I feel a huge sigh of releif. Maybe my guys too will be "good men" & can look back on some of their pranks that I take too seriously.Good clean fun with the interesting photos to prove it.Thanks for your interest & comments--CDS$LABEL$1 +Great loafer. I LOVE this shoe and hope that Franco Sarto keep making this classic style. My only complaint is that the sole rubber is soft and can pick up little rocks from time to time. I wear this shoe every day and they typically last 8 months to a year. Not bad for a $60-70 shoe.$LABEL$1 +Junk Electronic Speed Control. Hi,When it is working, this appliance is great, but in the last 3 years, I had to replace the electronic speed control three times. The funny thing is that KitchenAid, doesn't even carry it as a spare part, (I guess they would rather sell you a new mixer all over again :) )The first time, I really did scramble to find one from a third party and it cost me U$ 67.00 with shipping.Speed control #2 did last a little less than a year and I just had to replace it again.This last year, my wife used the mixer maybe 5 times. This time, I got speed control #3through Amazon.com for U$ 38.00.The electronic on this mixer is made from the cheapest components money can buy; it seems to degrade slowly by itself even if it isn't being used.....It is a far cry from the rugged unit KitchenAid is marketing. Good news; 2 years after installing unit #3 our mixer is still going...$LABEL$0 +Too expensive and unnecesary since your flowtron does the work. Despite the fact this octenol attracts somehow the mosquito, its unnecesary, and too expensive. Dont buy it, the bulb light does the work$LABEL$0 +kerasilk. I have used Kerasilf for years. It is pricey but your hair is so healthy when you use Kerasilk products.$LABEL$1 +What a disappointment. What I thought was a book on the history, food, and culture was infact a book on the intricate details on the mafia... This book is a diservice to the already narrow-minded people who think only of mafia when they think of Sicily. I want to learn what makes Sicily what it is. I was even more disappointed that the mafia wasn't left out of the art scene. The author has done his research on the history on the mafia, but if I wanted a book on the mafia I would have gotten one. Perhaps he should rename his book, 'The Sicilian Mafia And Everything It Permiates'.$LABEL$0 +Fiona Joyce, Lifting the Veil. One of the most consistent high quality Celtic singers. This is almost as enjoyable as "This Eden".$LABEL$1 +Blah.... Blah... Very boring!! Blah is the best way to discribe this awful movie!!! Have your time and money, do not purchase the lame movie!!!!$LABEL$0 +Disappointing!. I love Lea's voice, but this CD is cheesy. She can't sing pop. Her voice is for Broadway only.The songs that are like (not love) are:It's Just GoodbyeThe JourneyWe Could Be in LoveI Honestly Love YouThe rest I just skip.Don't buy it. It's cheesy.$LABEL$0 +Pretty good card for the price. Do yourself a favor and download watchHDTV and use it instead of the ATI software. Only drawback to this card is the terrible software that comes with it.$LABEL$1 +Lukewarm. The performances were good but the plot of the movie seemed to be bogged down. I am not sure I see this as worthy of Oscar nominations except for the performances.$LABEL$0 +Not sure.... I'm about 100 pages in and I can't decide whether to keep reading or not. I was really expecting to be totally enthralled with this book as a result of the description and the reviews but so far, I can't get connected to the story or the characters. I find the concept of the book fascinating but ultimately, I don't find the characters engaging and in some ways it all seems superficial or contrived to me. At the same time, I keep believing that if I stick it out a little longer, I will find it more compelling and that I might miss out on a good book if I give up. My philosophy has always been that I would rather walk away from a book I'm not enjoying or gaining anything from in favor of others that I would find more satisfying. With this one, I'm very torn. I think I may ultimately move on to something else. That being said, if the description interests you, I would recommend giving it a chance; maybe it will speak to you more than it has to me.$LABEL$0 +My 2 don't like this one.. Neither of my toddlers like this toy other than to stand on top of it and jump off. I must admit it has held up well under this abuse. Although it has several catchy tunes and blinking lights, they care nothing about spinning around on it.$LABEL$0 +Awful. We used this once and we are ready to throw it away. It was an awful mess and the waffles stuck to the waffle iron... It wasn't worth it at all. I threw away 3/4ths of my batter because I didn't even want to finish.$LABEL$0 +Happy Camper. Set up was as easy as promised. And it does what I want it to do which is to store mostly graphic files as well as Photoshop Elements. The only problem I've had is setting up a filing system that makes sense to me. When it's installed, it's completely blank, so if you don't set up a filing system, you'll find that you're spending a lot of time looking for files. Even though I've complained for years about how MS Windows has set up the file system on my hard drive, at least it was a system. Other than that, it's been great to have and moving large files over to it has made my C Drive work more quickly. I'm still learning, so I'm sure that I'd have more things to say as I work with it some more$LABEL$1 +Woodburning. Good item. Used it the first day and it heats well and has good tips for different types of burning.$LABEL$1 +A poor piece of writing. I'm sorry. This book has nothing going for it. None of the characters are believable. The story line is simplistic. It is writing by the numbers. Again, I was fortunate to have been given this book to read by a friend, but he did me no favors and so I am using this space to deliver that message to those who want to know whether they should shell out good hard cash to buy this book. Don't. The message is just that simple.$LABEL$0 +Kittymom. This was hard to find and getting a VHS in great shape was a challenge. However the seller was wonderful, provided a tape in excellent shape and sent it quickly. Couldn't ask for better than that. Thanks.$LABEL$1 +A Must For Digital Cameras. If you have one of the Kodak Digital cameras that this AC adaptor is compatible with, then get it. It is well worth the money. It saves you a lot of hassle recharging the batteries on the camera, when you could be using this cable.I like to use it when I am viewing the pictures on my tv, using the slide-show format. Isn't that a great feature? It's a great new way to share your photos with a big group of people. Anyway, if you have one of these cameras, then spend the extra money and purchase this, you will be happy you did.$LABEL$1 +Too small. Read the dimensions of the glass prior to ordering and what I received was significantly smaller. Now I have to return.$LABEL$0 +Not Just For New Workers. Work 101 helped me to see how I could network more effectively and how I could use the opportunities I now have at work. For example, I never thought about how to use meetings to my advantage. I suppose I always assumed that just being good at my job is enough--but not how to let my supervisor know that. Work 101 has lots of useful suggestions for someone who's been in the workforce a while as well as for someone just getting started in a career. The writing style is engaging and entertaining.$LABEL$1 +flatulent. Flatulent.a movie chock full of fortune-cookie spirituality. An overly rich, self-absorbed, self-indulgent American woman goes off to the "mystical east" to "find herself", leaving a trail of destruction in her wake, good life and a good husband.what dreck! This is what passes for spiritual discipline?I watched 80% of this trash before turning it off.I am sure that after Julia Roberts ate that pizza, she forced herself to throw up off camera.$LABEL$0 +Very Nice product for such a good price. Its convenient to use, no risk of cuts as in razors and hair growth after use is very soft as compared to razors. Cleaning and handling is also very easy, i have found this product to be very confortable to use compared to other methods. Would definitely recommend this to my friends.$LABEL$1 +I gave it away... I just didnt find it all that appealing when i got it. My mistake for ordering it. You would be better off buying a small cooler and the board game.$LABEL$0 +Complete waste of money. Planets do not move. Faulty motor that makes a horrible screeching sound but does not move the planets. Got this for for my girlfriends 6 year old child who has cerebral palsy and who loves space. Can't tell you what a disappointment it was. Do not buy this product.$LABEL$0 +Fantastic Photography of World Class Custom Knives.. I love every picture in this book series! If you can only purchase one book on custom knives this would be it. Beautifully photographed by master cutlery photographer Jim Weyer. Each page brings out the knife artistry with wonderful color, detailed settings and perfect lighting. This is a excellent book to have in your personal 'Knife Library' or as a table book to show friends the beauty of custom knives. Stunning!$LABEL$1 +Awesome!!! Preview Disc. First of congrats to Nintendo, The preview disc is the best disc that Nintendo has come out with. It has great demos and movies of the years best upcoming games. To anyone who does not have a gamecube yet, I recommend that u purchase one and u get the preview disc for free, its a great deal and its worth itPlus it has a bonus demo of the most hottest game coming out this year SOUL CALIBUR II!!!!!!!!!!!!!!!$LABEL$1 +This book lacks substance. This book needs a new revision. The content and format are OK but I don't think they did a good job of matching up with the exam requirements. This book will not be your only resource if you are to pass this exam the first time. Also remember that the quetions in the bok are not representative of the exam. The probem is that there are not a lot of great resources for this exam but you should consider a different one because this one will leave a lot of unanswered questions.$LABEL$0 +LAWRENCE JONES - LAY THE LEAD TO THEM. Independent Cyber-Punk/Industrial Rock act THE S1ND1CATE named a song after the miner who lost his life in Harlan County. The track is from their newest release RELOADED, and is called "LAWRENCE JONES."You can check it out on their page here:Reloaded$LABEL$1 +The First Christmas Morning. I am a huge fan of Dan Fogelberg! Unfortunately, I had no idea he had come out with a Christmas album until I heard a cut on the radio which was well into the season. I was as usual "blown away" by his talent and immediately had to purchase the CD that same day. You will have no regrets if you add this to your holiday collection -- it is truly a beautiful work of art.$LABEL$1 +RIght on Time. The Timex Travel Alarm Clock works great. It's pretty small and compact but not too tiny where you can't see anything. The ringer is loud enough and the time is fairly easy to read. The only downside is it does not have an LED back light to light up the time. Instead when you push the light button it shoots a tiny light onto the screen. Kind of a trippy set up but it works fine. I recommend it if you just need a basic alarm clock to wake you up.$LABEL$1 +Great Guide. This book (and series) is among the best travel guides I have ever purchased. Well written and detailed recomendations by folks who have obviously spent a lot of time in the Hawaiian Islands. You will see people all over the islands with this book in tow!$LABEL$1 +Waste of Time.... This is the first Dunwich book I've ever read, and I'm not sure I'll be picking up another one. My main problem with this book is the bibliography. She cites her own works and very few others. Where does she get her info? I have no idea. The spells were silly and a lot of her writing was very fluffy and not that original. Save your money on this one, if you have to spend more than a buck, it's too much!$LABEL$0 +Schumacher - Fooeymacher!. This guy could ruin Casablanca. He is horrible. Only he could make Cage look like he had just read the script fifteen minutes before the shoot. Schumacher supposedly made a couple of Batman film too. Batman? Ha ha ha. Tim Burton did the only true Batman movies. This guy is just another cheesy Zemeckis clone with an MTV soundtrack and a couple of marquee names. On the plus side, James Gandolfini puts in a really solid performance as usual. There is about four minutes of film worth watching here. Bite me Schumacher. Divide up the bloated budget between three dozen film school grads and let something worth watching be put to film.$LABEL$0 +Disappointment Compared to the First Two. I totally agree with "Barry" a previous reviewer who nailed this on the head. The original Carol and Mike Brady actors from the first two film saves this from sinking like a lead pipe. The girl who plays Marcia is good, Jan ok, but the other children are completely mis-cast. The actor who plays Greg acts and looks more like Peter. Peter and Bobby simply share no resemblance to the true characters and have few cameos because of it. I thought the first part of the movie was confused and strained. Better plots are available. Some of the original series plots are brought forth, but never really captitalized on, except for the "slumber party" which was well done. This attempts to be as funny and comedic as the first two films, but fall short in depth and cleverness. Fans will want to see it...but take my advice and rent.$LABEL$0 +A Gem!. Truly a marvel of movie making...it's so nice to be reminded of the possibilities of what a film can do. This movie is always a delight to watch for it captures the viewer in some kind of magic as it fully absorbs and entertains one with the stuggles and comedies of human existence...E.M.$LABEL$1 +A Cute Little Inspirational Movie. I do totally agree that its about time somebody made a movie about marching band. All these cheesy teen movies about high school football stars drive me insane. There was some good stuff in it.... while I didn't feel it was all completely realistic, that didn't necessarily take anything away from the movie. although I must say, if you found this movie to be the least bit interesting or entertaining, you should definitely check out Drum Corps International (DCI). If your not into paying 98 bucks for the finals dvd, PBS is broadcasting a show about finals in most states right now, and it should be in the rest by thanksgiving. That is some incredible stuff that anyone can enjoy if you take the time to find it.$LABEL$1 +Works great as expected.. The wire with all the casing was a bit thick, so the holes I needed to drill to install surround speakers were a bit bigger than I wanted. Perhaps I just thought it would be thinner.Great Speaker Wire.$LABEL$1 +didn't last. I have many Kitchenaid products. I've loved every one of them and had no problems. So when we went to buy a new coffee maker i insisted on this one to match my kitchen, even though my husband thought it was too expensive. I talked him in to it by saying kitchenaid lasts forever and we won't need to buy another one of these for many years to come. He finally agreed. this worked great for about 2 years and then i got an error3 message on the computer screen of the pot. I turned it off and on like the manual said to do. then i got a new error message, error2. according to the manual that meant the computer was shot in the coffee pot. I couldn't believe it. I was very disappointed. and my husband is now doing the "i told you so"! :($LABEL$0 +best i have used. I have had all the various juicers and this one is a work horse performed so well I have given away all the other juicers I usedIt is the only single gear juicer that the auger is offset to accomodate carrots and other vegetables the other single gears cannot accomodate because the auger is directly under the feed tubeA+++++++++++++++$LABEL$1 +Sound and fury signifying nothing. Really a waste of time. Full of pumped up editing and music, but, ultimately highly predictable, right from the plane crash. There are far to many layers of plot, and needless complications. And the ending is an absolute cop out!$LABEL$0 +Worth every penny !!!!. If you buy the Mantis, buy the weed reducers as well. You will never be sorry for either. I had netting from sod planted a few years back. What a nasty mess but the weed reducers worked. I wouldn't use my Mantis without them.$LABEL$1 +Ronnie Baker Brooks - Great Debut Album. Ronnie is the son of Chicago blues legend Lonnie Brooks and "Golddigger" was his debut album. If you like fiery blues guitar with more than a hint of Hendrix this album should appeal to you. Brooks' father and Chicago mainstay Jellybean Johnson both make guest appearances here as well. Brooks mixes traditional blues with a little funk, some soul and a good dose of rock to make a modern blues album in the Chicago tradition. Brooks is a fantastic guitarist and a solid vocalist and with songs like "She's A Golddigger" and "Stuck On Stupid" it is clear that his songwriting chops are top notch as well. For a debut disc, this one is very good and should appeal to anyone who enjoys modern guitar based blues.$LABEL$1 +left a green ring around my finger. I thought this was a absolutely cute ring when I took it out of the package, I was later disappointed when I took it off and noticed the green ring left on my skin, I can't wear anything but sterling silver so I question if this ring is real or not..still a cute ring but I can't wear it$LABEL$0 +Wonderfully Evocative. In this book you are immersed in Paris during the occupation, you feel, see, taste, and experience life in this wonderful evocative portrayal of war time Europe.Alen Furst is a master of the gritty espionage thriller of period world war two. The story of movie maker Jean Casson, hedonist Parisian playboy, and his struggles to live and survive while his world collapses is intriguing and whole engaging, the only lapse is the story doesn't have a strong plot, it wanders and then ends... c'est la vie.$LABEL$1 +great product. against advice the FIRST battery tender I purchased was from a local place and the reviews were not so great but being impatient I bought it and paid the price of not buying the best. 2 months later the product stopped working and another dead battery. Even when it did work, the car sounded like it wasn't getting fully juiced on start. So i finally ordered the Del-Tran Plus, hooked up to a dead car to see what the hype was about. The next day the car fired right up and sounded like a brand new car, not a 10 year old garage kept ride. I have been nothing but impressed and would highly recommend it.$LABEL$1 +Does the job!. I purchased this cheese slicer a couple of months ago and love it. My daughter-in-law raved about it so I purchased this one for her.$LABEL$1 +Come Again?. I'm a real Bond fan. Seen every one ever made and have all of them in my collection. I like Brosnan and the Bond Babes. But, yes but. This movie just seemed lame. The bad guys were really bad but not very believable. The special effects were special but not that special. An ice hotel? Dueling super cars? Trans-morphic DNA cloning? Bond getting caught? Give me a break. Never happen. The producers and director seem to be losing the magic formula and trying to make up for it with flash and glitz. I hate to say it but you can skip this one unless you are really bored.$LABEL$0 +total Dream Theater ripoffs. It is not unfair to compare this album to Dream Theater, because it is entirely and completely a ripoff of the "Images and Words" sound. If all those tired generic progmetal tricks still turn you on, maybe this album will be OK for you. But in my view there is much more important stuff on this planet: Arcturus, Opeth, Nevermore, Mekong Delta, Therion,... Dream Theater themselves for that matter.$LABEL$0 +The Boys arew Back in town!. The SAMCRO members arrested at the end of Season 3 are out. Jax has a new haircut and attitude, and Clay is getting downright MEAN! Get the whole season, since each episode will have you wanting to watch more!$LABEL$1 +I can hear it now. I had 3 alarm clocks that I couldn't hear without my hearing aids. This one screams louder than Jamie Curtis :-) and I get up when I need to. Not late to work anymore. By the way, It arrived quickly and I am pleased with the good service.$LABEL$1 +Love it!!. We bought this gate a few weeks ago because I am 9 months pregnant and have a large chocolate lab that I do not want going into the baby room. However, I did not want the door to be shut all the time either. So we got this gate because I wanted something I could easily get in and out of without the hassle. This gate is great!! It was really easy to install and it looks great as well because of the clear sidings, it doesn't take away from the room at all. I also have a 2 1/2 year old stepdaughter who has not managed to get in or out of the gate, even with a little push. So I am fully confident that this gate will do the trick. I highly recommend.I only gave four stars because we haven't had the baby yet, but I do not anticipate it getting worse...only better!$LABEL$1 +Rent (1996 Original Broadway Cast). All of the exhilarating music written by Jonathan Larson for this amazing musical is captured on these two CDs, which come with a complete lyric book. The performances are simply astounding. This CD set is a must-have for any fan of RENT!$LABEL$1 +HARRRY POTTER IS THE BOMB!!!. I loved the movie, but that was in part to the books. If you haven't read the books, don't see the movie because you can't really get as in deapth with the characters in the movie like you can in the book. I noticed that in the movie they NEVER said hedwig's name! It really got me going......(i'm a harry potter fanatic!!!) I can't wait for the fifth book to come out, but i can wait for the DVD cuz of all the extra stuff!!!...$LABEL$1 +Great documentary. Never Sleep Again is a great documentary for fans of the Elm Street series. Lots of cast and crew interviews. Just very cool. If you love Freddy I highly recommend this documentary.$LABEL$1 +Epic.. This is the most recent DVD release of this film. The picture has been restored to a spectacular crispness so, you don't need to worry about missing anything. The film itself is on the first 2 discs, while the third one has some cool bonus stuff. There is also a booklet, which has a short chronicle of the filming process and the last documented interview with Toshiro Mifune. There is no English dubbing, just subtitles but, that's how it should be. I am glad this film is in such good condition because, as Kurosawa said "It is wonderful to create".$LABEL$1 +He went out on a high note.. I enjoy these two discs for much of the same reasons that I prefer Billie Holiday's later music. Sure, both of their voices had lost what range they had once possessed. Yes, their voices cracked and were off key much of the time; victims of the addictions which eventually claimed both of their lives. But like Billie, Chet Baker's voice developed an emotional level which often bordered on the scary. Just listen to him on the two versions of "My Funny Valentine" presented here, and see if you don't find yourself wiping away a few tears. Mr. Baker's trumpet playing, however, never seemed to fall victim to his addictions. If anything, its beauty only continued to bloom. The concert presented here was recorded only 2 weeks before the artists death and features the wonderful NDR Big Band and Radio Orchestra Hanover. For the pure emotional impact of the music, I highly recommend these discs.$LABEL$1 +Underwhelming. This toolkit devotes most of its space to stuff you'll rarely if ever use. Most of the tools are unnecessarily awkward to take out and put back in. The picture is also not an accurate representation of what's included.$LABEL$0 +Do Not Buy This Version of Metropolis. This is a great movie that Hollywood Classics has done the dis-service of putting out in their collection of DVD's. Sadly, this was my first time seeing the film from beginning to end, and I couldn't do it. The transfer is from a tape (a poor one, at that), the sound is garbled, and is too painful to watch with the lousy video quality. Hopefully, Criterion will do it right. Until then, do NOT purchase this version for anything but a drink coaster.$LABEL$0 +Junk. Will not work on 2008 tundra, keeps slipping even cut off the 67mm so the 65 fits all they way still slipped, put a hose clamp around it to keep it from expanding, still slipped, don't buy,,,,$LABEL$0 +There are many Sabatier brands. Henckels is Henckels and Wusthof is Wusthof, but there are many different Sabatier brands. Lion Sabatier is not Elephant Sabatier is not Cuisine de France. The mark goes way back and has been broadly licensed to a number of cutlery manufacturers.$LABEL$0 +Buyer Beware!. These are NOT San Marzano tomatoes - they are grown in the USA. They are not only expensive, but OVERPRICED. This is nothing more than deceptive and false advertising. The company should be ashamed of themselves. If you want real San Marzano tomatoes you need read the label carefully.$LABEL$0 +Lucy: Very Funny Episodes. These episodes are sooooo funny. You will fully enjoy these.The first Lucy is really funny. In "Lucy is Envious," Lucy's wealthy school mate, Cynthia Hardcourt, is working in town. Lucy lies about that she gives a lot to charity and gets herself in a jam. She has to get 500 dollars! She is paid to work as martians from outer space. They get get 500 dollars, but Ricky and Fred pose as martians as well to scare Lucy and Ethel. The second episode, "Lucy Tells the Truth," is when Ricky makes a bet that Lucy cannot tell the absolute truth for 24 hours. Lucy is forced to not fib and makes it, barely, after Ricky gives in.Get these episodes. They are worthy of five stars.$LABEL$1 +Problematic, Offensive Film. Stylistically this film was interesting. HOWEVER. This film is seriously problematic in its portrayal of a trans woman. I didn't even buy that Veronica was trans. Her identity seemed based around clothing and surgery as opposed to an actual gender identity. One reviewer talks about this being an accurate portrayal of a trans woman or representative of the trans experience? As someone who is trans and has many trans* friends, I have to strongly disagree. This film manages to hit every unrealistic stereotype about trans women. I wonder if anyone involved in the making of this film was even queer.$LABEL$0 +I've never had luck with Sony products.... There's little I can tell about the 818LP because my set...broke down after roughly 2 months of use.Other than that, I think that in terms of sound, they're worth the price but for a price just a bit higher you can get the Koss Spark Plug earbuds which outperform the Sony 818LP in ALL ASPECTS. The foam covers are not only difficult to put on, they fall off in an instant, mine lasted one week and one has gone missing, making the other one useless as there is no spare set included.Generally, I'm very disappointed with these earbuds, I expected more from Sony...MUCH MORE, but - just because of their sound - I give them 2 stars...$LABEL$0 +Works great.. I bought this Wii Wireless Sensor Bar because my cat chewed through the wire on the sensor bar that came with the Wii. This one runs on batteries, but at least there isn't a wire for the cat to chew. There is a timer you can set so the bar doesn't stay on and using up the batteries when you're not using it. One night my husband played the Wii before bed and after we'd turned out the lights and gone to sleep the alarm on the sensor bar went off - it was loud enough to wake us up and the Wii is in a different floor of the house than our bedroom. So turn that off when you're done if you don't want the alarm going off.$LABEL$1 +Reinforced tab makes them a bit more sturdy. These are a good choice for file folders which might get handled a lot. The reinforced tabs make them tougher than the usual plain folders. The only downside is that they are not great for turning inside-out for re-use if that is something you often do.$LABEL$1 +Elvis fights masked cowboys in a western ghost town. In this movie Elvis fights masked cowboys in a western ghost town. I liked the mud wrestling scene of the cowboy in the black hat$LABEL$1 +What a mistake. I purchased this toaster and I hate it. It takes forever to toast anything and never comes out the way it should. Like many items, it looks good, but doesn't work well. It is far too expensive for something that doesn't work.$LABEL$0 +Tinkerbell Seat Cover. Excellent product. Fits well and easy to clean (we have a six year old boy). Very happy!$LABEL$1 +Another warning - avoid this purchase - wasted money.. Well, I thought I'd purchase this CD collection in hopes of learning much more about contracting... Problem is, most of the data on these CD's are way outdated (2003), so more than likely when you click on a link in the pdf files you'll come up with a dead link. quite frustrating. Another issue that bothered me was that the data DOES (as the previous reviewer mentioned) is simply provide screen shots to government websites. Um, WHY the hell would you want to pay for outdated info when you can visit the sites directly and get correct info...Anyhow, my advice matches the previous reviewers...AVOID this purchase. Do the research yourself.$LABEL$0 +Great book if you like touching stories, needs a larger sign dictionary. I started out with this book when my daughter was about 6 months. She has some language delay but started picking up some signs by 13 months and by 15 months she was picking up new ones daily (she couldn't speak any words). unfortunately, this book doesn't have a very exhaustive list of useful signs so you will have to get a different one eventually.$LABEL$1 +A Captivating Book!. This book is 294 pages of captivation! Your interest stays with you throughout the book. I found myself unable to lay the book down! Lynn Chandler-Willis does a great job in telling this unfortuante story. Her chapters are descriptive enough so that it's easy to invision what you read. For anyone looking for a true crime story to read, I highly recommend this book! Also included are 8 pages of black and white photos. It was such a good book that I hated to see it come to an end.$LABEL$1 +Excellent. I had forgotten just how good Pat Benatar was, and this album reminded me. I never bought a Pat Benatar album before, but had enjoyed many of her songs growing up and when i saw this compilation, I got it, and have listened to it several times since.You can see and listen to the play list up at the top, so I won't talk about that, suffice to say that all of her top 40 singles are on the album. There is also a brief history of her life which I found interesting to read, including her first husband (which is how she got the name Benetar), and the fact her monther was an opera singer.The other thing I took away from this album is a much greater appreciation for her talent. The woman really could sing, in stark contrast to a lot of the acts of the '80s that were all image. This performer had talent and I am glad I am finally able to recognize it.$LABEL$1 +MY PHOTOS LOOK TERRIBLE!!!. We have had our hp Photosmart 7760 for just 7 months and already my photos look TERRIBLE!!! The blues are turning green, the flesh tones are fading to white and the entire photo takes on a sickening yellow tone.I AM BITTERLY DISPPOINTED!!! The pictures are SO BAD that it is NOT WORTH spending the money for the ink and the photo paper.HP's solution was to use PhotoShop to add a Sepia Tone to the pictures -- YEAH, RIGHT -- then I'll have YELLOWISH-BROWN PICTURES!!!$LABEL$0 +Disappointing.. After buying this book based on the reader's reviews here, this reader was left disappointed.I found that this book was not so much a statement on the times we live in as an excuse for flashy look-at-me-I-went-to-writing-school excesses.The heaps of gratuitousness in this book did not impress me. Nor did the thin plot.I would have much rather spent the time re-reading "The Picture of Dorian Gray".$LABEL$0 +Jeannie Going Strong. I bought all five seasons of "I Dream of Jeannie" and found them extremely enjoyable. Delightful viewing. I only wish there where more!$LABEL$1 +Stunning. I had a pear shaped .41 ct Diamond placed in this setting over a year ago. I wanted a ring that stood out from the rest and had a little color to it. I get compliments all the time and I could not be more happy with my beautiful ring. When I am bored, waiting for appointments and such, I sit and watch the light play off the Sapphires and Diamond. The deep blue Sapphires seem to make the Diamond literally GLOW bright white. All I can say is that it is a truly beautiful setting for people who want a little personality to their engagement ring without being tacky.$LABEL$1 +great pulley. heavy duty, and very smooth. I bought a pair of these to hang from my celing in the garage to hang weights from for doing lat pulldowns, triceps, etc. my only complaint is that it is hard to get the pin back into its hole after removing the wheel from the housing to put your rope or cable through. i ended up putting it in a vice to hold it together while i got the pin through, but that is the last time i will have to do that, so not really a problem for me.$LABEL$1 +Mindnumbingly Boring!. I too picked up this book partially because of the King quote and what sounded like an interesting plot. Boy, was I dissapointed. 4 vacationing Americans make friends with a group of foreigners and on a whim decide to help find one of the group's missing brother who left on a supposed dig on "ruins" in the middle of the jungle, but has yet to return. What follows is page after page of whining and stupidity. I actually hated all the American characters, who barely have enough brain power between them all to walk up-right. The Greeks they meet are actually creepy. The only person I liked was Mathias. Midway through the book I was praying for someone/something to just kill them all already so I didn't have to hear any more complaining or stupid ideas. Horrible plot, way too slow, characters no one should like and the most intense part for me was trying to finish the book so I could move on to something worth my time and the paper it's printed on. SKIP IT.$LABEL$0 +Piece of junk. This item does not zap anything. I wish I had my money back. Amazon should be testing products like this before selling them.$LABEL$0 +Cute. I have a friend who shows Newfies. This book explains lots and lots of the ring process. It does not explain the constant goobies and hair all over the place... Who did the editing? Periods should be used at the end of sentences. Your is not you're and should never be used as such. Would have had is correct, would of had is incorrect.The best thing about this book was the beautiful picture on the front cover.$LABEL$0 +The beginning of the greatest band that will never die. For the most part this album this album is one of the greatest pieces of music ever, with little exception. The End may be the ballad of all rock songs and blows away anything that the Beatles ever did to shock the audience, simply because unlike Lennon and the rest of the Brits, Morrison was always that messed up and it was always real to him.$LABEL$1 +my son loves these guys!. My son is 5 and he is a sonic fanatic! I only allow Game Cube on the weekends as he would sit in front of it all day if I let him!!! He now gets his fix through the week playing out the game with these figures! He even brings them in the tub.$LABEL$1 +Best Lord of the Rings game. Everyone who played the Two Towers yearned for 2 player longer levels and more characters, and EA happily responded. First the graphics are pretty darn good, except the in-game characters' mouths don't move, but that's my only nitpick with the graphics. The sound is spectacular, exactly from the movies, which is pretty cool, and the voice acting is great with the actors from the trilogy lending their voices(watch "Hobbits on gaming." It's downright hilarious!). Controls are precisely lifted from The Two Towers, not that it's a bad thing. My only complaint with this is that even with 15 levels, it's a tad too short, enemies can stop your combos way too easily, game can get intense and hard, even on the easy difficulty. But they're only minor complaints. If you're a fan of the movies or books, you owe it to yourself to pick up The Return of the King. You won't be dissapointed.$LABEL$1 +Perfect Pot. This pot is exactly what I was looking for...great for pasta and veggies. It's bottom is heavy and distributes the heat evenly. The size fits easily in my pan drawer so I don't have to store it in an inconvient place.$LABEL$1 +Hamilton Beach Mixer. This is so much easier to use and clean than a blender. The stainless steel cup rinses quickly and cleanly along with the mixer rod. I used it everyday for 3 years before it failed. My complaint would be that such a simple devise should have a longer life."B"$LABEL$1 +Wow--Comfort Food at its Best. This is probably the best vegetarian cookbook I've ever had. The recipes are simple, Jackson's tone is conversational, and every time I pick up the book, I see something new. I've tried about a half-dozen recipes in this book, and they've all been fantastic. So far: overnight cinnamon rolls, dump cobbler, country ham tofu, fried chicken tofu, and the requisite gravies. There are so many more recipes that I want to try. Do note, though, that not all of these are "healthy"--many of them require good amounts of sesame oil and or margarine. But I don't care--what a great book. I've gotten it for family and friends, and my dad (yes, my dad!) even had second helpings of the country ham tofu. A keeper.$LABEL$1 +I love it.. I just returned from Argentina; I also read Imagining Argentina. This one is the best. It creates a world of magical realism in which you are drawn into each & every character. Not to be missed.$LABEL$1 +Shoddy. I bought this coffee maker for Christmas...less than three weeks later the (glass) bottom of the coffee pot detached from the rest of the pot while I was pouring water in. How does that happen?Even more frustrating than shoddy construction and materials, is Cuisinart's refusal to respond to my request for replacement. This is a company that has absolutely no regard for its customers. Spend your money somewhere else...$LABEL$0 +Simply Amazing. Different style with more electronic music elements compared to their previous albums.....but it's all great nonetheless.And one more thing about this album: "DO NOT LISTEN TO THIS ALBUM IN YOUR CAR ON A HIGHWAY, BECAUSE YOU WILL FIND YOURSELF SPEEDING AND AGGRESSIVELY DRIVING".....$LABEL$1 +Total opposite of first Fighting Force! Goldeneye for SEGA. It plays just like Goldeneye 007! It sports amazing graphics and runs smooth at 60 fps with no popup even with all the action. It is very unlike the 1st side scrolling Fighting Force, it plays a lot like Metal Gear Solid because sometimes you have to sneak instead of straight on kill everybody in sight. It has multiplayer but I have not played it. Bottom Line: amazing game, good graphics, lots of action, cool weapons (awesome sniper), amazing frame rate, and multiplayer! Fans of Goldeneye and Metal Gear check it out!$LABEL$1 +Great resource. As a writer, I'm always looking for resources that will give me those extraordinary gems of information that I can't find elsewhere - and this resource is one of them. Be looking for tidbits from Pecos in my new novella!$LABEL$1 +The Waiting Father. This is a very rich book. Thielicke has a gift of being able to communicate and relate the parables of Jesus Christ in way that we can identify ourselves in them. This makes easier to apply the Lord's teaching. The Prodigal Son is my favorite in the book, a blessing to anyone who reads it.$LABEL$1 +Thrilling non-stop read. The non-stop thriller is a must read. Especially at the bargain of .99 cents via e-book on Kindle. I enjoy long format books, that you can get caught up in the story. This particular suspense novel borders on a horror. It is easy to imagine what would happen to yourself while reading this page-turning, edge of the seat suspense novel. I enjoy the writer's pace and depth of character. I would compare his style to James Patterson. You won't be sorry you read it, and you will likely get up to check and see if the doors are locked while reading!$LABEL$1 +Me gusta. herramientas escenciales y utilies para el auto me gustaron bastante y son especiales para salir a carretera y en un paquete compacto$LABEL$1 +Isn't it NOT a pity ....... !!. Wow!! A tribute album to a band almost lost on the average listeners ears. 'Fragile' and 'Nukleopatra' were stunning DOA albums ... and it's been WAY TOO LONG since we've had something new to listen to. What 'JACK & JILL PARTY' lacked, 'Rocket' more than makes up for. Thumping beats, excellent choice of songs and many different production styles. Yes, some are high-fi (Astromill & Empire State Human) and others low fi (Audiodoll & Giallo) .. but this adds to the charm of the release. Well done to Section 44 ... I think i'll check out their FIXX TRIBUTE next. Fair play for including 'Black Leather' (twiceOh yea - I want to mention that it was indeed a very brave decision to release this album, I'm sure many labels would have thought it commercial suicide but it's looking like a success from this angel.$LABEL$1 +Attractive animation. I've watched it on the internet before I decide to buy it. I like this one because the price is good for a bd box.Another advantage is that the box includes the dvd version for those who don't have a bd drive$LABEL$1 +Lemony Turns Sour. I don't know about anyone else, but this book was the one that made me completely lose interest in this whole series. This is the most boring one of them all in my opinion, and, well, how many times can the same story be told? Bad guy wears horribly obvious costume to try to get children, children figure it out, but all the grown ups in the world are too horribly idiotic to see anything, even when it's pointed out to them. 6,000 times.$LABEL$0 +Solid, tight, well-machined, what you expect from Leupold. Not much to say, it's Leupold. USA-Made quality in a country and world that is made in China anymore. Solid, fit perfectly, nice finish, no worries of quality when you buy Leupold.$LABEL$1 +Did he go off the deep end?. First off, let me say that musically this CD has a few nice things to offer, which is why I'm giving it two stars instead of one. But in addition to some of the hackneyed synth lines (which I won't go into since other reviewers have covered this well), he writes lines like: "Bullets for the brains of the atheists".So let me get this straight, Roland: Atheists should be KILLED???Is this some weird kind of Christian tough-love or has he simply gone insane? And there's no getting around this hateful line either: no one can claim this is somehow metaphorical because he precedes the line with "Hey now read my lips" and he then repeats it.Anyone who wants to spew hatred can do it without my financial support. I'm not even an atheist and this offends me deeply.$LABEL$0 +Low weight limit. In case anyone else was wondering about the weight limit for this bench. From the Body Champ company...Please do not exceed the following weight limits:- Weight Bench Uprights: Maximum 110 lbs.- Leg Developer: Maximum 60 lbs.- Lat Tower: Maximum 50 lbs.- Maximum weight capacity including the user weight and any of the above is 250 lbs.$LABEL$0 +A Great Classic Punk Album. This is one of my favorite Adicts albums. If you've seen them live, you know that they sound just like they record and this album is a great example of their sound. It's loud and fun and silly and takes me right back to 1985 and seeing them at the Santa Monica Civic Auditorium (twice that summer!). The best are the obvious - How Sad, Chinese Takeaway - but the whole album is great.$LABEL$1 +Extremely excellent. I have enjoyed every moment of it especially how Don presents his artworks. Will always follow his works. Buetifully presented.$LABEL$1 +Best of Abbott & Costello Vol. 2. This is my family's second purchase of a volume in the series. We have been especially pleased with both of them. This one is wonderfully charming for us, because it contains several movies by Abbott and Costello that we had never seen before. And of course, since it contains the Naughty Nineties, You get the wonderful routine about who's on first. One of the things that we enjoy so much about these movies is that they are accessible to my nine-year-old daughter. She absolutely enjoys them and watches them over and over again. When you consider some of the things she could be watching on TV, the thought of her watching Abbott and Costello instead is absolutely thrilling. I recommend this volume and volume 3 to anyone who loves good wonderful slapstick comedy that is absolutely perfect for any age group in the family.$LABEL$1 +Bad experience with this one. When I first got the drive it worked fine and it was very quiet compared to the optorite DVD burner I have also. But 6 months later when trying to burn DVD's I got all sort of strange errors. It first stoppped burning and now it do not read any of my CD/DVD. The most frustratingg part was dealing with Memorex so called customer support which is like no support at all. I Suggest you forget this drive and get something else.$LABEL$0 +Interesting begining.... but halfway through the book I found myself incredibly bored. As soon as her 'romance' began I just lost interest. The farther I got, the less I connected with the protagonist. All of my favorite characters disappeared. I'm probably not going to finish this, especially since many of the reviewers had a similar reaction.The beginning was very good, and very interesting! The story just made less and less sense as it progressed, as far as I could tell. I was disappointed, because the beginning was really engaging!I would give this author another chance, if they came out with another book in the future. I might wait for a few critical reviews though!$LABEL$0 +YAAAAAAAAAAAAAWWWN Don't believe the hype.. I can't believe I was reading the same books as those giving this droning tome 4-5 stars. This read like a dry text book from my high school years. There was no "transport to another time," or insight into Adams. I never forgot that I was reading a history book.$LABEL$0 +Worked great.. They fit just fine on my 20 year old Schwinn Moab. The V-Brakes that came with the bike were wearing out after 20,000 plus miles. The inset shaft is shorter on these than my originals, so they do not sit quite flush with the frame (hard to describe really), but it is just an asthetic's issue. Funtionally, they work perfectly. It seemed faster and easier (and not much more expensive) to replace the entire brake system that it has been to just replace the pads. It came with one big sheet of paper with instructions in about 10 languages, but there is not much to it really.I should have done this years ago.$LABEL$1 +Just the one cut.. I heard Blue Monk on the radio, and wanted to find out more. So I just downloaded that one cut. Larry Campbell's guitar stuff is killer. So what if she's a little over the hill? This still gets me where I want to got.So I worked out the guitar stuff in A, am learning the lyrics, and may give it a shot the next time I do an open mike night somewhere.I guess I should listen to the rest of the album.Larry the MCambridge$LABEL$1 +this is an excellent book to start learning HTML. I would recommend this book to anyone who wants to start designing webpages. It starts from the basics & explains everything in understandable terms. I now feel I have a pretty good understanding of how to put up a working webpage. As a matter of fact, I have created three. All from reading "Creating Cool Webpages"$LABEL$1 +Disappointed. I bought this software because I needed a Lease Agreement for an apartment I was leasing. I was very disappointed to see that the form was not as customizable as I needed it to be. There were some items listed in the form that I did not need, but had no choice but to leave them in. I needed something more flexible. This just wasn't the form for me. I actually found one on the internet that did everything I needed for a whole lot less!!$LABEL$0 +Pure Slumdog Stuff. The writer is re-telling Harry Potter a.k.a Lord Rama - that too very badly. I can't believe how this piece of pure trash got published. From what I glean from this pure garbage; the writer seems to have been inspired by Harry Potter ( Lord Rama), Barbara Cartland ( check out the love scene between King Dasaratha and his long-forgotten first wife for a good laugh) and Rapunzel ( Sita ) and not by any measure, the great Indian Epic Ramayana. The Book is a monumental mouse.BTW, the person the writer calls Demon King, that is Lord Ravana, is revered as a God in some parts of India till date. I sorta like this this chap ( Ravana, not the writer) myself! Ramayana is slightly more complex than a straight-forward fight between good and bad, it is layered and most importantly, a great leveler.Hi Amazon,Can I give this book a Zero?Cheers to Everyone ( except the writer, of course)$LABEL$0 +what crap!. the only "secret" is that there is no secret. this book is a marketing ploy-plain and simple. do not contribute to the author's bank account, save your money, and, work hard and honestly for what you need- that's "THE SECRET". the book, the author, and her supporters say nothing new, nothing with originality, and, nothing that is truly proven. it is however, very nice kindling for my fire.$LABEL$0 +Floats. These pellets float around on top until they get caught up in enough current from a powerhead to get pushed under. Specifically wanted a sinking pellet, I would not buy again. My fish seem to like it, some just don't get much to eat because they are too skitish or its against thier nature, to eat from the surface.$LABEL$0 +Good Plot Amateurishly Written. Roby has an interesting plot line, although it leans toward the predictable and sometimes turns preachy. Still, it's a good story with a logical plot and a significant message. Mrs. Roby has the potential to be a terrific writer, but she needs to develop her craft to reach beyond the amateur technique, sentence construction, and punctuation errors that plague her novel and distract from her story. Her natural ability provides a good outline, but her lack of knowledge in the art of telling a good story well proves to be a crippling flaw. In an interview with Mrs. Roby, she proudly said she had never attended a writing course or worked with a writing group. Investing herself in such opportunities for critique would polish her natural ability and challenge her to strive for excellence and craftsmanship. With the odds she's beaten already, what is there to fear from an opportunity to sharpen her skills?$LABEL$0 +Wasn't comfortable. This just did not do the trick for me. I'm 5'2", so I thought the mini snoogle would be better for me. I really didn't like anything about it. The top part is uncomfortable to use as a pillow, which is one way it is shown for usage. I have tried bending it all sorts of different ways, and just none are comfortable. It doesn't contour to my body well at all. I wound up getting a regular body pillow and am happier with that.$LABEL$0 +Worst of the films to die for. The worst of the set 'GraveDancers' there was not one likable character in this one I didn't care about any of them, I wanted all of them to die, and it contained overblown special effects that were stupid at the end. Big ghost head chasing in graveyard, wow that is dumb.$LABEL$0 +Good sound, poor build quality. I've been a Fender fan but recently purchased a Les Paul Studio Deluxe and love it. I like the shorter scale and wanted a less expensive guitar to haul around. I thought this was a great deal - an American made Gibson for $500. But the build quality is so poor I'm considering a return. The fret edges are sharp, and the pickups aren't even installed properly. They're wrapped in shoddy electrical tape and just kind of stuck in there. They move around a lot. It sounds OK, but the pickup selector seems very cheap too, and I'm worried it won't last. I don't mind the cosmetics much - stripped down to bare bones. But it looks like it's just thrown together with absolutely no concern for quality. It's the poorest assembly I've seen on any guitar at any price - except maybe those $100 kits you see in music stores. Not recommended. Try an Epiphone maybe.$LABEL$0 +What a great book!. I've never read a book like this before. Not only is it so funny you laugh out loud, but the scenes with the serial killer are so scary that I had to stop reading to make sure the doors were locked!This is a fast-paced and funny book, and I'm looking forward to the second book in the series. Jack Daniels is a great character.$LABEL$1 +Terrible. This is one of the worst CDs I have ever bought. There is nothing here to distinguish it from other R&B albums. It's cookie-cutter hip hop at its absolute worst. If you want to hear the song "Angel", then download the song and don't waste your money on this CD.$LABEL$0 +Great Car Seat, but very hard to tighten!!. I am really happy with this car seat and my 2 year old loves it as well!! I bought this car seat in store. I went in with another car seat in mind, but after talking to the sales man, who is a car seat inspector, he recommended this car seat to me. He said that this car seat is the only car seat that he recommends buying (at least the ones in store) that were a car seat/booster combo. This one was the only one that had the EPS (the stuff found in bike helmets). He said that it could be life saving in a side inpact accident.The only problem that I have with this car seat is that it is very hard to tighten. I pull the strap with all of my might and it feels like it is not going anywhere. It takes a while for me to tighten the straps everytime he gets in the car seat.If the straps were easier to tighten, then I would give it 5 stars!$LABEL$1 +CD is great, PBS show was great, look forward to DVD. As a friend of the Marsalis family for 24 years and the President of Basin Street Records (where drummer and youngest son Jason Marsalis has recorded two wonderful CDs, Music in Motion, and Year of the Drummer) I have seen members of the family in all sorts of configurations.Those of you in the dozen cities or so where the family will be performing this month and next should make sure you go out and check them out. Individually they are all great musicians...together they push each other to the top and have a lot of fun doing it.The CD is great, the PBS special last night was fun to watch and I am looking forward to the DVD.$LABEL$1 +A true reason why they were on sale. Bought these the day after Thanksgiving sale on Amazon for a great price of 30 dollars in comparison to the original price of over 130 dollars. Got headphones and was not impressed with the sound quality of these headphones. Very low bass and as it is noise cancelling, it also acts as a mini-speaker since it protects so loudly when off the ears. Also within 7 days, the right phone stopped working and I had to send off to Sony Service Center to get fixed. The good thing is that that was a very fast turnaround. Final thought, dont purchase if you are a true audiophile as you will be disappointed, even at the discounted price of 30 dollars. I have had 10 headphones I was happier with.$LABEL$0 +51025 weak point. When trying to replace xenon bulb, the metal contact on the back of the black electronics board (the actual place where the light bulb plugs into) broke off and now the light is a throwaway. I have looked for a replacement part and have been unable to find one.$LABEL$0 +Great reference book.. This is a great english dictionary. The paid $48 edition includes appendixes. The free one on kindle for pc only includes the dictionary A to Z. I like the encyclopedic information under some entries. On my Kindle 2 there seems to be a formatting error at locations 801955-801964. At the start of appendix 1 countries of the world, some of the data looks messed up. Data for some of the countries is missing while other country data is repeated twice. But it looks correct on my kindle for pc. There are no formatting problems with this on kindle for pc.$LABEL$1 +Does the job with no issues. The design of the surge protector is useful. most people will be able to fit everything they need on it. Its as simple as that!$LABEL$1 +It NEVER works....rip off. Basically, its a piece of crap. The server never connects. When it does connect, the songs break up and don't sound right. The Media Server software always locks up. Its just an awful program. What a waste of $ this was.How could Netgear release something that was so horrid? Beats me.$LABEL$0 +An exciting experience. I can't remember the last time I laughed out loud while reading. Michael Tenaglia is one funny writer. The warning on the cover was not true I was not offened by the sex or th violence.The bigest thing I came away with was a desire/fantasy to meet the writer for a late night drink. I mean one minute you're in the middle of a fistfight on a Manhattan street, the next minute your hearing a political rant that would make Dennis Miller jealous, and the next minute he says something so poetic you're stopped in your tracks. Somehow he makes you laugh through it all. Bravo!$LABEL$1 +Fairly Good, But Includes Factual Errors. I am only doing the pediatric section so far, but have discovered factual errors. For example, question 155 in the pediatric section: An infectious process that could cause meningitis would have which sign? You have to choose between headache and stiff neck, but either one of these could indicate meningitis. Consider question 205, which suggests that lymphocytic thyroiditis is temporary. No, only the subacute form is temporary, but they left out the word "subacute" -- otherwise it would be chronic, Hashimoto's disease.Another problem with the book is that the pages come out easily, with only slight pressure.But most of these NCLEX books do contain a lot of factual errors. I feel like they should hire me as an editor; the so-called editors for most of these books must be whiskey drinkers.It's a decent book, compared to the others. Not the best, but in the mid-range. I would buy it again, but double-check the answers to make sure they're correct.$LABEL$0 +No where near as good as the real shows. The real shows of this were far better. This is a butchered, sanitised, half-baked version despite the DVD claiming to be 20 minutes longer. Many of the performances are no where as powerful as prior efforts and some content is cut down to small portions of the prior pieces heard on DEMOCRACY NOW and found on YOUTUBE. Kilcher's reading of Chief Joseph is murdered on this DVD for a better version see the link on my website [...] links to a youtube from Sundance 2009.There are huge topics watered down or omitted by this presentation. Where is Haymarket ? Where is Alexander Berkman? Why is Ellsberg included ? So many other thoughts ran through my head watching this. Go to youtube watch Sandra Oh's performance of Emma Goldman on Patriotism so much more powerful than what seems like a rehearsal take on this DVD.$LABEL$0 +Exceptional!. This is one of the holly gifts God sent us. It's a "must have" for all Seinfeld fans. You can never stop watching those four friends. Boguht it one day it was in the Gold Box because I didn't know it existed. Would've bought it at it's full price also.PLUS: Bring a "Coffe Table Book". Hahahahaha$LABEL$1 +Plain, Simple, Boring. This book is filled with information. Information that is mainly useless. I usually read 60 pages a day reading about wine, but I always dreaded having to read 10 pages a day from this book. Everything is repeated over and over again. There is no pronunciation guide, so if you see an unusual word that you do not know how to say, you'll feel like your losing ground by not saying it right. The the main maps of Australia and New Zealand are somewhat decent, but the maps that they give for each region, for each chapter or section, are so detailed that there is no way you can reference where about they are in that specific region. Meaning they zoomed into roads, not cities (unlike French and Italian Wines for Dummies). To cut to the chase, the only positive thing I could come up with about this book, is that it is a rather large book and it would look good in your wine book shelf to impress friends. :)$LABEL$0 +Pretty good. When I started reading this book I thought it was going to be another epic story but it turned out to be pretty good. I like the way that Flewelling draws her world and the history behind it. Some of the characters such as Nysander and Alec are a bit predictable but I have hopes that the characters will develop through the trilogy.Flewelling keeps dropping hits about Seregil's past and we just want to learn more about it, doesn't always work for me, but it did this time.All in all a good and fun read.$LABEL$1 +Pop Confection Perfection. Of all the Beatle sound-alike artists I have ever heard, these guys take the cake. I could swear that's John Lennon on lead vocals and the melodies to "Vegetable Row", "Homefront Cameo" and "My Before And After" would make McCartney proud. This album plays like the missing link between Rubber Soul and Revolver. The band never really transcends their Beatle influence/obsession which is o.k with me. That's what we have Oasis for.$LABEL$1 +Librarian Loves This!. I gave this book to all of my friends and school volunteers who love books. The book pocket in the back adds nostalgia for "The good old days" and is a perfect place to put a gift card for a bookstore.$LABEL$1 +The legendary Slowhand. Although I prefer Clapton's earlier guitar driven works like "Stepping Out", "Hideaway", "Have You Heard" from the legendary "Beano" album and "Crossroads" from Cream, this album was what would become a stepping stone to his more laid-back experimental works like the classic "Slowhand" album. My favourite tracks included Big Bill Bronzy's "Key to th Highway" and Jimmie Cox's "Nobody Knows You When You're Down And Out". A supreme transformation, true to Clapton's innovative improvisation. I was a bit dissapointed that "Blues Power" was not in the album but it won't do justice to the album if it did since this is a love album. This is an album for circa 70s Clapton's fan. An ultra-supreme album, well-deserved to be a classic of its genre and era.$LABEL$1 +Odious, odious, odious!. I had such high expectations for this book, I am so disappointed. I really didn't like anything about it. I read some really glowing reviews and was so excited to find a book that seemed like it was something I would love.I didn't care for the writing, the mystery, the characters, or the so-called love interest or romance portion of the story. In fact I thought the whole story was ridiculous. And the repetition of the word odious was very annoying.I so wished this had been something like Kate Ross's Julian Kestrel Mysteries which I loved. Sadly it was not at all like that and I wasn't able to find anything to love about this one.$LABEL$0 +Arnold in Bestform. I'm a very big fan from Arnold Schwarzenegger and I have most of his films. It's a fantastic career he has made. And Pumping Iron is a fantastic review of his Bodybuilding carrer to see him in his bestform.I can recommend everybody to buy this film who like Arnold Schwarzenegger.Daniel Mrohs$LABEL$1 +Great Product. I recently purchased this because I upgraded to Windows Vista and there is no driver for my onboard sound as of yet. So I hesitantly purchased this, and am very glad I did. Not only do I actually have sound again but it sounds alot better than my onboard did. Im sure the X-Fi and other high end cards sound better, but for the price, I highly reccomend this.$LABEL$1 +see da player. this is my favorite portable cd player i have ever owned. long battery life and very easy to use and plays great!$LABEL$1 +Never worked!. I bought cube world for my daughter this holiday season, and the stick figures will NOT interact no matter what we do. We tried changing the batteries, cleaning the connections, restarting the cubes...nothing!!!! They are really boring without the interaction, and I can't get any info from the company on troubleshooting.$LABEL$0 +Entertaining, a wee bit far-fetched. Retired Secret Service Agent Swamp Morgan is sent to handle a potential 'firefly' case involving the murder of several doctors and nurses at a plastic surgery clinic. Apparently the doctors are in the habit of taping their patients while they are recovering from surgery and blackmailing them with the details at a later date. During one of the recovered transcripts a suspicious transcript surfaces about a bomb plot. Could it just be the ramblings of an unconcious man, or something more sinsiter?This story starts off a bit slow with the killer targeting the doctors and nurses. But the character, Swamp is likeable and methodical in his detective work. The middle section involves Connie, a nurse who was off-duty the night of the murder and her struggle with being bait for the killer.I'm giving this 4 stars just because the ending was really goofy. I can't give it away, but... Well... It was a gotcha type ending you are either going to like or loathe.$LABEL$1 +Continuing his downhill slide. Looks like the Bard from Akron has peaked too early. Has he matched Vacancy or Come to where I'm from? No. He came close on Our Shadows will remain, but no. I saw him live last yeAR--my sixth time seeing him--and it was embarassingly bad.Is this what happens when you move to Los Angeles? Or when you are more interested in self-reinvention than quality songwriting?$LABEL$0 +Exactly that - NO!. This CD is not for kids. The songs are "too" off the wall (a bit too weird for my tastes) and I am afraid my kids were running to hit the eject button on the CD player. I hope this is not the way children's music is going.$LABEL$0 +GREAT WORKOUT!. This workout is awesome, but only for people who are already pretty in shape. I would say this is for those people who don't have problems with their backs, knees or really anthing else and that just have a few stubborn pounds to lose and want to tone up. It is really hard, I'm on my 4th week and it's still hard but it's getting a little easier and I love it. Haven't lost any weight on the scale yet, but clothes are definately fitting better.$LABEL$1 +Box Very Damaged, Didn't Open. The top I received looked as though it had been through a war. They either need to change shippers or package this product so it can be shipped more than a couple of blocks.I had this product shipped twice!! The first was returned, the second I didn't even bother taking it off the truck.When I contacted Grizzly they suggested I buy it from a local source. In other words take your business elsewhere. I find it incredible that a company that ships products all over the world can't seem to package it properly so that it will arrive in reasonable condition. The "Shop Fox" supports I bought with this were in TERRIBLE shape! A local merchant says Shop FOX is owned by Grizzly and they sluff off their damaged or unsaleable products through Grizzly. I have ordered the supports through a local merchant. We will see if they arrive directly from Shop Fox in good condition.Shop Fox H2612 Super Heavy-Duty Workbench Leg System$LABEL$0 +Wasted potential. I finished this trilogy and thought to myself what could have been. I think the mythology which this trilogy was based on is fascinating. Unfortunately the author tried to make it futuristic. That would have been fine except there was no character development and there was no overall storyline. Perhaps the author would have been better served by writing a series of short stories instead of three novels.$LABEL$0 +Shin Noodles. I had ordered this for my spring break for when my boyfriend came into town, just because I thought it would be a nice little treat for him. Turns out they used to sell Shin everywhere in WA. I had never known because they don't in MI. So when he saw me pull this out of the bag, he started flipping out in excitement. "SHIN!!!!!"I let him cook it the way he likes it, and I must say, this soup is better than Maruchan's. Hands down. I would order this again in the future. I highly recommend it, especially if you like spicy things.$LABEL$1 +Don't waste your money!. My husband bought me the Magic Bullet for Christmas. He paid $60 for it at a department store. At first I was so impressed by it. We used it almost every day. When we had our first baby I used it to make homemade baby food to save money. I will honestly say that it does work very well....AT FIRST. You'll love it, then be disappointed when it breaks. Before 1 year was up the motor died and it stopped working. This also happened to three of my friends who bought the magic bullet. The customer service stinks and they won't replace it. In my opinion, $60 for 1 year of use is not worth it. You'd be better off spending less on a generic brand blender that does the same thing. I bought a less expensive brand on sale for $15 and so far it works just as well as the Magic Bullet for a fraction of the price!$LABEL$0 +Short of Learning Latin, Greek, etc.. Dear Potential Reader:I have nothing but praise for Dr. Danner's _Discover It_. He has taken one of the best methods for self-help learning, the graduated inductive method, and combined it with accurate information about the origins of English words. The reader is led, step by step, into developing an ever larger and more enriched English vocabulary. I would say that anyone who works through the entire book will acquire a level of etymological knowledge and a facility with English vocabulary that normally could only be produced by a course in etymology taught at the college level. My own preference would be for students to learn the relevant languages; _semper nobis linguae addiscendae sunt_. But short of learning Latin, Greek, French, and German, you can do nothing better for building your English vocabulary than to buy and use Danner's _Discover It!_. I highly recommend it.$LABEL$1 +Skip it.. This was long, drawn out, and uninteresting. The characters aren't involving, the action sequences are sadly lacking, and the setting is dull. I'm amazed so many on amazon rate this highly; there is so much other good fantasy out there, skip this one and go read something else.$LABEL$0 +The Graceland Interviews. Paul Simon is the musical genius of my generation. This is not a presentation of his music or Graceland. It is a series of interviews. Interesting but not entertaining. Why haven't they put The Concert in Central Park on DVD ?$LABEL$0 +wwwoooowww!!!!!!!!!!!!!. This is definetly THE BEST CD I'VE EVER HEARD IN MY LIFE!!!!!!All the songs have great lyrics, and alih's voice is better than 99.9% of all the other singers out there.My favorite song is "I HAVE A CRUSH ON YOU", It has a great groove, and I can totally relate to the lyrics. The The sound of the overall CD is great! Keep up the AWESOME work!!!!!!$LABEL$1 +Disappointed. I was looking forward to a some good new recipes and have to admit that I was disappointed with this book. First of all when I opened the box I saw that this book was a really small paperback book that was poorly made. I was further disappointed when I read the recipes and saw that one of the recipes for the "Best" dips calls for canned bean dip. The book doesn't cost that much but it's still not worth it in my opinion.$LABEL$0 +Downright horride!. I have no idea what 989 Studios has been doing lately, the last decent Gameday was Gameday '99 for crying out loud. I'm sorry, but this is horrible. Everything happens so slow and sloppy, they make a big deal about the graphics, but they aren't that good, the sidelines have nothing going on in them, the stands have paper cut-out people. Trust me, ignore this game, don't even waste $6 to rent it, go get Madden 2002 or the surprisingly excellent NFL 2K2, just stay away from this. I feel so dirty!I want a new football game for my PS2, so I've compaired Madden, NFL 2K2 and now Gameday. I have totally eliminated this game from consideration, it has NO good points that Madden or 2K2 doesn't have that's 500 times better. I'm really just stuck on Madden or 2K2, I have no idea which is better of those two.$LABEL$0 +Moderately fun and educational. Scrabble with cards! You have to use all your letter cards to make words, beware if someone else completes this task first, as the cards you can't put into a word are subtracted from your score. Luck is as much a friend as strategy, so can be frustrating when someone picks up 10 cards which can be put into words in the first round... and you have a hand full of consonants... I still prefer Scrabble, but Quiddler is different enough that we'll still play it.$LABEL$1 +High Fructose Corn Syrup..... I bought one pack from the grocery store for my baby to try.When I look at the ingredients, I can't believe it contains High Fructose Corn Syrup.....I will never buy Gerber snacks again!$LABEL$0 +Amazing album. Agnus Dei alone makes this worth buying.. Ever since I heard Agnus Dei on the radio several years ago I have been looking for the vocal version of Adagio for Strings but wasn't able to find I got this CD. To me this CD is priceless. All of the tracks are exceedingly beautiful but to best one is the Agnus Dei. That one brings me to tears every time. I don't know whether it is the most sad song or the most heavenly I have ever heard. It cracks my heart open and ache with it's piercing sweetness. If you are like me and beautiful music can bring you to tears don't listen to that song without a box of tissues handy especially if you are at your pc while listening or you will risk shorting out your keyboard!$LABEL$1 +Hightly praised, but highly disappointing. After reading all the glowing reviews of this book, I had to give it a shot...This was quite honestly the worst book I have ever read; at no point did I even find this book even slightly interesting. I somehow managed to finish the book, but with each page I turned, I grew more and more resigned to the fact that the book was simply drivel, and disappointment was inevitable.$LABEL$0 +A good album. In this album there are some very very good tracks like (Superbest - Dragula - living Dead girl - Spookshow Baby) and the rest are average or even bad songs. If you like industrial music i recommend buying this cd since the songs i have mentioned are amazing.$LABEL$1 +why not set the book in America?. This book should be titled 'Dire' or 'Dreadful'. What is the point of setting a book in London if the dialogue and description are pure American. I love American romantic fiction, I think Jayne Anne Krentz is without equal, so why didn't this Author set her book in America. It is irritating and distracting to have so-called English characters using American English. A little research would cure the problem, witness Amanda Quick, and make the reading far more enjoyable. I gave this book one star because there isn't a no star option.$LABEL$0 +A disappointment right out of the box!. Great price but it doesn't work! After mounting this alternator I wondered why the battery continually discharged overnight. I finally discovered, after disconnecting the battery ground one evening and checking battery status next mornng, and checking wiring and connections, that the new alternator is the problem! I'm trying now to get a replacement and waiting to hear from Amazon.$LABEL$0 +Only A Celebrity Could Get This Book Published. Had this manuscript arrived in a publisher's office and been submitted by a writer who did not enjoy national fame, this book would never have been printed. I am glad the book came to me as a gift, because otherwise I would be seeking a refund. Russert might be a decent guy who appreciates his heritage, but that doesn't automatically result in a compelling story. Devoting the last chapter to the Buffalo Bills football team reflects the author's misjudgment--evident throughout the book--about what readers want from a national political commentator.$LABEL$0 +poorly designed lock. poorly designed lock and only two screws close to each other so this lock can not be fixed tightly to the door$LABEL$0 +Don't Waste Your Money. Don't waste your money. I gave this knife one star because I had to give it something to write the review.... it deserves 0 stars. I brought the knife home and I tried to slice roast beef for a sandwich. The blades barely made it through the roast beef, shredding the meat as it went along. The meat shreds also found their way in between the blades, making a mess of everything. The blades are too thin and very flexible.Black and Decker Home Slice Right Electric Knife EK700I put the knife back in the box, returned it and bought a Hamilton Beach.$LABEL$0 +Excellent Book. This was a delightful and intriguing book. The plot and characters were well developed. Once I began reading it, putting it down was difficult. It was a treat to read such an enjoyable book. I will continue to read the other books in this series.$LABEL$1 +wonderful!. this was a WONDERFUL book!I finished it in a day. I reccemend this to boys and girls ages 8-15 This is one of my favorite books and it is awesome!$LABEL$1 +This is NOT a new APC battery!!!. The accompanying graphic indicates that this is an APC battery, but this is not true. The text says that it is an American Battery Company batter and this is correct.This is a not a new battery but a refurnished one as indicated by the many, many scratches on the bottom of the case. There is no indication that you will be getting a refurbished battery so I feel that I've been cheated.If you want a refurbished battery, there are places on the net where you can get them for a lot less $$$.$LABEL$0 +Ranch Style trying to pull a fast one. I've been eating Ranch Style Beans all my life and love them. They were made in Fort Worth, Texas for nearly a hundred years. This year, they were bought by ConAgra, the plant was closed and production was moved to Ohio. That's not all that was changed. The cans used to be brimming with beans with just enough sauce. Now fully a third of each can is sauce...they're selling us WATER. They taste the same and for that I'm grateful, but the can says "Beans" and I expect beans...not water. Some slick suit has decided to maximize profit by compromising the brand. Won't work here and I've bought my last can until I can shake the can and it sounds like it has more beans than water. And why would anyone pay almost $50 for a case? I can buy them at Sam's Wholesale Club for $12.00 a case.$LABEL$0 +Too bulky. I bought a GBA and accessory kit for a friend I was visiting in France and the 10-hour rechargable power pack fit the game perfectly. When I got home from my vacation, my game and kit had already arrived from pre-ordering it before I left. This battery pack has a 20 hour promise, but it's just too bulky to enjoy. Now I'll have to ...purchase another pack that will fit in the carrying case. I'm not impressed.$LABEL$0 +Covers important aspects but lacks depth. I teach AI at the graduate level in a major US research University, and I specialize in the area. The book does cover many different areas of Machine Learning. Unfortunately, the treatment is quite superficial. A student would find it extremely difficult to grasp imortant concepts without referring to other material. It may be a good reference, but I would definitely not recommend it as the main textbook. Unfortunately, there seem to be very few books in this area adequate for a senior or graduate level course.$LABEL$0 +boring............ This movie gives a good look at what its like in the modern-day ghetto, but honestly, it lacked the common-threads of a good picture. Half way through, I wasn't even sure what the plot was. It shifted gears way too much and I couldn't follow whether it was this guy or that guy who knocked which girl up.$LABEL$0 +excellent, one of the years best. the first 75 minutes was a tour de force, excellent film-making! the end got a little predictable and sentimental, but still good.yes, it's a homage to earlier spielberg movies, especially ET, and a little close encounters. still, the script is outstanding, funny, and heartfelt. the kids are excellent and clever in a realistic way. born in the 70s myself, a little nostalgia is always welcome (i can remember when i painted action/fantasy figures too/model trains... the days before video games and internet!!!!)thumbs up !!$LABEL$1 +Exceeded my expectations. Pros1. They are well made2. They sound great3. They look great4. They are good value for the dollarCons1. The orange power on light is annoying2. The volume and tone buttons are slipperyOn a scale of 10. minus the orange power on light (it really is distracting. I cover it up), I give the speakers a 9.$LABEL$1 +Waste of $$. I've had these storage bags for over a year. Storage bags don't stay vacuum sealed, the vacuum sucked the seal right off one of the bags rendering it useless. Every other week or so have to drag the vacuum into the closet where these bags are stored and vacuum out the air again and again and again (you get the idea). Usually try to give products the benefit of the doubt but this product doesn't deserve it.$LABEL$0 +Wonderful book!. I am reading this book for the second time and enjoying it even more than the first time around. A wonderful book full of great characters, making you feel like you are living the story. It has a permanent place in my library.$LABEL$1 +Roots of Blink 182. Those of you familiar with Cheshire Cat will already know a few tracks on this album, their 1994 effort. Buddha was made during the first year that the band were together, and it shows their tendency toward whimsical, sometimes silly lyrics. It perhaps more accurately portrays their punk roots than the newer albums, where they define a genre of their own. The songs are short, fast and frenetic. The vocals are more shouted than sung.I recommend it, even if your only exposure to Blink is Enema or Mark & Tom Show. It'll take a bit of getting used to, but you'll have a greater appreciation for the band, and you'll enjoy it.$LABEL$1 +Chirps after two months of Use. I bought this from Amazon to use on my calphalon wok. After daily use for about 1 month, we realise that the tip chirps. The scoop design is useful but the material used does not withstand the heat.$LABEL$0 +drama in the chillout. Zen...2 has a different vibe from 1. More European more pop. Inverno followed with Sketches of Egypt followed with Deniz is very dramatic. The downtempo of Vol 1 is replaced by a nod to 80's pop. A touch over the top/camp. Even the laswell/wobble selection is pretty upbeat! Nothing Hartlepool. A theatrical sidestep from Vol 1. Nice but don't expect it to take you where the first vol went. This is Zen as in not. Probably why there hasn't been a Vol 3.$LABEL$1 +3D Pro takes you to infinity and beyond.. I had this Joystick back in the 90's when I played X-Wing Alliance. The only thing that could improve it is suction cups. It's good and heavy. It has just the right amount of resistance for flight. Pleanty of buttons. 6 buttons on the stick. I love it. It's too bad Logitech went out of the flight stick business.My favorite is the button in the right handed "TURBO" position like the original Airwolf.Remember players, this stick is not manufacturer insured anymore.$LABEL$1 +Wrong Item. I ordered a Platinum Gamecube Controller . I received a Wireless Wavebird. Now they say it's out of stock or discontinued. Thay should tell you this before they charge you card and send you the wrong thing.$LABEL$0 +Much lower budget this season. I watch episodes here and there from different season. This season has a much lower budget and you can tell. Story is ok but the quality and effects are much worse.$LABEL$0 +Don't know what color you're going to get.. The straws themselves are great and exactly what I wanted. However, each package of 45-50 straws are the same color. If you order multiple packages, they will put packages of different colors in, but there's no way of knowing what you'll get.$LABEL$1 +Trajic in San Frasico. The plot of this story is a earthquake.When Jacob and his family are asleep the dog his Uncle Avi gave him woke them.Jacobs dad told him to give it back.When Jacob was returning the the dog the quake struck.Afterthe quake there was buildings fallen down and building blocks on the sidewalk.Fires where every where,water pipes wheredown and people where trapped under buildings.With no no water the army had to blow blow up buildings tostop the fire ,after the fire stoped ,the next day it rained.$LABEL$1 +Neverwinter nights ---> absolute top game. This game is a real drug for the RPG fans around the world.$LABEL$1 +So long Scorpions .....welcome Rammstein !!!. I ran into Rammstein by chance as they opened for Kiss in 1999 tour. I was just amazed by these guys. They don't sound like those silly alternative bands from the U.S. This is what Rock should be today!These album delivers. You don't understand a word but the language ( German ) itself take you to a new musical dimension. The best track is for sure Links 2 3 4 with troops marching out as a background and powerful vocals that you will start thinking this guy is some Kaiser wanna be.If Scorpions hadn't go Pop they would sound like Rammstein today.$LABEL$1 +Great movie, poor DVD. This is one of those classic SciFi movies that scared the 'bgeezus out of every kid who saw it in the 50's/60's. After viewing the spectacular anniversary edition DVD of "The Day the Earth Stood Still," I expected a comparable treatment of "Invaders from Mars" (especially for the price). But no ... the image quality of this Image Entertainment DVD is ....: scratches, blips, and poor color rendition abound. An undergrad film major could have done a better post-production job. Maybe that's who Image Entertainment employs? I see the company's Director recently resigned -- hopefully in shame after seeing their effort (or lack thereof) on this project. Great movie, but buy it on tape and pocket ten bucks...$LABEL$0 +OK, not the greatest. Pretty decent safety glasses, work well in bright sunlight, not so great in poorly lit interiors (which is what you often find in new construction temporary lighting).Pros: Comfortable, lightweightCons: Scratch easily, fog very easily in humid weatherRecommend, but not highly.$LABEL$1 +Casio GW500A-1V G-Shock Atomic Solar Watch. The shipping and delivery of this watch were excellent. The watch has performed very well, I love the Solar charge for it, hopefully I can avoid changing batteries where you usually lose your water-proofness. Keeps excellent time! Love Atomic watches in my price range!$LABEL$1 +lacking detail. Some interesting accounts but all too often frustratingly lacking in specific details. Far too anecdotal and vague to be taken seriously as a convincing read. Really just a collection of stories rather than an attempt to present a well researched investigation into the phenomena of ghosts backed by solid facts, empirical data, and/or seemingly compelling evidence. Ultimately disappointing from someone who is touted on the cover as "the world's leading paranormal investigator".$LABEL$0 +Great Movie. Great chemistry between Antonio Banderas and Catherine Zeta-Jones. Entertaining, funny and a great watch for another generation that missed it the first time around.$LABEL$1 +Waste of money. After reading the 3 positive reviews, I gave this product a try to unclog my drain. The product says it unclogs up to 8 drains (one per pump), but after 3 pumps it stopped working and my drain was still clogged. If you have a clogged drain, don't waste your money on this product.$LABEL$0 +No funciona y es nuevo. Buenos diasEl reloj recien me llega y no funciona, esta prendido pero ninguna tecla funciona, creo que deberia revisar si funciona antes de salir....Y ahora que hago... Anteriormente tambien he comprado relojes y no he tenido problemas...que pasooo!!!!sldosIng. Cavanna$LABEL$0 +Poorly Written, Great Subject. I was really surpised to see how poorly written this book actually was when I read it. I had seen the History Channel special and could not wait to go and buy it. Sadly, it really turned me off on the subject because of the way it was written. I felt like I was reading more opinion than fact. I would not recommend. The story is not in sequence and is jumbled.$LABEL$0 +Mission Impossible-second tv season. Again...if you remember this when you were a child then this is perfect for you! Wonderful can't wait to get the 2nd season. Just what I remember as a child. My kids are interested as well...they are teenager's and I didn't think they would like it but they can't wait to see the 2nd season either!$LABEL$1 +Not so good. The nature sounds on this item were not very good. There was no was to adjust the volume on these sounds and the bird sound would wake the dead and scare them back to life.$LABEL$0 +Does not work. Put brand new batteries in it. As a test, I set it to change dishes after six hours (overnight). It did not do it. So I tried another brand new battery and set it for another six-hour interval at 5:11 a.m. this morning. At 12:20 p.m., when I returned home from an errand, it still had not changed dishes. It does not work. I'm willing to give it another trial run this evening but based on what I've seen thus far, I just blew $36 on an item that is worthless. (As an aside, I went to my local Petsmart with the idea of buying either one of two different automated feeders, retailing for $55 and $59. The store manager told me to save my money and instead urged me to buy a $12 non-electronic autofeeder, the kind that looks like the self-filling water dishes. THAT spoke volumes to me.)$LABEL$0 +The 80's are gone the music should be too!. Why is everybody so woozy and wishing for 80's music. Pastel clothes, cartoon haircuts, and cocaine are passe. At least that's what my Dad tells me when I visit him in prison. You folks should get over your bad selves and move on with your lives. Listen to something that's new and fresh not old and done too many times before. Heck I like the theme song to Fairly Odd Parents better than this stuff.$LABEL$0 +Returned immediately. Did not fit my teaching needs that inspired the purchase. Very little about effects of stress on physical and mental health in humans, ways to cope better with stress. Great service from Amazon.com on return/quick refund, thanks!$LABEL$0 +The only wedding task that really matters - read this book!. I was married recently at age 31 and while I was planning the wedding I was disappointed that so much planning time goes into the dress, and resgistry, and flowers, and, and, and... I enjoyed it but felt something was "missing". Luckily 3 weeks before our big day my girlfriend gave me this wonderful book. It refocused me on what matters. I read it practically cover to cover in one sitting. It describes all the EMOTIONAL adjustments you make -- and aren't really given an outlet for in the frenzy of wedding planning. I feel like I appreciated my wedding day so much more because I read this book.A great engagement (or post-wedding) gift to yourself and your fiance, or to a friend who is getting married. My now-husband found it very interesting too in order to better understand what was going on in my head.$LABEL$1 +boring, self absorbed.... She really has a cushy life - how many people could take a year off to 'find themselves', especially in their middle thirties? She eats her way through Italy and gains weight - but hey, she NEEDED to gain as her terrible ex-husband had made a real stink about the property division, and she had lost weight worrying about this. No one else has ever had divorce problems. Well, not like hers as she is so special. She then goes to India to live in an ashram - a Special ashram where only a few people are allowed, by appointment - to 'find God', who is actually revealed to her... (did I mention she is special?) I think she was going on to the gorgeous island of Bali, where she was to find True Love, but I got so bored at this point I took it back to the library. She complains and complains about how bad her life has been. Well, everything is relative but to most people, her life is cushy.$LABEL$0 +Barley Listenable. I have tried to listen to this CD a few times since I got it and not once have I heard a song that has caught my attention i find it to be more unnoticable background music anything else. Not worth the time to "really listen" more than once if you can handle it.$LABEL$0 +Small, but does the job. Yes, it's tiny. Not very comfy for long sits, but great for emergencies, or during potty training while out and about. My 5 yr old has even been known to use it in an emergency (fear of auto-flush toilets). It will easily fit in a diaper bag, although we mainly just keep it under the seat in the minivan for traveling.$LABEL$1 +Life changing. This book is amazing. I borrowed a copy and found what it said to be refreshing and on the money. It changed my life. I became a Vegan (diet wise only) and bought 2 books, one to keep and another to give to some friends. They are now also becoming Vegan (diet wise).$LABEL$1 +Batman: No Man's Land, Vol. 2 (2012 Edition). AWESOME STORY!!!I always thought of that about No Man's Land. Is simply one of the best Batman sagas ever.This particular collection, same as the first volume, have a plethora of issues that weren't collected on the old editions. This makes me happy.Something else that makes me happy is the quality of paper they used to print this. Semi-glossy strong good quality paper that gives new life to this tale. Tood good to be true.Last but not least is the cover gallery at the end. Not sure all of it is there, but there's a good amount of covers I haven't seen before.Top notch big book!!!$LABEL$1 +GREAT!!. My Dad was an English and Speech Teacher and so I had a lot of "required reading" outside of school. I didn't truly appreciate that until I got to college and the years since. I recall reading this book as a part of his "required reading" and truly enjoyed the movie! Thank You for providing great movies and for always providing Great Service$LABEL$1 +Dissapointing. Nowhere near as good as I had hoped, wouldn't recommend, a bit too long and parts of the story went nowhere, was also hoping for a better ending.$LABEL$0 +Here we go again.... The idea of satan's return to earth around new year 99/00 is very predictible. But the film actually got one high point, Gabriel Byrne's interpretention of Satan himself.$LABEL$0 +Disappointed. I was very excited about this litter box based on the glowing reviews. Unfortunately, all the negative comments about this litter box are correct. Even with rolling slowly and tapping the side, all of the clumps would not make it over. There were clumps that got stuck behind and on the sides of the pullout shelf causing bad odors over time. Clean litter also went into the shelf causing a big mess when emptying it. The latches on the litter box are cheap and non sturdy. It defeats the whole purpose if I have to spend 5 minutes banging on the sides or scooping out the extra clumps that did not roll over. After about 3 weeks (I wanted it to work so badly) I gave up, removed the sifter and just use it as a regular litter box. The product was a great idea, just not executed well.$LABEL$0 +TERRIBLE writing on a fascinating topic. I'm sure Richard Ellis is a fine fellow. But I just can't understand how _anyone_ gave this book a positive review, and I'm 2/3 through it. The redundancies are ridiculous; it's like he never reread or edited. So on page 108 he gives you a long quote from what he tells you is an article from Roper and Boss -- and in _the very next paragraph_ he gives you _the same quote_ again and attributes it! Amazing! And this kind of thing happens continually. How many times does he tell me how big, say, squid axons are versus human axons? I mean, really: this book went totally unedited. Beyond that the comments of other reviewers that he kind of struggles to fill a book about the squid, are true. Of course some of the amazing footage of the past couple years could've been used to pad it out another chapter, but, there's just not enough there there, or at least Ellis isn't able to make it seem so.$LABEL$0 +Sort of like Toy Story on Qualudes. I can put up with the ages old wisdom of scaring the crap out of kids about the big scary world and the nasty people who live in it, and so what if the falcon is the bad guy and the rodent is the good guy so long as there are no BB guns under the tree, but lets have some fun! This is a kids movie. Stuart is sort of likeable and Snowball the cat has some good lines, but I only watch this sort of thing because I am sure I will feel good at the end and I ended up thinking this movie would make kids not want to go outside. Happy I watched it first.Stuart little is a poor stepchild in a genre filled with excellent heartwarming films.(Aladdin, Lion King, Toy Story, Finding Nemo).$LABEL$0 +Classic hike book. This is not so great; there were important trails missing, such as Black canyon trail, high desert trail, badger spring trail, all missing.Isaac$LABEL$0 +Great Family Movie. While it is based on a true story you can go to the wikipedia page and see that several liberties were taken. But it is what it is and what it is a fun, emotionally moving movie that is funny at times. It is a little predictable in ways and the teenage boy does get a little annoying after a while but its a good movie in the end. I recomend it for any age.$LABEL$1 +great sprayer. I have used this sprayer several times since I bought it and it works great on all types of liquid fertilizer. Very easy to use$LABEL$1 +serious incompatibilities. If you own a Toshiba notebook, DO NOT buy this product. It will crash every time you try to use it. I phoned the C-PEN support line and there is an incompatibility with the Toshiba drivers and C-PEN seems to be in no hurry to solve the problem.$LABEL$0 +Graphic SF Reader. Very funny parody tales of a young Hellboy. Various different styles and artists throughout. There are bits and pieces from Hellboy Junior getting a car to much more surreal and underground styled pieces, so perhaps something for everybody. More Hellboy, in general, is a very good thing.$LABEL$1 +Oregon Rain Gauge Model RGR126. Got in 2006---Outdoor temp no longer worked in 2010-Rain Gauge just died in Sept. 2011-so not bad for the money$LABEL$1 +Complete waste of money. We bought this product after reading some of the favorable reviews as we wanted to have a seat to take while travelling with our 2 toddler daughters.This potty seat turns out to be a complete waste of money. It is made of very flimsy plastic and the design does not fit ANY toilet seat securely. We tried it backward and forward and each time it does not stay on securely and slips around, rendering it completely useless. Worse yet, my daughters, who each weigh less than 30 lbs seemed to be too heavy as placing them on the seat caused the center to droop.This is one of the worst designed child product I have encountered.$LABEL$0 +Can get it for less @ Crystal Classics. Nice glasses but too expensive (especially with how easy they break)! I went with Crystal Classics and got the exact Waterford set and paid $49 (free shipping).$LABEL$0 +Caution: Migranes Ahead. This is my second Samsung. I bought it based on positive experience with my first 26" Samsung. Anyway, shortly after setup, a high-pitched squeeling noise developed. It wasn't noticable all the time, but it kept returning under various conditions. It seemed to come from the lower left hand side from rear of the unit. Besides squealing, the stand leaned to the left and no adjustments available. Overall, nice picture, beautiful design, easy to use, but the screeching will give you a migrane. Returned it and bought a 32" Sony Bravia XBR (KDL32XBR4) for a few $$ more. Be sure to look for the XBR4 model because it has Motionflow 120Hz speed and 10-bit processing. HD is absolutely amazing on the XBR4. The KDL32XBR4 is by far the best 32" set on the market. Check it out and compare the Sony side-by-side before you purchase this 32" Samsung.$LABEL$0 +Junk. This is a very poor quality percolator. I have had two of them shipped to me with broken perc tops, which incidentally, are... plastic, NOT the 'glass' mentioned in the paid review. Not worth the aggrevation.$LABEL$0 +Fabulous, unforgettables 1993 Dire Straits. I just finished watching this DVD performance of Mark Knopfler and Dire Straits musicians on their tour in 1993. No, I didn't purchase the DVD for $116 plus change as I am not a millionaire. I watched it on Netflix. I hope to be able to purchase this DVD as it is a priceless reminder of superb musical skill, and yes it is true there were a few favorites left out such as Sultans of Swing, but the intensity of the perfomances were remarkable.If you can afford it buy it. It's a classic.$LABEL$1 +great album - intelligent rap. good to hear a rap album not focused on how much of a gangsta the artist, but mor focused on providing a creative bunch of songs with some thought put into the lyrics and music. phrasing is awesome from del the funky homosapien and excellent beats from dan the automator, which match perfectly with the underlying theme/story throughout the album$LABEL$1 +Printer not worth the time or money!. I received this printer as a gift. I thought it was a great idea to be able to take the printer to family functions, take a picture, and give it to the family right away! I only had the printer two years, with little use and many problems. The paper that is supplied with the ink kit began to jam. This became an expensive ordeal, considering I could simply take the digital images to a local store and have them printed for as low as 17 cents a copy. It does take up space in the suitcase, with carrying the printer/powercord/USB cable/ink paper and tray. I used it very little and it recently started to print on only one-half of the photo paper! I contacted Canon, after some basic cleaning and trouble shooting. Canon could not offer any further advice, except that I would need to send it in for repair. Since it was out of warranty, and not worth the time or money, it is now in the trash...$LABEL$0 +Riedel O Cabernet Wine Tumblers. We enjoy using these glasses every day for Cabernet/Merlot wines. They aren't as tippy as stemware, or quit as breakable. But they do break. That is why I was buying replacements. They are dishwasher safe.$LABEL$1 +Disappointing production. I'm not a hard core Collective Soul fan, but I admire them enough to own several CDs. I also own the "Music in High Places" dvd, which I was very impressed with. I decided to buy this dvd based on the excellent customer reviews. However, in my opinion, the large concert hall format is distracting from the real talent of the band. The orchestra, instead of adding to the live experience, left me with a feeling of chaos and dilution. Collective Soul is a talented group of men, but their talent is not evident in this production. The "Music in High Places" dvd showcases their excellent musicianship and vocal abilities that this production manages to completely cover up. For a more casual fan, I would not recommend this dvd for an introduction to the band. You just might be fooled into thinking Collective Soul has no talent.$LABEL$0 +The power of finding out for yourself. Whether we agree that what is written in this book is the truth or not, we all have the ability to find out for ourselves what is the truth and what is embellishment. Controversary always stirs curiosity, and brings about questions. We have read one man's opinions based on a few statments from others. There are thousands of journals, books, and records that tell the story of the early mormon church. Find out the whole story, not just portions. What really happened? Will you believe the statement of one or of many? Use your power to find out the truth and ask questions! Then the true power of writing will come to pass.$LABEL$0 +honeywell hz2006tgt similar model to hz2000. got a honeywell model hz2006tgt mini tower surround heater. After several usage, it melted the thermostat control knob and melted the surface of the unit as well. I called the warranty service and it turned out that I had to pay for 16 dollars to ship it back in order to get a replacement. They quoted me the warranty agreement and would not cover my shipping cost. I had enough and told them I will not mail it back. However, if you are planning to buy it, please be advised, this product is fire hazard to your house or property and consumers have to spend money shipping it back before they will issue the recall.$LABEL$0 +650 Holster. This Holster doesn't seem to fit the Treo 650 phone very well. The bottom corners of the phone are rounded and the bottom corners of the holster are square. The side supports don't fully hug the phone and make me concerned about the phone coming out of the holster too easily. The top support clips the phone right at the slot for the memory card and doesn't seem sturdy enough to keep the phone in the holster. With an expensive phone like a Treo 650, I just don't get a secure feeling from this holster that it will keep my phone safe and on my belt. I refused to take that chance and will not use this holster. In fact, I already purchased the leather TREO holster manufactured by PALM for about $20.00$LABEL$0 +Listing not correct. Ordered 3 sets of 9 per set. Rec'd only 3. Sent in request for reorder or 21 more. Rec'd 3 (only) again. Not going to reorder.$LABEL$0 +Sure Block. The product was what I expected and the service from Amazon was great. It arrived much sooner than I anticipated. Thank you.$LABEL$1 +The book I want my daughter to have. I remember this book being my 2nd Easy Reader. My first was "What's the Matter with that Dog", my 3rd being "Benjamin of the Woods". I still have "What's the matter...", but boy do I wish I still had "Mr. Pine's Purple House". Sometimes we all need to know what makes us different in this homogeneous world. It took Mr. Pine some time, but he finally figured it out.$LABEL$1 +Good music and features Babatunde Olatunji. This is the same CD as "All The Best From Africa" but at a lower price. Why? Don't know. I would have given it a five star but a lot of the songs fade out long before they are done. It has a good selection of different kinds of music, vocal, percussion, string, etc. The main reason I like it so much is that it features Babatunde Olatunji on tracks 2,3, and 14-20. This is rarely heard Baba music especially to those only familier with his "Drums Of Passion" recordings. Some of the sound quality is not that great but I've heard much worse on other recordings. The CD also has squat for liner notes, but all in all, for the price, it's definately worth it.$LABEL$1 +Broke within 1 minute. I bought this after seeing all of the good reviews. Went to tighten the boom knob and the knob and fitting disintegrated into a dozen pieces. My crummy product may have been a fluke. Seller replaced right away, but the recording session had to be rescheduled and that cost time and money that cannot be recovered.$LABEL$0 +great album. I wanna float a quote from Martin Luther King: i am not afraid - i am not afraid - i am not afraid ............ to say that this is the greatest album of 2004 and one of REM's very best. Pure brilliance from start to finish. Much better than Reveal.Also, please give a listen to the album "Lotus" by Elisa. It's very similar to Around The Sun: lyrically brilliant, mid tempo and sublime. She is one of the most talented singers i'll ever hear.$LABEL$1 +This is the worst dvd/vcr product that you could buy!. I first bought this last week, and when I played DVD's it made a loud humming/buzzing sound. It was so loud that you could barely hear the audio. I returned it, and decided to try another one just in case I had gotten a defective one previously. Well, when I set up the next one it did the same exact thing. I don't recommend anyone buy this product! It is by far a terrible machine, so avoid it if you can!!$LABEL$0 +Word processing baloney. Introduction to Word Processing Word 2000 (Software Guides)Just another computer guide to waste money on. I have tried numerous books over the years, and have found most of them very good, but did not like this one.$LABEL$0 +Missing everything but the introduction. Unfortunately I thought I was getting a deal at $0.99. All you get is a few pages of intro, nothing else. The description makes no indication that is all you get.$LABEL$0 +A holiday tradition!. First VHS, then laserdisc, now DVD. I have 'em all, because it is just that good. (Cher, by the way, was not credited when the show originally aired, but does appear.)From the opening sequence, when one of those military boys gooses Pee-Wee, to the final moment, where Dinah Shore sings to the Pee-Wee mannequin, this show is hilarious and touching through and through. kd lang and Grace Jones are delightful. But I think Charo's performance of "Feliz Navidad" is the stand-out. Brings a tear every year. All that, and a holiday message that resonates for kids and adults.Truly a classic.$LABEL$1 +I would rather receive an F. I was forced into this book by my english teacher in college.I must have been the worse book I started to read. I never finishedit and would rather get an F than read this horrific novel. Two thumbs down. I'm sorry that I don't have more thumbs.$LABEL$0 +Disappointing. Quirky, but generally the same old annoying miscommunication in romance plot with plenty of characters to get in the way of a meaningful connection.$LABEL$0 +Cute film. I would consider this another guilty pleasure rom-com.Only reason I initially was curious about it was because of #AL but J'lo does a good job,considering some of her works(Gigli ha!)Who knew?! I recommend.$LABEL$1 +Flimsy Build. Well, I guess you get what you pay for. Threads are constantly coming out of this. It's falling apart fairly quickly. I can't complain too much because it was so cheap.With that said it does seem to be padded enough to protect the camera.$LABEL$0 +Horrible. I put this cd on and my dog started howling. As if there was a full moon. This CD is horrible. American Idol is stupid. If any of these clowns had an iota of talent, they would have signed to a label already ( See Kelly and Justin movie- that movie made about half a million at the box office!). I looked at the notes on the CD. He didnt write one song? So basically someone picked all of these songs for him. This CD makes me wretch. Also, dude is kinda ugly for a teen idol. In fact all of the winners and runner up are horrible looking. WTF?$LABEL$0 +Not Happy might be got wrong batch. As a first time Mom i expect that Pampers will be the best for my little one however i was wrong with this pack of Pampers Swaddlers. The inside diaper pad that supposed to be super absorbent it was not. These diapers are not that good ! Found some of the Diapers leaked, The diaper leaked liquid everywhere. Some Diapers had their flaps broken and I had to use tape to put the diapers on my baby. Very, very disappointedI'm not sure if we got a bad batch or if this size is just made cheaper; but I wouldn't recommend them at all.With my son it cause red irritation$LABEL$0 +The Rooster Crows. This book is a collection of American Rhymes and Jingles from all the ages. It was written 1966, but many of the ryhmes in it are still around today. Some examples are How Much Wood Could a Woodchuck Chuck, Mary had a Little Lamb, This Little Pig, and Star Light Star Bright. This book is very well illustrated, compared to other books of this time period.$LABEL$0 +nice to browse. I needed the book for a class and would not have bought it otherwise but, there are some good skills in here.$LABEL$1 +Un buen consejo? No lo compres! (A good advice?, Don't buy it!). Que fiasgo!. Este producto debe ser retirado y si acaso, emitir una versión ultra mejorada pero con otro nombre para evitar desacreditar el nombre Lynksys y Cisco. Recomiendo a los fabricantes que revisen el manual de configuración porque simplemente NO SIRVE. El fabricante debe además tener un manual para configuración manual. Tuve que arreglármelas para configurarlo, porque nadie sin algunos conocimientos de redes va a salir a camino con ese inútil manual. Y después de instalarlo, una lentitud horrible y un alcance pésimo. No amigo, no lo compre, busque otra salida, dese a respetar. Yo que casi siempre me llevo de las estrellas, no compro nada que no tenga de 4 estrellas para arriba. Esta vez no hice caso porque confío en Linksys y fracasé. He pasado una verguenza grandísima por estar sugiriendo este equipo. Ojalá este mensaje llegue a los fabricantes.$LABEL$0 +NOT WORTH TWO CENTS. I am a casual fan of the duo. I started looking for a compilation of their greatest hits and came upon "The Very Best Of Daryl Hall & John Oates". I thought great. Then I started looking at the tracks for my all time favorite "She's Gone". It was no where to be found on this compiliation. What? Are you kidding me; no "She's Gone" on "The Very Best of Daryl and John Oates". That song is arguably their greatest hit. Omitting it from the collection is a major infraction. As such this compiliation is not worth two cents to me.$LABEL$0 +What a terrible book.. On my age (almost 70 years) and after reading hundreds articles and an awfull lot books about Discus, I finally decided to buy this book. I've read a lot of postings made by Mr. Quarles in several forums and this man gave me the chills. Probably this man is very frustrated and now he has started to offend people very very much. The book is in one word worthless. That's probably the reason of the joker price now asked for this "book". It's nothing worth. Perhaps it won't even light my fireplace. My advice for people who want to start discus start buying books from good authors like Bernd Degen or Jack Wattley.$LABEL$0 +Brice Taylor Exposes the Mind Control Underworld!. Brice Taylor's brutally honest memoir is fascinating, heartbreaking, and at times humorous. As a former CIA operative, I can verify that she is indeed telling the truth; all of her anecdotes are right on the money!I am familiar with her case and am suprised she has left out Janet Reno and Nancy Regan's involvement because she has irrefutable proof of it. Janet Reno stained a blue dress of hers with her own DNA and Nancy Regan is shown on video directing Brice's gang bang by the members of OPEC in 1980.Even with these glaring omissions, Ms. Taylor has written a compelling book! A must read! Her experiences in Roswell will blow your mind!$LABEL$1 +Korn before they were Korn. Believe it or not this was the band "KoRn" before KoRn exsisted. It is evident in the powerful riffs played by James "munky" shaffer that he influence a lot in Korn's first and later albums. The high energy almost-disco-like drums brought to all of us by David Silveria (now the drummer to korn) are so much influeced buy grove music you can't help but dance. And of course the low clicky bass sound buy Regginald "fieldy" arvizu just leaves us in awe at the end of every song. So if you like korn and want to hear the earlier stuff (w/out Jon Davis's awesome, pain influenced vocals, sad to say) then get L.A.P.D. Some if it will make you giggle but you cannot help but appreciate their talent.$LABEL$1 +My favorite vegetarian "meat" product. I grew up on this stuff. It's so quick and easy to use. I love that it's never greasy or funky smelling like real ground beef and there's never a danger of e-coli from not cooking it enough. It's also cruelty free. No animals had to die in the process! Yay!I use it for chili, taco filling, and it's easy to make vegeburger patties just by adding bread crumbs, eggs and seasonings. It can even be formed into meatloaf or meatballs. I've made Hamburger Helper with it before which was pretty good. Its uses are endless. I'd love to try this in shepherd's pie. Loma Linda makes the best vegetarian "meat" products.$LABEL$1 +Classy and satisfying for every Elton fan.... As an Elton John fan of many years, I looked forward to this Blu-ray rendition of the Garden concert. It doesn't disappoint although the audio mix is a bit off with balance favoring the accompaniment. Nevertheless, it's a great way to enjoy an evening. One criticism --- where is GOODBYE YELLOW BRICK ROAD? Well, I guess you can't have it all.$LABEL$1 +Read & Grow rich with Wade's strategies. I made $5,000 in four days using the options on stock splits strategy on just one stock play! I am excited! Thanks WADE!$LABEL$1 +What a find!!. I watched this movie only because Vincent D'onofrio was in it. And am I glad that I did. I had heard of Robert E. Howard and knew he was a writer, but I didn't know anything else about him. This film shows the depth and loneliness of a man who didn't fit in with the rest of the world; and then he meets a woman who begins to understand and to love him, but ultimately cannot be with him.Vincent D'onofrio gives a wonderful impassioned performance as Howard and Renee Zellweger matches him as Novalyne Price, the woman who befriends him. This film is well worth seeing and I recommend it to everyone. It also contains the most passionate kissing scene I have every seen in a movie. I had to rewind and watch it more than once. (Actually, it was quite a number of times!!).If you're thinking of watching or buying this movie: Go for It! But beware, you will need kleenexs at the end -- I did, and I never cry at movies.$LABEL$1 +Not Recommended. While browsing on Amazon for free books, I found this one. I enjoyed it until the ending. THIS IS NOT FOR CHILDREN! Nor horse lovers that like happy endings. It's a good thing it was free, and also that I can't write a note of disapproval to the author.Soldier Boy is Buffalo Bill's horse, and the book is told partly through his viewpoint, partly in letters from humans and partly with Soldier Boy talking to other animals.An interesting tale of the old west, with a young girl named Cathy who arrives from Spain and bonds with her beloved Soldier Boy.I wonder if Twain planned the ending from the get go, or if he just wanted to finish it quickly...and finish off the main characters, too. I'd love to know why he ended the story in such a gruesome way (a bullfight in Spain).Despite my love of reading about anything equine, I don't recommend this book.$LABEL$0 +So romantic!. This CD is great for slow dancing! Being a Latin American woman, I loved the duet with Luis Miguel! But the other duets are wonderful as well. And Sinatra... great as always!$LABEL$1 +not worth it.... this is just a documentury that you hear no full songs by korn and no members of korn are even in this talking or anything... if you're a korn fan and know thier "basic" past and rise to fame than their is no need buying this dvd... ...STEVE-O...$LABEL$0 +Survivor is unique. This album is unique but it's still very good. Just give it a chance because this is pratically a whole new group. So buy it please :)$LABEL$1 +I USED TO LIKE IT , BUT NOW I DON'T. I bought this album at once, back in 1986. AS most Purple fans, I was anxious to have this album featuring their best line-up. I listened to it and I loved it. But after a while, thinking with my head and not my heart, I realised this is not a good album at all, except for "KNOCKING AT YOUR BACK DOOR" (a classic in rock forever), "PERFECT STRANGERS", "UNDER THE GUN" and "GYPSY'S KISS". The rest are fillers, pure fillers.$LABEL$0 +Junk. After a few months the "" Key and "" key don't work. You can't tell what are the two keys are in this reiew because I am currently using this keyboard to write the reiew. But if you look at the word "reiew" I think you can figure out one of the keys. Off to buy a new one right now but wanted eeryone reading this to know what a piece of junk this is.$LABEL$0 +Shuts off when listening to quiets parts in classical music or jazz. This thing is ruined by one seemingly small problem: the transmitter shuts off when it decides the input volume is too low. I guess the designers thought this would be a useful feature. Unfortunately, it makes the thing completely unusable for music that has quiet sections -- especially classical music. Its really annoying -- you're right in the middle of a piece and all of a sudden you hear a loud "blap!" and it shuts off. I'm going to try to return this.$LABEL$0 +Bad Recording. This CD is a big disappointment. Although the Cleveland Orchestra plays the right notes, the feel of the music is all wrong, especially as far as tempo is concerned. Dohnanyi probably deserves most of the blame here, as he is the one who dictated the crazy tempi and weird phrasing. The second movement is a good example. Dohnanyi seems to be in a race, trying to beat somebody to the finish line. He flies through the thing and slows down just enough every once in a while to make sure the orchestra is still with him. Also, the recording quality itself is pretty clear, but the sound is too bright and thin. Poor.$LABEL$0 +I Can't Wait for It. I have watched the first DVD many, many times and still laugh at it. The Color Honeymooners are just as good as the ones made in the 1950s, and they're in lovely color complete with cheery musical numbers with professional dancers and good musical arrangements. It has been a long wait and I'm going to be the first to buy the next DVD, or next 9 episodes. Wish MPI would put them out a bit faster, though. They are light-hearted, fun and very funny, all shot on a stage in Miami Beach. Classic, true entertainment, bar none. I will keep these always and watch them over and over again, that's how good I think they are.$LABEL$1 +Terrible Movie. This is a terrible movie. Very slow, bad plot and just overall depressing. It is not the actors fault, just a bad plot to begin with and the acting does not improve. Such a waste of good actors, their time and the producers money. Don't waste your money. If I could give this a "-0", I would.$LABEL$0 +Cute beads, but difficult to use. My daughter received this bead set for her 3rd birthday. The hand painted beads are bright and attractive, and she was eager to start beading. However, the rough texture of the wood on the inside of the beads makes it a frustrating experience- she isn't able to bead without assistance. We ended up exchanging the beads for a set with a smoother interior surface. My sister also purchased these beads for her nearly three year old, and she had the same experience; her daughter was unable to string the beads- the laces snag on the rough interior surface, making it difficult to bead.$LABEL$0 +AWESOME. This cd is mad different from their first two releases... But it misses alot. But I love AFI. This cd is pretty awesome ... Fast and loud. Beautiful lyrics... Art Of Drowning is their best work though$LABEL$1 +Not Exactly What I Was Expecting, But Still Great!. Hillman Curtis is just the right amount of self-deprecating so that you can learn from his own mistakes. Video for the web has changed a lot from when he wrote the book, but he can give someone new to film making enough insight into settings, lightings, sound, mics, etc, that you probably won't pick up elsewhere.$LABEL$1 +an exercise in masturbatory, pointless BS. "lipstick traces" is nothingbut an incomprehensible mess written by an author driven not by the spirit of dada or punk, but buy the spirit of the dollar signs, a very prevalent one in our culture. the ultimate purpose of this book is precisely nothing, except the opposite of what everything discussed in it respected--money. and jesus, if you actually got into this book, get out of the house every once in awhile.$LABEL$0 +Failed much too early!!!. Like many others, my tank developed a leak that became worse over time. InSinkErator customer service was horrible and said that their warranty was only a year. Never again! We installed the hot water dispenser from Waste King (bought at Costco) that is available here in Amazon at our vacation home. After 2 years, it performs flawlessly. Besides being reliable, the Waste King is also much less expensive than the InSinkErator. I posted this review on the InsinkErator faucdet as well.$LABEL$0 +Poor imitation of a romantic comedy. The people who wrote, directed and produced this movie would do well to take a crash course in Cukor, Capra, Hawks etc. Lazy, unimaginative writing and directing yield a script full of cliches and characters whose motivations abruptly shift directions with no justification whatsoever. Not at all believable.$LABEL$0 +Does what its supposed to do. It's a fine product, but it comes with no written instructions. I know it seems self-explanatory, but really, something would have helped. Also -- the back piece doesn't connect, it's just held in place.$LABEL$1 +Amazing camcorder at an affordable price. When its time for me to replace my old Mini-DV camcorder I made an extensive research whether to buy another old technology camcorder (mini-dv or DVD based) or buy a new technology camcorder (HD or hard drive based). I finally compromised on buying this, since this is a compromise between old and new. It uses 3CCD technology which is cool because the same tech. is used in professional cameras.Am I satisfied with my purchase? A big Yes. Especially the capability to record still images on a SD card at an amazing clarity eliminated the need for me to carry both camcorder and digital camera.I would recommend to buy this to anyone who is looking for a budget camcorder but do not want to compromise on quality.$LABEL$1 +nice little vacuum. I bought this based on the reviews on Amazon and I'm impressed with the suction power. I use it mainly on my kitchen floor and it does a great job on cat hair (I have two) and their leftover food particles. It is easy to navigate under the table and counters and also does a good job on the carpeting. My only complaints are that it is heavier than I had hoped and cleaning the filter is messy. All in all I think it is a good value for the price.$LABEL$1 +Hilarious!!. Seinfeld has been the classic comedy of the ninenties, for three very good reasons: it's funny, it's hysterical, and it's side-splittingly hilarious. These shows are all fantastic, with the possible exception of the pilot, but, that show is nonetheless interesting to watch. Hours of informative bonus features top off the mix.$LABEL$1 +Spell Binding. I love this CD. In fact it was in my CD player for so long, I didn't even realize that Kelly Clarkson had a new single out. Great crunching guitars offset by Amy's beautiful vocals.$LABEL$1 +happy w purchase. Great choice of music to use in my massage business. Very pretty music. Very relaxing. Customers have enjoyed it for their holiday massages.$LABEL$1 +See-saw. I finished this book only by sheer force of will. It was so full of gibberish that I couldn't make heads or tails of the logic in it. It see-sawed between being reverent of Sarah, and then hating her. I don't see how you can have it both ways. That's why I don't recommend this book to anyone.$LABEL$0 +Love This!. Very durable dolls. Don't have to worry about finding arms and legs and heads to put back on them all the time. They are very durable and fun to play with. I would recommend this to anyone with little children who love to play with dolls. You won't have to look for pieces to the dolls anymore!$LABEL$1 +Digital Logic. I had to purchase this book for a Digital Logic class i am taking. I am not very happy with the book since it does not cover concepts in detail (with examples in the text) instead it has questions at the end of the chapter but they do not offer the solutions in the book or online so it makes it difficult to know if you are understanding and getting the questions correct. It also jumps around in the chapters, no chapter is stand alone for a specific area.$LABEL$0 +Product image totally misleading.. the product picture shows rabbits comfortably in it with sufficient space and all. In reality, nope. i doubt any will ever fit. its so small, its almost a scam. Totally misleading.$LABEL$0 +The Holy Spirit, God and the bible. I have been captured by God in this book. What profound words of knowledge and eye opening of the scriptures this has been. Helping to embrace a closer walk with God. It is a must read for anyone walking with the Lord.$LABEL$1 +EASY INSTALLATION. I bought this so I could open/close my garage door from someplace besides the door going into my house. No more do I have to hit the button, run across my garage door, hop over the sensor eyes, all while ducking the door as it closes. I lose the feel of Indiana Jones, but make life easier in return.$LABEL$1 +Not user friendly, Adobe won't offer support. We purchased Adobe photoshop elements 6 and premiere elements 4 as a package in late 2007. It was not user friendly software at all, but after much painful reasearch we were able to perform basic tasks. (The main purpose of the software was to create slideshows and burn them to DVDs, and even that wasn't easy to figure out.) Last year it worked well on our old computer, but when we got a new computer with Windows Vista it wouldn't work. I can create slidewhows, but I get an error message every time I hit the button to burn them do a DVD. I called adobe for some help, AND THEY DON'T OFFER SUPPORT FOR PREMIERE ELEMENTS 4.0 ANYMORE. It's only two years old. I guess if you don't fork out the cash to upgrade every year, adobe isn't interested in helping you.Terrible product. Terrible support. It has raised my blood pressure substantially in the past few weeks, and I DO NOT RECOMMEND IT TO ANYBODY.$LABEL$0 +um... Mr Bezos?. Okay, I was browsing on Amazon, and I noticed that this book was the first item on Jeff Bezos' "Wish List".Jeff, Forbes magazine estimates your liquid net worth at $3.3 Billion dollars. A book that costs $11.95 is NOT someting that you need to 'Wish' for, particularly since you founded the company that is the primary distribution channel for all print media for the forseeable future. See that button on the website that says: "Add to Cart"? Just click that. No need to add it to your "Wish List". Incidentally, your actual "Wish List" at this point should look something like this:1. Telekinesis2. Governorship of California3. Threesome with the Hilton Sisters4. Mastery of all Time and Space5. HairOkay, I'm done ranting.ps this book sucks and will teach you nothing about how to make money in securities markets. You might as well consult the magic 8-ball for all the good it does you.$LABEL$0 +Hard Rockin' Versatility. This album is IT!!!. I've been thinkin about gettin this album for a while now, since I saw a reference to them on the reviews of several other pages (i.e. Limp Bizkit, Korn). Heeding the warning of the man's review below mine, I listened to this album before I bought it; and man, I was BLOWN away. I ain't no christian, but this album is heavy! P.O.D. don't preach, they tell it like it is. Their lyrics are real, not superficial. And man, the U2 cover of "Bullet" was DOPE! Pick this one up! It won't let you down. Listen with an open mind. Korn who?$LABEL$1 +Live in Branson. I love all of Faron Young's work. I was especially happy with this CD because it had 3 of my very favorite songs on it. It's hard sometimes to get all the songs you want on one CD. He's one of the truly great country singers & he's missed very much!$LABEL$1 +Cannon Battery. I received the batteries (2) very quickly and have charged and used them. They are working as expected. I can't give the batteries a 5-star rating as yet because they must hold up over time and that will be months down the road. I have purchased these batteries thru Amazon before and they lasted a long time but this is not the same supplier so I can't say as yet whether they will hold up.$LABEL$1 +Napalm at It's BEST!. This album truly blew me away in all of my expectations! (Especially since 'Enemy of the Music Business' was not very good, considering how Napalm got better as their career went on.) All I can say is that this album was what they needed to get themselves back at the top of extreme metal. This is their heaviest album to date, so I can't wait to see what there next 1 early this year will bring! Without a doubt, 'Order of the Leech' will be tough for them to surpass!$LABEL$1 +No.. I believe that in this day and age, the term "genius" is being used far too loosely. Since when did this apply to a would-be-McDonalds worker, whose greatest artistic acheivement is breaking the record for the thickest makeup ever worn, and the baggiest clothing? I am appauled. I haven't even touched on the "music" yet.The "music"? Well, if you believe that many painful minutes of jangly acoustic guitars, combined with simple rhyme patterns, combined with bitter lyrics about how "I've been mistreated by boys" is genius, well than maybe YOU need to take a look in the mirror, and ask yourself...WHY? Is it because I"M even dumber than my idol?"Rock on!" "DDDUUUUHHHH!"$LABEL$0 +WIll brighten your day. This is my favorite animated movie since the Lion King. Hopefully they will start making increasingly more movies with originality and great writing like this.$LABEL$1 +Flashy, but problematic. I've had the watch since 07 and it's not working anymore. It will keep the time for awhile, then the display will fade away and stop working. When you tap the side, it comes back to life and starts where it left off, only it doesn't keep the time in the meantime and you have to reset it almost daily. NOw I don't bother wearing it.$LABEL$0 +Ion Ceramic Steam Flat Iron. I chose this rating because the product could not steam flat a paper bag. I have been looking for a steam iron for awhile like an old one I used to have and thought I found it but not in this.$LABEL$0 +Great Songs. It is not that often I come accross such well written music. I have not removed this CD from my CD player in my car since I bought it.$LABEL$1 +Kim. Kim is a good. though dated. novel. but badly transcribed. In some places very badly transcribed.$LABEL$0 +usmle step 2: by rose S. Fife, et al. This book is written so simple and I think the writer had no idea about the type of questions appear on USMLE step 2. questions are strait forward, explanations are so brief. I compare this book to NMS review Q and ACE the board step 3 and A&L Goldberg multiple Q for the step 2.$LABEL$0 +Horrible!. I had this vacuum for exactly two days when I asked for a refund. It did not pick up anything! At first I was unhappy that it did not have a swivel head, and that it was very heavy, even though it was a canister. Then it became apparent that it was truly useless as a vacuum cleaner. I must say, however, I was VERY impressed with Amazon's return policy. I entered a request for a refund on Sunday night. On Monday, the UPS man came with a sticker and took it away. On Tuesday, I had my refund!$LABEL$0 +Average. Bombay is my hometown and it is also one of the world's great cities inspiring writers from Salman Rushdie to Vikram Chandra and Suketu Mehta. Maximum City is an average work that deserves some attention but not much - it covers the usual suspects - gangsters, movies and the night life - but it doesn't touch on countless other subjects - which is understandable, Bombay has tens of millions of people and each of them has their own unique story. This is not a bad book, but it is not great either$LABEL$0 +Help!!. Please! I tried using it and not get either in paper or plastic, much less in leather. Anyone know of a video showing the use. Thank you very much.$LABEL$0 +Pleased with Propet. I have owned Propet Walkers before. There is nothing like them for comfort and durability. I highly recomend these shows.$LABEL$1 +Immature protagonist. Mother always did like you better; for that matter, so did Dad. This is the theme upon which Harris's new novel is based. The critics are saying it's about returning but it's really about self-pity as well as self-aggrandizement. Every time a problem arises, Mado races to the rescue (probably in an effort to prove to Dad that he should have loved her best)And if that's the point, then Harris failed to show me that the issue was with Mado and not with Harris herself. This felt like a first book. You know the ones--thinly veiled autobiography where the author airs a tired old grievance. And because of her past success, her editor and the critics let her get away with it. She also got away with my money and now I have a grievance to air.$LABEL$0 +Total Nonsense.. Don't read this garbage. Robert Prechter has done a great deal of disservice to America, by spreading nonsense material which has no real foundation on modern economic and financial theory. People will get hurt by following this nonsense. It is sad that in this enlightened new millenium, some people will still listen to people like him. Everyone lost money in the stock moarket in the last two years, including myself, but in retrospect the public was blind not to see the coming tech wreck in 1999. But the equity market will recover sooner or later. Prechter is overdoing now, with no theoretical foundation. He will hurt a lot of unsophisticated readers, and undermine our society.$LABEL$0 +It sucked. first of all-When I walked into the theater there was NO ONE only me, my mom, and my sister so that gave me second thoughts on how good the movie was. When the movie started I thought it was going to be a good movie because Linsday Lohan was in it- I was wrong the movie totally sucked. It had no plot and it wasn't that funny at all. Sorry, I know i'm the first to write a bad review but I think Freaky Friday was much, much better.$LABEL$0 +Another mainstream disappointment. yet again, it has happened. a promising rapper has become victim to the industry. its not really jada's fault, cuz all the money's controlled by only a couple suits at the top, but this album represents everything that is wrong with hip hop today. gimme a break, this isn't music, this is a lame ploy to make money. too bad it had to be jadakiss that had to sell out though.$LABEL$0 +WASTE OF MONEY. I worked two hours to purchase this book.I wasted an afternoon of my life reading it.This book could have been about 10 pages long.136 pieces of paper were wasted on this book.This muck barely deserves space on a webpage, letalone an entire book.Read something else, don't waste your time friend.$LABEL$0 +ALREADY PLATNIUM?. As far as I'm concern, this poor excuse for an album and a rapper shouldn't even be in the Gold Rush. He's just another tatooed low life who talk like he dropped out of grade school. Bling Bling hip hop is the same as pop metal was in the 1980's and disco music was in the late 70's. it's contrived, formulaic, and shallow music that's overdone without substance. Slimm Thug may be street smart but he doesn't have any book smarts which makes him a slim scrub.Pass on this album and buy some real music$LABEL$0 +A waste of money. I bought it for my sister's 40th birthday. Luckily, I read it when it arrived instead of wrapping it and giving it to her.She won't be receiving it, but the trash will be. The book isn't even remotely humorous and many of the poems, whichI felt were badly written, left me scratching my head.$LABEL$0 +Doesn't fit 17: HP Pavilion. I tried to /make/ it fit, but this sleeve was just too tight for my laptop --and the trying left me with several zipper scratches on the top of my poor baby.$LABEL$0 +Donnie Darko - Best Film Ever. I loved this film. It made me cry, the attidues of the characters were completely realistic, the music fitted and the storyline was very original. It is my favourite film.$LABEL$1 +Amazing monitor... especially at this price!!!. We've had this monitor for close to two years. In that time we've never had issues with static or anything else. You could hear a pin drop in my daughter's room. It has a great range for an inexpensive monitor. We've used it while working outside on many occasions and it was as clear as always. I love the night light feature and the display lights come in very handy at times. I highly recommend this monitor. :-)$LABEL$1 +Great Read, Great Sense of Place. In a former life (as an architectural historian, of all things), I spent a lot of time on the same mean streets of Southern New England as Joe Gunther (albeit with a clipboard and a camera instead of a badge and a gun). Mayor's books are really notable for their sense of place -- I can call up clear pictures of his over-grown millyards and sagging tenements every time I read one of his books.Mayor gets the people right too. Even though his is a cop's-eye view, the villians are not simply generic "bad guys." They are individuals, with individual strengths, weakenesses and even talents.Mayor's books are procedurals with lots of procedure (he's a real-life Vermont constable) and now and then I lose track of a pawn or two in the bureaucratic chess game just because there are so many of them. But overall, an incredibly solid and admirable series.$LABEL$1 +Not as good as it sounds. Instead of buying this book, I went to the library to check it out and after reading the other reviews, I was very disappointed. This book has little to do with "sanity saving" it's mostly just letters of unique situations written to the author of this book. He replies with common sense advice and even sometimes advice that "beats around the bush" (indirect advice). For the average healthy bride I recommend reading the book by the Knot (don't remember what it is called but it has "The Knot" in the title). I also got that at the library and it has absolutely everything! No need to get another book. It offers real "sanity saving" advice and some real life stories for all situations. But if I have to say something positive about the other book, it does have a cute cover... but thats about it.$LABEL$0 +Not for American Designers. this particular book seems well written, but is only usefull to a designer in the UK. I was hoping for a book that works with LRFD & ASD design aproaches. If you work in America, do not waste your money!$LABEL$0 +Revealing what?. The concept of the book is to reveal the errors of Islam, and the author manages to this to a certain degree. Unfortunately he also reveals his own flat-tyre Protestant theology! Comparing words in the two religion's main Scriptures is indeed important and interesting, but the author falls into the "Bible-bashing-mode" so typical of many protestants. He does not know and does not quote any of the Church Fathers' interpretation of crucial passages, and therefore he fails to make his case agains Islam and its literal understanding of spiritual life. It is a pity, because the author is well-intentioned and enthusiastic. But he talks too much about himself and his friends being "spirit-filled", and he never manages to get beneath the surface of the Christian Theological arguments against Islam. 2 stars for trying to do it anyway. Read instead St. John of Damascus' "Writings" in the CUA series.$LABEL$0 +OVERPRICED SHIPPING!. c'mon! really? s-e-v-e-n dollar shipping for an item that weighs less than a few ounces?$LABEL$0 +Decorative Fishing Creel. When I purchased the River's Edge Fishing Creel, I knew by the price, that it would not be durable enough to actually use in fishing. I purchased the creel for my wife as a decorative creel that she could either plant flowers in it, or use with artificial flowers. While the main body of the creel seems durable enough, the straps that are attached are not, also the way that the lid of the creel is attached to the main basket is to flimsy. "You get what you pay for." I am happy with the creel for the decorative purpose for which it was purchased, and my wife is using it for that purpose.$LABEL$0 +Great fluffy ball. Love it fits on my shure mic perfectly I have another blue windscreen to tell apart two of my mics without having to really looks at them haha c:$LABEL$1 +Dont buy from them. Their customer service stinks.. Buy from Husky or somewhere else. Their "exact fit" is far from the truth and the customer service has been horrible. I told them I was having issues and instead of offering help they just said "you can return them" which i finally did. Four weeks later I am still waiting for my refund after numerous email requests. This company has no integrity so buy from someone else. I even copied the CEO of the company on my email regarding the frustration and got no response from anyone.$LABEL$0 +The only essential study tool for the GRE. After purchasing both the Barron's and Princeton Review GRE books, I found that this book is the only one that is essential for studying for the GRE. While other books contain some useful tips (particularly vocab lists) this official book from the GRE is necessary because it contains real past GRE exams. Other books write model exams similar to the GRE, but because the questions have not been thoroughly tested, the questions on these model exams are oftentimes confusing and sometimes just flat out wrong. My scores on the exams in the Barron's and Princeton Review books were not indicative of the score I actually received on the GRE, only "Practicing to take the GRE General Test" gave me a good idea of where I stood in my preparation for the test.$LABEL$1 +One of the best. When I first heard of this movie during the Academy Awards, I was skeptical of the plot because well, how could a person shield such horror from one's child, especially at a time such as the Holocaust? Yet, somehow, this man did. And the reason I feel that it was like that is because it was a relatively short stay. I don't think he could have pulled it off if it were longer. What I love about this movie is that I was touched by it. And each time I see it, I am more touched, and I fall in love with a certain aspect of the film. Despite the fact that I am African American, I can identify with this film, and I give it two thumbs way up!! (Personally, it needs more than five, more like ten)$LABEL$1 +Harvest Moon. Harvest Moon is a fun game where you're racing the clock as well as horses and dogs in the local festivals and events.This game teaches some what responsibility in raising animals,crops,and even a family on your grandfather's old and run-down farm. In this game you make friends and enemies and you can even have a wife and child of your own. There are many different sences such as the mountains where you can fish and gather plants, to the beach where you can fish and swim, to the town square were you can buy seeds and animals. I hope you have fun playing Harvest Moon!$LABEL$1 +Being Part of the Mayhem. I had read all about the earthquake, seen all the photos, gone to exhibits. Still, nothing took me inside the mayhem the dual forces of nature and politics caused as the earth shook like reading 1906. 1906 gave me a great mental picture of the times, and although ficticious, skillfully allowed me to suffer the effects of the earthquake along with the characters. Dalessandro's plot is fascinating, but what I value most after having read this novel is that when I'm in San Francisco I now find myself seeing certain street names and places in a whole new light.$LABEL$1 +A Boost for the Praying Woman. The Yada Yada Prayer Group series has been a tremendous boost for my own prayer life. To those of us who sometimes feel our prayers are same old, same old, reading about this group of women who actively participate in a fervent, Spirit led prayer life has changed mine. In Book 3, The Yada Yada Prayer Group Gets Real, these women have grown closer to each other, and the true-to-life situations, though sometimes seeming to be hopeless, get prayed over bigtime, and with the thanksgivings typical of the group. The women don't forget the practical gifts of love either, such as spending time with Adele's mother who is suffering from dementia.God's answers to their prayers are delivered in His perfect time and way, often bringing surprises as He does for us all.The books are great, and improve with re-reads.$LABEL$1 +Why?. After a listen you'll be hounded by the same nagging question of Why.Why does this guy still get to put out records? Why do people still listen? Why did I bother listening? Why does Buffett suck so badly? Why am I so nausious? Why can't I make the pain in my head go away?Do you get what I'm saying?$LABEL$0 +Just a clarification. BMI should not be confused with body fat percentage--there is no formula for body fat percentage and using a device like this one can be an accurate method of determining body fat percentage.$LABEL$0 +ZERO STARS!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!. This is DISGUSTING!!!!!!!!!!!!!!!!!An AWFUL singer (or singers??) trying to make money singing Josh Groban's songs! I wanted to give this ZERO stars, but that was not an option.DO NOT buy this CD---it is a TOTAL RIP-OFF, and sounds TERRIBLE. Go buy the REAL Josh Groban CD's!!$LABEL$0 +DO NOT WASTE YOUR MONEY. Do not waste your money on this book unless you do not have clue about women. The book has 12 chapters, only one of which actually addresses the subject matter. I enjoy eating at the "Y" and love pleasing women while doing so. I was expecting a "how to" book written from a woman's perspective but what I got was mostly useless feminist babble.$LABEL$0 +Stankonia Will Be Ownin' Ya.. Never have I heard such a superbly produced album. Each track on OutKast's new Stankonia has something new to offer. The entire album be flowin' , and it's tight like hallways from beginning to end. I have awaited Stankonia's arrival for quite some time now, and it was definately worth the wait. BUY THIS ALBUM A.S.A.P.! PEACE.$LABEL$1 +Not worth your time. The narrator of the book is too much the stereotypical girl. I would suggest this book to girls 9 and under but not any older. She tried to make the book funny but it didn't work. I don't suggest this book to anyone who is looking for a worthwhile book with good humor. Don't read this book.$LABEL$0 +This book is a perfect blend of drama, history, and emotions. This book is an amazing piece of literature which has made millions of people both think about and discuss this book, as you can see on this webpage. All those who gave this book under a four-star rating do not truly understand good literature and should stick to "The Baby-Sitter's Club" series.$LABEL$1 +Complete Disaster. Three hours with foreign tech support (including half an hour on hold the first time). Swapping cables, resetting this and that, downloading nonfunctional software. Worst experience I've ever had with the computer. Never Again Anything Linksys!!!$LABEL$0 +Howard at her worst.. Linda Howard has the ability to draw you into her characters and understand their feelings about things. But she failed with this book. It was weak. Dione is a physical therpist who has been given the assignment to help Blake Walk again. The doctors said Blake would be able to walk but he doesn't believe it. He just gave up. A powerful man just giving up yea right... Dione is no better. She is probably the weakest character Linda has ever had....I kept thinking through out this book that these characters need some back bone. I was so angry with this story, I thought both characters should be alone to wallow in their own self pity.....$LABEL$0 +The "improved" design is a step back. I've always preferred Tampax because they're just plain tampons with no skirts and they don't expand and they're not scented and the cardboard applicator is simple and flushable, but the redesigned ones are everything I don't want. They're also smaller but cost the same. This is the kick in the pants I needed to switch to the Diva Cup.$LABEL$0 +Not impressed.... I must say I am not very happy with these boots at all. I am surprised considering all the good reviews. The boots are way too big in the heel and very wide around my ankle. When I walk in these the extra material in front pushes inward and pokes my ankle. I could only wear for moments...these will be returned A.S.A.P.$LABEL$0 +c grade movie. - a C grade movie - the man has made better movies! - I wouldn't rent it even - poor plot - even poorer acting - not that we expect much from him - but he has improved over the years - handsome devil none the less!$LABEL$0 +not worth the money. If you have Rx glasses, do not buy this stuff. It will alter the thickness of your glasses and you will not be able to see. The stuff goes on with a q-tip type applicator and it is nearly impossible to get it to go on evenly, which also ruins your ability to see clearly. The only useful part of it is the lense cleaner but the price is not worth it.$LABEL$0 +NOT for beginners. Despite the fact that it says it's for beginners, it's not. Many of the poses are very difficult for someone with little yoga experience.$LABEL$0 +Not the best Area 51 Video!. Out of all of the Area 51 videos I have viewed, this one is probably the worst. It does not touch on any of the key points of the mystery surrounding area 51. It also does not touch on the more "hands-on" information that viewers might find usefull when visiting the Groom Lake area. Nothing about the security force, the borders and no GOOD footage or photographs. I highly reccomend Amazon customers try another video in stead of this one. The only reaons I gave it 2 stars is because of the cool box cover and graphics sequences.$LABEL$0 +Bernier gives a true look at France's most famous king.. The book, "Louis XIV: A Royal Life," by Olivier Bernier, is a true historical guide to the life, reign, and love affairs of Louis XIV, the Sun King of France. The book actually begins telling of the night Louis was conceived at a hunting lodge. Bernier gives a true look at France's most famous king from his early childhood to his death in 1715 by gangrene in his leg. The Fronde, the wars against England, and the War for Spanish Succession are covered in depth by Bernier. This is the book for anyone interested in Louis XIV of French history$LABEL$1 +wow. thanks...great service...great product to start this healthy alternative for my family----- and yours as well. the breville is what is said it would be....a fantastic juicer.$LABEL$1 +Informative, beware binding. I bought this book to use for a horse class at a local college. My first warning is the binding! It doesn't take long, or too many times of opening the book before the glue comes undone and sections of the book fall out. I tried my best to be delicate to avoid this from happening but, it still came apart.Some of the information is written in a confusing manner and some things are not entirely up to date. The non-updated information is not abundant and one can still learn plenty of information by reading this book.The book does cover everything from the possible cost to the mechanics of a horse, and many other things. It is a good book to have if you're new to horses. But, I would only buy it if you can find a cheap price on it. Simply because of the binding falling apart.$LABEL$1 +Poor quality, breaks easily. I got these as a wedding gift in July 2010, via Bed Bath and Beyond. These just sit on my counter and don't get moved or pushed around much, so they are under minimal use. In Febrary 2011 (7 months later), the largest jar got a huge crack in it, which has continued to grow and has now rendered the canister unusable.The plastic threads on the second to largest size became unglued from the stainless steel lid. Upon examination, I discovered that they had only glued it in two places, with only a small amount of glue.Also something to take note of is that the openings aren't wide; they are about 3.75 inch diameter from inside rim to inside rim. The advertised 4.25 inch diameter mush be from outside rim to outside rim. My 1 cup measuring cup will not fit in the canisters, which is extremely inconvenient.$LABEL$0 +This guy can sing!. Jeff Scott Soto, owner of one of the most powerful pair of pipes of heavy music EVER, released his best solo effort with this album. Assembling a fanastic line up (including Journey guitarist Neal Schon, this ialbum is just amazing. THere is a general eighties "feel" to it, but it does not soung dated at all. The songs are well crafted, the guitar solos will leave you breathless. There is the obligaory power ballad ("If This Is The End") but that's not a total waste, because is has weight int it.This album is one of those albums that you will enjoy from the first listen.$LABEL$1 +Will appeal to many parents-to-be. One of the best birth books available, with options ranging from hospital birth to waterbirth. There is also a DVD/video by the same name available by Barbara Harper for those with spouses and/or families to educate, too!I read this book (and watched the video with my hubby) in preparation for our planned home birth after an "Unnecessarean". I highly recommend it for anyone planning a gentle and natural birth, but also for those who are not sure what they think about epidurals, induction, interventions, et cetera. You may be amazed at how leaving this book lying around the house can turn even a first-time father into a birth advocate, too! ;>)Suzanne Arms' photography is just breathtaking. This book is worth the price for the pictures alone! It's one you can put on the coffee table.Thank you, Barbara Harper and Suzanne Arms!!$LABEL$1 +A good follow-up book. This book picks up seconds after book one. By the end of the book I was left thinking that this was a perfect ending to the story. Here again we see Geordi dealing with his love interest Leah Brahams. She has been busy moving up the chain of command and now has a crew of her own. The crew of the Enterprise start succuming to the aliens that set off the Genesis Wave in order to save their dying civilization. Billions are dead and the Klingons are in the unconventional roll of acting as transport ships of the injured and refugees left in the wake of a massive evacuation that has decimated much of the alpha quadrant.Makes a nice tie-in to the Star Trek S.C.E. series.$LABEL$1 +Fascinating Art Gem. Informative reading and interesting to look at, The small format restrict some of the details of Bruegel's intricate artwork. But for the price and the amount of photos ( and some excellent details ) it's a treasure of a handi-referednce book. Highly recommend$LABEL$1 +Send a message: We are not fools!. DO NOT BUY THIS RELEASE!! Send a message to the industry that we are not stupid enough to fall for their marketing ploy of selling us a regular version and then selling us the extended version we really want (and which is already available on standard DVD.Those of you who fall for this scam...I'll bet you also fell for Apple's scam and bought an iPad already!$LABEL$0 +Stick to movies. You don't need a ""sixth sense" to see that this cd is dead on arrivial. this is a terrible record.$LABEL$0 +Data-mining Project. I gained little from reading this book. The data mining exercise that Jim Collins put his team through yielded few surprising results, and whatever useful lessons that can be drawn from the exercise can be summarised in 10 pages. But Collins had to write a book about it!$LABEL$0 +not a well-made set. I bought this for my son who likes to create art. I figured the handy case would be easier for travel as it would contain everything he needed. Well, it stinks. The inside liner of the case falls out, the paint rounds dont stay in their plastic container at all. So you have to constantly put them back in everytime you open or close the case. This case is not worth it! My son just took all the stuff out and put it in other containers because he was tired of dealing with it.$LABEL$0 +I dont like it. I dont like it because,1 The Buttons are way too small2 It Goes Wacko when you try to select something3 It Is HUGE!!I Just dont like this controller$LABEL$0 +Horrible diapers. My daughter loves her doll but, the diapers are horrible. I used a coupon and bought a package of pampers size N. They fit perfect and they don't leak$LABEL$0 +Amazing Classroom Tool. I am an instructional asst. in a Special Ed. class for emotionally disturbed kids aged 8-11. Most of our kids are on meds for their severe behavior problems. I listened to SOOTHING MOMENTS and loved it so I decided to try it out in my classroom. I was amazed and grateful when I turned on the CD and the entire class calmed down. Now, it is a part of our classroom schedule. We listen to it twice a day on a regular basis. The students even request it now on their own for their quiet time. SOOTHING MOMENTS has become one of our most effective tools in our classroom. Amazing!!!$LABEL$1 +Doesn't play on my ps3. I have tried and tried and tried, but this blu-ray will just not play on my ps3. I have never had his happen with a disc before, but no matter what I do the system will not recognize it. Very disappointed.$LABEL$0 +A BIG WASTE OF MONEY. I get it....use it three times, and then the earpiece falls right out of the socket.....the sound quality was decent.....but three uses ?? I am returning it and going to try the Nokia Brand.....what was I thinking ? Body Glove makes wetsuits!!$LABEL$0 +Go to the movie-theatre instead. This is really no good... The whole book (and all the others in the series) coul be directly used as manuscripts for bad Hollywood movies... Nothing special, really... This CAN'T be compared with classics as "Wheel of Time" by Robert Jordan or "The Lord of the Rings" by J.R.R. Tolkien...$LABEL$0 +The American Way. I selected Moyers on America because I felt the need to better understand the true condition of current America political economy. I found his book presents a balanced specific evidence of of our direction in the world economy.This book was down loaded to my Kindel Fire that I purchased online from Amazon.$LABEL$1 +Come on, what a disappointment. Why do the authors in the fantasy have this new 'cool trend' of writing huge 'epic' series filled basically with subplots and only a nebulous main theme?All the so-called 'fantasy kings'- Jordan, Terry Goodkind and now GRR Martin have disappointed me greatly. The 'epic' style is very unsatisfactory, more like a soap opera than an epic. Tolkien wrote epic and grand stories, but were they neverending, rambling creations? I had more hopes for this particular series but the author appears to be squandering it away with another Jordan-like fiasco. If you want tightly woven, well-written fantasy, don't expect to be satisfied here. Look at Pullman's provocative and beautiful His Dark Materials, or Ursula K Leguin's thoughtful trilogy. Or go back to the major figure in the genre, Tolkien, and see why these authors are worth reading. These books are more like Swords-and-sorcery Grisham then fantasy. The genre really is going downhill.$LABEL$0 +Excellent field guide great pictures & information!. This field guide on snakes is excellent. The pictures of each snake are clear and you can identify them easily when you see them in the wild (or in you're house). The organization of this book splits up into two sections venomous and nonvenomous which allows a very quick way to tell if you should be anywhere near the snake. The infromation on each type is plentiful and everything you need to know is included. There are maps of where to find each type and whether they are endangered or protected in the state of Texas. A system is given in the beginning of the book for how to easily determine a snake and also what to do if you happen to be bit by a venomous type. The only thing I would like to see in the next revision is the striking distance of each snake which isn't given in this book.$LABEL$1 +Bad. This guy cant rap for his life! I can rap better, and i am a girl! Its surprising that he wins all those awards FOR NOTHING!$LABEL$0 +dope moisturizing lotion. recommended by a dermatologist for dry spots. works great as a moisturizer as well. not fragrant nor greasy. use this at home and refill the sample bottles for travel.$LABEL$1 +Easy dovetails at a great price!. This is a very simple to use dovetail template and you can't beat price. I like it better than my other dovetailing fixture. Go to the MLCS site and watch the video. You get 2 templates, 2 router bits and a 1 3/16" brass bushing. I would buy this in a heart beat and MLCS is a great place to shop!$LABEL$1 +The theory sounds good but it's too hard to follow. This diet sounds good. The theory seems sound. The idea is simple. But putting the theory into practice was just too hard for me. I'm a mom and wife, and trying to get my family to adjust to something this extreme was simply not reasonable. As it was, I found it almost impossible to get through the day without some form of carbos, and I'm not talking needing big dishes of ice cream, even a simple bowl of rice would have been welcome! As well, I found the lack of fiber in this diet to be a real drawback, and the suggestion to use things like Metamucil and take large quantities of vitamins to be unrealistic. The key to real weight loss seems simple, eat less, exercise more. This diet just didn't cut it for me.$LABEL$0 +DO NOT TOUCH!!!!. I happen to be a fan of Fred Olen Ray's movies, but you must fight all urges to buy this one, folks. First of all, the picture quality wasn't that great. I've seen worse, but it is poor quality and very grainy (which suprises me given the good quality of other Retro Media titles). Next, the acting is atrocious. I can usually deal with bad actors and actresses (as I said earlier, I'm a fan of Fred Olen Ray's movies) if the plot is decent enough or if the story is at least entertaining enough. But this is absolutely the worst movie I have ever seen! There are no, I repeat, no redeeming qualities in this movie. So, why did I give it two stars you ask? The extra materials, that's why. There are some pretty neat things on the rest of the DVD (such as Nite Owl Theater bloopers, outtakes of the movie, and, of course, a new episode of Nite Owl Theater). But believe me, it is not worth the price of the DVD. STAY AWAY!!!!$LABEL$0 +Compares to P.G. Wodehouse. The highest compliment I can pay this book is that it is the only American work that truly bears comparison to the great P.G. Wodehouse. Dobie, though far from a confirmed bachelor, captures some of the inspired daftness of Bertie Wooster's narration of his own impossible adventures.I loved this book when I was a teenager forty years ago, and loved it just as much when I reread it last year. Don't make the mistake of confusing these brilliant stories with that dopey sitcom. You won't go wrong with this one.$LABEL$1 +Woolley gives J.C.B. his due at last. Robert Woolley presents a fine rendition of these Op. 17 sonatas on a fortepiano built at around the time of J.C. Bach's death. He endows them with feeling and humanity without a lot of overindulgence in rubatos or other mannerisms. The "prestissimo" movements of sonatas 2 and 6 are especially good, played with breathtaking virtuosity. And as Woolley demonstrates, there is an excellent case to be made for J.C. Bach as a worthy composer in his own right, and not just "another son of J.S. Bach" or "a precursor of Mozart." Highly recommended.$LABEL$1 +Paste is better!. Product arrived considerably later than other items I had ordered. I applied it to my wet hair afer showering and disliked it immediately! It's heavy and barely scented. The scent itself lasts only minutes. The paste is much lighter on my hair and its scent lasts for hours! Wet your palm before adding the paste (tiny dab) and then rub in. Holds well and smells fresh and healthy.$LABEL$0 +Two hours!. It took two hours for Ralph Fiennes whose blindness isn't even noticeable to ask Natasha Richardson who is nothing like a Russian to "date" him. OMG. This movie is ridiculous. I can't believe this was a Merchant and Ivory movie because the cinematography was so clumsy. Most of the shots were small screen quality but less interesting and creative than Jerry Bruckheimer produced small screen fare. I'm sure people who are interested in wartime era Shanghai/expat culture will give this movie a scan but for the rest of us, OMG. Ralph Fiennes rarely has chemistry with anyone. I have no idea why he found Natasha Richardson compelling. The costumes were not flattering. This movie was more boring than the not that interesting Naomi Watts in wartime Shanghai movie, The Painted Veil. OMG.$LABEL$0 +bobble buck review. product was broken upon arrival, more of a hassle to return than worth the time or money$LABEL$0 +Great game for all ages. I bought this game gently used for my 6 year old son for christmas. It arrived quickly and played like new in his DS. He absolutely LOVES this game and I've played it a couple of times and enjoyed it too.$LABEL$1 +FUN FUN and FUN!!. Don't listen to that one guy about it being a terrible record. Apparently that guy has never had a drunken dance party. This cd gets everyone going and yes it's cheesed out 80's electronic music, but I guess I just miss those days of big hair and neck shade hats. Plus Chromeo is not a mainstream band and is pretty unique.$LABEL$1 +70+ cancellation e-mails!. I'm a total loyal Philosophy costumer- I have everything from their purity facewash to hope in the jar and have heard nothing but good things about the company, until now. My order just like everyone else's was cancelled and they then proceeded to send me cancellations one after the other! I got about 30 yesterday and over 40 today!Not good customer service at all!$LABEL$0 +DOING MORE TO THE GAME!. I REALLY THINK THAT MIDWAY SHOULD HAVE MADE RED CARD MORE BETTER IN GRAPHIC WAYS. THERE SHOULD HAVE BEEN FIRES IN THE STANDS MADE BY THE FANS, ALSO THEY SHOULD HAVE MADE THE FANS SEEABLE. IF MIDWAY WOULD HAVE TAKEN SOME TIME TO SEE A REAL SOCCER GAME ON TELEVISION, THEY WOULD HAVE FOUND OUT SOME REALISTIC PROBLEMS THAT THEY DID NOT ADD INTO THE GAME. I HOPE IN THE FUTURE, THEY ADD THE MISSING PIECES THEY FORGOT INTO THE NEXT SOCCER GAME THEY COME OUT WITH.SINCERELY,JOSE MUNOZ$LABEL$1 +A bike great for kids. this bike is amazing, we have a dirt driveway, and it has no problems. the handle is very strong and easy to push around the bike. the lock out features are also great. It was worth the money.$LABEL$1 +Steven Seagal stilk kicks ass!. Steven Seagal has some movies released to dvd it seems, BUT they're great none the less. Love to watch his movies, never boring and always full of action. Usually great stories as well. Love his new show on A&E.$LABEL$1 +Excellent!. The old way of treating employees doesn't cut it in today's world. Every employee is different, and so you can't treat them all equally. But you can treat them all FAIRLY. Once I got over this basic dilemma (the "golden rule" was a cornerstone of my management philosophy), I became hooked. You can't argue with statistics, which is the basis of the authors' argument. This is one book I will always have handy on my desk!$LABEL$1 +Worth reading. For those of you that enjoy a novel Christmas story, this book has several! Piano Man's Christmas is one of the best stories in this collection.$LABEL$1 +The Velveteen Rabbit. This is one of my favorite stories. I bought it as a gift because I love sharing it. I will probably continue to give it as a gift. It is a beautiful story.$LABEL$0 +Do "U" really need a review for these lads?. There was little reason for anyone to suspect that from a "thread-bare-tired-post WWII region" four lads would create a musical legacy that would captivate and change the entire world.$LABEL$1 +Tainted research. Connell is usally an excellent writer but her reportingon Medjugorje is compromised and shallow.$LABEL$0 +Do not buy this game!!!!!!. This is one of the worst wrestling game I have ever played! Pro Wrestling for the Original Nintendo was better then this game. The commentary (was bad) big time! 90% percent of the stuff they say has nothing to do with what's in the ring. The wrestler takes a pounding for 10 mins before you can even get a 2 count! Save your money or buy a different game. I only wish I could get rid of mine.$LABEL$0 +The Moonlight Man. I rate Moonlight Man a one because I don't think there was enough action in it.Also,I didn't like the setting."I mean a house?Whats up with that"?The characters were ok. I didn't like April. She was very bossy. The rest of the characters were ok. This is why I rated the book 1 star.BY:AJC$LABEL$0 +A real disappointment. I like Linda Howard and have read all her books but Open Season is bad. The book cover reads `Seamlessly blending heart-pounding romance and breathless intrigue'. Seamlessly blending it was not. It took Ms. Howard twelve chapters to remember there was suppose to be some intrigue in this book. And calling it intrigue is really stretching it. The ending was also a disappointment. It's as though Linda Howard knew how bad the book was and just wanted to get is over with. There is no comparison between Mr. Perfect and Open Season. Mr. Perfect I recommend, Open Season - forget it.$LABEL$0 +SHORT BUT CUTE. My son, who is 3 yrs old, loves the "Max & Ruby" tv show. He doesn't ask for "Max's Toys" as much as the others. It's pretty cute (book is prob better for a younger child). His favorite books are:"Dragon Shirt""Bunny Cakes""Bunny Party""Max Cleans Up"$LABEL$1 +Disappointed in Durability. On the advice of another reviewer here, I bought this item for mydaughter for the Holidays. Within a month or so, it started actingup, and eventually the CD player stopped working. I know that theprice is low, but if this is what you get... save your money and buyan alarm clock at Wal-Mart.$LABEL$0 +Classic Television Drama @ its finest!!!!!. I used to enjoy this show. Ienjoyed the actors as well they did a good job. I definitely liked the drama and the suspense it was done very well. Dallas was a popular Television show and a lot of people watched it. The show had great production and actors. I liked Victoria Principal (Pam Ewing) who was married to Bobby Ewing and had a son named Christopher. But the most infamous one of the main characters J.R. Ewing (Larry Hgaman) the son of Mary Martin (Peter Pan). J.R. kept the drama going he and Sue Ellen duked it out so much . I really did enjoy this show and therefore I would recommend anyone who likes Classic Soap Operas or Dramas to purchase this item it is very enjoyable.$LABEL$1 +Waste of money. I am a new hamster owner and this cage was my first mistake. I have a Teddy Bear hamster and she is still a baby, just a couple of months old. This cage is way too small for her. The pieces are very brittle and break easily. The ball doesn't turn very smoothly or easily and of course is a little noisy. I wish I could put a regular wheel in here, but can't because of the pyramid shape of the cage. All of the accessory pieces you can buy for this are total junk too. The tubes don't stay together and fall apart once my hamster crawls inside. Not a good buy. I just bought the Jack 72 Hamster Resort and hope it works out better!$LABEL$0 +Tastes like plastic. I love the convenience of a bottle but the content tastes like plastic. It might do more harm than good if the bottle has BPA in it.$LABEL$0 +the only shoes I buy. Shoes are not an easy item for me to purchase. I'd rather go to the dentist. I'm pigeon toed with wide feet. Most people don't notice because the 'insert' in my shoe corrects my walk. Keens are the first shoes I was able to wear without an orthodic. *now I'm a woman who's crazy about shoes. My Newports were a hit as wedding shoes and I was able to use them daily after the 'big' day...just wish they were a little more affordable and available. Can't purchase online..have to make sure they fit just right.$LABEL$1 +Not the brilliant Brightman I expected. Not music for me.. Listened to "Time to Say Goodbye" and "Dive" and had to have more. I am sorry to say that this cd is not to my taste at all. It was like listening to someone other than Brightman. I will continue to search for similar works as the above mentioned because she still has a golden voice that touches the soul.$LABEL$0 +how to play?. I can't find any 'play' button on the web site or instructions on how one play these items????$LABEL$0 +Really good for the money. It's a nice little unit, lacking some of the bells and whistles, but for 198 dollars in March of 2007 it's a pretty good deal. Screen isn't too small to see, really, and you can put it in your pocket. The suction cup mount is great! Little quirky entering addresses. Great for the money!$LABEL$1 +Unreliable Product. I bought this product with a life-and-death importance. My rescue Great Dane is aggressive toward cats. I tried the collar on myself and turned the shock rating up to 5 before I got a little jolt. Then I tried it on my dog and calibrated according to the instructions. I presented the cat and got limited reaction even on the highest 10 setting. I tried the collar on myself on bare skin. I felt a shock about one in four times -- on my bare skin.This product is unreliable.$LABEL$0 +BEST GAME EVER!!!!!!!!!!!. this game is tight. There is hand-to-hand battle, and ship battles.THe graphics are awesome.special attacks are the best looking technique.The game is pretty hard but hard games are better.If i were you get this GAME! I've played this game before.$LABEL$1 +Another customer ripped off.... Tiger Direct does a switch-a-roo on you... - You pay for a premium product and they send you another brand.$LABEL$0 +The worst piece of equiptment...... I purchased this recorder and it never even worked coming out of the box. It won't read the media and now Sharp wants me to mail it into them. Should've purchased from a local retailer so I don't have to deal with additional shipping. This is horrible.$LABEL$0 +beautiful, haunting. I recently purchased this cd and loved it from the first listen. It sucks you right in and even though it's a long cd, I never feel ready for it to end when it does. I've probably listened to it every day since receiving it. Sarah's music makes you want to close your eyes, turn it up and float away...$LABEL$1 +Rubbs off.. The pen does cover well and matches the matt black finish on 'tactical' weapons. It does, however, rub off easily which makes the product all but useless.$LABEL$0 +AGONY AND ECSTASY. IN 1967 THE MOTTO WAS NO PAIN NO GAIN. GIVE IT YOUR ALL, GIVE IT ALL YOUVE GOT AND YOULL GET ALL IN RETURN. ALL MEMBERS OF THE GROUP WERE PUTTING THEMSELVES INTO THEIR MUSIC AND WORK 110% . THE FURIOUS FIVE HAD A STROKE OF MAGIC THAT WAS TOO HOT TO THE HUMAN TOUCH. THEIR BAND DIRECTOR, CORNELIUS GRANT HAD 3 CUTS ON THIS ONE. HE WAS PUTTING THE PEDAL TO THE METAL AND STRETCHING THEM OUT OF THEIR COMFORT ZONE. CORNELIUS GRANT WROTE 3/SONGS- "I KNOW IM LOSING YOU / AINT NO SUN SINCE YOU BEEN GONE/AND YOURE MY EVERYTHING. HIS MUSICAL ABILITY HELPED THEM TO SOAR TO NEW HEIGHTS AND DRIVE THEM INTO NEW #1 HITS. THE GIFTS/TALENTS WERE FLOWING ABUNDANTLY. YOU HAD TO BE THERE TO EXPERIENCE IT.$LABEL$1 +The only semi C- (passing) sequel. Although there are some real fallbacks that jock part 1 way too much this tends to be a pretty good sequel to the 1980 classic slasher dasher. The big chasing is ridiculous and the end is boring but there are some great moments, the beginning was great. Too much like part 1, but still acceptable.$LABEL$0 +Misery Bay and Other Stories from Michigan's Upper Peninsula. "Lauri Anderson's latest collection of poignant stories is a wonderfully rewarding read. These stories are not only dedicated to the Copper Country, but truly celebrate the Finnish character that has played such an important part in creating a Copper Country heritage. Here are our heroes, survivors against all the odds, in this remote land, true to themselves acting with an unconscious humility. These often bittersweet stories are set in historic contexts that make them utterly convincing. There are many literary allusions, and even characters such as Vainamoinen and Hemingway play a part. The clean rhythm of the language mimics the Finnish language and underlines the basic humanity and individuality of these Copper Country Finns."$LABEL$1 +I've never wanted to punch an author before.... If you buy this book to witness a truly amateurish bash at prose, you'll not be disappointed. I nearly cried. Not because I found it moving or convincing, but because I'd just wasted precious time and money.If you want to learn about business, you'll need to wade through a mountain of unusable, irritating, self-indulgent, sentimental waffle and self-congratulatory passages plugging his other products/services.Gerber doesn't care about your time. He has feelings, dammit, and he's going to express them. Aaaarrrgh!I PROMISE I will NEVER buy another book/product related to this guy EVER again.$LABEL$0 +Meerkat Manor Season 1. Being a South African I have a huge interest in the Meerkat as they are my favourite animal. Some of the farming community come across little one's in the veld left behind on their own and the farmers raise them by hand and keep them as pets. They are not kept in cages and they are loved and taken care of very well. We suspect the Meerkat are left behind homeless possibly due to their parents being killed by other animals or what we experience mostly is road kill. However, I found the DVD's extremely interesting. Wonderful footage and beautiful photography. It's almost like watching a "soapie"! I laughed and cried at the same time especially when my favourite character, Shakespeare was bitten by a snake. Although Shakespeare recovered, he later dissapeared from the scene and it was not mentioned what happened to him? Overall I am very impressed.$LABEL$1 +Wheres the suction?????. Ok, seriously. If you use this vacuum your not doing much but pushing dust and debris around. Very low suction. What's with manufactures these days? build something that works good!$LABEL$0 +Great compressor. I use this compressor to fill up my tires after I'm finished 4x4ing. For the price it cant be beat. It fills up my 35" tires from 10psi to 24psi in about 20mins. I would have given this compressor a 5, but I had to redo some of the wiring since the inline fuse melted the connections.$LABEL$1 +Barely informative, terribly written. I thought this book must have been a rush job, written to capitalize on Martin's death-- it reads like it was thrown together in a week.The writing is awful-- sentences that are almost incomprehensible, non-sequitors abounding, a smarmy tone in an attempt to sound jaunty, many facts questionable if not downright wrong (The Lewis/Martin reunion was on the MD telethon not the "Frank Sinatra Show"-- whatever that was) . Save your time and money-- read "Martini Man" for a good bio.$LABEL$0 +Great Kids Book. This is a really good story that you can read to your kids over & over and still enjoy the book yourself. "Storm Is Coming" by the same author & illustrator is also excellent and if you like these you'll probably enjoy the "Hairy Maclary" books by Lynley Dodd.$LABEL$1 +Christopher Decker's Biased view. True, the book is an good compilation of the various Fitzgerald translations of the Rubaiyat by Omar Khayyam, yet the editor, Christopher Decker, gives an extremely rude, biased veiw of the Islamic belief. Decker unneccesarily gives his enraging opinions, for example, he calls Prophet Mohammed (SAW) a "false prophet" of the Muslims. He openly attacks Muslim customs and beliefs, calling the Muslim calendar "clumsy". The editing is very unprofessional. Also, he attacks the Muslim Holy month of Ramadan. Fitzgerald is to be given positive credit for this book.$LABEL$0 +What an excellent revival!!!!. I loved this game back in the olden NES days. When this game came to the GBA I was very impressed with what has been done with it, there is no downfalls, only improvments!! The game is just the way I remember it with a few add ons here and there... a very excellent game revivalof the super woggio brothers 3!Tho the name is confusing, it's Mario Advance 4. Yet it's Super Mario Bros. 3Another cool thing about this version, as well as a few other things, if you have a gameshark, there is a code where you can use the flying cape from Mario world (4)!!!$LABEL$1 +sturdy & useful. (original review 12/23/03) Typical KitchenAid quality: sturdy plastic, dishwasher-safe, easy to read labelsConvenient leveler / storage gadget (though I do not see how it is a scraper?!)Overall, this is a very useful, worthwhile purchase, despite being a bit overpriced for the number of measuring cups you get with this set.(Update 4/18/07) - 3 1/2 years later and I still use these almost everyday! I just wanted to add two things:1.) I never use the leveler2.) If you use particularly scratchy sponges to scrub your dishes, you might find that the labels eventually get worn down on these. They do go in the dishwasher, by the way... but *I* don't have the time to do that, because I use mine way too often!$LABEL$1 +Failure to deliver on the goods. I love my Ipod model of this product. It suprizes me that Belkin wont get its delivery date right. When you tell someone a date better make sure it it at least close. I have been trying to get this product since November. Then I found it on Amazon. Then as Belkin did last week. The week before shipment they changed the date by 2 months. Unacceptable for me and should be to Amazon also. I only hold Belkin to blame for this. I have bought many things from Amazon. They only tell you what is relayed to them. I wonder how many of these will sell by March this time. Or will it be delayed again. An upset Zune owner.$LABEL$0 +This is an ordinary card, nothing special. The VIA chipset is strictly for low level work = 2 video streams max throughput. Better to find a card with the Agere' or Lucient chipset which can pass as many as 8 video streams at once. The price is OK, but you can do better for the same elsewhere. Easy install? All modern FireWire 1394a and 1394b cards are plug and play = no driver required, so this is no advantage here. Reliability? you would be better off finding a card with internal power connector as the FireWire 1394 power drain can be quite a strain on cheap PC motherboards, especially with external drivers and burners.$LABEL$0 +Another awful printer from Suxmark. I'll keep it short and sweet: you buy cheap, you get cheap. I only purchased the 1100 Jetprinter as my Epson Stylus Color IIs died on me and I needed something immediately to print a report for school. What a waste of hard-earned money: don't even waste your time comparing this product to other printers, go with an HP or Canon instead. With the 1100, I experienced frequent paper jams, especially with size 10 envelopes, and it went through ink faster than my Epson Stylus Color IIs or my Lexmark z23. Drop this bugger and run for the hills!$LABEL$0 +Wafer-thin layer of fleece. I bought one of these pads a couple of months ago and it was nice enough before being washed. The fleece was not as thick as a Mattes pad, but seemed to be on par with Fleeceworks. And then I washed it. After just the first washing, the fleece got very thin and clumpy. I expect to be replacing mine with a Mattes pad in the near future.$LABEL$0 +I will never buy anything form this seller again. I bought this refursbished but looks really used a lot scratches ,,a lot, both of them looks the same..(I got two for my two daugthers)$LABEL$0 +Make sure you buy the 2nd Edition. Most of the reviews here seem to relate to the first edition (which was admittedly kind of short). The book has been updated, and the second edition covers new stuff like XSD Schemas, Diffgrams, SOAP Virtual Names, and all the other SQLXML 3.0 features. I found the book really useful, and easy to read. The examples are great and the concepts are all well explained. Definitely worth buying if you're planning to use SQL Server's XML functionality.$LABEL$1 +Poor Quality. This is the second HeartRate monitor I've owned. My first was a Polar model, which I unfortunately lost during a move.I bought this Omron HR-100C model primarily due to its price, and also seeing that it was a best-seller on Amazon. Unfortunately I've found the quality lacking. Particularly when trying to switch between HeartRate and other modes, the watch will beep when the button is pressed, but won't always change modes. (It takes repeated presses of the button to change.) This is especially frustrating when you're riding and trying to fiddle with the fool thing.If all you need is a basic HR monitor, this will work. But if you also want to see the time, or use the stopwatch, I would look elsewhere.$LABEL$0 +A great book for beginners. This was my fist book about scripture I have ever read. It was very enjoyable. It help me with the basics. It was very helpful to learn about the different covenants.$LABEL$1 +Great Book. For anyone that are not familiar with markeing concepts, this is the book. It takes you in a markeitng journey to explain how to make your church grow.It is good teory, there are great advices and will help to stablish a "good" marketing culture in your church. A must have for those with poor markeitng knowledge.As a portuguese speaking country, I am using it to teach those concepts to our church council, because not everybody will be able to read it.$LABEL$1 +The BEST Album By Madonna. Erotica has got to be Madonna's best album!! This album explores every aspect of sex while giving you great rhythm and awesome dance songs... Deeper and Deeper is a reflection of the club scene in the 70's with a twist of the 90's and a great beat... Madonna is one of the most influential artists and this is one of her most influential albums because it showed that women can be sexually provocative...$LABEL$1 +Worthless Drivel. Despite the endless high brow rhetoric and circular reasoning of Darwinists, the simple fact is Dawkins and his diciples of the church of naturalism can't explain the absolute origin of anything, even a hydrogen atom, let alone the universe. True, empircal evolution (i.e. adaptation, speciation, selection, and genetic drift) is all well and good - and irrefutable - but it has zip to do with origins, and will remain a delusional fantasy for those who reject the Biblical record of sudden creation and the subsequent global water catastrophe. Life is short, truth will be revealed to all - some only get it after death.$LABEL$0 +New Found Stardom. This has to be one of my favorite albums of all time. Basically, it's five Florida natives taking half an hour to share their interpretation of punk music at its best...and they succeed. You've got Jordan belting out lovesick anthems like "Eyesore" and "All About Her", then switching to funnier moments with "Boy Crazy" and "Sucker for a Kiss". "Ballad for the Lost Romantics" pretty much ends a great album. If I sat here any longer, I'd name all the tracks and give you reasons why they rock, so buy the CD and wear it out. I guarantee that if they don't become one of your favorite bands, they'll give you thirty minutes of damn good fun.$LABEL$1 +quick delivery by seller. I love the comments in the bible. Gives you a little more to think about. Really need to large print these days!$LABEL$1 +Don't buy this. This thing is garbage. It's flimsy, it takes two hands to release they very small buttons. The buttons do not release or lock well. The assembly instructions are lame. I am throwing this in the trash, it's not even good enough to donate to Goodwill.$LABEL$0 +Planet Bike Protege 9.0. So far I love the Planet Bike Protege 9.0. When I installed it and tried to take it off (very hard to get off), I thought I broke it ,I didn't. The other night I got my bike ready to take with me to work the next day so I could ride it at the park and completely forgot to protect it from the dew. When I got off of work, I checked it and was working great! I had bike tire issues (note to self, don't air up the tires to the maximum p.s.i that is on the tire) so I haven't really gotten to test it out much. One tip is you push it from the bottom to the top to reset it. I was trying to push down and then up at first and couldn't figure out why it wasn't changing. To reset it, just keep pushing until completely 0's out. I don't think it was very hard to install on my mountain bike. It took me about 20 minutes to install and adjust it.$LABEL$1 +unspectacular. I'd written a review for this game when I was in the middle of playing it. When I finished, I wished I hadn't spent the time. Here's the deal... I hated almost every character in the game. They were annoying! How are you really expected to enjoy a gaming experience when you hate all the characters you play as?What I liked in the game was the deep story, and I loved the combat system. Combat was actually a lot of fun. The graphics were nice too.What I hated involved all the characters and the way they reacted to things. In fairness, there were a couple of characters I liked, like Bebedora (sp?). It may be an unfair comparison, but in games like Final Fantasy, you can go back to various areas, and there's all sorts of side quests and weapons you can get. It gave the Final Fantasy series a lot more depth.Ultimately, this could have been worse, but if they'd just made the characters interesting, it would have been a lot better.$LABEL$1 +Good keyboard but over time letters wear off. My husband is a "hunt and peck" typer. One of our computer desks is in our bedroom. My husband always had to have a light on when I was trying to sleep when he was on the computer working, so he could see what he was typing. I bought him this Saitek keyboard for Christmas last year (2007). Our entire family, including children love this keyboard and it is used several hours a day. The only issue I have is, after ten months the paint is wearing off of the frequently used keys. It's not a problem for me, but the "hunt and peck" typers I live with will eventually have a problem. It's still a good keyboard and I may try to put permanent marker letters on the keys eventually and see how that works. Overall a good product. Even if I have to purchase another one eventually, the light is off when my hubby is typing. I'm happy!$LABEL$1 +As in all of Crichton's books, you learn something while being entertained.. Michael Crichton excells at teaching you while you are reading (or in my case, listening - I heard it as an audiobook read by Blair Brown).In this case, Crichton tells us about the world of airplane design and construction. However, the more compelling story is that of the news media getting the story wrong due to lazy work - the same theme as is developed in "The State of Fear." Seeing stories that are produced on the local level in my city about items that I have personal knowledge of, I cannot say that I disagree.Entertaining, informative read.Final grade: B+$LABEL$1 +This is the same track list as the Best Buy version! Don't blow your money!. Yes indeed, the bonus track on the Japanese version, selling here for 45 bux, is the same Snoop Dogg collaboration that is on the exclusive Best Buy version of this CD that you could get for like 9.99 on sale when it first came out. If you haven't already splurged on this edition, just save yourself 30-35 dollars and head over to your nearest Best Buy....$LABEL$0 +Just Another Musical. I found this film to be average. I find most musicals (especially MGM productions) to be tedious, so that probably contributes to my lack of enthusiasm for it. The only redeeming aspect of this movie is Gershwin's great music. For fun with friends, or by yourself, wait for the "An American in Paris" ballet at the end of the film. When the section comes on, where Gene Kelly is dressed in an off-white outfit, and wearing a Ty Cobb style baseball hat, watch with the sound off.$LABEL$0 +No good product. Used to be a loyal sony customer as all me previous products were close to invincible. So I went out of my way to purchase a sony for my first camcorder. Took it home and turned it on... then it died on me. Yep right there and then, no abuse nothing, just died on me. The customer service apologized but didn't do much. To me I cannot fathom how sony is staying in business (i wish I read these reviews here first before I made my decision, as obviously they are going on a downhill trend as far as quality is concerned) with kind of quality. I will never buy another sony product again and will make sure no friends of mine make that mistake.DON'T BUY!!$LABEL$0 +silly, save your time and money. I don't understand the 5 stars this book earned, which was the reason I purchased this book. I found the humor sophomoric, dog flatulence is not funny to me. The heroine was silly, she reminded me of Lucy in the "I Love Lucy" series. No suspense, the villain was obvious. I did read the entire book and just did not see the humor or substance the other reviewers rave about.$LABEL$0 +awful product. Came without the battery cover so sent it back... these guys have a cheap product, don't bother. Overall product quality was very subpar. The plastic felt cheap and not watertight at all. On top of that the packaging looked like someone had opened it before me. Likely returned it as well?$LABEL$0 +Another Great Book by Lnysay. I received this book on my kindle but have not had a chance to read it yet, but knowing the other books by Lynsay, I know this one will be just as good.$LABEL$1 +no information. I would have bought this item the first time I saw it, if not for the lack of information. Other pages have a list of items included in the package whereas this one has none. Who's to know what you're getting? I suggest that this seller at least place an overview of the items the recipient will be getting when ordered.$LABEL$0 +An unessential release. With every release, these kings of emo get more mundane and self absorbed. Typical fugazi songs that go nowhere new, which isn't necessarily a bad thing except that all their sheep-like fans always claim that fugazi is so cutting edge. Same old discordant clanging guitars, sort of funky bass work, and preachin'. Ugghh. How can a band be so self righteous and PC when their front man was fined for dumping oil from the fugazi van into a stream in Northwest DC?$LABEL$0 +Yes, and you can too!. Jez Alborough is among my favorite authors of children's books. In this book he has imagined a tale so eloquent and so memorable that it will quickly become a family favorite. The illustrations are beautifully painted, made especially vibrant because of Alborough's heavy use of greens and blues. The author has perfectly imagined the characters expressions, from curious glances and despondent faces to joyous looks of wonder and satisfaction. This book has to be read aloud! Having presented this title dozens of times to numerous audiences, I can tell you that this is among the best books I have read to children and their parents. My audiences always applaud my telling of this book, largely I think, because of the passion I put into reading it, which is made easy by the rhythmic text and the dialogue that begs to be voiced. The surprise ending is always a hit with my listeners and brings relevance to the title. This is a must-have title for your child's library!$LABEL$1 +LEXOL 1015 LEATHER CONDITIONER SPRAY - BEST EVER!!. I used this product on my 2002 Camaro Z28. My seats look like new now!! I'm very impressed. I prefer this overMeguires.$LABEL$1 +Great Christmas Tunes. This Christmas CD is a welcome addition to my Christmas collection. Dolly has a great voice and style all her own. I just wish it had more than 10 tracks.$LABEL$1 +McCulloch Steam Cleaner - product defective. McCulloch MC1275 Steam Cleaner. I received this product almost immediately - shipping was very fast. The product was packed very well - every part was individually wrapped and secured within the box. Unfortunately I never got a chance to use it. You have to assemble the handle on top - which holds the hand piece and is the only means for lifting the cleaner to move it around. However, the handle could not be affixed according to the instructions. The holes for the screws and the screws were out of alignment and there was no way to force them into place without causing more damage. I returned the product the next day.$LABEL$0 +Not the item in the picture when ordered.. If I'm not mistaken the item in the picture is solid black. The glasses I received have a clear tint at the bottom which I was not happy with. Will be returning this item. They did fit nicely, but as I mentioned I wanted solid black all around not just on 3/4 of the shades.$LABEL$0 +Same old, same old. Yet another "authoritative" tome on behavior modification. The title of the book made it sound interesting, but upon closer scrutiny its tired, teacher-in-control theme reared its ugly head. It's amazing that years after more effective models of classroom management have been devised, implemented, tested and their effectiveness confirmed (both by teacher/administrator evaluations...AND independent research studies), the Skinnerian behavior modification model still reigns supreme. If you must buy this book, do yourself a favor and also check out Beyond Discipline by Alfie Kohn and/or Teacher Effectiveness Training by Dr. Thomas Gordon -- then make up your own mind.$LABEL$0 +Beautiful Utensil Set!. This utensil set is gorgeous! Each piece is well balanced and fits well in the hand. I received this set free with the purchase of the 10 piece Cuisinart Chef's Classic cookware set, which I also love!$LABEL$1 +Waste of time. Did not like this movie at all. I didnot finish watching it because it did not have the usual characters that we had grown accustomed to. The movie was boring and did not have any merit whatsoever. This was a total waste of movie time.$LABEL$0 +The Red Shoes. For a movie that was done in 1950 it is wonderful. The story line seems a little trite. But the dancing is superb.$LABEL$1 +Don't be fooled.. While it may be new, the device is junk. The frequency, amplitude and phase adjustments are not in "real time", that is, when you turn the knob, the digits do NOT follow you as you turn it. There is a significant time lag which makes it particularly difficult to zero in on a particular value. More over, the device is very light and cheaply made. I don't think that you could give it away to others once they see how it functions. That said, if you don't care about what value of frequency, amplitude or phase, or are only interested in very ball park values, this may work for you. The output signal does not seem to be bad as measured on an oscilloscope. It's the usability that is of concern.$LABEL$0 +This Game REEKS. I borrowed this game to try it out. I had never played a Zelda game before and had heard that they were really good. But after I played it awhile, I found myself incredibly bored. I got extremely tired of sitting there waiting for the characters to stop talking already! And although Link (the main character) has a sword, he rarely uses it. Then he looses it later in the game and has to run around cluelessly trying to find it again. Talk about barely any action. After that he gets a talking boat and a goofy wand that, apparently, lets him controll the wind. What's with that? I don't call this a "puzzle" game. I call it a BORING game. I suggest you buy a Mario game, which cleverly combines puzzle with action.$LABEL$0 +FANTASTIC TALES OF CHILDHOOD!!!@. WE LOVED THIS ONE! EVERYONE HAD, OR SHOULD HAVE HAD, A TEACHER LIKE MISS DAISY AT LEAST ONCE IN THEIR LIFE. THIS BOOK REMINDED ME OF A COUPLE OF VERY SPECIAL TEACHERS FROM MY OWN PAST. DONALD DAVIS'S BOOKS REALLY TAKE YOU BACK. KEEP UP THE GOOD WORK!!$LABEL$1 +Great machine for the price!!!. I am a General Contractor and we do our own insulating, drywall and trim. I purchased the 50-760 more as a combination air cleaner(1micron bag)and dust colector that we could run continuously while we are working around it. It is a reletively quiet machine, dead silent compared to our large shopvac. It has plenty of power and with the castors it is a dream to move around the houses we work on. I purchased the 50 hose as well so that we could clean the air in smaller rooms without working around the machine and having to keep moving it. It has great suction and the two nozzles move a great deal of air. The only downside is the plastic collection bags are a little difficult to install the first time but it is very nice knowing how much is in them.$LABEL$1 +Unacceptable. This was the 2nd most depressing movie I've seen, of late. I am unable to recommend it to ayone$LABEL$0 +Good TV....if it doesn't break.. I purchased this television in May, 2006, and it's performance was great while it lasted. After about 3 monhts, the tv began to malfunction. The colors would fade in and out, and then the picture would be rendered in about 4 colors, making everything on the screen a psychedelic blur. Eventually the screen would go out altogether, leaving me with a wonderful 32 inch flat-screen "radio". Westinghouse says they will take it back in for servicing, but it will cost me a fortune to ship it to them since I'm at an overseas military base. The bottom line is that this is a good tv, but it should have had a life span greater than three months.$LABEL$0 +If only I were Spider-Man.... Wow! This movie is amazing! The special effects will blow your mind! Spider-Man blends utterly thrilling action with some light comedy, drama, and even a bit of romance! It's the ultimate movie-lover's movie. I really enjoyed it a lot, and what made it even more amazing was having Kirsten Dunst play the role of Mary-Jane, the object of Peter Parker's affection. A beautiful face, and excellent talent. Tobey Maguire is also a great young actor, full of spunk and after this movie, I'm sure he's going to be a "breakthrough" actor, totally mainstream. I can't wait for the next few installments in the Spider-Man series with Tobey and Kirsten. This is a great movie, take the family and some friends along and enjoy!$LABEL$1 +Buy It !. Wow!! I read the reviews and people said it worked with the iPhone 4 - I was skeptical... Just bought a set at a store for $30 and came across this one on Amazon. Figured it was too good to be true... But for the price, I thought I couldn't go wrong. It WORKS!! I have an iPod Classic, Touch 3rd Generation, and the new 4th Generation iPod Touch and it works with all of them!!!!!!! What an amazing deal!! They are made cheap, but who cares - they work and look at the price!! Needless to say, the set I bought for $30 went back to the store!! I will be buying more of these for sure!$LABEL$1 +Junk. Purchased, received, unpacked, turned on. That's where things started to go downhill. I slid the little light changing tab across and it snapped off, flew out of my hand and onto the floor where one of my cats thought it was the best little toy I had ever bought her. After wrestling the small piece of plastic away from the cat, I reattached it to the little metal piece that "held it" (obviously, I use that term loosely). The lights were stuck on part pink (daytime??) and part green (martian time?) and wouldn't budge. Packed it back up and shipped it back. Good times.$LABEL$0 +Snitchin!. I hate to run my big mouth , but I have to tell you about Ex$pendable! This movie takes you right into the streets of Philly. And not to mention the violence and crime feels real. There's a good combination of action and drama. Gary Sturgis and the cast took to their roles very well. I don't wanna give up all the goods,so be sure to check it out for yourself.$LABEL$1 +Excellent A Cappella Singing for the Holidays. Primarily A Cappella is a label devoted - no surprise - to a cappella choral singing: vocal jazz, barbershop, national contest winners and local quartets alike. This CD is the label's first sampler designed to display the range of their offerings in holiday arrangements (their second, "A Voices Only Christmas," is very nearly as good as this one). The result is an eclectic, energetic, entertaining collection. There are excellent tracks from such vocal jazz dependables as the Swingle Singers, the Blenders (a smoooooth "First Noel), the Real Group, the Persuasions, the Nylons, and Rockapella (the bittersweet "Hold Out for Christmas"). Other standouts include the Haven Quartet's syncopated, ecstatic "Joy to the World," La Bande Magnetik's hilarious "Casse Noissettes," and especially the House Jack's thrilling "Saturnalia Smile," but the whole CD is a delight.$LABEL$1 +Why do supervisors ecommend this book. I have heard Guyton described as a "fine work of English prose". I must say I disagree. I have found that it is difficult to use, that it fails to go into enough depth as a reference yet goes into too much depth as a revision work. The diagrams are poor, the pages flimsy (and in my edition in the wrong order!), and it is just far too heavy to carry around. The physiology focuses more on obscure subjects and hardly at all on the essentials. I have hardly used this in my first year as a medical student and am unlikely to start soon.$LABEL$0 +A Great Beginning. I have always enjoyed the Star Wars universe, and The Phantom Menace is no exception. Awesome graphics! Familiar characters! And new ones to boot! The pod racing could inspire whole new videogames.I eagerly await the rest of the sequel, but I had to give this movie 4 stars because I want it on DVD, one of the best formats in existence today. I would love to see all of the Star Wars films on this medium. George Lucas, please show us DVD owners some support.$LABEL$1 +Waste of Time and Money. This bottle warmer does not heat more than a 4 ounce bottle. I tried a 6 and an 8 ounce and it did not heat them at all-especially since we pre-make bottles for the day and store them in the refrigerator.The best way I've found is to use a glass measuring cup almost full of water in the microwave then place the bottle in it when it's done.Please don't waste your time or money on this...the baby need not wait for this thing not to work. You will both be very frustrated!$LABEL$0 +conservatives:stop whining. If you're like me, and are sick of hearing conservatives blame everything that doesn't go their way on the "liberal media" than you should enjoy this book.Franken takes Rush and basically kicks his ass$LABEL$1 +Makes the ps2 look great!. The reason this didn't get 5 stars is because it doesnt change the quality for all of the games. I wish it had.$LABEL$1 +yeah yeah yeah.. hmmmm.. the name of the band says it all. should you listen to this band sometime? yeah. sometime NEVER. singer chris reynold's vocals are mediocre at best and the lyrics so ridden with cliches that one wonders why this band would want to make a permanent record of their work. seeing them open for low was one of those moments where you watch someone embarrass his/her self and you cringe because it's painful. do you stay for support? or do you you just walk away? most people did the latter. save your money. support your local band that opens for low because this one isnt' worth the bucks. there is no time for idle dreaming in my life and there certainly is no time for this generic blah blah blah disc.$LABEL$0 +Cynical, sly and revisionist. This guy is really "stuck in the '60's", or rather what he thought the sixties were like when he was a naive youth. Many people tend to idealize their younger days, but to pass their fantasies off as history is a disgraceful act. It is also blatantly false and misleading. This author sounds and smells (at least intellectually if not actually) like some of the guys with grey, greasy ponytails that caused me to leave The Jersey Boys early in disgust last year. I lived through the sixties too, and it's time we all got over it.$LABEL$0 +Wonderwoman. Excellent....My daughter loves this costume.....be prepared to have to adjust the leg boots they are a little long...use leggings under them it works great.$LABEL$1 +Great Game...... ....but the only real flaw is the camera. Already in stage 1 i was doing a double jump & the camera for some reason has a life of its own & decides to do a 360 camera turn so if i had moved the directional pad in anyway, id be at the bottom of the mountain & dead. I give this game a 4.5, nothing is ever perfect. But the developers did a good job of taking a legendary series & creating something everyone can enjoy as oppose to Spyro & Crash who unfortunately did nothing but failed since their oweners left. I brought this game along with Daxter & there both great original titles. But to be honest i enjoyed Ratchet more then i did Daxter. This game has alot of things 2 do for such a little machine. Its truly great. Enjoy =)$LABEL$1 +Still Great!. I am 25 and learned to read using this book when I was 5. I purchased this to use for my 5 year old. It is a great book that teaches reading using phonics and sounding out the words rather that just learning to read by memorization, which is more important.$LABEL$1 +NOT THE ONE!!!. No not this time,I can`t hear any progression sinceConflict and Dreams. MAGNA CARTA has much better artisttry UNDER THE SUN OR LEONNARDO the absolute man. Sure Cairo have that YES like spiritual edge, but thats what gave prog its BAD name in the first place.I am pleased to own this CD as Itin some ways is not bad, good musicianship.$LABEL$1 +Great Collection. Great collection spawning from Springsteen's early rock (Born to Run, Thunder Road, Badlands) to his cheesy pop hits (Dancing in the Dark, Hungry Heart), his story ballads (The River, Atlantic City), rock anthems (Born in the U.S.A., Glory Days), and his newer rock hits (Human Touch, Better Days). At the end he throws in soundtrack hit "Streets of Philadephia" and some new tracks.Overall the collection is excellent; it shines from the "Born to Run" album through "Born in the U.S.A" album and then the song quality drops a little for the rest of the album. But every songwriter has a "golden period" and sooner or later will decline. Still, even on later tracks such as "Murder Incorporated" and "This Hard Land," his ferocious singing and deep lyrics are impressive. My one qualm is not including the haunting ballad "I'm on Fire."$LABEL$1 +Stop trying to impress with your mystery knowledge. If the author would stick to writing mysteries, her books could be among the best in the genre. However she spends way too much time describing people's actions and motives by comparing them to another author's characters. Noone thinks or does anything on Broward's Rock without Annie commenting to herself that the thought or action was just like this or that fictional mystery character. While I enjoy the bit with the contest that has the characters guessing their fictional origin, this constant "showing off" of the author's mystery fiction knowledge detracts from the story. Any true mystery buff probably knows as much but hopefully doesn't spend their time sizing up their friends and family by this criteria.Stick to the mystery writing and leave the mystery trivia to game players.$LABEL$0 +Product Not What Was Advertised. The product description said the case was to have had: "a removable flip cover, which safeguards the iPod click wheel when closed but offers full access to the controls and ports when open" and a "reinforced money-clip-style belt clip". The product description also states that it "Features a scratch and dust resistant screen for maximum protection."--the case had none of these features. The case, itself, is okay, yet way overpriced for what you don't get. Quite a disappointment!$LABEL$0 +RIP OFF. The ring is fake. I haven't even had this for half a year, and the "gold" has faded on the sides. Oh, and it doesn't even look real.$LABEL$0 +Worth the money. I bought the Williams Sonoma brand with the aluminum insert as a Christmas present for myself. I already own 3 slow cookers, one 4qt, one 5qt, and one 6qt, all of them different brands. I never noticed that all 3 of them on low setting is not a true low setting until I used my new All Clad. I now know what everyone else was talking about. I made lentil soup and turkey stock both on low setting for 6-8 hours and my turkey stock came out clearer because it was on a true low setting. And my lentils were not mush, they held their shape. I prefer the 7qt size because I can freeze half of what is made. Even after we eat the other half, there is still enough for lunch the next day. I will be making my meat sauce for pasta tomorrow and knowing the low setting works correctly, I am sure it will turn out delicious. I also like that the lid is stainless steel, because if I drop it, it will not break. Also, I can put the lid and insert in the dishwasher and it comes out beautiful.$LABEL$1 +It's O.K. But I Miss Power PC. It's a good purchase, good construction, good look, but is not as stable as the Power PC ones, I think It might be something about the Intel thing... I don't know but the batery is very suceptible... I think all the thing is a good computer but is not like Apple in the past...I Miss Power PC!$LABEL$1 +Excellent book. This book is well written. It is clear and descibes each subject in a way that doesnt leave you confused. I found it hard to put down the book.$LABEL$1 +An excellent paperweight. I am a graduate student in mathematics so I've been through my share of textbooks. To this day, I have not found one quite as inconsistent as this one. Some sections are flawless; the author is elegant in his explanation, the examples are clear and relevant, and the problems serve their purpose. However, the poorly written sections (and trust me, there are plenty of them) far outweigh what little beauty lies in this textbook. Anyone who wishes to meticulously plow through this book will know what I'm talking about. The most depressing thing about it all is that I can't seem to find a book (on DE's) that's any better! So to you mathematicians out there: write a decent book on Differential Equations; you might become a millionaire. However, as mentioned earlier, this book will weigh down anything, even in the strong winds of Lubbock.$LABEL$0 +Not 18/10. I wasn't paying attention when I ordered this pot. My bad for not paying attention. It is not 18/10 stainless steel. No where on the box does it say 18/10. This would explain why others are having a problem with rust and other problems. I too encountered staining on the bottom the first time I used it.$LABEL$0 +Better Than Tap Water. We had quite a "fancy" water purifier for many years and since we couldn't decide what to purchase to replace it, we ordered a Brita for the transition. It's been a good purchase since it makes the water taste good, but it seems the filter goes out way before the two month suggested change. It begins to taste "off" after about 5-6 weeks. There's two of us using it, me and my husband, and we do like to drink water ... but I would think it should last longer.It's easy to clean and easy to fill. Nice design for its purpose.$LABEL$1 +Good Idea....Poor Product.. I bought this after I read the first review below (the one who gave this 5 stars). It just doesn't work very well...I do a better job pumicing on my own (it just takes more effort). The motor does get extremely hot, and the batteries die very quickly. The box says it can run for 45 minutes on two AA's, but after about 5 minutes...you can feel it slow down.Definitely not worth it. I'm calling today to return it.$LABEL$0 +Nice book to have on the shelf. I enjoyed the read of this book. It gave me a few new ideas. I often think I am an outcast at AA meetings when I have also have another mental diagnosis. But now I do not feel the same way.$LABEL$1 +Super easy to assemble. I bought this cabinet to use as food storage because I live in an efficiency apt with no cabinets in the kitchenette. Although it was a little heavy to move upstairs to my apartment on my own, I was able to do it by tilting it on its side and sliding it up the stairs by pushing it from behind, so it can be done without help if necessary. And, as the other reviews stated it is very easy to assemble; The directions are simple, I had no problems doing it alone, and it took no time at all (less than an hour(?) - could easily be done in 30 minutes the next time, I think, especially with help). It really does fit together just like giant legos - no tools required! I really wish it was offered in black; the putty color really doesn't fit in well with the rest of the things in my apartment, but I can live with it for now. I've been thinking about buying some large removable peel-and-stick stickers to spruce it up a bit.$LABEL$1 +Time piece. This was an enduring adventure that over the years it covers brings the veiwer an up close and personal experience of that period, I loved the acting and cinema-scape. Of couse being up graded to Blu-ray brings added sound quality and some what better image, the HD quality will never be what recently filmed movies produce. All the same I'm glad to of made the purchase.$LABEL$1 +Feels like thin felt, soft but thin enough to see thru. I ordered these sheets for our guest room, having family over for Christmas and it's cold outside. I was expecting "Fleece" which is the exact word used to describe these sheets in the seller's description - however, these sheets are more like thin, see thru felt used for art projects. The back side of the top sheet has a nylon back, so it's not even the same material on both sides the top is a felt like material and the back side is stretchy nylon material. Hopefully they will be okay for the 5 days we have guests, but definitely NOT for long time wear.$LABEL$0 +fact of fiction?. I realize Mr. Marion says this book is a mixture of fact and fiction, but the amalgamation of both coupled with this writing style, essentially render the whole effort fiction and comic-book fantasy reading. As such, if you read it for entertainment purposes only, it has engaging sections. Yet many sections completely bore you or make you feel Mr. Marin is simply boasting about his supposed prowess and intellectual escapades (not to mention his sexual escapades). In short, after the roller-coaster ride through Tokyo's Chuo-Ku, it leaves you somewhat cheapened, like a one night stand by the author and Wall-Street's biggest. I suppose that was the intent based on the title, but you never realize how bad that can be till the "morning after."$LABEL$0 +Miles Davis quietly guides listeners through "Forrester". Gus Van Sant, the filmmaker responsible for "Finding Forrester," chose Jazz pioneer Miles Davis to guide us through this complex drama. Van Sant, who used Elliot Smith's lonesome ballads to pull heart strings in "Good Will Hunting," uses some of Miles Davis' most solitary and contemplative music to accopmany his film on writting. In fact the last track on the album "In A Silent Way" musically parallels the act of writting and thinking. The song is complex but gentle and features Miles at his creative, post-fusion best. "In A Silent Way," and all the tracks on this album (some by Bill Frissel) are like well behaved children, evoking all the complexities and beauty of life yet demanding no atttention or energy. perfect music to accompany the solitary act of writting or just a quiet day.$LABEL$1 +The Great Napoleon. I hail Napoleon Bonaparte as having been a truly recgonized conqueror of modern times. A&E'e Biographly did help to clear- up some points, that I had failed to fully understand during my reading about him. I was hoping to learn more about his General's i.e was it true about their betrayal of him? All in all, I think it was a well produce portrait, of one of the three greatest men in all the history of this world.bevil$LABEL$1 +Another Sopranos ripoff. Charles Stella writes like another goombah wannabe. His storyline was amatuerish and the prose was child like. The only thing positive about this book is it reaffirms the theory that if a hundred monkeys banged on a typewriter for 10 years that they would eventually recreate a Shakesperean play. Now that I think about it Stella actually disproves that theory.$LABEL$0 +Very Poorly Organized. This is one of the most poorly laid out language books I have studied from. First of all, I would like to state that languages are not my forte and I am not a natural at linguistics. Vietnamese is the fifth language I have studied and this book has made it most frustrating. The vocabulary is scattered all over each chapter rather than concisely at the beginning or end like better organized books. The glossary often does not have words the reader is looking for when they have forgotten them chapters later. There are also a few typographical errors in the answer key which further confuse the student.Also, table of contents only lists the titles of the chapters and does not list subtopics or chapter objectives. So if the student wants to reference a certain language point, he/she has to remember which chapter it was from then comb the chapter to find it.$LABEL$0 +Great Sound for not so much money. I've own them for 5 years now, they still sound excellent, very good for listening music at home, but not very recomendable for going out with them (must handle with care). They will improve A LOT the sound out of your mp3 player, cd player and you can enjoy the full potential of a nice home stereo system.My ears do tend to hurt a bit after 2 hours with them, but that's enought time for me. Bass is incredible for the size they have, mid's are perfectly clear and hi tones are crispy, well defined and not ear piercing. Give them a try, you wont regret it. By the way, please excuse my english, I'm not a native speaker.$LABEL$1 +Glenn Beck - Unelectable. I usually love Glenn Beck but was disappointed with this dvd. The best part was at the end when he read all the products, etc that were invented in the USA. THAT was impressive!$LABEL$0 +Weak on flavor. We love thier Granola and thought thier cookies would be as good - not so much. Other than the chocolate chunks, there is not much flavor.$LABEL$0 +Nothing new here.. I had great hopes for this graphic novel. Generally each film or book brings something new to the genre even if they aren't of the highest quality. This dull piece of work actually managed to bring yawns to the table. The so so artwork is only topped by the ho hum story. My advice is avoid, go online and read some of the many amateur zombie works that far out class this stinker.$LABEL$0 +Dungeons and Dragons 2. I also saw the Screener today and thought it was far superior in everyway than the first, well apart from the special effects but they were still believeable. This is how the first movie should have been, The script, the acting and the atmosphere, in fact everything about this film is better than the first. Great interaction between the Rogue and Barbarian. Damidar is actually believeable in this film, Great references to actually DnD and we get to see alot of magic not just the magic dust from the first movie. Very big improvement on the first and alot more serious (no more snails, GREAT) i definately reccommend it. Rumours of a third movie already and all i can say is hope its like the 2nd not the 1st.$LABEL$1 +stated 5 yr warranty is a hoax. The packaging states that the product is covered by a 5 year warranty and that, if the product fails due to a defect in material or workmanship, the product can be returned to Swing-A-Way for repair or replacement.After 5 months of use, a large piece of the plastic teeth inside the crusher broke off. I called the manufacturer (Focus Foodservice, LLC, who purchased Swing-A-Way) and was told that they now only deal with distributors and that I would have to return the product to the original seller (i.e., Amazon.com) to obtain a refund or replacement.$LABEL$0 +Workouts were just okay, but style is a dud. This is one of the worst put together exercise videos that I have ever seen. For starters, everyone else failed to mention that the camera moves while Michelle is moving. This makes you really dizzy just watching.Second, there is hardly any explanation given. Even if you're like me and watch it once beforehand to see what the workout is like, it's really hard to follow.Third, everything felt too rushed. In the pilates segment, for a brief moment you can see one of the cameramen holding up fingers to show Michelle how many repetitions were left. I guess we all know what she's interested in: hurrying up to go somewhere else.A much better 10 minute mix-and-match workout series is the QuickFix series.$LABEL$0 +Not bad for the price. Looks neat , works fine.Sometimes it is off a little bit if used in quick succession but on the whole a satisfactory purchase.$LABEL$1 +Wouldn't suggest it. Works good but leaks constantly. Followed the directions on how to stop the leak from the sprayer, didn't do any good, still leaked. The motion detector works great and the spray goes a long way, it's just the constant leak that is the problem. Can't use it because the leak causes a HUGE puddle and our water bill jumped up very noticeably. Nope, wouldn't recommend this product.$LABEL$0 +GREAT QUALITY!!. PROS: GREAT SIZE! LOOKS LIKE THE ACTUAL SIZE OF A REAL BASKETBALL, FOOTBALL, ETC. ALSO MADE OF AMAZING QUALITY. BALLS ARE STILL IN IT'S MESS BAG AND EVERYTHING IS STILL HOLDING UP PERFECTLY FINE (PURCHASED ABOUT 3 YEARS AGO). JUST GETTING AROUND TO DOING A REVIEW LOLCONS: NOT SAYING THAT THESE ARE BAD THINGS, BUT IT'S JUST NOT WHAT I EXPECTED WITH I PURCHASED THEM. IT'S ADVERTISED AS PLUSH, WHICH I'M ASSUMING TO BE SOFT AND PLUSH LIKE A PILLOW. THAT'S MY REASON OF PURCHASING TO USE AS A PILLOW/BED BUDDY FOR MY SON. BUT THEY WERE EXTREMELY HARD!! THE OUTSIDE IS VERY SOFT, BUT WITH SO MUCH STUFFING IT MAKES THE BALLS VERY HARD/HEAVY FOR YOUNG CHILDREN TO CARRY OR EVEN THROW AND DEFINITELY NOT SLEEP ON. A LITTLE DISAPPOINTED, BUT I SHOULD HAVE ASKED QUESTIONS BEFORE PURCHASING.$LABEL$1 +A readers choice. I read Gangsta, and i figured this book would be much better. I'm just glad I didn't have to buy Road Dawgz... thanks to my sister.$LABEL$0 +There is always 2 sides to a story. I adored this book! I couldn't put it down. I chose it because I heard the musical was up for a Tony or two and I was looking for a new book to read. Since this book was referring to The Wizard of Oz and someone made a musical out of it I was expecting a light-hearted story with humor scattered about like peanut shells at a steak house. But it is not. I was pleasantly surprised by it's deep story...love, betrayal, jealously, friendship, racism, politics and sex...oh-la-la! It could be a soap opera. I loved it! I couldn't help but imagine the characters as they look in Fleming's movie, especially towards the ill fated end. It is a strange feeling changing your allegiance from one team to another...i.e. Glinda is now bad to me, Dorothy a pawn and don't get me started on the Wizard! :) I just bought Son of a Witch yesterday and can't wait to see what happens in the land of Oz!$LABEL$1 +Hard book to read. I had to read this to help my son and this was one of the worst and hardest books to read. I didn't see the educational value in assigning this book when it was a very hard book to retain. I would not recommend this book.$LABEL$0 +This machine is a hazard. I bought this item from Lowe's. Once I began using it extremely hot water was dripping all over the place including on myself. I don't recommend this junk product to anyone. Don't waste your money; buy something better.$LABEL$0 +It was better than expected!!!. The book was fantastic. It has inspired me to search for more like this one.I found nothing that I did not like about the book-quite motivational. And I would recommend it to those who are looking for a what people of African decent can do to improve in the area of upward mobility and understand the who and what Marcus Garvey was and where the Africans world wide would be had his movement continued!!!$LABEL$1 +omg & wtf!. i bought this dvd set at a huge discount. i remember the series was out years ago and never followed it. and i got to say, what a mess. although based on a graphic novel, or comic, it seems like oliver stone's answer to Twin Peaks that finished up earlier. stone was clearly trying to imitate Twin Peaks and Blue Velvet and bombed in so doing. i'm amazed at how many positive reviews this has. none of the actors were strong, the music was over dramatic, using everything from Bethoven's 7th to the Animals and Rolling Stones. angie dickinson as a thug? come on! it was embarrassing to watch her: gouge someone's eyes out, bitch slap and gut punch another. cattrell was equally miscaste and her dramatic cry of "it's my baby!" was laughable. in trying to be bizarre, it failed miserably. there isn't any level that i would recommend this series. buy it used if you must waste your money.$LABEL$0 +Do not buy this book. 1) This book is outdated. 310-25 is an old exam. You are better off passing the new one - 310-035.2) The book contains some serious errors. For example, here is an excerpt from the page 146:"Polymorphism ... in object oriented programming, refers to the capability of objects to have many methods of the same name, but different types of arguments. The print() and println() methods of the PrintStream class are excellent examples of polymorphism".This definition of polymorphism is just plain WRONG.3) I cannot say anything about the second part related to the 310-027 exam.4) A good book to buy to prepare for the 310-035 exam:Sun Certified Programmer & Developer for Java 2 Study Guide (Exams 310-035 & 310-027) by Kathy Sierra (she is a co-developer of the SCJP 1.4 exam 310-035) and Bert Bates.$LABEL$0 +My son LOVES this movie. My son (and me and my husband) thought this movie was so funny! Especially if you have cats and understand them. It really plays on the way cats act compared to dogs. Its really hilarious in parts. A good clean fun movie for the whole family.$LABEL$1 +Junk. I used these for about a month and ended up never pulling them out of the drawer again. Stickyest non-stick item I have ever used. Even when sprayed with Pam the eggs stick. If the eggs are well scrambled they leak out from under the ring. The one thing correct in the description is that they are easy to take apart. So easy that if you try to use the handle to pick up all four at once it falls apart and drops them all.$LABEL$0 +Still hilarious after all these years. The DVD of Mr. Hulot's Holiday will have you chortling, snickering and flat-out laughing all by yourself. Although it is in French, with English subtitles, no knowledge of French is necessary because humor transcends language. Mr. Hulot is quite oblivious to the quirky situations he creates at the seaside resort hotel where he is spending his holiday, always maintaining his cheery spirit in the face of the catastrophes of others.It's a must-have for anyone who appreciates the art of sight gags and old-time silent movie humor.$LABEL$1 +Very Poor Directions. Although there is a good variety of trails in this book, I got lost every time I used it. The directions were not unclear- they were completely wrong. The book was written in 1995 so maybe some of the roads have changed, but there has to be a more reliable book out there. I would not recommend this book to anyone.$LABEL$0 +The End of Patience: Binary Fallout. I enjoyed The End of Patience very much. I had to laugh at how many of David Shenk's insights I could relate to, although I had never slowed down enough to consider them. I highly recommend this book. If you've never considered the effect of the constant barrage of digital information The End of Patience will be an eye opener.$LABEL$1 +Batteries wont charge with Panasonic Charger. I received both Lenmar DLP006 Batteries for use with my Panasonic DMC-FZ8 Camera and neither would charge with my camera's charger..beware$LABEL$0 +Great book. This book brings me back to a great part of my child hood and a great time to be a Bat-Fan!$LABEL$1 +Great book if you can get the tape to work. I highly recommend this book. It's both interesting and thought provoking. But whatever you do, please don't buy the cassette version. The cassettes come tangled and warped and the second one from the end flat out broke. Save your money for the hardback or CD version.$LABEL$0 +Very good value. Our dogs like it. They feel secure in, in the car. The only thing is, it's a little bit less easy to set it each time for a long trip but we have three crates.$LABEL$1 +Very weak!. I was disappointed in this product - it does not taste maple, smell maple or impart a maple taste in the recipe I used which calls for maple extract. I have to say a bottle of maple flavoring off my grocer's shelf worked far better.$LABEL$0 +Poor quality DVD. The DVD skips so often with loud noise between the cuts. You can't see all the steps and moves.$LABEL$0 +An insult to Morrison and his fans. Stephen Davis seems to have done his research in gossipy internet chat rooms and other places where old rumors are kicked around for years, the more scandalous the better. Davis has simply taken a lot of really old stories from previously published sources, thrown in a couple of interviews with people no one's ever heard of before, and is presenting it as new revelation. It's not. This is just the same old silly stories packaged up between fancy new covers. Fans won't learn anything about the real Morrison or what really happened to him. All they'll get is a lot of reheated gossip that wasn't worth the paper it was written on the first time it was published -- or the second, or the third, or the... Fans who really want to know Morrison should read his poetry, or read Frank Lisciandro's "Feast of Friends" or Patricia Butler's "Angels Dance and Angels Die" for a look at the real Jim Morrison.$LABEL$0 +Where are the Sheik's?. Guests of the Sheik : An Ethnography of an Iraqi Village by Elizabeth Fernea is a very old book, published first in 1965 and then 1969. A lot of major things have taken place in Iraq since then including the Gulf War and in its aftermath the strangling sanctions, so I find that the book although it has a catchy title does little to reflect what life in an Iraqi village is like or has been in the last decade. Although in Islam Polygamy is permitted with certain restrictions to label the whole of Iraq or even a whole village as a "polygamous society" is a stretch of the imagination. The books print is poor which doesn't help it's readability.$LABEL$0 +Not what I expected. They were not at all what I was looking for. They're very plain and boring looking to give to a friend.$LABEL$0 +Maybe I Was Grumpy That Day. ...but it seemed to me that this is a book that someone *made* Pratchett write. It's missing his usual joie d'ecrire and can most charitably be described as 'dutifully composed'. There are, thank God, many superb Discworld books, but if this had been the first of them I'm not sure there would have been a second.$LABEL$0 +Journey - 'Trial By Fire' (Sony). Apparently,their last work with frontman Steve Perry and quite the let down.'Trial...' was the band's '96 comeback attempt,but if I remember correctly this CD was a stiff from the get-go.I tried SO hard to get into this fifteen track disc,but even with a duration of 68 minutes,I just couldn't.The songs don't completely suck,they just don't appear to have much life.Fantastic cover,don't you agree?If you're an old school Journey fan,I encourage you to check out their new 2005 release,'Generations' with vocalist Steve Augeri,who's been with the band for awhile now.That CD is surprisingly good,as I'd give it 3 1/2,maybe 4 stars.Keep in mind that guitarist Neal Schon is their 'key' player.$LABEL$0 +Excellent Book About a Serious Topic. This book should be read by every American in order to understand the political scene and its hidden agendas currently operating.$LABEL$1 +half great. I was never a fan of the New Kids but I love Jordan's voice and half-love his neo-soul CD. The Jimmy Jam-Terry Lewis cuts really outshine the other stuff, although Finally Finding Out and the Thom Bellish When You're Lonely are very good. Next time, Jordan, hire Jam and Lewis to steer the entire enterprise. You make a great team. They get many more interesting shades out of your already interesting voice. P.S. Best single of the year so far: Give It To Me. Broken by You and Close My Eyes are outstanding ballads, despite what the main Amazon.com review says. Close My Eyes should be your next video.$LABEL$1 +This novel gets a Raspberry from me. Disappointing, disappointing, and what do you know, disappointing! That just about sums up my feelings towards this book after doggedly ploughing through the entire thing. Obviously, literary talent isn't hereditary in the Rice family. I havn't read crime thrillers since many moons ago, so when I decided to pick one up again and decided on Snow Garden, I thought I was in for a night of exciting action. I was proven wrong. By the time I had gotten through a quarter of the book, I knew it was a lost cause. Granted, one shouldn't be expecting beautiful lyrical prose in thrillers and in-depth character delineation, but surely one shouldn't be served with truckloads of surfacial details (e.g. about art), attempts at creating multitudious oh-so-quirky homosexual relationships and a plot that sinks to abysmal depths!! Seriously, if Chris Rice has any writing ability at all, I hope he shows it soon. This novel is a very disappointing showcase of his talent (if any).$LABEL$0 +Caught on fire !!. Bought this Coffeemaker last year from a local store. It worked fine until yesterday and then it caught on fire !!! I know it wasn't the electrical socket and it wasn't a power surge - It must have been something in the coffeemaker electric system. Fortunately I was able to put out the fire before it set the cabinets on fire. I can live with an occasional water spill as other reviews have mentioned but not with a fire !! I will never buy a Mr. Coffee product again. Oh and of course the warranty is 2 months over the 1 year mfg. warranty ( not that I would want a replacement).$LABEL$0 +UNFORGETTABLE, LIFE-CHANGING FILM!. This movie should be seen by everyone. I had never even heard of it and just happened to stumble upon it at BLOCKBUSTERS because a friend had given me a free movie card and I had some time to kill.The young actor who played the lead should have WON an Academy Award. The film should be, in my books, equally as respected, lauded and appreciated as SCHINDLER'S LIST, SOPHIE'S CHOICE, or ANY other film about the horrors of the German concentration camps of World War II.I believe so strongly in this film thay I'm buying it for my home DVD library and will encourage everyone I know to see it. It's one of those movies that make you mindful of the complex spectrum of the human heart. It can be cold and evil and yet, it can also be triumphantly transcendent.Please see FATELESS. Please let it restore your faith in the powerful potential of films.$LABEL$1 +The hits just keep on coming. Once again I am amazed and awe inspired by Robert Jordan's fantastic novels. While the books themselves are long (nearly 1000 pages) I just can't get enough. I have read all of the books that are currently out and cannot wait for the next one. The world spun by Jordan is rich and realistic. And there are strong female roles as well as the typical male roles. Truely a must read series.Tricia Shaffe$LABEL$1 +Bad Reception. All I can say is don't buy these phones. The reception is not good at all. We have the base unit set up in the bedroom. If I go more than 40 feet away I start to get noise, static, or whatever you want to call it when talking to someone. We've had a 900 MHz cordless phone with the base unit set up in the same place and the reception was always good. Also if your talking on one of the phones, someone else cannot pickup the other phone and join in on the conversation. I returned these phones 1 day after I bought them.$LABEL$0 +Horrible for more than one-time use.... I purchased a four pack of these razors because I prefer a razor with a wider handle and multiple blades. Despite the wide handle, the razors slipped from my hand easily. The multiple blades also didn't help- they did not shave the hair that closely, but close enough to cut the skin and give razor burn. On the first use, they were decent, but throughout shaving, I had to constantly tap the razor head on the side of the shower to remove the hair that was stuck in there. Even then, there was still quite a bit of hair stuck in there as well as shaving cream, so any subsequent use of the razor would be pointless. Also, the head of the razor does not turn very well to follow the skin. Save your money and buy a different brand.$LABEL$0 +Rotten product. First off, it seems that someone is spamming the reviews. Each of these glowing reviewers has never reviewed anything else on Amazon. And when a bad review is posted you'll see several days worth of great reviews to push off the bad ones. [edit: Note the new "Amazon verified purchase" label! Beware of the glowing review from people who have not purchased this item.]Let me say, this is the biggest pile of junk you'll ever waste you're money on. Even with high quality clumping litter it did not work. The rake would get clogged. The receptacle wouldn't close. Litter stuck all over the place and in the tracks even though we were well below the "fill line." We spent more time cleaning this piece of junk than a regular litter box. In less than a month we threw it out in the garbage.Do not waste your time and money on this product. Stick with the regular litter, you'll be glad you did.$LABEL$0 +Boring and very dull. Despite what other people said about this book I am very disappointed. You don't have to travel anywhere to find peace within yourself. Lock up yourself in your room, meditate and you will be able to listen to your heart and find peace. I found this book very dull, boring and shallow. Will not recommend this book to avid reader.Good thing, I did not buy this book, my friend lent it to me , otherwise I will have a hard time to hide this book. Don't waste your time. Read something else.$LABEL$0 +Disappointing. Baby Newton is nothing like the original series (i.e., Baby Bach, Baby Mozart, etc.) ... My 21-month absolutely loves the Baby Einstein series. We bought her the Baby Newton, and she could care less. She doesn't giggle, she doesn't dance and she doesn't sing to this one. In fact, she'll pop it out of the VHS and grab a different tape! I'm very disappointed with this one.$LABEL$0 +My College Thesis. This is very slow read. And why? Because interspersed into the verbiage are so many references to other works it just slows the reader down. It is also very redundant. Retool this book and have a bibliography at the end for at least half of the references crammed into the text. Also keep in mind that a lot of the information is data not past (around) the year 2000. A lot has changed in the last decade and this book should be updated (and cleaned up as I mentioned above). All of which is too bad, because the relevant material, when you can parse it out of all of the academic babble, is interesting.$LABEL$0 +2 broken!. We ordered one, it arrived in pieces. Ordered a replacement, and it broke down the middle after one use. Don't waste your money on this product.$LABEL$0 +Music Redefined. After hearing the debut album from Dom Dorman and the Icemen, it seems that there is something new and fresh on the horizon. I'm not sure I have heard something like this in quite a long time. I am fan of Dave Matthews and Blues Traveler and I truly believe that this album will attract the same fans. The sound is unique, in an interesting way blending jazz and classic rock. Dom Dorman is also quite versatile - playing both the quick and riveting Last November as well as the ballad-esque Southern Spain. I truly believe that this band has a future and I would recommend the album to anyone.$LABEL$1 +The Missing Link. "Other Side of Love" was never released on either of Yazoo's albums. It was released as a single between the two albums. After years of searching I finally found it on CD!!"Other Side" is a happy upbeat tune that has a bit that sounds like "Just Can't Get Enough" which after all Vince wrote for Depeche Mode.If you have both albums get this single and complete your Yazoo songlist!$LABEL$1 +too small,can not hold much coin. not very convinent!very small,can not hold much coin ,not fit for me !i dont like it !maybe i need buy a better one though more expencive than it!$LABEL$0 +HUGE DISAPPOINTMENT !. How this Mustard ever Won two "Best Mustard" Titles is a Wonder. It is advertized under Two different Name Titles,so do not be Fooled by the Titles, they are Both the exact same Mustard. After trying this Mustard I can see why people mix it with other Ingredients, i.e., Mayo, Honey, Sour Cream, etc. Used Straight, it starts off Good, but Then a Slightly BITTER Taste Kicks in which totaly ruins the Mustard Taste. In my Opinion it is a Huge Disappointment !.$LABEL$0 +Simply quaint. Luckily, nothing momentous happened when the year 2000 came to be, and we can now crawl out from under rocks and out of bomb shelters and openly laugh at our now silly-seeming fears. Or maybe it's just James Garner. Aside from a few interesting gags and factoids, the humour of this Y2K spoof is muddled and repetitive. The chapters cover literally everything from divination to prophecy to Y2K preparations (not to mention the significance of the year MM to McDonalds Corporation), but I couldn't bring myself to anything bigger than a quaint smile.This book is not for the devout believers. Do notice than in Garner's dictionary, the words "eschatological" and "scathological" are separated only by a single syllable.$LABEL$0 +unreliable and hard to use - thumb down. Do not buy. It crashed several times on a plain Dell 8600. Very hard to use, like for example to set up rooms, because (1) there are no anchor points; should be able to anchor a corner and then drag a corner; (2) we cannot lock a room in place; while editing a room, another room resized; (3) there is no alignment among rooms; rooms should align sometimes, because they may share a common wall; (4) while working with a room, we cannot specify the type of wall; and so on. It has some sexy colors and menus, but after trying to use it for several times and coming out with no results, the next step is 'uninstall'.$LABEL$0 +Not my favorite. Good story, but it is sporadic, and repetitive. It's hard to follow, and gets old after hearing the same thing five different ways.$LABEL$0 +What one would expect of Princeton Review. Oversimplified once again, and with some serious errors, especially on one question on comparative advantage where they've reversed the numerator and denominator of a fraction. My friends who were unfortunate enough to buy this as their review for AP Econ found themselves completely confused and having wasted so much time on mistakes in the book. The review wasn't particularly comprehensive or in-depth, there were blatant errors (mentioned in other reivews), and the tests again were easy compared to the AP exam...never a good thing for test prep books.$LABEL$0 +a story from home. this book touched me in a way that it will not touch others. i went to andover with courtney, in fact she was my brothers date for prom. so as i read this book pictures of courtney ran through my mind. so nights after reading this book i could not fall asleep because of what i had read, and others i did not want to because i wanted to read more. what a great book i hope that more people will read it and find out just how fragile life really is.$LABEL$1 +HAHAHA. And I'm still laughing. This movie is really horrible. Is it supposed to be horror or soft core porn? I'm not sure which but either way it has the plot for both. I bought this movie years ago and decided to watch it tonight because I really have no life. The only thing good about this movie is Buckethead's music and that is the only reason I bought it in the 1st place.If you like cheesy horror with nakie girls and awesome music then you might like this.$LABEL$0 +Unsatisfied. The product took almost a month to arrive. It was suppose to be a gift but took too long to arrive so I had to get another gift. It also was nothing like it was described. Extremely disappointed.$LABEL$0 +My favorite skillet. I use this more than any other pan in my cabinet. It's easy to clean, it stays in good condition, and it's big enough for most everything I need to cook. I cook eggs, sear meat, cook burgers, etc., in this. My sister bought this as a gift for me a few years ago. She got it at Macy's and I think she paid $60 or more for it. I love this pan, but I think it is more reasonably priced here on amazon for around $30+. Macy's overpriced it. But I'm getting good use out of this skillet. I am thinking of buying another one. If I do, it'll be from Amazon, as long as they're still selling it. I highly recommend this for your everyday use. I also like the side handles as opposed to the regular one handle.$LABEL$1 +Breaks right out of the box. Opened it up and tried it. The plastic rod connected to the brush broke in less than 60 seconds trying to use it to clean the dryer vent. The rod does not have a metal core....just plastic, so when it is bending in the dryer vent....it broke, leaving the brush head inside the vent. Had to remove the entire vent and fish the head out. Would not recomend this product at all.$LABEL$0 +Too much jumping around in this manual. I bought this book to do the cv shafts on my wifes Accord and had to look at about four different chapters to see exactly what I needed to do. I am experienced in working on my vehicles and consider myself to be mechanically inclined. I didnt like having to look through the book and I have used better manuals. I agree that the pics could be way better$LABEL$0 +Wasn't happy with purchase. Wasn't happy with this purchase . Company was made aware and I received a full refund . Thanks . This company really tries to make sure that their customers are pleased .$LABEL$0 +This CD is awesome!!!. This is the best CD I own right now. Phil Collins does a marvelous job of writing and singing these songs. I just wish there were more spoilers in the songs. But there are enough if you think about it. I can't wait to see the movie, and these songs , the whole CD is truely inspiring! A must for all Disney fans, or aspiring teens, kids, and the whole family!$LABEL$1 +Perfect guidebook for a memorable culinary journal. Joan Peterson, the culinary mistress of the EAT SMART series, returns to feed our continuing love affair with foreign foods and flavors in her latest book, Eat Smart in Morocco. As much a travel guide as it is a cookbook, Peterson shares her knowledge of the history and cultural significance of native dishes as well as the traditions and secrets of Moroccan cooks. Her culinary tribute to the land and its people should be part of an official welcome packet given to every foreign visitor when they first step on Moroccan soil. As she writes, "What better way to know a culture than through its cuisine." Particularly helpful to travelers are her bilingual menu, and food and flavor guides. Whether you're a novice or experienced traveler, Eat Smart in Morocco is the perfect reference for a memorable culinary journey. --Kimberly Ouhirra, President, Exotica Oils, Inc.$LABEL$1 +Love, love, love Zipfizz!. I am not a huge fan of flavored waters or other water enhancers. To me they never have enough flavor. Zipfizz is totally different! It has great flavor and I for get I am just drinking water. Citrus is my favorite right now. I also love orange, grape, and pink lemonade. Great flavor and it is full of vitamins! So much better for you than soda and tastes great too! Love, love, love Zipfizz!$LABEL$1 +Not a fan. The bell is extremely noisy on this scope. Any movement on the bell seems to overpower anything else you are listening for. I sent this back and ordered the Classic II SE scope.$LABEL$0 +Disk was flawed. The last part of the disk was flawed and would not play. There was more text context and less animation that I expected.$LABEL$0 +Troublesome Monitor. This may be the worst electronic gadget we've ever owned. The biggest problem is with the sound quality of the monitor itself. On one channel we get major static, on the other channel we get a high-pitched background whine with occasional tapping sounds which come through loud and clear. It sounds like someone clapping and it's very disconcerting to hear that coming from the baby's room in the middle of the night. We can't hear the baby unless we're so close we don't need the monitor. We're also having the same trouble other reviewers have had with the "light show" coming on spontaneously. On the whole, we're not happy with this product.$LABEL$0 +Not bad!!!. I've been playing the Madden NFL series for a long time and the 2002 version is significantly better than the 2001 version. The improved graphics and gameplay (A.I is smarter now) makes it fun and challenging. The scoreboards in the stadium now reflect actually time left in quarter, the actual score and other stats of the down.What was disappointing was the fact that they used very much the same sound bites from the 2001 version so the color commentary is boring to someone who has played previous versions. Sometimes the color commentary makes no sense whatsover.Overall, a good upgrade but beware of the system requirements. You need RAM and a good graphics card loaded with RAM as well.$LABEL$1 +holy mother of god!!. This is the biggest crock of crap i have ever heard. Everyone should acknowledge. what michael moore does. yes he is a radical liberal, a man from the left. But everyone who wrote a review is not going after michael moore they are going after the left. When will we work past the differences and stop pointing fingers. To boot, one of the critics on this book also rated on an ironing press. see there you go im playing your stupid f**cked game of slander now, where instead of working to make things better or god forbid say something positive about anything, besides conservatives loveing america, instead blaming our problems on moores weight. It baffles me to this day just how ignorant people are. your presented with the facts with no rebutle from the bush organization, and you say "thats not true". excuse me i have to go throw up$LABEL$0 +Nice fit.. My son needs shoe cushions as he is between a size 15 & 16 and half sizes are not common in sizes over 13. Thye hold up really great and do not make his feet smell. I need to order a couple more pairs for him as he has to swap them in and out of different shoes and he doesn't have time to fit them into different shoes every morning on the way to school.$LABEL$1 +Weak product. I bought this because my wife has R.A. and she has problems with hand strength. This unit is under powered and it does not work on can goods manufactured in other countries.Overall, I'm disappointed with this product, but I can't find a good replacement. So we will use this until the bolts fall out.$LABEL$0 +Don't waste your money!. I should have known better to buy any product with only 5 reviews, but I decided to buy this anyway. It sounded like a great book from the description and reviews. I was a littled concerned that I couldn't preview the book at all but I figured it was because it was a cookbook. This book was awful! Be prepared to eat white rice 1-2 times a week! I have already returned the book but if i remember correctly, one of the recipes was chicken baked with Catalina dressing on it. I was seriously dissapointed. Every week you ate white rice and some kind of chicken "burger". The book talks to like you have no intelligence at all and like you have never made a grocery list in your life. This book is a waste of money and if I could give it 0 stars, I would. This is a book for somebody who has never cooked a day in their life. Don't buy!$LABEL$0 +Extremely disappointing. I found this story to be too confused and busy. It meanders between characters until it brings them all together later on in the book, but it just seems like the brief moments of actual "action" are just huge build-ups of anticipation with an anti-climatic little *pop* of dénouement. In short, nothing's happening to keep me interested! The characters are fantastic, the author's descriptive powers are beyond compare, but there's just no story there.I tend to like a good vampire fic to keep me shivering for a night or two. This one has kept me groaning night after night trying to finish it for almost three weeks (an exhaustively long time for me to finish a book). Ghost, Steve, Nothing, Christian, and Brite's version of the Stygian triplets are all rich, wonderful characters. Now if only she'd done something with them....Disappointing, especially after all the good I'd heard about this author.$LABEL$0 +Mom's Best Friend. I received this steamer for Christmas last year. My son was 6 months old at the time. I started steaming food for him that I could make into baby food. Now I use the steamer 2-3 times per week for the whole family. It is so easy to throw vegetables in one side and potatoes in the other and start the timer. I don't have to wait for water to boil or over cook things while I chase my toddler. I only saw one other steamer that cooks two items side by side and it did not compare to this steamer.I have never used another steamer and this one is pricey, but the corn on the cob, broccoli, and lobster made in this steamer is the best I have ever tasted!$LABEL$1 +A CLASSIC SERIES WITH A MODERN LOOK!. The remastered version of the original Star Trek is so cool!it has everything people liked about thte original series with a modern look to it.$LABEL$1 +Downy Soft and Odorless. I was one happy person when Downy finally came out with an unscented version. Some people like their clothes to smell like aromatherapy, but it's too much for my nose to handle. This product gives my laundry Downy softness, but it smells clean, not floral. Nice to have it delivered right to my door and the price was great thanks to a special offer on P&G products.$LABEL$1 +A real page-turning thriller. Once you start reading it... you will go everywhere with it. Exciting, well written, suspense, intelligent...Go for it.$LABEL$1 +Pamper Yourself. So, I have a "real blender" already, but my very bachelor-y brother doesn't. I got him this and, let me tell you, I wish I had it myself. Even though I don't, it's good for me to have a little portable blender I can use when I'm at his place. Very nice blender with excellent quality. Highly recommended.$LABEL$1 +Get's the Job Done. Good product. Works as its' advertised. My cube wall is 1.5" wide and this hanger worked w/o any problems. I'm considering buying another one for my backpack!$LABEL$1 +Completely Disappointed!. Being a fan of the "Old" 569 Straight leg Loose jeans I took a shot at ordering this new style. I had read some of the negative reviews but took a chance on them anyhow. Now after receiving them I wish I hand't wasted my time with these and I'm still left wondering what the hell Levi's is thinking. Thin material, shallow pockets, tight fitting, and just all around uncomfortable. I hope to find another style that fits like the Old 569's.$LABEL$0 +A Dance Classic. American Sharon Redd was the diva of choice for serious UK clubbers in the early 80s. Redd, at one time a member of Bette Midler's "Harlettes", managed to obtain British chart success long before Midler did. This album, one of three she recorded for the Prelude label, contains the majority of her UK hit singles. The production on this album is stunning as is Redd's deep, rich voice. The biggest hit, "Never Give You Up" is a dancefloor monster, a once heard/never forgotten experience. Redd was equally adept at ballads, as "Takin' A Chance On Love" will demonstrate. Sadly, Redd died in 1992, and yet again, a great voice was silenced. This CD is a must for those into great dance music, and great voices.$LABEL$1 +Useful information with research-based foundation. This is the first book that I have read that provides me with the information to confront the problems associated with instilling intrinsic motivation in those that I manage. It is often the problem that people show little concern for their work. The rule seems to be something like this- Do just enough to get by while exerting the least energy as possible. I like this book because the information is not a story of what a good manager has as an opinion as to what works best but it is a scholarly book in the sense that it provides information based on research that is proven. This is to date the best book that I have to reference when dealing with teams that act out of extrinsic motivation or no motivation at all. I applaud the author for this work.$LABEL$1 +SWEET!!!. Heat up a coffee cup with about 3 oz of milk and if you have a sweet tooth put some sugar with it then go to town with this thing. Just put it in the heated milk and turn it on, make sure you give it a little time to thicken up the milk before you start pulling it up. Make sure to read the review about making froth animals. Best review ever! Take a look at all the pictures, this really does what it claims.$LABEL$1 +Not bad at all. The phone is actually pretty good for the price. (At first I was a little skeptical.) Everyone knows that there are pros and cons for just about anything. Some of the cons for the phone would be the static (which is minor if the phone is charged), and the fact that it is incompatible with Caller ID. (but who needs the extra expense anyway?). The pros would be the different ringers, the fun color, the fact that you can use headphones, the any-key answer, the pre-set speed dials, and the pager. (I really like the pager because it beeps until you find it-or at least for a couple of minutes- when most phones usually stop after a few beeps). I have even taken this phone into the backyard without extra static. So, if you are looking for a decent phone for a good price then this one's for you (works especially good for a teenage or college student)$LABEL$1 +Outstanding!!!!!!!. This was an AMAZING book! I literally could not put it down. By far the best book I have ever read, including the others in the series. Surprises around every corner! I would read it again in a heartbeat, which I plan to do. I would recommend this book to anyone, especially Amelia fans! Anyone who doesn't read it should be punished! lol$LABEL$1 +Outdated and of Little Use, (Comment from a concerned Sgt). This 1994 question book is of little value. The book that it is suppose to be modeled after, "Supervision of Police Personnel" has changed significantly since 1994. This study guide of the past consists of confusing questions with no explanations. It is not a study guide and certainly cannot replace the text book, unless you don't mind doing poorly on a promotional exam. Since the page numbers and the chapters have changed in the actual text book, I found this book to be very frustrating. Save your mental energy.$LABEL$0 +Love it!!!!. I definitely Love Dexter. This was a Great Season, and definitely Great Episode. Well worth the price for it. !!$LABEL$1 +ya get what ya pay for..... This isn't B&D;, Skil, Craftsman, Ryobi, etc. quality. If you're expecting that, you'll be disappointed. If I knew what I know after buying this, I'd spend the extra $10-$15 and buy one of those. ;-))I bought one and it works for what I want it to; occasional hole making.I wish it was variable speed and was expecting it to be as 'everything' is nowadays. Nope. Two speeds; on and off. ;-)$LABEL$0 +What a feeling....not!. I tried numerous times to like this '80s classic but I can't. Flashdance has a weak plot, bad and I mean BAD acting from Jennifer Beals, the only thing that saves this train wreck is the dancing. I give two stars for the hot as fire dancing and the soundtrack, otherwise than that, Flashdance is just too flashy for me.$LABEL$0 +excellant replacement buckle. this is a review for the 2 inch side release buckle-black. this is a replacemnet for the waist buckle on my army heavy transport MOLLE back pack. the previous buckle had been stepped on so i definatly needed a new one and a replacement. the other reviewer said that "They cheaped out and put the webbing grip only on 1 side of the buckle" BUT he is wrong they didnt cheap out its intended that way for a reason. you only need the male end of the buckle to grip the webbing so that in a case where u need to get your pack on or off quick you dont have to deal with adjusting the female end tighter or looser just slide and clip. this buckle is very good and while i cant say it will stand up to a 250 pound guy stepping on it it will keep your pack NICE AND TIGHT$LABEL$1 +Looks good, but not practical for long-term use. I purchased this product and wrote a review about it in another review page for the same item. In a nutshell: the bolts are round, but the bolt openings in the riser are wide and oval -- and after day-to-day usage this poor attachment design makes the riser shift out of place. Unlike a toilet seat, you will never be able to tighten this toilet seat riser enough to prevent it from moving.$LABEL$0 +Yet another shiny piece of junk toaster. What's funny is other reviewers either love this thing or hate it. Nothing in between. I'm going to guess the lovers like light toast and the haters like dark toast. I'm very particular about my toast, and I'm a hater...This thing looks shiny and cool, but toasts bread unevenly--it burns one tip of the bread and leaves the opposite unheated!!!! I think it has too much empty space and not enough elements for even toasting. The early release lever takes a struggle to operate. Then it flings the toast onto the counter, which is great for cartoons but not for reality. And the oven part has no timer so it's burned everything I've ever put in it.If you want toast, the best thing to do nowadays is buy the cheapest and smallest toaster you can find--once a year. They're all made in China, they're all junk, and few of them last more than a year. I bet Chinese don't even eat toast!$LABEL$0 +All Time Favorite Book. I have returned to this book time and time again over the last decade. It is my all time favorite book. Not only is it easy to read, but it's a quick read with a great story.$LABEL$1 +Horrible Decisions. Whoever decided to choose a graphics engine that will not run on sub-$200 graphics cards should be fired.$LABEL$0 +Reviewing the BOOK not the SELLER here. This book reads like the instruction manual for a rocket ship. I don't think I learned a single thing from it because I gave up trying to understand it after the introductory chapter. So many quotations from the original theorist with no explanation or examples. It was impossible to read. Ugh, waste of a semester.$LABEL$0 +History of Newton County, Mississippi 1834-1894. An excellent study of pertinent facts relating to the early history of Newton County, Mississippi. A. J. Brown uses many sources to inform his reader, including verbal interviews of residents of Newton County, court records, federal census records, state records and newspaper accounts. This book is of interest to those who wish to learn more about early settlers of Newton County, and what life was like for citizens after the Civil War. It does not touch upon every family. The primary focus is on those the writer believes are the leading citizens, therefore, those seeking a comprehensive study of this area may be disappointed. However, this history does provide a general feel for the time and place with some detailed discussion.Charlotte GressettGenealogy researcher$LABEL$1 +mornings?. Mornings With Fulton Sheen. What can I say,but,WoW. I loved this book. It is amazing how this book seemed relevant. Every time I read these pages the words written are applicable. I enjoyed this book tremendously. This book does what every good book should do; it denies the reader the right to misunderstand. Great work!$LABEL$1 +A Grotesque Caricature. Tom Wolfe clearly has not been to college in the last 50 years, because his portrait of college life is so vastly overblown and beleaguered with every stereotype assigned to today's world of higher education that the story itself is completely lost. There is little that is original or even interesting is his truly one-dimensional novel about a girl who can only be characterized as the single most nave college student on the planet, complemented by every jock and frat boy stereotype that exists in nature. I happen to be familiar with the university this novel is based on and I can say that he appears not to have really delved fully into his research in regard to what college life is like there. I feel a more realistic and not so oversexed and oversimplified novel could have been a successful book. But this just reeks of an old man outside his generation grasping at what he thinks people want to read about college life.$LABEL$0 +Very disappointed..Buy the book. I'd wanted to see the movie for some time now and was given the book as a gift. The book itself was pretty good but was so descriptive it ruined the movie for me. I finished the book on Sunday and decided to rent instead of buying the movie on Wednesday. I was excited to see the movie but was instantly disappoint. It deviated from the book a little which was fine but the story seemed to go so fast; trying to fit as much into an hour and a half as possible. I'm a fan of all of the actresses d absolutely loved the acting of Sophie Okonedo, who played the part of sister May. All in all the movie was both over and under-acted.I don't know if I would have liked the movie had I not read the book. There were heartwarming moments and I shed a tear or two but all in all I'm glad I didn't purchase the movie. I actually could have waited until it aired o cable.$LABEL$0 +AWESOME GAME!!!!!!!!!!!!!. pitching is awesome i like to c how hard randy johnson can throw his fastball. I also like to watch how dirty Tim Wakefields knuckleball is.$LABEL$1 +Beautiful. I read this book twice and then gave it to my husband, who gave it to his best friend. So far it's gone around our whole social circle... I can't really explain why I love it so much, but it's really the best thing I've read this year.$LABEL$1 +Wrong Book. I received the wrong book. NO ONE ON AMAZON HAS THIS VERSION! When I purchased the book, there were 2 sellers. One selling for $50-ish and the other at $200 (not the book, but some program?). I ordered the $50-ish priced book. When I received it, it was the CS3 version. I called the seller who told me it was the same book with a "few new details". He also said it was Amazon's fault for listing it incorrectly. He told me I should keep it and use it for a while. I opened it that day and it was NOT the same book with a few new details! Some of the menu items were not even available. I called the seller again and he said I could send it back, but I had to pay the shipping. Nice. THEY send me the wrong book and I have to pay to return it.$LABEL$0 +ya get what ya pay for. if I could give this, "so called" microscope minus stars, I would ,,this should only be sold at "toys or us" ..not even worth the hassle of returning it,.. very cheap carnival toy .,don't let the picture fool you$LABEL$0 +Coldplay one of the BEST BANDS EVER.... I loved this album! I love Chris Martin's voice I find it very soothing like a warm bath. Also, I loved the insturments! And I hate all of you who give Coldplay less than three stars because this is one of the most AMAZING BANDS EVER!$LABEL$1 +Should be required reading!. This book was incredible -- and unlike any other book on church life and growth I have read. It should be required reading for any member of a church. Mr. Scazzero addresses one of the most over-looked or denied problems in churches - emotional immaturity. Too many Christians have voluminous knowledge of Scripture, but no idea how this should apply to them as an emotional being. This book shows how to have real, authentic fellowship in a body of believers, and how to be strive for the emotional maturity that is modelled in Christ.$LABEL$1 +Very good book. Very good book with good instructions and illustrations. I has helped me to do a better job in my sewing.$LABEL$1 +Excellent Resource. Great menu ideas, good recipes.This cookbook is a gem! A lot of quantity-cooking cookbooks have recipes for things like slop and canned-cream-of-whatever-soup special. This book has simple, classy recipes along with strategies for serving a crowd of people.All of the recipes I have tried from this book have been great. Once you see her proportions and suggested quantities, it is also easy to scale other favorite recipes to serve a larger group of people.This contains recipes and menus for different-sized crowds and for different occasions (from elegent dinners to picnics).Excellent resource. Highly recommended.$LABEL$1 +Found it as a bore. I read the first 4 chapters, i told myself this book will be good, but i just could not finish it, it never picked up. Im glad i got the book for free. There is too much hype about this book, I would rent it from a library or borrow it from a friend first. Again I need to say, this book is a bore and does not pick up.$LABEL$0 +This book might blow you away.... ...with it's ability to explain this twist of nature at a level young children can understand. I was most impressed with the fact that not only does it describe the scientific aspects of tornado formation in simple terms, it also discusses tornado safety by giving kids several examples of where they might be when a tornado hits and the best place to take cover for each situation. While the publisher lists ages 4-8 as the targeted reading level, I found with our library groups at school that our 9-11 year olds were very interested in it as well. If you have younger children and live in an area where tornadoes are a real threat, I highly recommend using this book to introduce tornado safety.$LABEL$1 +front pocket wallet with concealed money clip. I like this front pocket wallet with concealed money clip and room for credit cards versus the wallet I had that exposed everything.My ID is inside and my money and credit cards too. The money has a tentancy to slide out of the clip, but other than that, it is great.$LABEL$1 +This book is embarrasing. This book is not what you want for reveiwing for the SAT II Physics test. It attempts to make the subject material seem easy and ends up over simplifying most of it. Many of the practice test's questions are flawed and have conflicting answers in the answer keys. The second practice test has almost nothing to do with the material discussed in the book. I got a 760 on the first test and a 610 on the second. Do not buy this book.$LABEL$0 +Broke on First Use. Rather than push out the pin in the chain link, the tool's pushpin sheared in half.I suspect that part may have been defective, though, and this review isn't a blanket condemnation of the Super tool or Topeak.The reason why is, I was able to complete the chain repair using the chain tool included in my Topeak Alien II multitool. No problem with that one. So Topeak can make a chain tool that works. I might have just gotten a bum pushpin in my Super.I bought the Super in the first place because I figured the chain tool in the Alien II would be flimsy. The Alien II chain tool was to be a backup, and it performed well.I'll probably replace this with the more expensive Park CT-3, though.$LABEL$0 +excellent music. great artist getting better as he gets olde. i loved every song in this collection. he is like fine wine, gets better with age.$LABEL$1 +Olympus lens small size, light weight, but most important sharp images.. I purchased this lens to use on my E-520 and I was surpised at the compactness of this lens. I took photos at a circus and a wedding so far and I am impressed with the sharpness of the images. It could easily be carried as a prime lens for travel, especially if you are outdoors. It does hesitate some on focusing in very low light situations. Overall what a deal for great Olympus optics at $100 from Amazon. It is well worth the price.$LABEL$1 +The best heads money can buy!. These are the bottom heads for your drums, be sure to use them as that. Great referb sound, rich, clear, and powerful. These heads are a must for any kit! Just reoutfitted an old set, and make them sound like new!$LABEL$1 +First class folk singer/song writer as evidenced here!. Leigh Hilger has grown int a first class singer/songwirter. On this album Leigh has done some amazing compositions in the Americana/Folk music arena. Casting Shadows trancends the folk genre and takes you an area of music few others do. I compare her music to other great women such as Bonnie Rait, Nancy Griffith, Marcia Ball, Christine Kane etc. You will love this album regardless of your music preference. It has it all!$LABEL$0 +A Good Place to start. The medical profession in general see's co-dependency as a disease that is permanent, progressive and incurable. So you can imagine my delight when I opened this book and read, that this is not so. I am co-dependant and have stumbled through my life not really knowing why I attracted time after time negative and distructive situations within my relationships. This book has given me a glimmer of hope in that I can turn this around. One of the biggest challenges I face is understanding what happened in my life for me to be in the position I am now. This book has given me the answers to my questions and more....it has provided me with a starting point to recovery and to acquire the life skills that will enable me to have the kind of relationships with others that is my divine right.$LABEL$1 +Wrong product. Image shows an LED based bulb, what was delivered was a dual filament incandescent bulb that does not fit a standard indicator socket.I plan to return these for credit.$LABEL$0 +Should have been better. Room 33 is about a troubled young couple and a roller derby team who get stranded in an abandoned mental hospital where a crazy girl is running around and people are turning up dead sans eyeballs. Good luck figuring out much of anything beyond that. I guess the actual killer is supposed to be the crazy chick's dead father who is living on as one of her multiple personalities and was the head doctor at this place. Why is he dead? Got me. Why is he killing people? No idea. Too bad the script is such a mess, because they had the makings of a decent b-horror flick for the first half. The girls were cute and you start to care about some of them. The acting is poor but not offensive, it was filmed pretty well, but the script and plot holes are what really hurt it. Still, for budget horror you could do a whole lot worse (Secrets of the Clown, dear God).$LABEL$0 +Good Book. This is a good book for mature audiences. I would not allow my younger children to read it, as some of the analogies are disturbing, such as "God is like a lover, not a rapist."$LABEL$1 +Most fun I've had in years. I love this game. Keeps me entertained on long trips. Most fun I have had with a handheld game EVER!!!$LABEL$1 +PCH=Perfection. This is to me the most complete album he or any new age artist has ever manufactured. There are all kinds of moods to experience on this magical disc. This album is the real stuff. "Black Garden View" is the most relaxing and elegant song ever created...PERIOD!$LABEL$1 +Great but hard to crank. This toy is great, no batteries, but the crank you use is really hard, my 3 year old can not do it.I suggest getting the Thrill Hoop toy as well, the crank is easier and my little girl can play all by herself now!$LABEL$1 +Slick Little Camera. The value of this camera is its size and convenience. It does not take great photos, but for the most part, outdoor pix are not too bad. I compared exact shots from my olympus 2 and 3 megapixel, and the colors from the casio were a little washed out- not true to color. Indoor shots with low light are bad, as the flash is so small it does not produce very good photos. These are the drawbacks. I got this camera to have when I don't want to carry my larger camera and to take places that I would not otherwise have taken the other. It is cool and will draw a crowd. You will need to get an additional SD card if you want to take any number of pix, but they are cheap now. Final note, the usb/charging cradle that came with it is very nice and works well- I did not install any of their software as Win XP immediatley picked up and installed the driver.$LABEL$1 +Utilitarian Headphones. Darn good head phones if you have that remarkable ability to break everything you own. The ear pieces are quite sturdy, made of aluminum. At first are awkward to put on, but once you get them "set" they don't even feel there. Comes with a nice case, too big for a pants pocket but good for a jacket pocket or purse. Sound quality is decent, these aren't DJ quality headphones, mainly due to the lack of bass; overall sound quality is crisp and clear. And lastly, the ear pieces are not heavy enough to use as a bolo, so home defense is out of the question for this item. However, if you are an assassin, the wire seams strong enough to work as a garote.$LABEL$1 +I Think this is the best Cd I have bought to date awsome. I can't start to tell you how great this band is. They are very good. In a couple years they will be really big. I hope you take the time to listen to the whole Cd. Maxx Collins has mad skills. I listen to the whole Cd everyday$LABEL$1 +So nice to have pancakes again. After weeks on the limited choices in Atkins, trying this mix was nice alternative to eggs every morning! The consistency was a little chewy and the taste quite egg-y, but with sugar-free maple syrup I was still in heaven with every bite. I also sprinkled on some cinnamon for flavor. However, next time I'll try reducing to one egg instead of two, and see if this helps cut down the egg-iness. Not bad overall!$LABEL$1 +Detailed Method For Buckskins. The author took the complex task of making buckskins and makes it even harder by explaining the most minute details of the process. I was looking for more step by step detail on hide tanning. This book will be great for you if you really want every detail explained. I would have given this book 5 stars if it simply had an an appendix at the end of the book with step by step instructions of the process, but with much of the verbage removed.$LABEL$0 +Don't Buy AT&T phones, AT&T doesn't Back Their Product. I purchased this phone through ANTOnline. (AT&T; E5917).The answering system is OK but the cordless handset was defective. I contacted AT&T; and we both determined (AT&T; and I) that they phone was defective and they told me I had to contact ANTOnline. I contacted ANTOnline and they told me to contact AT&T; directly, so I tried emailing AT&T.; After giving AT&T; information back and forth in the email they told me to contact them through the phone. And around and around it goes. I cannot waste anymore of my time for a $10 handset. I am very disappointed in AT&T; and find that their customer service is not what it used to be. So let the buyer beware -- cannot return defective items!!!!$LABEL$0 +This has got to be a joke!. Thought I'd check out what 'death metal' is about, so listened to the track samples for this album - unbelievable! I'm astonished that anyone in their right mind could find pleasure in listening to this horrendous noise - 'music' is hardly an appropriate descriptive term here. So, if this band is at all representative of the genre, my advice to the uninitiated is: steer well clear if you like your ears! For a real 'Brainstorm' check out the track of this name on Hawkwind's 'Doremi Fasol Latido' album.$LABEL$0 +Non-compatibilitiy. This product is for use with Windows XP only. I attempted to install it on myWindows 7 laptop and was unsuccessful. The screen displayed the message that it isfor use with Windows XP only.$LABEL$0 +Sad. I dont like to see a subject like this in animation. I rented it for my grandkids but this is not a kids movie! Too heavy!$LABEL$0 +She Loves (LOVES) this thing!. I sincerely believe I could have dumped Baby Jaguar, his cast, the tapir, the feeding dish, XRay and the stethescope and just given my daughter the Rescue Pack without batteries and she would have fallen in love with it. The other toys have largely been ignored in favor of the RP. Unfortunately, the thing came with pre installed batteries and all we've heard for the last couple of days is that thing talking.As a note, we got one of these for our son about 2 years ago. He also loved it. I have no idea what happened to it, but I rated this as highly durable because I know it lasted a long time before it vanished. His Baby Jaguar is still around...$LABEL$1 +Great book! Where is it?. Great guide to parents in raising responsible loving children in today's world.$LABEL$1 +Totally wrong ending. Have you ever read a book that was absolutly perfect untill the end? The end of this book destroys the whole point of the fairy tale. I was so disapointed. It seemed that McKinley just threw everything together to create an ending. I was so excited, this book was so good untill the last two or three chapters. Then it just disgusted me. I would write a whole new ending for this book and then it would be perfect. But unless you want to write your own ending, don't waste time or money on this book. I must say though, that the sisters were great and I loved the way she wrote them. That was actually worth my time. I gave a star to each of them.$LABEL$0 +Great idea, until it broke.. I purchased this exactly a year ago and have used it on a few trips. I was on a cross-country trip last week and used the unit for about the tenth time. It broke. As I pushed the plunger down I heard a crack. I now have coffee in between the inner and outer shells of the mug. Sadly, I will throw this away and purchase a better-quality unit for my travels. Nothing is better than having a good cuppa while on the road, and nothing was worse than that crack I heard, making this unit useless.I have two Bodum glass presses at home that I use several times a day; they continue to perform yeoman service.$LABEL$0 +Protect a bub twin sunshade. I would NOT recommend this product - it's a piece of fabric with short ties which you attach to the stroller - just flops down over the kids faces - useless!$LABEL$0 +way overrated. this band was truly overrated.aside from songs like L.A woman&Light my fire what was so special about this group? the lead singer with personna but that's all.Jim Morrison was the 60's version of 2Pac a talented poet but not a great artist.but alot of personna that helped create the Myth&the Man.the music was lacking any real feeling and bottom line was just bad.a very overrated group if ever there was one.$LABEL$0 +Very Unrealistic. I bought this book because other customer reviews raved about how wonderful it was. Well, I was very disappointed. It was so awful, I couldn't even read the book all the way through. The book is almost entirely made up of sample conversations that show you how you should be talking with your children. Unfortunately, the children in these conversations are unlike any child I know. In the book, the three-year-olds talk more like ten-year-olds. It is very unrealistic. I would give it zero stars if I could. I sent the book back.$LABEL$0 +a good change of hero and heroine. It was a good read. It kept me interested in the beginning, but started to become predictable towards the end. You were still able to connect with and understand what the charcters were going through. It just kinda lost its fizz after awhile like soda when you leave it out. I wish the outcome was different in the end. It left me wondering WHAT? No way! After all that... it ends like this?This book had potential to be better, I wish it were.$LABEL$0 +Junk Player. I will never by this brand. I ordered this player month back. After waiting for 20 days, I received the player.When I tried to play a DVD movie, only first ten minutes it played the movie in color, then color changed to pink and finally it displayed only Black and White.I called Cyberhome support, I did all kind of troubleshooting as per cyberhome supports instruction. No luck. Then I called Amazon, they said they will replace the unit.Last week I receive the my replacement unit. I think this unit is comparatively better. The reason is, it displayed the DVD movies in color for 20 to 30 minutes. And it goes to pink and finally Black and White.Today I am returning this unit also.It you check Cyberhome's web site support page, they say it you see pink are Black and White picture adjust the DVD setup. That is not true. It didn't work for the player I got it.This player is not even worth for single star.$LABEL$0 +Disapointing. I loved the New Mickey Mouse Club from season 1, even as new episodes were showing while I was still in high school. I was very excited to see that Disney was releasing this, even if it were only a few episodes based around three of the many talented kids on the show. The fond memories I have that revolve around this show...However, the four episodes on this DVD did not highlight the talent of Christina, Britney and Justin or the rest of the cast for that matter. All the musical numbers (except one) were prerecorded from the MMC concert. The skits were not some of the best, but Keri Russel fans will probably get a kick out of seeing her in many of the episodes. I hope people who buy this DVD don't judge the entire show on these four episodes.$LABEL$0 +Fabulous, cherish each story!. Miracles happen every day. Yitta Halberstam and Judith Leventhal are angels themselves, bringing these fantastic stories to millions of people. Buy and read every single one of their books. Not only are they hard to put down, you won't be able to look at your life with the same eyes ever again!$LABEL$1 +Absolute worst customer service. We had major problems with our after-market radio. The installers tried a new radio that Sirius sent and a new antenna that they sent. Neither helped. My wife then called customer service and that was a huge mistake. She spent 2 hours being bounced around and hung up on. It was as if they didn't care about our business in any shape or form. Then they would say things like "I don't see any orders on your account so I can't help you." What does that even mean? They wanted to send another of the same model but we had already been through all that.In the end it was easier to cancel the service and eat all the money we'd put into it so far than to deal with them. Customer service/retention/tech support would not do anything for us. The radio service is great if it works, but if it doesn't, may the gods help you because Sirius won't.$LABEL$0 +Ransom. This is the worst Lois Duncan Book I have ever read! The plot was well, and the characters were secure, but the way she kept the story going as if it didn't even have an end, made me want to stop reading it. I seriously FORCED myself to read this.Lois Duncan is my favorite author, and I have read fantastic books by her such as: Locked In Time, Stranger With My Face, and Down A Dark Hall. If you love reading suspense and thrillers, read these. But if you enjoy being bored and hate having to finish a book because you started it, read this.$LABEL$0 +Second pair and counting.... I bought my first pair and loved them, now on second pair and still love them. Sturdy, forgiving but still rugged. Break in is fairly quick and I only have a little discomfort initially with the upper ankle area. This is due to the stiff rubber/plastic that wraps the ankle. I do not mind the break in period as this same piece offers good ankle support also. Only drawback is the price, ouch. I have never paid $200.00 which is the price at the time of this review as they are usually around 129.00 to 169.00.Overall a good boot and I also prefer them to the Acadia.$LABEL$1 +The Light in The Darkness. My brother came from England yesterday, he brought me a couple of cds i needed but he also brought me this jewel.The Darkness is seriously the best rock band i been heard in at least ten years, i just love it. i'm gonna listen the whole album ten thousand times and then i'm gonna know if it's really THAT great band.$LABEL$1 +Fats Domino - Greatest Hits. It had great songs. There was just one other hit I had hoped it would have, but didn't.Sound quality was good.$LABEL$1 +PQ review!!. Look i know the films are old and they weren't preserved that well but i feel funimation could of done allot more to clean the films picture up there's way to much grain.$LABEL$0 +Best Posion the Well album. For those of you who rate Hopesfall: The Satellite Years, I'd recommend you get this album, Yes it's that good! Try listening to the song 'The Realist' and you'll know what I mean.$LABEL$1 +Not for climbers !. Loved this gate until my son .. 17 months.. learned to climb ! He puts his toes in the gate and just climbs up and over it !It is attached to the kitchen counter, so he climbs up the gate on the counter and, well.. you can imagine the rest !So if you have a climber I would recommend one that has the long slats vs one that has "holes" in it for their toes ..$LABEL$0 +Rosetta Stone. We are very unhappy with this purchase because we cannot down load it on to our computer due to the fact the product is too old. And the seller will not communicate with us! We are trying to return this and get a refund and are not have ing any luck! Can you help us?$LABEL$0 +Well worth the $. I would highly recommend this video for those looking to tone and slim but who don't want to spend too much time working out. Each workout is only 25 minutes and it is broken down into three circuits, plus a warm up and cool down. In each circuit 3 minutes are dedicated to strength training, 2 minutes to cardio, and 1 minute to abdominal work. This format makes it easy for quitters like me to push through a hard work-out since I know whatever I'm having trouble with will be over soon. The three different workouts keep things interesting and pack a punch. The only improvement would be an extended cool down period -- I often need to stretch more afterwards.$LABEL$1 +Great sight, great price!. Easy five stars. I used this sight to replace the stock front sight on my Glock 23. I've never been a fan of Glock OEM sights. I blacked out the rear white "goal post" on the stock rear sight with a black marker and mounted the HiViz on the front with a little blue Loctite. Standard 3/16 nut driver ground down to fit in the slide works perfect to tighten the screw. Love this setup. It will be my go to set for all my pistols.$LABEL$1 +A book that will appeal to the envy of America. 200 years ago, European nations dominated the world in absolutely every aspect-culturally, economically, militarily, etc. Now, in the 21st Century, the tables have dramatically changed across the Atlantic. The U.S. is now the strongest superpower the world has ever seen. For the first time in history, there is a nation out there with the might and influence greater than Europe COMBINED. If one doesn't believe me, just look the stats up and compare them. One example would be that the US spends more on its military and on technology than the rest of the world COMBINED, let alone old Europe. And people wonder why the most high-tech nation on Earth...$LABEL$0 +Not THAT bad.... ok, ninja gaiden is hard, it will kick the crap outta u, blah blah blah... but the camera is not the real problem (i only died once from it) and yeah the save points are a bitch, but the real problem is... the end of the level.i'm not saying it's hard, i'm saying it's ridiculuos. you reach an aztec maze (but i thought we were in japan) filled with only one enemy, those spooky fish, who can't be blocked or attacked by any weapon but the dragon sword or ninpo. you'll find urself racing jamming on Y and B until u reach the next level: a tower were the halls are filled with spooky fish and the rooms are the typical kill till the door unlocks puzzles.other than that it's an ecsellently crafted game with awsome fighting and an awsome story.$LABEL$1 +Trading the Forex Market. The book was worth the money as well as the time to read and study it. I have traded futures but am newly introduced to the Forex. I learned a lot of basics and insights relative to the unique aspects of Forex and swing trading and momentum trading. Raghee gives a lot of practical advice.$LABEL$1 +Great booster seat. I like this seat because it's really compact, lightweight, truly portable, and most important, there aren't a million crevices and holes for food pieces to fall into, never to be recovered!$LABEL$1 +3 yrs old and still looks as new. I had it for 3 years and still works and looks like the first day. Color has not fade. It is not very heavy, just normal.$LABEL$1 +Does not do well in the wind. My family bought a set (4-5) of these tents in the late 80's. Good looking. Easy to use.... Then the storm hit. The wind mangled these things into pretzels. The poles were never the same after that. Domed tents, even bottom of the line Colemans, do so much better in the wind. Domed tents are cheaper, roomier, sturdier.$LABEL$0 +Now I have to read all his work!. The interest this book garnered due its nomination for Thw Whitbread Award was well deserved. My only disappointment was that it didn't win.Set during the 80's it charts the rise of Solidarity. Begging the question 'Remind me, so who are the good guys again?'This is a very emtional, personal journey. I laughed all the way through but it has moments of such poignancy I was very mved too. Not in that fake kind of maudlin may, but the real kind of feeling; real people,live,traumas and laughter.Put down everything else and read this now.$LABEL$1 +Finzi wrote the best clarinet concerto ever !. As a collector of clarinet concerto's, this is my favourite concerto. This Naxos cd is extreme value for money ! We hand them out as business gifts and everybody likes the cd very much,$LABEL$1 +thin but good for the woodstove enthusiast or emergency cooking. bought as a present, the gift receiver really liked it...especially when her electricity went out in an ice storm and she had to rely on her wood stove for heat and cooking.$LABEL$1 +Value. This was a good buy --- great value for the money. It was very useful to me and my cooking needs.$LABEL$1 +Does not work for MX500 Mice. I bought this pad originally for my Intellimouse explorer mouse.Using the Intellimouse with this pad is a joy for a short while. A week later and my Mx500 arrived..this is where the problem started. I noticed the pointer moves in random directions when you move the mouse slowly. I thought that this was because the mouse had some tiny scratches on it. So i cleaned it and used it again..no luck.Today i went to staples to have it exchanged for a similar mousepad. To my dismay, the pointer still goes awry if you move the mouse slowly if used with a Mx500 mouse. So if you have a logitech mx controller.. proceed with caution.$LABEL$0 +Broken Fan Blades in 3 Days. I have owned this product 4 days and already twice a blade from the fan has come dislodged and stopped the fan.I am not abusing this product. I leave it on the bed, (no desk) and when I have come home from work two nights in a row, it has been broken. I am taking it back, you get what you pay for but this is ridiculous. Will be returning it to Walmart tomorrow.$LABEL$0 +not what I hoped for. I loved...LOVED shake off the dust and live @ stubbs. I saw matis twice live and he was more incredible than words can explain. Of course I respect his right as an artist to grow, evolve, and expand. But for me, this album seemed to get away from what made Matty matter to me. i'll keep listening but, have been playing the old album since. It seems he went for a poppier sound, trying to cross over genres and reach more people. his original sound put him in the spolight and now he's gonna switch it up... fine. it's just not there for me.$LABEL$0 +Very good start up kit. For beginners you got what you need to start making your own wine.Try it. I'm enjoying my wine every weekend.$LABEL$1 +Gotta love YellowBox!. YellowBox shoes can be a little pricey but are worth it and these are no exception, great purchase and worth the price!$LABEL$1 +Makes me ashamed for the author.... Good grief, why did that little line at the start... "without editorial input' not warn me?Sure the top writers around the world need editors, but this work is so perfect it doesn't?The grammar and spelling mistakes littered through the book are atrocious. Even some of the worst fanfiction writers manage to run spell-check.Then a character arrived with 'violet eyes', a fanfiction favourite that should have sent me running to the hills.I like the idea of bringing fantasy into the grittier parts of Britain, but everything else here has been done to death. Villains laugh hysterically; heroes stand dramatically shouting 'NO!' to the horizon; everyone is extraspeciallysuper beautiful and handsome.$LABEL$0 +Lots of Old Fashioned Fun!. Extremely imaginative and brimming with first rate special effects, The Adventures of Captain Marvel is lots of old-fashioned fun from start to finish. Certainly one of the best serials of the 1940s.$LABEL$1 +Elsie's story continues. This is the fifth book in a series, though this and the fourth book didn't have too much to do with the first three books. The first three - 'Fourth Grade Wizards', 'Nothing's Fair in the Fifth Grade', and 'Sixth Grade Can Really Kill You', were set in elementary school, but the last two books focused on Elsie Edwards.Elsie made her first appearance in 'Nothing's Fair in the Fifth Grade' and was in the next book, though with a considerably smaller role. Here, she's seventeen and no longer fat after losing weight in the fifth grade. But she still has plenty of insecurities (as shown in the fourth book) and this book is geared for older readers, but still rather good if you read the rest of this series.$LABEL$1 +Awesome!. Nothing like the shine of chrome on a 1970 Buick GSX....it may only be 1:18 but it looks like it's 18:18. :)$LABEL$1 +Good speakers, poor quality user manual. I bought a pair of these to replace the blown woofers in my 30 year old Advent loudspeakers. I needed to enlarge the hole in the speaker boxes slightly to make them fit. (No problem here, Pyle makes no claim they will fit the Advent boxes.) The speakers sound great. The only reason this review is not 5 stars is the user manual, which is full of typos and obviously translated into very fractured English. But this is not a big deal.$LABEL$1 +Only use if you are an octopus!. I was so excited to get this wrap. My baby constantly wanted to be held and I thought this would make us both happy. I was very wrong. It arrived and when I opened it I knew we were going to have issues. It came with a very thick instruction manual and the option to watch a video online. Still, I gave it a try. Many tries. The thing is very very long. First you have to fold it in half lengthwise, then you have to drape it this way and that way, pick up and position the baby, then wrap and tie it. Perhaps if I had eight arms or someone to help me, this would have worked. However, after using it a few times, I returned it. I opted for a more traditional type carrier that I could get the baby in and out of myself...with my own TWO arms :)$LABEL$0 +Pass the Cheese. Ok yes this is a cheesy love or hate movie, but the one thing that I will mention that I hadnt seen in another review was of the audio commentay track by the director. Listenting to him discuss many of the choices both from a plot standpoint as well as an editorial standpoint was very entertaining. Without it i would say just rent the video to get it out of your system but he commentary actually makes this worth owning and watching more than once.$LABEL$1 +The Best Point-n-shoot I have ever used. I love its portability, ease-of-use and picture quality. It has enough options to control exposure, timings, color temp etc for a amateur photographer. (The 5-star ratings are keeping in mind what I expect from a point-n-shoot camera. Obviously the picture quality is not as good as a SLR.) I have used it extensively and loved every bit of it. Except recently, when it died due to lens error. I guess some particles (sands?) got stuck in the lens system. Now it fails to start. The repairing cost is not justified. I would highly recommend this camera unless you are a serious photographer and need something more than point-n-shoot.$LABEL$1 +Sonic Earz Personal Sound Amplifier. I bought this unit for litening to TV. Even sitting right in front of tv all I can hear is back ground noise. It didn't work at all for me.$LABEL$0 +DVD purchase. This title does not rage. The story takes on a dream-like quality to portray the strength of the lust and confusion within the young character. It never realized what it was attempting and could have become.$LABEL$0 +If you loved skinny puppy.... If you loved skinny puppy for more than just the image don't waist your money. Welt was horrible too. I myself love skinny puppy, but considering how harsh and seemingly musicaly unskilled they are find it hard to believe many other people feel the same way about them. If you like that dank locked in an old celler feel that skinny puppy has this won't be your cup of tea. It sounds way to digital. Where's the love? Where's the analog?$LABEL$0 +If I could give it a ZERO, I would!!. This is the worst phone I have ever owned...and I've had many. Sure, it's cute and light, but the phone is constantly dropping calls, gets TERRIBLE reception, decides not to ring when it feels like it and the battery life is about 36 hours with no talking and about 24 hours if you talk for about 1-2 hours (in battery save mode). I certainly would NOT recommend this phone to anyone. I had a Motorola before this which was absolutely wonderful, even after I dropped it in my dog's water dish! I thought this phone would be equally as great, but I'm very disappointed!! With my old phone I had perfect reception everywhere in my apartment, now I have to stand by the window and most times this phone won't ring in the apartment at all.The things that I do like over my old phone is the option to have true tones and it takes better pictures. Not worth it though! Think twice before buying this phone!$LABEL$0 +Have you heard of tunnel vision?. This book is very disappointing. I was even appalled at the nerve of the author to re-release this book and identify the man he THINKS is the Zodiac killer after the man's death. The author actually demonstrates how an investigation can get botched with tunnel vision. A prime suspect is the sole focus and evidence is distorted any way it can be to "prove" this suspect is the Zodiac killer. There were other possible leads and suspects that were discounted by the author.By the time you reach the middle of the book, you'll see it is already obvious who the author THINKS is the Zodiac killer. The rest of the book discounts other leads and suspects and focuses on "evidence" that "proves" the author has identified the Zodiac Killer. Very disheartening.It should be noted the author is not an investigator and the identity of the Zodiac killer remains a mystery to this day. The author has NOT proven his "identification" of the Zodiac killer. This book is a shame.$LABEL$0 +The only book I have ever thrown away. This book was fraught with inaccuracies (who has ever heard of a Shaker family? they're celibate!) and gruesome scenes, starting in the first chapter. I usually donate children's books to the library after I have read them, but this one I tossed in the trash.$LABEL$0 +BORING. Why buy a (boring, preaching on being green and saving money) book when you can save the money?$LABEL$0 +A Must for Browns Fans. Great book for a unique insight into the history of the franchise and the experience of being a Cleveland Brown with unique one-of-a-kind illustrations and great stories as told by players. Browns fans will love it!$LABEL$1 +Uplifting. I love this book! So joyous! Read it and BLIEVE!!!We are Children of our Heavenly Father who LOVES US!!$LABEL$1 +EXCELLENT PRODUCT!!!. Great stuff,just add to gas and it stays fresh!!This is a must for people who dont use up their gas very quick.$LABEL$1 +WHY DOES THE PRICE KEEP GOING UP AND UP AND UP???. Is amazon, getting sooo greedy??? This product was sold at $125 just a short time ago and now it has increased by $25 in that short time...What's going on with Amazon...The more they sell the greedier they get???$LABEL$1 +BSA -BS30 Boresighter. Not very happy with the product did not fit like it was suppose to would not stay in place I returned the product.$LABEL$0 +Easy read, informative, positive and interesting. I have a 16 year old daughter who suffers from panic disorder. I read this book first and then passed it on to her. It is a simple read that took a few hours to get through.It explains subject matter in an easy to understand format. It is also a very positive read and should give the reader hope and some understanding.$LABEL$1 +Love all the pockets. The bag is durable and comfortable to carry. I love all the pockets. My only complaint would be the width. The main compartment is just wide enough to carry documents, but because the bag does not have reinforcement, the documents bend. I put two pieces of cardboard inside to give some support to the main compartment--problem solved.$LABEL$1 +skip it. I'm a huge smap fan and this is possibly one of their worst. I cannot imagine what made them think this song was a good idea. It's a sort of parody/sampling of a lot of their other songs cobbled together into a discordant mish-mash.$LABEL$0 +To large when I received them. I have already a pair of the Havaianas but unfortunately had to return the ones I ordered as they were to big.I had ordered the size I have already but the ones I received were huge ............. however had no problems with Amazon returning them - first class all the time.$LABEL$0 +A Waste of Good Talent. "Music for Elevators" this is not! I bought this based on the singing ability of Anthony Stewart Head and the title. I was expecting soft music/ballads...something relaxing. This CD is nothing but Techno-Pop or more appropriatly Techno-Garbage. Half the time you can't even hear his voice over the music. It is a waste of a fine voice and talent.$LABEL$0 +Is this really for solaris 10?. Solaris 10 has new features like dtrace,svcadm,zones but none of this is covered in the book?? This looks like a reprint of solaris 8 with some end notes tacked on.Avoid this book;$LABEL$0 +Nice Product. Like the product. Great idea. The only problem is trying to find a telephone number for Amazon once you do order it and have a problem with your on-line account that can not be solved via email. I had to use "Google" to find the number. It was on a web site called "Amazon.com: The Death Of Customer Service". Might want to find a phone number before you order.$LABEL$1 +Didn't work - old school. Don't waste you money on this software. Several of the games didn't work properly and my son lost interest after an hour.$LABEL$0 +Please tell me that box design is a joke. Seriously!. Seriously, no kidding, if that is the box design that is released in the final version -- then someone better be shot. You *cannot* release 5 seasons in a standard format, then come out with a garbage box design like that. What part of the word 'collectors' do you people not understand? Adding this insult to the ridiculous wait time for the Simpsons coming out on DVD, and I am starting not to care about the series anymore. Fox and Company, *GET YOUR ACT TOGETHER!*$LABEL$0 +Leather Case Very Disappointing. WARNING!!! Can not use button features to operate Zen player because leather case is way too tight! You can hardly get the player into the case so no amount of time or breaking in period is going to fix the problem. Sadly, it's like having a pair of shoes that are so tight you have to remove them so you can walk. [...]$LABEL$0 +Epson R2400 Print Results. I purchased the R2400 from B&H, NYC. After a brief installation set up, I was ready to print. The images came out streaking from upper right to bottom left. After speaking to Epson tech support I was instructed by them to return the unit because"it should not be streaking diagonally, ecspecially right out of the box". I exchanged the unit with another one and experienced the same problem. Whether I printed from photshop or iphoto the streaks continued on 99% of my prints (with Epson paper). After trading emails w/ Epson tech. support, I ended up returning the 2nd unit as well. Maybe I hit a bad batch but the R2400 was for me, an exercise in frustration.$LABEL$0 +THIS IRON IS NOT WORTH IT!!!!!!. I purchased this flat iron from Amazon EXACTLY 60 days ago and this morning, when I plugged it in the red light turned on.....when I came back to straighten my hair a little while later, the light was off and the iron was cool. After going to work with frizzy hair I returned home to try it again...no luck. I should have listened to the other negative reviews on this site. The iron is not covered by the warranty because it was purchased from Amazon, not an authorized hair salon! I took my chances when ordering the iron because the price was right....Buyer BEWARE, spend a few more dollars and buy it from a hair salon. Ulta Beauty has the iron for a similar price when it's on sale! Like some other reviewers I think this is a cheaper version of the ones that sell in salons. My daughter has the Paul Brown flat iron and it's been great for over a year!$LABEL$0 +America will rot because of its unwillingness to evolve. YOU PEOPLE THAT LOVE THIS CRAP OF A MOVIE ARE THE SAME AH THAT WILL B & MOAN ABOUT RAP MUSIC AND CLAIM IT SHOULD BE BANNED ........ONLY IN AMERICA ARE PEOPLE SO STUPID ......... One if the worst movie to ever exist. More time should of been spent thinking about what was being made here for all of eternity, the director later discribed this movie as his biggest mistake, Which he tried to make ammends with in his next film . there's more important movies out there that should be remastered not this.This movie will always be a symbol of intolerance in America, and the reason this country will die a slow death.YOUR ONLY AS STRONG AS YOUR WEAKEST PART"S (the 1 percent of the countrys wealth prove that).......THE SAYIN GOES WHEN YOU CANT WIN AN ARGUMENT CORRECT THEIR GRAMMER INSTEAD!!!!!!!!!!!!!!!!!!!!1$LABEL$0 +PLEASE! Say it ain't so.... Is this the same Shaw that has a law firm on Long Island known as Shaw, Licitra, Esernio, Bohner & Schwartz? The one that receives so much praise, patronage and rewards from the heirarchy of people in power? If you need a lawyer or firm with influence and crooked political connections, this one is among the top ten.$LABEL$0 +Kids Enjoy the Content. This was purchased for two little ones, ages 2 and 1. The content features Pim, an animated panda, intermixed with footage of children and parents in everyday situations. Basic objects and actions are introduced then repeated several times before being used in simple phrases and sentences. There is a menu option to see English subtitles. It would be great (for adults) if there was also an option to see the Chinese vocabulary spelled out phonetically in English. However, the kids are obviously the target audience and they seem to really enjoy the videos.$LABEL$1 +Good Bracelet. i thought that it might be more flexible.the "gold" accents are on an interesting design.i have had a number of complimentary comments on the bracelet.the clasp takes a little getting accustomed to.$LABEL$1 +Double must. Must 1: Get to know Jamey Aebersold because he is an excellent music teacher. And I follow those I believe are the best teachers in their fields. Must 2: If you are struggling with jazz improvisation,chords, two hand voicing and the like, you will improve your knowledge a lot with this DVD.$LABEL$1 +does not drip. faucet works as intended so far, the seal at the container is pretty straight forward, and seals without issues. The faucet itself has not sprung any kind of leak.$LABEL$1 +The mob-busters' point of view. Written by two of the FBI agents who in 1981 bugged the home of mob boss Paul Castellano, head of New York's Gambino famiy, Boss of Bosses is a nail-biter that keeps you on the edge of your seat. We follow them as they place their surveillance equipment and then monitor Castellano's day-to-day activities. Along the way they pick up juicy information about the boss's personal life, particularly his love for the family maid and the lengths he will go to please her. Some readers have complained that the book is more soap opera than true crime, but I think that's a big part of its strength. The authors show the godfather as a real man not just a power on a Mafia throne. The book is also good background on the conditions within the family that led to Castellano's assassination and the ascent of John Gotti.$LABEL$1 +The Best Book on the Subject of Spot Metering!. Too many photo "how to" books slide right over the importance of metering, especially spot metering. You wonder why your photos lack the detail and color that your remembered when you shot that picture. This book is wonderful. It is the only book that I have come across that explains in great detail how the camera works and how to determine the exposure you desire using the spot meter. You will be amazed at how much better your photos will be if you turn off that automatic stuff and let your brain decide what your exposure should be. After you have read those books about aperture, shutter speed and depth of field (they all seem to read the same), read this book to learn how to expose/meter correctly. I am so glad that I did!$LABEL$1 +Excellent watch.. I bought two of these for my twin daughters. They are proud and wear these regularly. One asked me when she should get the battery replaced. Surprise! these never need a battery because they are powerd by the most common energy source.... Light. I have my own Eco-Drive watch and love the fact that I only have to expose to room light to keep it going for years. I chose this design because it was identical to a watch they gave me for father's day years ago. Now we are all twins.$LABEL$1 +Netbook to TV Connection. I now am able to watch downloaded movies from my Netbook to our big screen TV with a simple connection. Great product and supplier delivered on time.$LABEL$1 +Pumpkins In Ruins. Hey Billy- Now that you've ruined HOLE, AND your own band what are you going to do next??? Sing a duet with BRITTANY SPEARS???$LABEL$0 +Repititive. This book is very repititive. If you like books in which things are repeated, this is the book for you because things are repeated in it. This book says the same thing in different ways. Similar ideas are stated in different ways many times in the book. Although stated differently, many times, a sentence states the same idea that was stated previously. This happens many times. Many many ideas are repeated many many times. It gets redundant.$LABEL$0 +What the ????. This CD is filled with poor choices from the beginning, but I'm wondering if anyone experienced what I have? My tracklisting is totally off! The CD cover warns one to refer to the booklet inside for correct track listing (which moves song #15 (I Need You) to song #3, thus placing "Lost" in 4th position. So..when you play the CD the song titles do not match the song that's playing. After song #3 you're always going to be off by one song. SO Annoying. You have to go in and manually change the title off each song in your IPOD. Just another dent in an already poor release.$LABEL$0 +Too expensive. Like printer ink these little bits of plastic and magnets are total rip-offs. Look that them. $12 each? Give me a break. And then they "recommend" throwing it away after three months. I used my last one for two years. When the handle goes, I will NOT be buying another one of these.$LABEL$0 +works poorly. The shuffler flips cards over several times during one shuffle so that we have several cards rightside up when we draw. This is disconcerting when playing. It also jams often and we have to stop and unjam it before we can finish shuffling. The only good things I can say about this shuffler is that it does handle four decks with ease and its easier to deal with these problems than to shuffle four decks by hand.$LABEL$0 +You need to work with this for accuracy. I guess this makes sense if you want to look and have a number. Easy to read dial. It is "lightweight" so it is shaky to secured and the bimetal spring is not protected .I have had to move it from the place for where I wanted it to a place that was my 3rd star choice for accuracy. I have to say it is a fluff piece if you work off the temp. I have had it out there for 6 months in New England weather and it has survived it's first winter. So I added a star.$LABEL$0 +A great film, but not a masterpiece. The film noir is an interesting genre. Most are crafted in a brilliant manner but the conclusion of the film seems to fall apart, not to mention some of the explanations make no sense. Chinatown has been considered to have one of the greatest endings ever filmed. While it was good, the denouement of Chinatown was definitely rushed and that hindered the film. L.A. Confidential is another noir film, and while it bears similarities to Chinatown, I feel Confidential is the better film. There are many engaging characters with more humor and action. The plot twists are as intriguing as the ones in Chinatown. The performances, especially Russel Crowe, are outstanding. It would be hard to explain this film in a couple of sentences, so I think you should just watch this movie for yourself. Overall, it is a great film, but a rather hard to believe conclusion hurts it.$LABEL$1 +Better stuff out there for $300. with regards to sound, this is a very good headsetThe noise cancelling features are very good ---- unfortunately, the 'phones suffer from discomfort and priceI compared these headphones, head to head, on an airplane, against the Sony MDR NC20, and there was no difference in sound - both performed excellently, and equally, within the airplane environment ---- however, the Sony ones were more comfortable and MUCH cheaperDon't even waster your time with the Bose Quite Comfort ---- grab a pair of the Sony's and you'll fall in love!$LABEL$0 +Not as bad as everyone says, still not worthy. Still only gets 1 star from me, no matter how good everyone says it is. I am just saying my honest opinion, that it doesn't deserve anything better than 1 star.$LABEL$0 +Give In and Send Money. The premise of this book seems to be: Your child is a legal adult, so don't tell him/her what to do, just send money. Yes, that's right, I felt that the book seemed to advise doing exactly as the son or daughter would prefer. I had hoped for a guide to ensuring that certain standards are met, in order to justify the flow of money. You know, like decent grades, reasonable plans for finishing on time, no wasting money on luxury purchases while Mom and Dad are sacrificing to pay tuition, etc. Instead, what I found was a guide to feeling OK about giving up those expectations. Not so useful.$LABEL$0 +Good reference if you know what you're doing. After having read the first thousand or so pages, I'm finally getting the hang of it. I've read all the good reviews on this one and I'm almost afraid to slam it, but it took me a long time to appreciate this book. It was recommended as the best reference on JavaScript, and now that I know what I'm doing, I would have to say it's a pretty good reference. I guess I was expecting javascript to be as easy to pick up as HTML. Wrong! I didn't realize how much closer javascript is to actual programming.$LABEL$1 +Best next to DMX. If you liked the first you'll like this one, similar beats and still got the lyrics that flow.The only CD that really kicks this ones A## is DMX, you just cant beat it. But Meth still got it goin on, just not as hard as i thought he would.Definately get it if you like DMX, Jay-z, Lox$LABEL$1 +Cute and comfortable. Glad I bought them. I own LOTS of shoes so unless there is a great price or a shoe in a color or pattern I don't have then I'm forced to pass. But I found these in a brown alligator print for $20.99 on Amazon. I decided to order them at 8.5 which I can wear in this brand if they are not too narrow.They fit great. A half size larger wouldn't hurt but these fit fine and they are super cute. Add another pair of awesome Bandalinos to my collection.$LABEL$1 +Tecno Joe!. That's right- Joe Satriani has gone techno! With that being said though, this CD is chock full of BLISTERING LEAD WORK. If you are looking for the crunchy metal hooks ala "Surfing With the Alien" or "Crystal Planet", you WILL NOT find them here. The old, worn out metal themes have been replaced with dense textured synths, electronic drums, and synth guitars. This is absolutely the most original guitar recording to come out in a LONG time. The lead work is phenomenal (as usual), but this time it takes on an exotic, improvised jazzy feel. Standout tunes include "Devil Slide" with it's machine gun synth guitar rhythms and dueling solos, the atmospheric Rush styled "Flavor Crystals", and "Borg Sex" which digitally builds to an AWESOME solo climax. Joe certainly had his creative engines running full throttle and if you will listen with an OPEN mind, you will see that he has trailblazed a new path for instrumental guitar.$LABEL$1 +Not the worst I've read -- but it comes close.... Having met Robert Wise, I had high hopes for this novel when I started it. Unfortunately, after less than one chapter I realized that those hopes were ill-founded. "The Dead Detective" lacks all of the things that make novels readable -- interesting characters, snappy dialogue, believable plotlines. Instead, we are given one-dimensional characters, cliche-driven dialogue and a plot which simply never makes sense.I will quantify all of this by saying that, if you have loved every novel in the "Left Behind" series, you might really like Mr. Wise's novels. If, however, you are looking Christian literature on the level of Frank Peretti, Randy Alcorn or Ted Dekker, you should look elsewhere. In the world of Christian fiction, there are many great choices. This simply isn't one of them.$LABEL$0 +Good song selection, great Riddim. I'll start by saying that this cd is loaded with todays top dancehall stars. With stars like Elephant man, Vybz Kartel, Bounty Killer, and Zumjay plus many more. My cd however I think is defective because I can hear little skips but they are hardly noticed. This is a great dancehall riddim that has been used by many stars for good reason it's Great!! From the same guy who made the ever popular Diwali riddim probably the most popular riddim ever made!! So this would be a great choice for someone who likes dancehall. I would also recommend The Diwali riddim cd from Greensleeves, it has many great artists like, Spragga Benz, Elephant Man, T.O.K., Danny English and Egg Nog, Bling Dawg and many more!!!$LABEL$1 +long battery life!. Bought this with my new Cannon SX1 IS because I didn't want to be buying double A batteries all the time. After the first charge, I took over 300 pictures and about 10 video over three weeks before needing to change the batteries.$LABEL$1 +pseudo-analytic nonsense. This book is completely useless for a serious web designer. Completely misguided from an aestetics point of view, this book doesn't go further than a pseudo-analysis of design style. Even the "techniques" section is really a couple of "how to copy this" advice, nothing deeper or broader.The novice won't find anything to grasp the essentials or fundamentals of what design really is (or a particular "style" for that matter), the pro will find this useless. Don't even think about usability of cource.There is much more to design than this book suggests and certainly freshness doesn't come from copying a style bound to be trivial in a couple of months but from analysing and deepening in what design for web is.If you come from a design background you are already well equiped so, look for something on usability rather.If you are a novice avoid this copycat approach to design and look for something on the fundamentals.$LABEL$0 +Krupps egg cooker. Love it, use it daily. Great for hard boiled eggs. Cooks quickly and efficiently. Breakfast much easier and quicker in my household.$LABEL$1 +Horrible and pervasive chemical odor. It is pretty hard to criticize a fitness ball. I have seen this brand at several gyms and the quality seems durable enough. Unfortunately, the ball has such a pervasive and intense odor that it is impossible to keep in your home. I truly can't emphasize this enough. After putting it in the closet, the smell transferred to all of my clothes. Finally, I put it in the hallway of my building (a small 3 story Victorian). Even after a week, the *entire* building smells like this weird chemical odor. And the halls are wide and airy (with no heat). I cringe at the thought of actually bumping into one of my neighbors. I have held off returning this in the hopes that the ball would air out. But no such luck. Returning these items is always a drag, and it is hard not to be just a little resentful at the lack of quality control.$LABEL$0 +Epson Stylus Photo R800 Inkjet Printer. Broke down out of warranty, cost another $105 to find out that it could not be fixed. Junked it.$LABEL$0 +The story line is slow very slow. The main character is a manic depressive woman who is very annoyed with life because it is unfair, and she ended up in the wrong side of the table. So she resents everyone that happened to be lucky enough to avoid life traps and despises those who fell on them. Eventhough the book is beautifully written, the dark mood that the author impress on its main character, permeates to the reader and you become up caught in an atmosphere whereby reading is an effort, so each page develops slow, very slow.$LABEL$1 +Worst headset purchase in 2010. This headset has been the worst purchase to use with audio and mic functions on my PC. When I had conversations with other people, the mic cut out. The headset could not be used at the same time the mic was being used.For the best quality headset, purchase the Skype Everyman. It works beautifully with Skype and other audio sound / speak functions.$LABEL$0 +the worst waste of time ever (well and jaws 3). "agaaaaaaaaaaaaaaaa"i screamed not at the scaryness of the film at the stupidness of it. the shark looks like a dead salmon on a pole and is sometimes balencing on the boat.the beggining just askes for troulble as the blown up,electricuted,frazzled comes back and chews up the kid whats his name.ellen broady has flashbacks of things she diddnt see.the film is awfull.i wish i was eaten by a shark then see this."this time its personal"said the catchphrase.more like "this time its stupid"$LABEL$0 +Warner, LISTEN!. I just wrote to Warner Bros., saying that if they're going to release a Friends Blu-ray Disc boxset, they are going to have to put the extended versions that were first made for DVD release onto the Blu-ray Discs in 1080p24p/60i and Dolby Digital Plus 48KHz/24-bit 7.1 form, and they're going to have to add additional footage that originated from the broadcast prints to these new Blu-ray prints that may have been removed for some unclear reasons.Yeah, this word should be spread to them.$LABEL$0 +Dreamweaver UltraDev 4. ***** "For anyone interested in developing/enhancing their skills in Web Design and particularly database driven web design, Dreamweaver Ultra Dev 4 offers a library of the most current, "cutting edge" information available. It is a straight forward, clearly written presentation that includes valuable advice on the importance of planning,"forward thinking", understanding client needs, avoiding pitfalls through the process to implementation. The tutorials included on the CD are excellent for the neophite to database driven web development and prepare you for the thorough and comprehensive treatments in the text itself. This book is a "Tower of Technical information" for anyone wanting to grasp database driven web development using the UltraDev development platform. If you buy one book for UltraDev this one should be the one!$LABEL$1 +Not worth the time or money. This book repeats a few of the strategies presented in "The E-Myth Revisted", trying to point them at the contractor. Unfortunately, except for a couple of good ideas from that book, there is nothing here but fluff and pep talk. At one point, I think you can actually tell where material was cut-and-pasted from the sister book about medical practices, where they accidentally forgot to change "practice" to "contracting business".If you found some chapters of the "The E-Myth Revisted" to be a bit fluffy for you, you can count on an entire (although short) book of it here. Very dissapointing and not particularly useful.$LABEL$0 +Unusual. Brand New is a band that I just do not understand. Lately, I have found myself listening to Deja Entendu frequently on someones itunes playlist on my local network, and I am puzzled. This cd has absolutly no flow at all. Some of the tracks do not even sound like the same band, especially "Play Crack The Sky," which sounds exactly like a Counting Crows song. The good thing about this album is that they aren't doing the exact same thing as every other band in this oversaturated genre. However, much of this seems forced, and that they are trying to hard to be different. I cannot stand the track titles either.$LABEL$0 +Great film noir. I'm watching this film for about the 10th time as I write this. It is an interesting study of vengeance by the father of a murdered girl who comes to America to find and kill her murderers. There is an interesting subplot in which an older and unreleased film by Terence Stamp is used to show the backstory when he was a young man and his daughter was a child. This subplot finally explains what has happened in the modern story. It is similar and far superior to a recent film called "Taken." In both cases, the father, who has near superhuman skills, takes off after a man who has kidnapped or ( in the Limey's case) murdered his daughter. This is a better film but both are enjoyable. I can watch this one over and over. I'm not sure about the newer film.$LABEL$1 +Not Nearly What I Thought It Would Be!!!!!. The use of the word ZEN in the title confuses the issue. We are looking for a book with tips about applying Zen principles to our tennis game. THE IS NOT THE BOOK! It is cute, gives some encouraging advice but certainly not helpful with suggestions and lessons that teach relaxation. Nothing personal - just not worth the purchase.Willie$LABEL$0 +A GOOD COMPILATION FROM HIS ARISTA YEARS. I happen not to agree with the other only review on this album.This CD is a solid example of Iggy's amazing and hilarious extravaganza during the years 1979, 1980, 1981.Sure it would be better to buy the albums "New Values", "Soldier" and "Party", but if you're unsure of how Iggy sounded in the early 80's, then "Pop Music" is a good place to start.$LABEL$1 +Perfect..... CRT has really done the impossible....they have brought the complete table of contents of the book to life, and maintained faithfulness to the stories (it's not really a novel) and to Bradbury's poetic prose, and that is no mean feat. It's spread over 6 discs and runs nearly six hours. Jerry Robbins and the CRT have numerous productions under their belt and are the most prolific of production companies in the genre of "theater of the ear". Give them a try, you won't be sorry.$LABEL$1 +Mahjongg video too short for price. The video is sweet -- but BRIEF!! It's only 15-20 minutes long. That's a pretty short video for $25. I felt ripped off. I certainly didn't learn Mahjongg in that short time frame. If you are a beginner, you'd be better off with a Mahjongg book.$LABEL$0 +Great chair for an Elmo fan. It is sure easy to make Elmo giggle and wiggle, which makes my grandson giggle. He loves his new chair which he received for his 2nd birthday. He is a big Elmo fan. It is nice to have a fuzzy chair just his size.$LABEL$1 +Abysmal failure. This product was slow and just about useless. Glad I got rid of it. If I knew it was just a pocket organizer I would not have wasted my money/time.$LABEL$0 +Best book ever, a must read for all!. Dark Horses and Black Beauties was a greatly moving book. It can teach not only horse enthusiasts but also people who don't know much about the equine. It was very strong and moving and the author didn't beat around the bush with what she was trying to get across. She adressed many of the major issues that are being dealt with in the equine world. She also went out and persued a personal insite in the horse world and didn't base her book off of strict facts. A GREAT book! Couldn't keep my nose out of it. I definitely recomend for anyone!$LABEL$1 +Good basic guide book. Its not up to date (2010), but gives you an idea of what you're getting yourself into. I like it, just to ckeck up basic stuff like, things to do, vaccinations, travel guidlines etc.$LABEL$1 +Excellent introduction leaving one wanting more. This slim volume explores the way that music implements the liturgical intent and, to some extent particularly with the antiphons, the way changes in liturgy are reflected by changes in music. Especially interesting is the segment on the relationship between homilectics and music.The music explored ranges from chant to 20th century - the latter more by reference than by analysis. It includes instrumental music and cantatas as well as the classic music of the Mass.One need not be a musician nor a liturgical historian to understand this book. But reading the book will help a liturgist understand the liturgical musician and the historical development of their role.Highly recommended for anyone involved in liturgical planning.$LABEL$1 +better than the 1st. I liked this much better than the 1st but I liked the 4th much better than the 2nd. I like this one the 2nd most because I like the part when he kills the teacher. I had to watch it over and over again so i decided to buy it. Its got the best music that would keep you watching it over and over. I think this movie should be watched by all since its a great seqeul to Chucky fans.$LABEL$1 +Works as well as stated. As a person whose philosphy is to buy the best once, I have done so with this machine. The suction is phenomenal.$LABEL$1 +Making the spiritual journey..... ...and that's not a bad thing!! Kristine W has always managed to stay atop the dance charts by making albums that capture the current musical landscape. This album is no exception. I did notice that Kristine seems to be taking a more "spiritual" attitude in her lyrics. As I was listening, I couldn't help but feel like she was having a real moment as she was singing...like every song sung was a small burden lifted from her shoulders. It is really great when an artist can convey such emotion like that, while treating us to an excellent landscape of danceable musical textures. The additional disc, mixed by Chris Cox, is really well done also. Everything is listenable...and enjoyable. It's highly recommended!$LABEL$1 +gazebo ho wood236 was not wood it was metal. was decieved on size i was told it was ho scale it was not it was more like n scale$LABEL$0 +the truth. i think this cd is not too bad but i would buy this cd just for that song words powers and sound by mecchak i would like to buy some mecchak music how can i link him.$LABEL$0 +my phone. |I love my new phone. The price was the lowest I found for this phone. The service was great and the delivery was very fast. It was great doing business with Amazon. Thanks$LABEL$0 +It's OK. Battery works just just fine, I have to think that throwing money at old technology is not such a wise choice though.$LABEL$1 +Great book. I served with Task Force Iron two decades ago in this conflict. This might be the best book on the 1st Gulf War. It discusses the conflict in great detail. I have many books on the subject and this is one of the best two. The other one being Road to Safwan. If you want details on the 1st Gulf War. It does not get any better than this particular book.$LABEL$1 +It's all been said. I bought this game from Amazon. It hasn't arrived yet, but when it does I'm not sure if I'll even install it because of the DRM issue, specifically the 3 installs limit. I am one of those people who are always upgrading their PCs and I don't really want to have to go begging EA to allow me to install software I have paid for.EA should be ashamed of themselves. I regret having to give this software 1 star, but if that's what it takes, then I'm doing it.$LABEL$0 +Imposter?. FTCOHE is so far removed from his usual excellence that I'm not entirely convinced Koontz wrote it.After *classics* like lightning, dragon tears, strangers...something sure smells fishy. We can only hope dean recovers from this bad patch quickly.Too long, too boring. Missing too many Koontz trademarks (ie: witty character dialogue). Cain is an interesting character, but at 600 + pages even he becomes stagnant. Pass.$LABEL$0 +Going through the motions. I'm a big Joseph Finder fan and I have to say that I was very disappointed in his latest novel. I took this book with me on vacation and I have to say it was a chore to get though. The story could have been written in about 200 pages, not this 500 + behemoth. It appears that Mr. Finder was just going through the motions to satisfy his booking agent. The story was so cookie cutter written. It was like some one gave him a formula to follow. The twists and "surprise" ending was so predictable that you had it figured out 50 pages before it happened. Luckily, I had other books with me on the trip to remind me of the magic of reading. Let's hope that Mr. Finder spends a little more time on his next book or he will soon be on his way to the bargain bin.$LABEL$0 +Don't know what I did before I had it. Absolutely the best. It took some getting used to but it is amazing especially for things like egg whites. Consider an extra bowl if you will be baking a lot so you do not need to stop and wash a bowl before you finish.$LABEL$1 +A must read. This book encourages human survival instintcs, i loved it for its real - magical blend. I highly recommend it for everybody trying to get a better look of life.$LABEL$1 +Not what I expected. The bridge was unfinished, as in not having grooves for strings. The strings are off center from the fingerboard. I am thinking I will send this back. Very unhappy.I also did not realize this was considered a "Toy"$LABEL$0 +It moves air. My PS3 gets pretty warm in my entertainment center, so I decided to get this to help circulate some air. It does what I intended it to do. I like the fact that it's a USB device. Since I have it plugged into my PS3, it's only on when I have the PS3 turned (I originally plugged it into the powered USB hub that I have hooked up to my PS3, and it stayed on, as there's no power switch.) There is a control knob to adjust the fan speed, which is a nice touch. I noticed several reviews commenting about how quiet this fan is. I suppose it is if you have the power down to 50% or less... When it's cranked up, it makes way more noise than my PS3's fan (which is fairly loud itself!)Over all, it's a nice solid build, and if you're in the market for a USB powered fan, I see no reason why you shouldn't look at this one!$LABEL$1 +The Legend Is Born: Ip Man. This movie tells about the life of the Ip Man, how he mixed two great martial arts technique's. And becomes one of the great's Martial arts Master of his time to this day. In the story Ip Man is betrayed by his 1/2 brother. The Chinese and Japanese where at war at the time Ip Man was growing up (Ip Man was Chinese) he had to fight the against Japanese and help out the Martial art school he was attending.$LABEL$1 +Delivery No Especial. Delivery time left a bit ot be desired, also the differenced between this product and the first movie product are dissappointing, HGowever notmuch can be done from your end... sorry about the spelling... i'm drunk$LABEL$1 +Review of Jewel. This was a good book to read. It keeps you on the edge wondering what will happen next. The ending is kind of a dud though, I thought. Other than that, very good mystery book- highly recommend it.$LABEL$1 +Best price around.. A quart of nitro fuel for less than eight dollars. In these bad economical times, it's the best one to buy.$LABEL$1 +Ordered as a Holiday Gift. I ordered this four pack as a holiday gift for my sons who love the first I Spy CD they received last year for Christmas. Since they've yet to open them, I can't say specifically how they compare to the original. I can also not comment on whether or not they actually run, as again they haven't been opened! I can say however, that my order was received quickly.$LABEL$1 +Outward Bound Pet Gear Bag. This product could have been quite functional except that it had a very strong ruber-tire smell which I think would have permeated anything in it or near it. I just couldn't tolerate the smell. Thus, I didn't use it. However, the shipping to return it would have been expensive enough that it wasn't worthwhile to do so, so I was stuck with it (Plus I had already had a bad experience returning something to Amazon.) I was very disappointed. It might be okay for someone less sensitive to chemical smells.$LABEL$0 +Belize (Country Guide). This product was as described, 'in very good condition'. I am pleased to be able to buy used books in good condition.$LABEL$1 +THIS MOVIE SUCKED!!!!. OKAY, IF I COULD I'D GIVE THIS MOVIE 0 STARS! THIS MOVIE SUCKED, AND I HATED IT! The storyline was stupid, and the actors sucked. The movie was BORING with a capital B. Nothing made sense, and it was stupid.$LABEL$0 +Be Realistic. After hearing a few of his songs, i realize his tune may be nice to hear. But still first of all this is nothing like indian music, except for the instruments and language. Also how many people who listen to this speak panjabi(not many) becuase those who do are usually older. HOw many people know what mundian to bach ke means without reading beware of the boys? And the music is almost pure panjabi. Not too many right. NOw it is nice to listen to and does have a nice beat, so it is a good buy.$LABEL$1 +The Go-To Shoe. I have purchased 3 pairs of these same flip flops and I have no intention of ever switching to another sandal. They are durable (last over 2 years), comfortable (I have taken them hiking), and look great (they don't fray or discolor). Buy a pair and become a convert to this flip flop.$LABEL$1 +Brought my family tree to life. I've recently started researching my family's genealogy and discovered that I'm a direct descendant of Thomas Hill Dougan. A google search of his name turned up this book so I ordered it. It was fascinating to learn more about the lives of my ancestors and the courage they displayed leaving all they knew behind to start a new life in a foreign, unsettled country. My line branched off fairly early from the one the book covers but it was an enjoyable read nonetheless.$LABEL$1 +Save your money. I have always wanted to go to Thailand and I bought this DVD in the hope of convincing my husband but I honestly think it had the opposite affect! If you are just planning to go to Bangkok than this DVD may be useful for you as about 2/3rds of the DVD is based on Bangkok. It also shows Chaing Mai but only really covers Thai cooking and massage classes and doesn't really show what there is to do there.I got my hopes up when the DVD moves to the South of Thailand and the islands (the area I am most interested in seeing) but it actually only spent about 7 or 8 minutes on this!I was considering putting my copy back on to sell but I don't think it is very fair to make anyone else suffer through it!I have found the Insight Guides (discovery channel) Thailand book much more interesting and useful and worth the money.$LABEL$0 +Well written, but forgot about Clark. Ambrose shows his literary expertise as he chronicles the most famous exploring duo in American history. Using journals and other first person witness accounts, the reader is treated to a detailed description of Lewis and Clark's expedition to the pacific. While the research was extensive, Ambrose does relegate Clark to a minor role as he concentrates more on Lewis and Jefferson which would undoubtedly upset Lewis who consistently emphasized the equality of the two captains. The reader should not be surprised, as the title emphasizes this point about the thesis. Despite this pro-Lewis bias, Undaunted Courage is a great resource for information on the Corps of Discovery.$LABEL$1 +received broken - returned. Overall, a very nice ring except for the broken piece of gold underneath the diamonds. Hard to explain but there are little bars that run underneath the diamonds and one was broken. Funny thing was there was a pen or ink mark on each side of the defect, as if somebody had seen it before. Very disappointed that amazon would send something like this out. Obviously we returned it.$LABEL$0 +Positive Discipline: The First Three Years, Jane Nelsen. Great advice and examples for parents who don't want to use corporal punishment!$LABEL$1 +I Like It. I love this book. I had to force myself to but it down so I don't read though it all at once. I find that the characters are very real, and other than the initial event (the Rapture) all of the following events sound realistically possible (in a novel). I have read many negative reviews from Christians denouncing that it doesn't exactly follow the Bible. And from others saying that it's nothing but religious evangelicalism. To all of those I say "It's a novel". It's fiction. It doesn't have to follow other sources and the writers can say what they want.To me it is a perfect mix, not too far out there and not too much preaching.I would recommend it to anyone interested. If you don't like the first book then don't read the rest.$LABEL$1 +Was so pleased to find these!. Be sure to order at least one more than you think you need, cause the shipping is not free. I re-modeled my kitchen and thought I would have to purchase all new hardware till I found these...they are a perfect match to the ones that were on my cabinets that is at least 20 years old! I just did not order enough, then had to pay separate shipping for ONE handle.$LABEL$1 +chewman not really chewable. THIS WAS THE WORST PRODUCT I HAVE EVER PURCHASED FOR MY DOGGIE. HE CHEWED THE ENTIRE THING UP INTO RAGS AND FILLER ALL OVER MY LIVING ROOM FLOOR WITHIN MINUTES AND THAT LEFT HIM WITH THE OUTER FLEECE COVER WHICH WAS THEN GOOD ONLY FOR WARMTH IN HIS LITTLE BED. I BOUGHT TWO OF THESE ITEMS AND EVEN CALLED CUSTOMER SERVICE AT THE MFG AND THEY COULDN'T CARE LESS AND WOULDN'T LET ME RETURN IT. WILL NEVER EVER BUY ANOTHER THING THERE. THIS IS NOT THE ORIGINAL VERMONT CHEWMAN. THOSE LAST FOREVER AND ARE DURABLE AND DOGGIE CAN REALLY CHEW ON IT - THIS THING IS A FAKE. DONT BUY ONE.$LABEL$0 +excellent book. i read this book with my boyfriend and we loved it i dont usually like reading but just the first page got my attention!$LABEL$0 +Go with the Shure headphones, you'll be sure glad you did!. These headphones do an excellent job of cancelling out background noise and its nice that they come with a box full of optional earplugs. The headphones came out in 2004, which i'm sure at that time were amazing headphones. But it is 2009 and I believe that Etymotic should redesign their headphones. These headphones are no match for the Shure SE420's. When you wear these headphones you will feel like Frankenstein because they stick out from your ears so awkwardly. I sent mine back and am now using the Shures.$LABEL$0 +Not as good as the original, but still kickin' lotsa butt!. Blade is back, and he's more ticked than ever...seeing that he has to team up WITH vampires to fight off a mutant breed that's drinking the blood of both human's AND vampires. Double up the action and the weapons, but take away the level of gore the first one had and you pretty much have Blade II figured out. The DVD once again is sprawling and will eat up whatever time you give to it. A must have if you already own the first one. Those who aren't familiar might want to check out Blade first, and go from there.$LABEL$1 +Great Value!. If you hate reading like I do, buy this book. It has killer colorful pages. If you are a beginner and would like to get your feet wet, look no further! If you are advanced user, you might want to think it over. Look at the index first before deciding on buying it.$LABEL$1 +I got burned. As a frequent Amazon Shopper, I tend to trust reviews. This time, I went against better judgement and took a chance on these Memorex Dual Layer discs. 0 for 15. Try another brand....I got burned!$LABEL$0 +My favorite perfume!. I love this scent, and many department stores have stopped carrying this.. Sephore was $30 more, I am so happy Amazon is selling at such a great price- Also the scent lasts a long time! A couple sprays an it last all day- Can't beat that! :)$LABEL$1 +don't know. all thangs act difrent on every one, all thos i was getting more energy with this product i was acting grouchy to my lady so i had to stop taking it...$LABEL$0 +Not what is used to be?. I just saw a new one. I have a 30-year-old General No. 36. It was made in the USA, had two round knobs to hold the pivoting arms to the base, and came with two threaded ground-to-a-point pins that went through the base to help hold it in place on rough stock, or which could be reversed to screw into the base from the underside to center the bit on narrow stock. There is absolutely NO runout on the spindle, which fits into precision bushings. I had upgraded the chuck to an LFA to match a professional chuck on the AC-powered drill I usually use with this tool.It sounds like the current production is yet another made-in-China cheapened and downgraded version of what was once a useful tool. [sigh]$LABEL$0 +Love it. Very good album! Chris Cornell is somewhat a musical genius and this cd displays his talents. Can't wait for his next one!$LABEL$1 +Easy read. As a cat owner, ok the cat owns me, but who would have it any other way. It was enjoyable, make that fun, to read about a pair of cats who can talk. Who's to say they can not, that is part of what makes cats so interesting in your life. this is an easy and fun read, i recommend it to all cat lovers.$LABEL$1 +Better Homes and Garden Bridal cook book edition. They make wonderful bridal shower gifts. They have simple and easy recipes for the new Bride or Groom. It has recipes for larger groups. Also cuts of meat and how long to cook them . I think this cook book is needed by every new couple.$LABEL$1 +THIS CURLING IRON DOES NOT GET HOT ENOUGH. THIS HELEN OF TROY CURLING IRON DOES NOT GET HOT ENOUGH. I WISH I NEVER WOULD HAVE PURCHASED. I WILL CHECK INTO RETURNING BUT IF I CANNOT I AM STUCK WITH IT AND IT WILL GO IN THE BACK OF MY BATHROOM CLOSET. THIS IS WHY I DO NOT LIKE PURCHASING ON-LINE. IT IS SUCH A HASSLE TO RETURN. NOW I HAVE TO PURCHASE THE CONAIR AND PAY AGAIN FOR SHIPPING. I WISH I COULD FIND THE CURLING BRUSH IN THE 1 1/4 INCH SIZE IN STORES. BUT I CANNOT.$LABEL$0 +Full of ideas, short on plot, loads of fun!. This book jumps around among multiple characters and multiple times, focusing on crytography during WW2 and the late 1990s. Even so, it is easy to follow. The characters are engaging, the history is interesting, and the book is often hilarious. There is lots of math and computer geekiana, but this doesn't serve as an impediment, even to a reader, like me, with only superficial knowledge of and interest in these things. It's a physically huge book, even in its smallest, mass-market version, but it's still a quick read. At the end, I had trouble summing up the plot, then decided I didn't care. It was a wild ride, and one with a much more satisfying ending than Stephenson's previous novels Snow Crash and The Diamond Age.$LABEL$1 +Don't actually have this CD, but i have a reccomendation.... I haven't bought this CD yet, but i'm planning to, he's got a john mayor vibe, and something else...but i wanted to say that if you like Josh Kelly, and a little bit of Dave Mathews, you'd probably like my brother's cd...he's just an ordinary guy, but he's trying to make it in the music world, and he's got a lot of talent and deserves it. If you'd like to know more about my brother, or maybe even get his CD...go to www.alexsmithmusic.comAgain, my brother works really hard, and i even like his music..and that's saying something, considering i'm his baby sister!$LABEL$1 +MY CAT LOVES IT. I was surprised to find out that my cat will not get off of it! He's really picky but the material inside it definitely attracts the cat and uses his/her body heat to keep itself warm. I recommend it along with an Armakat house. YOUR CAT WILL GO CRAZY OVER BOTH OF THESE MUST-HAVES!$LABEL$1 +Laurie Andersons statement. On this beautifull live recording Mrs Anderson shows her brilliant understanding of storytelling and musical basics in her own invented mix of sci-fi, absurdism, folk, modern technology nightmares, andsoforth. You have to hear it, to understand it.$LABEL$1 +Nonsense. Someday, I'm going to get a pet polar bear and name it after the author of this book. Then, I'm going to have the polar bear eat this book. Thus, the circle becomes complete.$LABEL$0 +Yamaha NS-6490 3-way speakers. I anticipated better performance from these three way bookshelf speakers made by Yamaha. My Carver Sunfire center channel speaker over powers these speakers with ease. The response is quit slow and lacks the crisp highs and bottom end bass that I was seeking when I purchased these speakers.$LABEL$0 +The best. Miracle Rash Repair cream is one of the best products out there, and a lot less expensive than similar products, such as Corium 21. Both have aloe which heals, but Miracle Rash repair also hassalicylic acid, dead sea salt, mineral oil and other ingredients that make it work faster. It may sting a little when applied on a rash, but it really works!$LABEL$1 +False Advertising. I'm satisfied with the product, but the customer service or lack thereof is terrible. I believe the overall quality of a product to a certain degree is determined by the conduct of the company. Therefore, however unfortunate this is because the product by itself is excellent, I am rating this item with one star. Neither I nor my family or friends will ever do business with ProSavings. The issue was "free shipping" advertisement which I was drawn to, and gladly ordered two suits. I was confused when the billing came back with a $43.00 shipping cost. After numberous requests for an explanantion, ProSavings simply ignored my emails.$LABEL$0 +Miserable.. I am not entirely sure that the individuals who rated this movie with more than one star saw the same movie I just watched. This was honestly the single worst movie I have ever seen in my entire existence. This movie had absolutely no plot whatsoever and it is a shame I will never get that $4 back.$LABEL$0 +Marty. I bought these for my husband and were the perfect fit. He uses them for work. They replace an old pair of Nunn Bush.$LABEL$1 +Thoroughly enjoyable book. Great writing, storytelling, and a unique story... overall a very engaging book.$LABEL$1 +Very pretty. This was a surprise gift and my wife loved it. It stood out very nicely and the chain was just the right size. Plus it was very easy for her to put on by herself even though the clasp was small.$LABEL$1 +Josh Groban in a bad evening. First of all, I'm a huge fan of Josh Groban's. Having listened to all his albums and watched all his DVDs, I got disappointed about Live At The Greek. Unlike many reviewers, the flashes, lights and the rock n'roll atmosphere didn't bother me, at all. The main problem, in my opinion, was his strained and nasal voice, which messed up with a lot of beautiful songs. "Mi Mancherai", "Caruso" and "Alla Luce del Sole" were just unrecognizable. It seems that he was congested and couldn't sing that day, but wasn't able to postpone the performance. Luckily, I've borrowed the DVD and haven't bought it. However, I must acknowledge that he sang beautifully in some parts of the concert. "Oceano", "Remember When It Rained", "My December" and "Never Let Go" were great. The setlist was simply the best of all his concerts. Sorry he wasn't able to make it work that evening.$LABEL$0 +Don't bother. The reviews I read for this book described it as funny and quirky. It was neither. The book is very short and is made up of essays that average 3 pages long--it doesn't have much meat to it. And I found the essays dense, hard to get through, and most of all, not funny. If you want to read a book of humorous essays, read David Sedaris. If you've already read David Sedaris, read him again. This book is a good one to miss.$LABEL$0 +Could be Eastwood's best work to date.... This is not a war film that will be accessible to every viewer, especially those who are only used to soaking up the typical American propaganda war films of the past half century. Of course there are going to be those right winged/ 'wannabe pushovers' who will automatically be persuaded to call out this film as: "rewriting history," when, in reality, they have NO clue/ concept of what actually occurred during this part of history from the POV of the Japanese soldiers, (and still consider any "enemy" to the US as nothing more than "savages.") The fact of the matter is, the film is a true masterpiece of artistic cinema. Many people seem to forget the notion that film = art. "Letters" is NOT a documentary film; it is a filmic portrait of a generally unknown/misunderstood piece of modern history. I would say this subtle masterpiece is Eastwood's best work to date. Though I am sure there are those who would disagree.$LABEL$1 +This is a book not to buy!. The author really has no clue what he is talking about! I Challange him to read the Book of Morman, pray about it, and attend the morman church. Then lets see what you have to write.$LABEL$0 +Pur Water Filter. In only six weeks filter housing cracked from middle of indicator half way down, squirting water all over. Waste of money, cheap product$LABEL$0 +fruit knife works great. I bought this for my mom who likes to juice veggies and fruits. She uses it to cut and peel and tells me that it's a good knife. a little expensive but If it continues to hold its edge, I will consider it a good buy.$LABEL$1 +My money could have went a longer ways for me. I have seen parts of every Hellraiser movie, enough to know that Pinhead is a great horror character. I bought this for a few dollars at my local shopette, hoping for good entertainment. Let me just say that I would have been better off watching "Killer Clowns From Outer Space" and using the money to buy some popcorn. Really a true let down to any horror film lover. Reducing a horror icon to another sorry teen slasher film character. Don't waste your time.$LABEL$0 +blue light special. I had this gift on my wedding registry and we received it shortly after our wedding months after it was purchased in it's original box, etc. With the batteries all in correctly, the item doesn't work at all. It blinks but does not allow you to do anything- play it, put the time on it, etc. The only thing that works is the blue light around the mirror. Will write an update on our dealings with the manufacturer.$LABEL$0 +Even Robin Hood misses his target once in a while. I'm sad to say that I thought Michael Moore's first stab at fictionalized satire is a far cry from the brilliance of everything else he has produced to date. Perhaps someone who doesn't already share Moore's passion for social and economic justice might find the humor in "Canadian Bacon" less obvious than I, but I saw most of the jokes coming from miles away (or kilometers, in the case of the Canadian segments). If you're looking for political satire that is both dangerous AND funny as hell, check out anything else Moore has done, as well as "Bullworth," "Bob Roberts," and the Citizen Kane of all political satires, "Network."$LABEL$0 +Great path back tothe church.. A great guide for those of us on the path back. This is a very honest book that should help any Christian find theirway back.$LABEL$1 +doesn't stream to Apple TV via ipad. Hopefully the content is great, but I may never know since playing the video from Amazon thru my iPad to my Apple TV results in "audio only" playback. This is apparently due to some licensing snafu with Amazon. I guess it's iTunes video for me from here on in (not a fan of watching movies on a handheld device at home).$LABEL$0 +Overkill. I initially thought this book would be an engaging and spiritual description of the Camino experience. Rupp's complaints and negativity quickly took their toll on this reader and left me disenchanted with her whole experience. However, every pilgrim finds individual purpose in his or her own journey and I respectively leave that manifestation without ridicule if this is what moved her spiritually.$LABEL$0 +ouch. this movie is so mid 1990's it hurts. looking back at this, I can see how the cultural fallout of 1997 came about.$LABEL$0 +Earthbox, 2 plants, 2 tomatoes. I bought one of these. Got advice buying plants from a reputable nursery, followed directions, cared for plants diligently. I planted two tomato plants. Like the other person who scored this a 1, my plants were slow to take off, but grew rather larger. I had two different varieties of tomato. My yield was 1 tomato for each plant and the tomatoes were not very good. Unlike the other 1 rating, I did not have fruit flies. However, I live in a high rise on the 18th floor and box was on the balcony. Box is now in my locker in basement. I had high hopes because the picture on the pamphlet showed many tomatoes and there is nothing like a fresh home-grown tomato.$LABEL$0 +Didn't work for long.. I bought a set of these for myself and my husband. Mine lasted about six months before they stopped working. Fumbling with the cord where it plugs in makes the sound come on and off. My husband's only worked 3 times before the same thing happened. The sound quality was good, but I they should be more durable.$LABEL$0 +Born for Love is a keeper. This book will be a treasure of mine in years to come! I bought it used, it had a almost new appearance. I like the fact that it contains short essays with different titles, which gives the reader an easy choosing what to read at a certain moment in life.$LABEL$1 +This is an amazing group with a great new jazz/classical sound. If you are looking for post be-bop and post Bird jazz listen to this group. I heard them live with Lee Konitz a few years ago at the Kennedy Center and they knocked me out - along with the rest of the audience. They have somehow managed to inject classical into jazz in a way that no one else has - maintaining the soulfulness and intimacy of jazz but bringing into jazz some of the beauty of classical structure. You can't dance to their music but you can revel in its originality and beauty. It registers pretty far forward on the frontal lobes. All the musicians in this group are accomplished but listen especially to the minimalist playing style of Florian Weber on piano. I'd like to hear more of this group.$LABEL$1 +The ending is an insult to humanity and good taste. FOR SHAME!!!!!!!. Music is great-my favourite modern cycle. Now what in gods name does the end mean. And more than that-it distracts from one of the most glorious musical segments in history with an absurd and meaningless concept that really has no bearing on the rest of the opera(s). It really breaks all rules of good taste and shamefully disctracts the listener and viewer from what they should be feeling as Wagner concludes this epic. I am flabbergasted and appalled that such a crock of sh****T was allowed to ruin this otherwise wonderful production. I recommend the Die Walkure as the best part of this set.The End--a group of people wheel out televisions and sip martinis while a blond boy and girl decide to hold hands.(In this ring--all walsungs have red hair so dont go there) It is even worse than what I have described because I am too upset to go on. FOR SHAME!!!!!!$LABEL$0 +Buyer beware. FALSE INFORMATION. Did not receive 3M Filtrete HEPA Bags as shown in picture or as mention.$LABEL$0 +Similar to Trunks Model. My lil bro has trunks, and it is the exact same thing as this toy. He hates that rotten thing! The toy was just down right mean to him when he bought it. The stupid thingy that you can put them in is just retarded and tears and wears(hahah, liked that ryhme did ya?) easily, and it is really stupid. He had trouble doing the kicking and punching actions with this one, benefiting me from not hearing all his noises he makes while playing, but bad for him with the disappointment of such a cruel and posture bad action figure from the 19th century.(or is it the 20th, if you know, i don't aight.)Dragonball Z is kinda stupid anyways.....$LABEL$0 +Yep, it's worth waiting for a box set. I really like this show, the animation, the kickass theme song, and it's not as weird as Teen Titans was. But I'm not paying for 4 episodes, how lame is that?Worth waiting for the box set.$LABEL$0 +My Fantastic Field Trip to the Planets. This was a Christmas gift to my great grandson and he has really enjoyed it. Even brought the DVD over to my house so that I could see it also.$LABEL$1 +great value. I have tried different kinds of diapers for my baby and these regular Huggies diapers have been the best value for the money of all the diapers out there especially in the bulk cartons. They arrive quickly and shipping is free and it's nice not having to worry about running out of diapers for a while. Other brands do not have the amount of elastic to make them fit snug around baby's bum. The Supreme's do fit much better, but are not as cost effective. The Pampers do keep baby drier, but do not have the elastic to fit snug and therefore leak more than these. These diapers are used day in and day out here and baby rarely has diaper rash. So, overall best value.$LABEL$1 +Classic. Phonte? You want more...Nicolay is on the boards and this is the first time I heard him and it was incredible. The beats are so smooth and emotional. It's some real stuff. Phonte always rapping about stuff I can relate to cuz its hard for me to relate to pop rappers with all their "hos" and "drivebys". Yeah, this is real hip hop. Hes got the voice man. Just like Guru said "its the voice"... Big Pooh sounds like a new MC on this one. But man, Phonte and Nicolay, I cant wait for the next one called:Leave It All Behind$LABEL$1 +Don't Buy. People who are looking for back pain relief have already been to a doctor, or searched the internet for exercises for relief. So, why buy a book that repeats this??!!$LABEL$0 +Good message, bad instruction. The author has a good message but he doesn't instruct the reader sufficiently to apply his advice. He describes the ideal man but doesn't give enough details on how to become that man.I think the book is decent, but it will be disappointing if you expect instructions on how to be a better man. Instead of instructions on how to be a better man, the author gives you a description of a better man.$LABEL$0 +this is the worst printer and most difficult to setup and change settings...i HATE it.... this is the worst printer and most difficult to setup and change settings...i HATE it...my recommendation is dont buy HP printer products...$LABEL$0 +Pure Guitar Pop Gem. CONTEXT: In the middle of the early '90s grunge era, Sweet created 2 of the best pop rock albums of the decade. The production is a bit too squeaky-clean, but the songs are undeniable: they hook you in, and then keep getting better with repeated listens.MUSIC: A surprisingly diverse collection of blues riffs, jangle-pop, psychedelica, and even country sounds. The vocal harmonies are a throwback to the 1960s, but the music never sounds dated or derivative.LYRICS: Beneath the soothing facade are lyrics that express betrayal, heartbreak, and desperation. It's done so subtly that it sometimes gets overlooked.HIGHLIGHTS: I've Been Waiting, Girlfriend, Winona$LABEL$1 +An engaging memoir. Elva Trevino Hart has managed an impressive feat with this book. She recounts the depravations of her childhood without making you pity her. She also recounts the small joys she had growing up without giving the impression that these somehow made up for her poverty.It is rare to read a memoir where the author seems like such a real person. Hart's description of her family and history manages to be simultaneously matter-of-fact and deeply personal and emotional. While a northern gringo like me will probably never be able to relate to the experience of a Mexican immigrant family, this book greatly increased my understanding of Mexican-American culture and experience.$LABEL$1 +More Lies for ignorant People. Another piece of propaganda disguised as "pro-American." This trash has nothing to do with American values or freedom. It's about silencing and censoring. It's against anyone who questions "Republicans", not people who bash America. This is a book for people who put party before country: Republican first, American second (or third, fourth, etc.)$LABEL$0 +Should be called Baby Wet!. I do not recommend buying these. My son is 15 months and can only wear these about 2-3 hours before the diaper leaks and/or explodes open. The diapers have ripped open multiple times (even when the diaper is not even full) and all the absoprbent gel particles make a huge mess on our carpet. They do not work at night either. My son wakes up every morning drenched. Stay away from these... However, Pampers Cruisers are great!$LABEL$0 +He is so much better than this. This is a stand alone novel from Connelly as opposed to his Harry Bosch series.The scenario involves Henry Pierce a computer genius moving into a new apartment and receiving numerous calls from clients of a call girl who previously had this number.From here Henry is dragged into the Los Angeles world of escort services and Internet web sites.The story has some merit but the plotting is ridiculous, which is a shame because Connelly is usually so much better than this. He puts out a lot of books so I am presuming this was a bad day, however his editor needs a kick in the backside for letting it go out as is.$LABEL$0 +THE ULTIMATE WARRIOR IS THE BEST WRESTLER OF ALL TIME. THE ULTIMATE WARRIOR VERSUS HULK HOGAN.THE BEST MATCH EVER!THE WARRIOR (IC CHAMP)VERSUS HOGAN(WWF CHAMP).ANDRE'S FINAL MATCH.THIS IS THE BEST WRESTLEMANIA EVER.YOU BETTER GET IT!!!BY THE WAY THE GREATEST EVER WINS (WARRIOR)$LABEL$1 +not able to unlock. don't waste your money on this one...not reliable. not able to unlock it which is not ideal when you are away from home after biking few hours...$LABEL$0 +Typical twilight zone. This is an anti-western. It starts off like its a real western, then a car drives onto the set, since its actually a movie about making westerns. Its not the greatest twilight zone, but its still good.$LABEL$1 +I thought that the movie was really boring.. I know that everyone says its great, I just didn't enjoy it. If some people liked it, they can go ahead and buy it. But make sure you see it before you buy it, you may not like it. If you like romance, go ahead and get it but I wouldn't recommmend it. END$LABEL$0 +Doubtful. I really don't think this does anything to help pain. It does not smell though so that's truthful. Don't waste your money.$LABEL$0 +Great radio. A great product keeps me ahead of my travels about 2 or 3 miles. The service from Amazone was good and timely$LABEL$1 +best for Parrafin wax users. The book contains lots of tips, instructions and trouble shooting for parrafin wax candles. However, I use soy and palm wax so much of the information was not relevant to me.$LABEL$0 +diappointed. Disappointing movie so I don't know why it won many accolades at the Golden Globes. Russell Crowe is a brilliant actor and his portrayal of a real schizophrenic mathematic genius was good. But Crowe's own seemingly charismatic, virile, and magnetic personality take away some believability. Jennifer Connelley gives a fine performance. Ed Harris and Christopher Plummer play minor characters but nevertheless are pleasure to watch. The guy who plays Nash's roommate "Charles" is entertaining as he did in the "Knights Tale". So I wonder why did this movie fell short of entertaining me? Maybe it took too long to tell a good story.$LABEL$0 +Two stars for effort. Sanders seemed to have had good intentions when he wrote this book, but halfway through his effort he seems to have had the sudden idea to instead begin regurgitating Bugliosi's book, thus rendering the entire work useless for those interested in learning more about the case.$LABEL$0 +A warm pulse for background listening. Neither dubby nor dance-oriented, this release by Dale Lawrence rests comfortably in-between, making for engaging home stereo techno. Theorem knows his production technique, too- this album has clean, rich, and fully developed sounds, a pleasant break from the rougher bedroom programming often heard on solo works.There's the swirling echo of "Debris," the soothing, elongated synth notes of "Embed," countered by a bubbling bassline and popping drums, and the traffic noise with airy beat of "Shift," all enjoyable. "Cinder" and "Fallout" are solid, "Igneous" goes as close to dance sensibility as this album dares, with actual high tones, even. Only "Emerge," the sound of warped bubbles rising to the surface, is a let down.A warm pulse for background listening, an engaging release that doesn't require headphones or a PhD in techno history to appreciate. One of the better techno releases for 1999. B+$LABEL$1 +Not what expected. A huge amount of paper! But I needed information on applets and java animation, isn't that web programming? The book has less about that than many 24 hour idiot 21 days books. Very poor. Don't waste money here.$LABEL$0 +This product stinks! (literally). I decided to try this product because it has a higher DHA & EPA than the other prenatal vitamin I was taking. My doctor said that Omega 3's are the most important since we get so many of the other Omegas in our daily diets. This vitamin seemed like a good choice! Although, I did read some of the other reviews before purchasing and there were others that complained about the same issue.These fish oils reek! I have been taking fish oils for years and have tried many different brands, but these absolutely stink!To my knowledge fish oil supplements should not smell. You think that such an expensive brand as Nordic Naturals would have addressed this problem by now, especially since there have been other complaints!Would NOT recommend!$LABEL$0 +More Tedium From Peter Hopkirk. "Reads like a novel" ??? Come on, folks! The yellow pages of any phone book are far more exciting. This text takes a subject of great potential, & reduces it to the dried up dust of a Central Asian desert. I am disgusted with Mr. Hopkirk, because I truely love real History. This author is only one of the sorry crowd who destroy interest in even the most eager seeker. Our schools are full of them. This text belongs to the times when books were sold by the pound, rather than the content. As a former teacher - & lifelong seeker after the amazing truths of history - I consign Mr. Hopkirk to the dust bin.$LABEL$0 +Couldn't put the book down... Despite what some people might have said, I really liked this book. I was captured and could not put it down. The only complaint that I had was it got a bit tedious with Maggie's hangups...you wanted to scream--just get over it!I think I'll go check out a boxcar now! :)$LABEL$1 +Miss Marple Movies. A delightful romp with Margaret Rutherford and Agatha Christie through murder and mayhem. Classic mysteries wonderfully acted by a classic Miss Marple (Ms. Rutherford) in a light, breezy and bustling manner. I can watch them again and again.$LABEL$1 +Exactly what i wanted. I needed to replace a Coach key fob and this one is exactly what i was looking for.Excellent quality and a little bigger than i anticipated.Prompt delivery by the seller...no complaints,love it!$LABEL$1 +How did this book manage to get in print!. If I could rate this below one star I would. This book covered every stereotype possible: the boozy, trashy, red-headed Irish twins; the big, homely, muscular, Swede; the racist, phony, southern belle; the filthy, rotted-tooth little Frenchman, etc. Of course, the heroine is "chosen" by the most well-respected and good looking brave. The author made sure there was a mate for every one of his characters, there even "happened" to be one Black brave to be paired with the regal, non-conformist, former slave woman.The premise to this novel is original but everything else was so cliche' it was embarrassing.The only part of the book the author seemed to put any effort into were the elaborate, porn-like, sex encounters. I'm no prude but these scenes were thrown in helter-skelter and added nothing to the story line what-so-ever.Don't waste your money or your time on this book.$LABEL$0 +Karma ~ Delerium. With this recording the transformation of Delerium was complete. Gone was the heavy sound that was prevelent on recordings such as Stone Tower and in was the easier listening sound of Poem, Chimera and the like. Karma also had the international smash hit silence and I think that it is natural progresion on the part of Delerium. There are so many good tracks on this album and Leeb and Fulber have recorded and produced a true master piece. The book-let is very nice with an amazing cover that fits the mood and style of the album and the vocalists picked to sing the songs are all very accomplished with Sarah McLachlan leading the way with their break through hit Silence.$LABEL$1 +Manufactured wrong.. I purhased the StrongArm 4221L and 4221R for my 1997 Subaru Legacy Wagon. The Right fit perfectly, however the Left was identical to the Right (but stamped L) but could not be used on the left side. The 4221L StrongArm DID NOT fit the Left side of the vehicle. Ironically it will fit the right side perfectly like the 4221R...$LABEL$0 +A bit of old, and a bit of new. But regardless, Bond is back. This book is a good read. Any fan of James Bond will enjoy Raymond Benson's classic take on 007. He merges the best of Ian Fleming's style, with a bit of John Gardner's plotting, and adding his own take, he creates a good read which is much better both plot-wise and character wise than compared to the last few clunkers from Garnder. Plotting is fairly good, with a few twists and turns along the way. All in all a very good first effort from Benson$LABEL$1 +Great Gloves.. Great gloves. Fit very snug in hand. I am little disappointed on the pading.I guess for the price its good.$LABEL$1 +Wrong pictures.. I coulnd't care less for all that totally irrelevant scenery. What I would like to see is the orchestra and the conductor, like in the wonderful recording of Tchaikovsky's Fifth with Tshernuschenko and the St. Petersburg Orchestra.$LABEL$0 +the other stories was better. This one is ok, but I do like Ms.Moning's books so I tried this one also. I don't like this cover.But of course I didn't judge it by it's cover only.. I've read it and I don't know but I think I like the timetraveling themes more and it was fun to read a little and find out more about Adrienne and Hawk.If you like timetraveling try "Kiss of the highlander", but "beyond the highland mist" was also good.Among the four books this one is the third best I think...$LABEL$0 +Avoid this book beginner. As an experienced C programmer, I was very disappointed in the lack of attention to detail that the programming examples display. The amount of errors are abundant (out of bounds indexes, case sensitivity, spelling, etc) and MANY of the examples will not compile as written in the book. This book was used in an introductory C# class and I've spent more time debugging the books errors then I could have produced as a complete programming novice. I would pursue an alternative guide to programming in C# if your thinking of purchasing this book, it was definitely rushed for publication with little to no proofreading or editing in my opinion. Details matter in an absolute beginner book.$LABEL$0 +Junk, best avoided. The Linksys Wireless-G network looks like a good deal. It isn't. The only value of the thing is to connect you to a wireless network. It doens't do a good job of that. So as far as I'm concerned its a useless piece of junk that's cost me countless wasted hours of irritation.The drivers do not install cleanly, the included linksys management software conflicts with XP. It loses connections constantly, inexplicably. I've tried this with TWO different cards and had the same experience.Junk, best avoided.$LABEL$0 +Great. I am very happy with my 12 inch Cuisinart nonstick skillet. The helper handle is great when the pan is full. I use it for stir fry meals, frozen pasta skillet meals. It is just the right size so you can stir and not have everything fly out! Clean up is quick and easy. I don't use it all the time only for large quantity. Would buy again.$LABEL$1 +Another fine Chuck Norris classic!. If you like deep character development, Oscar-winning performances and gripping drama, then look elsewhere.Good Guys Wear Black is an early Chuck Norris as an ex-Special Forces commando left stranded with his unit in Vietnam. About six years later, he's resurfaced in the U.S., but all his comrades are being killed off. It's up to Norris to find out why, before he's next.A little slow for a Norris film, but still a great ton of fun.$LABEL$1 +Yuck. This stuff does very little good... and now my dog smells like honeysuckle skunk, which is really sickening. I have some 'Odormute' on order to try to get rid of the Nature's Miracle smell.$LABEL$0 +awesome. I read this book in two days. TWO DAYS! Two. Days. I'm a mother of two kids under 4 and babysit an additional baby during the day, and still I stayed up until 2 a.m. the first night reading half the book, and then read the rest between diaper changes, juice boxes, Sesame Street and Harold and the Purple Crayon. It's an awesome book. Wil can write about watching paint dry, and make it sound facinating, but the truth is, the book's plot is impressive on its own. Buy this book, read this book, and for heaven's sake, visit WWdN, where we can all collectively encourage Wil to write book #3.$LABEL$1 +A little slow, but then..... The movie takes off and does not let up. I highly recommend this movie to people who enjoy Chinese/martial arts movies. The cinematography is really good and the fight scenes are superb.$LABEL$1 +Fun. Just as described and reviewed by other purchasers. I'll have to wait to see how much I really like it once I see how much my granddaughter likes it. Her enjoyment doubles mine!$LABEL$1 +Loved it!. It is a really good book. I love reading Christmas books any way but this one is one that you don't really want to put down. I kept wanting to see what was going to happen next.$LABEL$1 +Junk. My kids recieved these for the "family" christmas. Great idea, they had a blast with it, for the day it worked. The things just up and die for no reason. I was there watching my 7yo play with it. No abuse, just quit working. I wouldn't mind paying a few dollars more if the thing just worked longer then a few hours.$LABEL$0 +Did not deliver on it's promise. A collection of thoughts about mentoring in the workplace. Mostly common sense, a few "a ha" moments. All in all I wish they backed up the information with more factual data about WHY. They start the book describing how they will distill all of the existing studies and work into this book. While they might have done this they did not get into the WHY or stats as to why this is the right way.An OK skim from the library...not a purchase.$LABEL$0 +Great Book!. In a nut shell, this book had everything! It was very detailed, and it was a real page turner. I felt well in tune with the characters, I just couldn't put the book down for one second! I deeply recommend this book to anyone just wanting to get away from everything and enjoy a truly genuine book.$LABEL$1 +Don't do it! It's still in beta.... Don't let the sleek look of the emarker fool you, it's got bugs a-plenty and some serious design flaws. Here's what the other reviews (written by Sony employees?) and the literature don't say:* E-marker doesn't seem to work with AOL; you have to not only use another browser, but also set that browser as the default.* When you plug the emarker into your computer, it "automatically" loads your marks into the site...or at least that's what it's supposed to do. On 3 browsers and 2 different computers, I haven't quite gotten this to happen.* Sony seems to be more concerned about being cool than functional - to top off all the emarkers' inadequacies, they (over)designed a Flash interface to get your songs that doesn't quite work either. Simple HTML would have been fine, guys....Spare yourself the agony and wait for version 2.0....this is the first time I've been irate enough about something to write a review and I assure you everything above is true...$LABEL$0 +this game is good BUT THE SIMS 2 IS WAY BETTER. THE GRAPHICS ARE BETTER, YOU MAY PLAY VIDEO GAMES, MORE ITEMS,AND MORE BUILDING TOOLS.THE SIMS 2 IS BETTER.........$LABEL$0 +Tasted strange. The only difference between this Mr. Coffee coffeemaker and the one I bought and returned was mine said 5 cups. It worked perfectly, didn't drip or spill or spit, made 3 1/2 cups of coffee with 5 tbl spoons of coffee to 4 cups water. But it tasted like plastic. I tried 5 times to make coffee that tasted like coffee and never did. Other people had problems with the machine itself, I just couldn't drink the weird tasting stuff that came out of it.$LABEL$0 +Highly Recommend It To Anybody. I am now 31, I first had this book read to me in 4th grade, and every several years I re-read it, my copy is so dog-earred. Even though I know it inside and out it still brings me joy, and there are still parts where I cry. I'm planning to buy it for my 9-year-old nephew.$LABEL$1 +cute story. We read this as a read aloud in our homeschool. The book kept my son's attention fairly well. This was the first Polk street school book that we have read. We might look into reading more of the series.$LABEL$1 +Need help!. Hi, I am trying to find out who is the LEAD SINGER in "THE SWEETEST VICTORY" of TOUCH. I can't find anything on the internet about it. I am searching for more song of this singer,please help me. Thanx!$LABEL$1 +love the adjustability. I really like that this is adjustable so it can fit my 1 year old for a long time! also really like the designs, a nice change from barbie, dora or butterflies like all of them I saw in stores$LABEL$1 +Hooked on Phonics. This product had nothing to do with phonics whatsoever. It was not an aide to helping my granddaughter learn how to read. It was a big disappointment.$LABEL$0 +This book grabs you and DOESN'T LET GO!!!. Once again, another great mystery novel from Mr. Meadows. An engrossing story, with characters that you feel like you know personally. Meadows makes the city of Detroit come alive - I feel like I live there! I can't wait for the next one - may the Keller clan continue their exploits for many more years to come.$LABEL$1 +wrong book. The picture on Amazon of THe Moon and Sixpence is not the book that was delivered!!! The picture is DECEIVING...Moon and Sixpence was deliveredbut it was not the one with the cover jacket presented on the website!!!I'm very unhappy about this. I know the book. I used to own it.$LABEL$0 +love it!. I love all the recipes in this magazine. I will continue to get this magazine for a long time to come.$LABEL$1 +Nice basic lawn spreader.. This small spreader is perfect for my .27 acre lot. I filled it up once and I was good to go. As with any drop spreader make sure you overlap if anything or you will end up with unfertilized lines in your yard. The large wheels make for an easy push. If you need to fertilize a small yard then get this accurate drop spreader. Make it a point to go organic too, it will prevent a lot of problems with your lawn.$LABEL$1 +Movie was a disappointment. I bought an old 2004 used copy of the movie because I love Sophia Myles acting. Based on the director comments comparing it to The Others and Sixth Sense, I was expecting a ghostie or two, but there wasn't even one. I guess the caretaker standing in the yard saying he didn't go to THE WOODS relates to the gardener in The Others, also the little girl saying her stepmother was MAD. Couldn't find anything that reminded me of The Sixth Sense. Too slow moving, too contrived, a lot of the plot didn't really make sense (she had so many opportunities to leave and didn't), none of the acting rang true like you expect in a movie, and of course the ending stinks. I'll donate it to the local library instead of saving it to watch again.$LABEL$0 +Bad bad bad .... Wooden acting ... even for Star Trek, CG that would have looked impressive five years ago, awful physics, a miserable targeting system (you're flying fighters btw, not capital ships), and having to do the same "gnat against an armada" mission over and over again without appreciable support from any of the AI ships on your side makes this frustrating at best. Barely even worth renting. I can see why this didn't come out until after christmas. There would have been an awful lot of geeks disappointed at this in their stockings.$LABEL$0 +Andrew's Review. I gave the book one star because the book was really boring. It almost put me to sleep. The book takes place in Southern Illinois and it's about a boy named Jethro who wants to go to war during the Civil War. The Jethro's family got tired of hearing about the war and people on horses threatened them. There was very little bloodshed about the war and it got really boring as you got farther into the book. I think it was the worst book I have ever read. There was nothing I liked or great about the book. There was no point and that's why I gave it one star.$LABEL$0 +This movie absolutaly sucked. crude and disgusting. It has no redeeming qualities what so ever. If I could give it a negative 5 stars, I would.$LABEL$0 +A MUSICAL LADDER TO PEACE AND TRANQUILITY. A wonderful gift of peace and tranquility. I purchased at the time my husband was very ill as I worried he may have a time to linger before leaving for HOME. He enjoyed the music so much however, he didn't "linger" but went straight to the arms of God!$LABEL$1 +Great Coffee. I like this coffee maker a lot! I spent a great deal of time searching the reviews and a variety of machines. While I have only used this one machine, I can say I made the right choice! The trick to using a thermal carafe is to pre heat it! Fill it with hot water while you load the coffee grounds basket and pour in the water. Just a minute or two of pre-heating makes a big difference. I find the carafe keeps the coffee warm a good hour or longer. Enjoy!!$LABEL$1 +Reflon skiblights face illuminator loose powder. The product is probably good. I just couldn't get the right shade. Didn't seem to match up with that same shade I purchased at another time.$LABEL$0 +About 1 minute of humor. As hinted in the description and some other reviews, this book is really just about 100 jokes: 1 line questions followed by 1 line answers. To be sold as a book, I had really expected it to have some additional explanation or insight to expand the thought, although the jokes are really easy enough to figure that out on our own. The time to read it is about as fast as you can turn the pages.Granted, some of the jokes are amusing. This book is best used as a gag gift for someone retiring. I like another reviewer's suggestion to use it as a sign-in book. Having purchased as a Kindle book, I can't even use it for that.$LABEL$0 +Why did I buy this book?. Weiss is a gloom-and-doom prophet, constantly hissing about why the world and its money is coming to an end. I finally got out of his newsletter -- after losing money hand over fist while the rest of the world was making all of their money back -- and decided I don't need his book on my shelf anymore.$LABEL$0 +rediculous. i am skipping whole paragraphs just to finish it, hoping it will make sense...i have every cornwell book except Scarpettas' winter table.southern cross is a bomb of a book.if cornwell puts more energy into these characters than kay,marino, and that goofy lucy...then i am done with cornwell.i love cornwell books, but i hated Hornets Nest and Southern Cross.BUBBA-SUMDGE-SMOKE-WEED-MUSCRAT???oh please, give me a break. i lived in the south for 5 years and she is really type casting a bunch of fools.so long, cornwell,it's been nice.p.s.--in future scarpetta books, put lucy in a mental hospitol, for if she represents our lawenforcement mentality---then i'm moving to another part of the world...$LABEL$0 +A wicked slasher flick!. You have got to see this film. It is a whodunnit slasher type film where all the kill scenes are based on urban legends.I swear you will not guess the killer's identity. And when you do discover who the killer is, you will be surprised and kick yourself for not getting it sooner.Good character development and great deaths make Urban Legend a must-see film!$LABEL$1 +It just works, but don't use with Panasonic HDAVI. Cable works just fine without the "Monstrous" price tag. I think 6ft. is about as short as you want to go to be able to reach the video source.I found out the hard way that this cable will not work with the ez-sync feature (HDAVI) on the new Panasonic TV's and DVD recorders. I thought all cables followed the same spec, but apparently Panasonic does something different to their cables. You have to go with the RP-CDHG30 or RP-CDHG50 cable in this case.$LABEL$1 +sharp edges. I bought this product because the ad said it was made to be super comfortable...NOT. The so called padded closure has sharp edges on the top and the bottom that scratches. Very UNcomfortable.$LABEL$0 +Ehn. As another person stated this is a romance novel disguised as a suspense thriller. For that kind of book it's ok, a quick read. I've read much worse of this type. At least I finished it. I just wished they would stop making books like this seem one thing when they are another. But I did really like Pete and Susie, the dolphins. Two stars for the actual two stars.$LABEL$0 +Grossed out. God! Do you really expect anyone to purchase this product with the visuals you offer? They look like the "before" pictures from a hospital burn unit.....$LABEL$0 +O Brother, Where Art Thou!. I can not believe you ranked this a 4 or so. Not only did it lack focus, It was not even that funny or creative. Too stupid to be good. Sorry but I don't agree this was a good movie!$LABEL$0 +Flaws in the script. I really do like Jeremy Renner and wanted to see his early work. However, the story left me asking a lot of questions. Especially concerning Gabrielle Union's character. I won't go into detail because I do not want to give away the plot.All in all it was a good low budget movie.$LABEL$1 +No cigar.... The premise was OK, but still it was a downer. It would have been more interesting as a regular science fiction movie. Anyway, you may fall asleep watching this thing.$LABEL$0 +outrageous?.. yes..vulgar?.. yes..Absurd?..yes..Entertaining?.. yes... Borat will surely divide its viewers.. it is not intended to be a pc film exploring cultural differences.. it is rather a complete violation of everything pc and brings out the worst in our international relations.. But it is endearing, very funny, and its explorations of the american psyche are spot on.. I found myself more often than not laughing at the American's who confront something different than themselves and bring out the worst stereotypes of Americana.. Borat is one of the most outrageous and totally relevant portrayals of international relations in the history of cinema.. Sacha baron cohen is hilarious in his absurd yet sympathetic portrayal of Borat.. a man completely out of place who always says the wrong things according to the other culture.. I found myself thinking as much as i was laughing..$LABEL$1 +National Geographic should be ashamed.. This slap dash compilation of short descriptions was probably put together as a quick way to make a few bucks. The authors are indeed esteemed but I bet each one wrote their part from memory on a Sunday afternoon. The battle descriptions are dry and confusing--most of the maps are useless in determining the sequence of events. Geography seems to be sort of thrown in as a catchy way to snare amateur buffs like myself. I usually read reviews before I buy a book and this time I just "assumed" good quality due to the National Geographic Society imprimatur. Stay away!$LABEL$0 +very well. This worked for me perfectly was easy to install and is made of a good materal am very pleased with the performance of this$LABEL$1 +Money thrown down the drain!!!. I received the camera for Christmas and used it twice. After I changed the batteries in it, the camera stopped working. I called Kodak and they said I would have to send it in for repair. After wating for a while without a reply, I called Kodak again to find out what was going on with my camera. They told me that water or some liquid got into it and corroded it and because of that, it would not be covered by the warantee. The camera was never near any water as I only had the opportunity to use it twice. Their customer service is awful and they want $130 to fix the camera. I would rather buy a new one than give them anymore of my money. Stay away from this camera!$LABEL$0 +Very Good!. This is one helluva novel. The prologue is the best I think I've ever read anywhere, as far as getting the reader ready for the ride. Everybody loves haunted house stories. This one is a very good one. I liked The Haunting-I know a lot of people like it as well. This is The Haunting with teeth. In this novel, the reader is shown the terrors. Perhaps the bogies might rival Lovecraft. One thing for sure, this writer has not shortchanged anyone in creating this book. I won't be surprised to see a movie made from The Infinite. As for that, I think I'll be surprised if a movie isn't made. What can I say?$LABEL$1 +very Plain. This is a plain story in a plain book. The lack of quote("") marks makes reading the dialogue a bit more of a challenge.$LABEL$0 +El libro del millón de dólares. Decir que este es el libro del "millón de dólares" puede sonar un poco exagerado, pero es la verdad. Por supuesto que no me refiero al costo del mismo y tampoco a su alto contenido y excelencia literaria, sino a la campaña publicitaria que fue montada al momento de su lanzamiento... La editorial ofreció la cifra de seis ceros a quien sea capaz de demostrar un problema de mas de 250 años: "La Conjetura de Goldbach".El Libro nos embarca junto al "Tío Petros" (un matemático brillante), en la búsqueda desesperada, obstinada y hasta psicótica de la solución del histórico problema.No puedo decir que vayamos a encontrar grandes sorpresas y reveses en la trama, pero es recomendable para el que gusta de las matemáticas, su historia y el enredo psicológico en que se puede caer al enfrentarse a desafíos inalcanzables.$LABEL$1 +Some great techniques helped me labor drug-free.... I'm grateful to this book for giving me a couple of excellent relaxation techniques we were able to use during my labor, and for the positive outlook it lends to our increasingly tech-dependent birth system. It's not quite as helpful, thorough or organized as the hypnobabies.com home-study course, but as an introduction to self-hypnosis in birthing, it's valuable. I should stress that your support in the birthing room is the most important thing... everyone attending needs to be in agreement w/ your decision to go natural because a little negativity or doubt can really affect a birthing mother and stall labor.$LABEL$1 +DO NOT GET THIS!!. I got my car last night.It always goes to a side and doesnt go strait.I went to toys R us and they even said a lot of people are returning them.Dont get this toy.$LABEL$0 +Must reading to understand whats going on in the world. Pleasently surprised and this is a great book, with some great ideas for our future. This guy tells it like it is and stood his ground for his principles. He outlines what happened heading in to Iraq and beyond and what we can do about it.$LABEL$1 +Love this!!!!. I have been using this product for about 3 years. As a skin cancer survivor I want the highest SPF I can find. Plus I like the coverage - looks good and feels light.$LABEL$1 +The Best Bit was the END. All of the participants in this nonsense are capable of making me split my sides, but none of them did in this movie. By far the best bit was the ending. Unless your brain has been pierced with a tongue stud, you will get much more satisfaction by giving your $$ to a worthy charity, than by spending it on this!By the way although I live in Singapore, I originated from elsewhere, so don't blame Singaporeans for lacking a sense of humour if you disagree with my comments.$LABEL$0 +Good Information but lots of out of date "science". I thought some of the information in this book was useful but when I hit page 42 "Clearing Up the Cholesterol Confusion" I was really disappointed. The author is about 20 years out of date as far as research goes and sticks to the AMA party line like glue. There are several completely unsubstantiated claims, such as page 51 "Combined with exercise, calorie intake that matches energy nees and not smoking the G.I. will help you live a long and healthy life". Really? How much longer? The actual GI chart contains a symbol meant to represent food that is "bad" for the heart. I was in agreement through the cakes and cookies but when it appeared in the meat and dairy I knew the author had either not done her homework or did it with a completely closed mind.$LABEL$0 +Discontinued. This AT440ML cartridge has been discontinued and is no longer available. The replacement is AT440MLa. If you order this item you will be getting he 440MLa which has a frequency response of 20Hz-20KHz, and not the 5Hz-32KHz advertised. The seller (Electronics Expo) does not tell you this or respond when they are emailed. Be Aware.$LABEL$0 +ABSOLUTELY WORTHLESS!!!. Nothing but disappointment...1. You can't take stem with blades off - you have to clean it right on the mixer.2. Blades are flat - I can't imagine flat blade to be able to aerate something.2. Very unpowerful - it was fighting soft ice cream and blueberries for 10 min. and still I had pieces in my cocktail.3. After all my cocktail looked like milk with floating blueberries in it, not frothy whatsoever.My KitchenAid food processor did a much better job on these cocktails. I will probably get just a blender for this purpose.$LABEL$0 +I'm not buying this FOUR times. Three times is enough.. So like many i already bought BOTH versions of LOTR because the studio did this with DVD. I won't let them do it to me again, and neither should you. Please write your own one-star review as well.$LABEL$0 +Only the Grinch would not love this movie!!. The best Christmas tale ever - evident by Ted Turner running it for 24 hours straight the last two Christmases.But don't let that stop you. To see the real story of the Christmas story you need to see this on DVD and all its Red Rider Beebee gun glory.The cast is superb, the tale one all babyboomers will feel is a lot like their childhood. It is fond remembrances, without the overly cutsie pie touches. The kids are real, the emotions are real and funny and the late Jean Sheppard's wit ( and narration) shine in this perfect tale of a boy and his desire for a Red Rider Beebee gun and the lengths he will go to to 'help' Santa remember.I love books, and often when one is made into a movie, I prefer the book. To Kill a Mockingbird is one that I loved in both book form and movie form, and this is the other. Based on several of Sheppard's books, this is a true gem.Every family should have this.$LABEL$1 +completly useless!. i'm sorry to say that neither of my two cats have given this product more than a cursory once over since we got it around 10 days ago, nevemind use it for its intended purpose. they are both horizontal scratchers. basically, if its on the floor, its fair game. but not this thing! i tried placing it in their favorate scratching places, rubbed it with regular catnip + even tried Catit Liquid Catnip (see my review for that!) once, my older cat laid down on it + fell asleep like it was a floor level window sill but no action whatsoever since that thrilling performance. what a waste of money!$LABEL$0 +Needs Work is an Understatement. I wish I had thoroughly read the reviews before purchasing this book. I have never submitted a review before but this book was so poorly written and edited that I hope I can prevent others from wasting their money.$LABEL$0 +L&O - I just can't wait. Donate your gently used L&O DVD sets to your public library and get a receipt. This turns into a tax deduction (see IRS pubs 526 and 561) if you itemize or a great feeling if you don't.$LABEL$1 +The Greatest Live Album Ever!!. This is the loudest, rawest, most savage kick a$$ rock and roll record ever recorded! It never gets the respect it deserves. The only other live album that comes even close is Live at Leeds or maybe No Sleep Till Hammersmith. Before morphing into a radio friendly pop band (The Locomotion), Funk were the heaviest thing going. Nobody could touch them...Zep, Purple, nope. What's really cool is Mel's bass is high in the mix ala Entwistle and it really drives the band. And Mark has a guitar sound like no other mainly due to the Messenger axe going into the West amps. This generation needs to hear this album if they think Green Day is heavy!! Absolutely Essential. My favorite album of all time.$LABEL$1 +Darkwatch: Amazing looking, Pathetic performance!. Length:: 3:49 MinsHey, this is my first review, couldn't sleep, was window shopping, literally in this case. so please enjoy, I'll be reviewing other games soon, thanks for watching! :)$LABEL$0 +Clarity is a blessing!. This is very useful for explaining RC doctrine and interpretation as well as translation of the original Biblical texts.$LABEL$1 +Pretty tiny, not waterproof. This pouch is just big enough for some credit cards and cash - not big enough for a passport. The instructions clearly say "do not submerge" so "dry bag" it isn't.$LABEL$0 +i waste my money. because I thought it would be much better. It was disappointing, really. I don't understand the good reviews here. 5 o 6 tracks are good enough, including La bamba y Come on Let's go, plus some traditional Mexican tunes, as Carabina 30 30 and Volver, but all the rest is far from been interesting, they bore and ask for skip. My impression is that they could be much more than they really achieve. They've got something (that something that made me buy the album) but they fail and never get to a great thing. I guess the fans will enjoy this collection, but casual listeners: be aware. Prometen más de lo que cumplen$LABEL$0 +Great if you don't want to pay for Bose. I've had these for over 5 years and have never had a problem with them. I use them on a daily basis at work to drown out loud co-workers, and also when flying. They don't drown out 100% of background noise, but I can't complain considering the price. Only issue is that the little rubber ear bud covers tend to come off easily and if you happen to lose one and don't have an extra with you, then there's really no fix.$LABEL$1 +This information is very dated.. Except for the cryptography section, this book was of no use to me. At school, this is the required class text but our professor told us to forget about it and go buy Hacking Exposed. I suggest you do the same if you want a more Hands-On practical approach.$LABEL$0 +Not going to buy audiovox products again. Unfortunately, this was a rare case when electronic equipment broke 4 month after the installation.But AUDIOVOX warranties their fine electronics for 3 month only.Which means, that I have to through that piece of garbage for $200 out...Thank you, audiovox for the nice new years gift$LABEL$0 +Everything seems to be missing.. I purchased this power pack for my HP Camera. The first thing I noticed was the lack of instructions in the box. There was NO paperwork included with the product. It also contained to adapter fittings, niether of which listed my camera on thier description - althoug, according to the ... Page, and the Unity Digital page, this is the exact model to use with my camera. (I did try it out after assumiing the battery would need to be charged for 12 hours like most, and tried the fitting that fit the camera. It worked right the first time, and since then it has not been able to take a picture - reads dead battery on the camera.... perhaps if I had instructions on how long to charge it.....) Overall, neat idea. I WILL try another one, but frankly, I was sadly disappointed with what I got.$LABEL$0 +EXCELLENT ARRANGEMENTS AND SONGS- good singing!. Superb songs. Linda's singing is good and very emotional enough but it is obvious that she is new to this material. She does not have the interpretive skills of Streisand, Fitzgerald or Holliday.Nelson sounds as good as ever and there is no question that even Frank's ghost is evident in these recordings.$LABEL$1 +Not Accurate. I was very disappointed in the movie and stopped watching it midway. This is not an accurate account of St. Rita's life, I would recommend reading on her.At one point in the movie, I thought it was going to get trashy because on her wedding night, there was lots of kissing, sensuality, and then finally they walk off in the other part of the bedroom. This could have been left out of the movie, it did not need to show this, or all the times Paolo has to take his shirt off, and they could have left out the word [...]. This is suppose to be a movie on a saints life.It's already hard finding good family and catholic movies to watch but I'm not going to let me child watch False information that proclaims to be TRUTH. This includes other religious movies.$LABEL$0 +This book was pure crap!. The publisher didn't have much sense since he published thiscrap! I can't believe this was a bestseller. Please don't read this book, you'll go into a deep depression, that is if you're awake enough to read it!!! :($LABEL$0 +This is a Great book!. I feel this is one of the best books on the subject of edible wild plants. It is very informative and gives a lot more information than other plant books. I would recomend this book to anyone interested in the wilderness.$LABEL$1 +must donwload new driver form it;s website. In both winXP or Win2K, you must download the new driver for robstics.com for this card. otherwise, it not work on wireless access point.$LABEL$1 +What a piece of crap. Not only does my drive not work (after one big whopping use), but their tech support is worthless. I have NEVER felt so rushed off the phone. I plan on staying away from this company from now on.$LABEL$0 +Good stuff to have on hand. This material will protect and preserve your documents and photos well. Also available in sheet size for general use, this roll is more versatile. Maps and other large items need this size. Care must be taken in application for it has to be done right the first time or very undesirable wrinkles will be permanent. Make sure you have a good work surface and plenty of hands.$LABEL$1 +Awful Service.. Seller never neither sent the book nor replied to my email. I usually buy books from Amazon and I never had any problem with any of the sellers; however, this time the seller Stephanie did not fulfilled the contract.$LABEL$0 +Buyer beware. Pictures don't tell a thousand words!....As others have stated. The picture is totally misleading. You only get one valve...How can they get away with this..$LABEL$0 +Classic Sailor Suit. "Boutique" quality sailor suit. I liked it so much I even bought the coordinating dress for my daughter. You will not be disappointed with this find!$LABEL$1 +Two Weeks Notice. I found the humor rather dry but it was worth watching. There isn't alot of depth to it but If you want something to watch while you kick back and relax for an eventhing this would work great.$LABEL$1 +This one deserves a minus rating.. I have read all of Kellerman's Peter Decker books and have enjoyed most of them enormously. When I saw this one at the library I immediately checked it out. After plowing through half of it, trying to keep the characters straight and finding them so unpleasant I decided to come and read the reviews and wish I had done so earlier. Thank you to those reviewers who recommend utilizing my reading time on something that would be more enjoyable. I shall not be finishing this book. It will be back in the book drop this P.M. And yes, I agree that Amazon should have a zero stars rating, this one deserves it.$LABEL$0 +This was a great book!. I loved this book. Anybody who has read the rest of the HeartLandsires should read this book.PS.Whens the next book coming out?$LABEL$1 +Great Kitchen Tool. Great for small jobs like buttering tops of rolls and icing cookies! So great that it is dishwasher safe and easy to store!$LABEL$1 +defective heating element. Some of the reviews on this product are several years old, which may explain why there is so much difference in the ratings of buyers. We have had various waffle makers for 40 years, the last a toastmaster, for about 20 years. Since toastmaster was bought by B&D we thought the quality of a new B&D might be a good choice. Wrong. It has very light plates and the bottom element did not heat evenly. The back half of the bottom waffle was raw dough on three attempts we made to make waffles. I am returning the product and would not purchase another B&D item.$LABEL$0 +Da Beat Keeps Knockin Down my Rearview Mirror, literally !!!. This cd is tight, just another tight , off da hinges, cd from da dirty yay area. Vallejo should in da record books, compton has talent, but not as much as da v-town. i love this CD, my fav. 5 are The Slap, Roll On, LIfestyles, They don't F**k Wit Us, and It's All Gravity. HE features a lot of peeps: b-legit, suga free, afroman, petey pablo, fabolous, just 2 name a few.$LABEL$1 +Pricey, but if you are looking to learn calculus, this is A+. After taking differential calculus, integral calculus, and elementary differential equations, I took a year off of college. Then when I came back, I had forgotten alot of things concerning those courses. Well, I bought this book because it had the most pages and seemed to cover the most information. Well, it was a good buy! It covered ALL of the material that I had covered in those 3 previous courses. It was a great book for refreshing my memory. This would also be a great book for learning calc for the first time also.$LABEL$1 +A must see!. Harry Chapin's finest work was writing the songs for this rollicking musical introduction to the modern day gospel of Luke, telling of the birth of Jesus in the great state of Georgia.Tom Key changes from one delightful character to another with ease. The quartet of musicians supporting him were brilliant on their instruments as well as fine actors, often comedic. "Spitball Me, Lord, Over the Home Plate of Life" is one funny song!)You will laugh, cry, and gasp as you see the Gospel through new eyes. Enjoy! Share it with everyone who will sit and listen.$LABEL$1 +Not bad at all.... I was not really sure how this movie was going to play, but it is a thriller and it did keep me on the edge of my seat --- I would probably even watch it a second time --- that's saying a lot for me.BUT, do yourself a favor and buy it used on amazon marketplace or rent it...$LABEL$1 +This CD is one of the worst.. In buying this CD I thought it would be a wise investment. But it really was a bad choice. This group can not sing, it is a sad try to make it big.$LABEL$0 +Truely Insane. The author of this book has no understanding of basic economic theory. If he did, he would understand that the scenario he paints is nearly impossible to pull off. If he does understand the basics of macroeconomics, then he is simply a fearmonger and a liar.0 Stars.$LABEL$0 +horrible waste of time. no plot,movie really drags onwhat were they thinking?was hoping for something like the Full Monty.I was very disapointed and regret spending the money.$LABEL$0 +A Nearly Perfect Album From A Nearly Perfect Songwriter. Neil Finn comes closer to perfection in his craft then nearly anyone writing music today. When he is on, he is DEAD ON. Penning lovely melodies with lyrical content to match. This, his first solo effort, is a collection of his latest gems and with it he reminds us of why his fans love him. It also, however, nudges some to wonder what he does with all the rocking stuff he writes, as this album only comes close to moving your feet once (My Loose Tongue). As far as I'm concerned, that's more than enough as this is close enough to perfection for me. Keep 'em coming Neil.$LABEL$1 +High pitched whine, defective design. Don't buy one of these until they fix what must be a design flaw. As others have noted, there is a high pitched whine audible whenever the box is switched on. It's there regardless of whether any music is playing or not. This is almost certainly a design flaw. It could be aliasing noise, a leaky carrier tone, etc.XM is an interesting concept, but this boombox is poorly implemented.$LABEL$0 +The Wolf Master. Well being that I'm from a rather rough part of Wisconsin. My gang resides in the grimiest trailer park eva. Before heaven sent us the amazing tshirt. My gang was the 11th most rowdy gang in the trailer park. Since then we jumped straight up to number 2. Being that the number one gang actually has real wolfs named Kito and Keloy that they raised since baby wolfs. Tshirts is second best.Be aware of knock offs. To ensure authenticity the shirt should fade to grey in just 1 wash! I don't know why they just didn't make the shirt in grey like wolfs colors. To get maximum dudage I recommend cutting off the sleeves, don't worry the value of the shirt will not go down by doing this, but is will increase your Poon level. [...] I even had this one 11 year olds father give me and his daughter tickets to a Miley Sirus concert in trade to wear my 3 wolfs t shirt for the night. [...] Oh well, I got to see Miley!$LABEL$1 +The worst book I have ever read. Having a Minor in Lit, I have read lots of books. Having purchased many, many books, I have never felt the desire to write a scathing review of a book. I HATED this book.If you HATE animals or get some weird enjoyment over the gross abuse of animals this is the book for you. Once that part of the book began to develop, I really could care less about why this woman killed herself. I could go on and on but this book is not worth the effort.$LABEL$0 +OLD KINGDOM PROVINCIAL EGYPT ANALYSED. If you are lucky to find this title and you are not a beginner in Egyptologial matters, this is a very attractive essay on the provincial administration and possible causes for the fall of the Old Kingdom. Very thought-provking issues are put forward all along the book, and it must be regarded as an important contribution to the understanding of the historical period it covers.$LABEL$1 +Jim Morrison ....buried again...by Bruce Botnick. I am wondering who let John Densmore mix these tracks? Morrison's vocals are almost left off...they are so reduced in this new mix...just horrible..and the drums are now the lead instrument...just awful. A wonderful selection of tracks...reMASTERING would be great but reMixed? WHY? and if so..why didn't anybody mention that Jim's voice was the defining instrument of the band...when he died...so did the band. Don't get me wrong I admire Robby and Ray...but without Jim they didn't go anywhere and why he is diminished in these new mixes is just a crime.$LABEL$0 +A bit unrealistic but good. Very quick reading, I was 3/4 of the way through and felt I had just started reading it. Tim LaHaye always does a great job of developing characters and situations. This story was based on actual heart breaking events that take place today. I mention unrealistic because of how it all works out but realize that God is able to do all things. I loved the twist at the end of the book. Overall, good Christian fictional reading.$LABEL$1 +Request for my sister. Good shoes, excellent price-quality relation. Excellent prices, even with the cost of shipment. Highly recommended.$LABEL$1 +cute but poorly made. Aesthetically, this umbrella is just fine, and still looks good after 3 months of use so far. My problems with it: 1) The picture makes it look like a base comes with it. Nope- you have to purchase one separately, and there's no guidance on which type to get. Don't get the Verdi Gras cast iron stand, this umbrella is too thin to fit properly into it. So it leans a bit to the left. Not a huge deal.2) Whenever I crank it closed, it somehow manages to pinch and cut my hand, even if I'm trying to be careful3) If you're dumb enough, like me, to leave it open on a windy day, it blows over, taking your table and umbrella stand with it.$LABEL$0 +If you love being bored to death.... ...then this book is for you. I can't believe I wasted hours of my life on a book where nothing happens. A friend gave me this book as a christmas present and I felt obligated to read it; mistake on my part. This book is so long and full of so much nothingness. Bottom line is this book is crap.$LABEL$0 +Does not work on DVD player!. I bought this DVD & was really looking forward to it. However it does not work. It seems as though it's a pirated copy. Our DVD player does not pick it up or read the DVD. Very disappointing.$LABEL$0 +Who believes this stuff? The ones who want to.... What I find more frightening than someone who says what she says is that how much publicity is made from it.I mean, sure people can believe what she says but she goes ahead and condemns the First Amendment? Uhm...isn't that kinda going against the right for her to say what she...uhm..thinks?And going up against the 911 widows? Poor taste. But it sells.Basically she is the Maryln Manson of the Conservative nutjobs. Saying just enough to cause a frenzy to get her book bought and for her to become rich without changing a damned thing.Any Carney would be proud$LABEL$0 +Spot on Promise. Everett does an outstanding job in providing both sound biblical and financial truths. In today's (literally this very day - 10/24/08) chaotic financial arena, it's great to have a perspective of God's unchanging financial principles. For those whose risk aversion is increasing with the financial news in these uncertain times, here is a look at a genuinely "sure thing!"$LABEL$1 +violent but story line that keeps your attention. abalard and heloise of the east. this is a very violent film ,it is also a film that will hold your attention.i did not think the present government approved of this kind of film ,sex and violence,well the maybe the violent part.it would add quite nicely with curse of the yellow flower.$LABEL$1 +Wrong Impression. When the uncut version was shown on television a few months ago,they advertised the video would be the same as the uncut version shown on television. I played the first video and it is the same as the original movie without the uncut scenes. This is truly one of my favorite movies and when I saw it on television with the never before scenes, I couldnt wait to get that version on video. If I had known this, I wouldnt have bought the Anniversary Edition.$LABEL$0 +Best Rush Album Yet. This is my second review. My first one was over 8 months ago. I just want to say that Vapor Trails has become my favorite Rush album (which by default makes it my favorite album). It would have been inconceivable to me that Rush could do better than Moving Pictures, Hemispheres or Fairwell to Kings. Hold Your Fire was the the last really great Rush album for me (although I do like all the ones that followed except maybe Presto). Vapor Trails has turned it all around again. I just hope they keep releasing albums. Anyone that can't hear the genius in this album just hasn't given it a chance. Play the full album 10 times and then decide.$LABEL$1 +Poor quality and cut by about 7 minutes. This release is most likely mastered from VHS, it looks washed out and is not very sharp. Also the film runs 86:26 NTSC. The british DVD, issued under the title "Dragon Warrior" by Pegasus runs 93.42 PAL. The picture quality on the british release is also not perfect though.$LABEL$0 +this is a great book. I am buying this book after lending out my original copy to new dog owners so many times that I finally lost it. This is a very clear, concise dog training book. It's one of the best you can get, especially if you don't have the patience to read an entire long book. I love Carol Lea Benjamin's other training books also (How to Survive Your Dog's Adolescence is amazing), but this one is great, too, and a little more of a quick read.$LABEL$1 +Worth the Read, for Beginners Too. Although Joan won an Olympic medal and I've only run two 5k races, I found this book to be very useful and informative. Some of the training drills are new to me, most actually, and I plan on using them. She also has a training schedule for everything from your first 10k to your first marathon. The book even touches on 5k races and the mile. I don't know that I'll ever want to train for a marathon, but the book was interesting and inspiring, with Joan's personal experiences mixed in with experts's advice on everything from stretching to buying the right bra.$LABEL$1 +Not worth it. I originally bought this because I have an older ipod which had poor battery life, however this player was not worth the money. I bought it because it was one of the few smaller players that was compatible with mac, but many times when I transfer the songs from my computer to the player they do not transfer. This can be very frustrating, and takes up a lot of unnecessary time.$LABEL$0 +Arthur. Price was very good even with paying extra for the express delivery. Package got here very fast with no hassles. I am very pleased with this transaction.$LABEL$1 +PHENOMENAL!. The Who, my personal favorite band, in one of their greatest albums. Roger Daltrey and Pete Townshend are currently touring this album (as of Jan. 2013) and I highly suggest seeing it! But there's nothing like listening to the talents of Moon and Entwistle, who are unfortunately no longer with us. This album is a perfect example of why everyone should listen to The Who!"Is it me, for a moment?"$LABEL$1 +ENOUGH ALREADY!!!!!. As a fan of the original series, I never once planned to see this film. Not for the poor casting (the only one who resembled anyone from the original was the General Lee), the rehashed plot, or the fact that Hollywood has taken a once good and decent show and added alot of sex and profanity to it, but for the simple fact that Jessica Simpson should never be allowed in front of a movie camera. Joe Simpson, if you're reading this review, please stop bombarding your idiot daughter upon our society!!!$LABEL$0 +Bought 2, both are broken within a week. My dog's barking seemed to decrease within a few uses of this product, that's why after the first one broke after only a week I ordered a replacement. The first one sprayed the Citronella as soon as it was refilled, even when on the off button, and the second one we used for one day, I went to refill it, and nothing happened when I blew on it to test it. I exchanged the battery just in case, used a different refill bottle, and nothing! One week for the first, 1 day for the second!!!!! Our dog is a 2.5 lb Maltese kept inside, so it's not excessive wear or water damage. Poor quality! Great potential!$LABEL$0 +DVD/CD Shredder. Works great. Run it through the shredder & toss. No need to worry- can't retrieve any data off the disk$LABEL$1 +Good for your mind. This and most every other FAX USA release Ive come across has appealed greatly to me.$LABEL$1 +Great for this Breastfeeding Mother. I love this sterilizer. I am a breastfeeding mother and use the Avent Isis to pump milk from time to time. This sterilizer fits the Isis perfectly along with a few bottles, nipples and sealing discs. I wash my bottles out after I use them and put them away. When I'm ready to pump, I load this up and 7 minutes later I'm good to go. You don't need to dry the bottles or pump before using, if you use them right away. When I'm done, I wash my pump and store it back in here to dry. It stays there until I'm ready to use it again. I've never tried sterilizing any other bottles but the instructions specify how to place others in here so they fit well. It is very time saving, rinses easily, and works very well. I'm glad I've never had to resort to the boiled water on the stove.$LABEL$1 +Carol is that great singer, we have been looking for. Carol Sloane really knows how to sing JAZZ. She seems to be a natural at this venue. Her voice is really smooth and nice to listen to.For this project Carol used Bill Charlap as pianist and arranger. I must say Bill did a good job wearing both hats. Also Carol has a lot of fine sidemen that contributed to this cd. I think we need to give the musicians for this project a hand of applause.The down side to this cd was that some of the arrangements I didn't like and feel that they worked very well. All and all I would say this was a worth while cd.Recommendation: I would like to recommend this cd.$LABEL$0 +I've been guzzling this stuff for years, excellent tasting shakes with good blend of essentials. Does it taste like a great milkshake? No, but it is very good. I usually mix it with 8oz milk, about 3oz water and 3oz ice. It makes a more liquidy shake that is much easier to drink. I think the recommended mixture makes it a bit too thick. Taste is a good vanilla flavor and there is very little aftertaste other than the sweetener used. Its definitely filling and works well post workout.$LABEL$1 +Be careful of hardware conflict. I have bought this product 6 months back. But I found it really difficult to install it on my PC. Picture freezes after 5 minutes. That's it! I talked to customer support many times. They asked me to talk to my PC company to resolve the hardware conflict. I need to change some card or something which I don't want to do. Picture quality is really great!.$LABEL$0 +The Last Fairy Tale of Fantasy from the Vietnam War. This well written, but poorly researched fantasy piece should have been labeled as a novel in my opinion. Ten POWS died of starvation, mistreatment, and torture in Garwood's camp; none of them crossed over to the enemy. To know the real Bobby Garwood, read Frank Anton's "Why Didn't You Get Me Out?" or Zalin Grant's "Survivors," plus several more POW narratives that are out of print but still may be found at major libraries. If you are still inclined to believe the best in Garwood, look up his name or "Garwood Papers" on the POW/MIA Database on the Library of Congress's website, and you'll discover a ton of material that will change your mind$LABEL$0 +Spyros bad. I dont recommend this game at all, the graphics are nice at first but get boring, the game flat out sucks, the only reason i even gave it two stars is because i know how long it takes to make a game, and i of 14 couldnt even figure the damnb this out, its confusing as hell, and i didnt even want to play it because nothing drew me to it.$LABEL$0 +Scratch and Sniff. One of the only enlighting things I found out about this Manga was it has a 'scratch and sniff' cover, which smells like Strawberry Shortcake (which smells so yummy!) but the overall story and art is it's downfall. I read about 20 pages and got bored, so I'm selling it online. There is no depth to the characters and no real engaging plot. There is only some Slash and Shonen Ai parts for fans, but it won't satisfy a Yaoi Fan. I suggest looking out for Cafe Kichijouji.$LABEL$0 +Refreshingly different.. I'm not a big romance reader. But this book caught my eye and something told me to give it a chance.I'm glad I did. It truly was a memorable story. The most striking part of it all to me was the starkly poignant way the author tackled the issue of human-reliance. She showed how dangerous it is to rely on a mere person for your happiness. People always fail people. We were made to love each other, not to hang on each other. No one is strong enough to carry both their issues and your issues on their shoulders, no matter how sure they may be of the otherwise.Yup... a pretty neat story... and a potentially life-saving lesson.$LABEL$1 +A Mystery Buffs Dream Weekend. This is a tribute to Agatha Christie and Raymond Chandler, all rolled into one neat murder mystery. Bernie and Carolyn spend the weekend in a New England guesthouse, which attempts to replicate an authentic old English manor. When guests begin showing up murdered, it's Bernie who plays the part of Hercule Poirot or, if you like, Philip Marlowe, as he gathers the clues, which will hopefully lead him to the murderer before too many more guests are knocked off. Being a guesthouse, there are suspects aplenty delivering us ample opportunity to figure out the mystery ourselves. If mystery fans will be delighted by this book, then fans of the British crime story will be even more so. Combining the wit and humour of Lawrence Block with the traditional murder mystery creates a deadly weekend, though presented in a light and breezy manner.$LABEL$1 +YET ANOTHER GREAT METAL BAND GONE SOFT. Ok don't get me wrong i love SEVENDUST and there is nothing wrong with mellow metal BUT!!!!!!!!!!!! I cannot wait until a group will come out and not change their music style. i'm so sick of these bands drawing fans in with one type of music then going soft hmm hmm(creed,staind) just to name a couple others. I guess not all bands can be like OVERKILL who will never change their style for anything. I call it going from great to mediocre but then again the world is ruled by mediocracy uh? But anyway if you are a big SEVENDUST fan pick it up. If your a "rock" fan pick it up. If your a true to life metal fan (OVERKILL, TESTAMENT, SLAYER, JUDAS PRIEST) stay clear!!!!!!!!$LABEL$0 +Superficial attempt at wit. Excited to read a book from an under-represented member of the "Beat Generation", I plowed into The Dud Avacado with relish.... and was sorely disappointed. Unlike contemporary Kerouac's On the Road, The Dud Avocado sadly lacks spiritual, moral, or intellectual development. The primary character starts out as superficial, vain, and unbelievably gullible. Unfortunately, though she miraculously scrapes through disasters of her own creation, she never grows as a person.I too was twenty once and I too did many stupid things. But, I'm really not interested in reading about somebody else's ignorance. Stupid is as stupid does.$LABEL$0 +Couldn't finish it. I read every day, so does my 8 year old, and we often read to each other. 10 pages into me reading this one, and we looked each other in the eye and made faces. I can't remember the last time we didn't finish a book. Too many long streams of colors matched with birds we hadn't heard of (and we have almost memorized David Attenborough's Life of Birds, and my son does a couple dozen bird calls from those videos). The illustrations were nice drawings, but honestly, the rain forest is best taught with a visual component. Or perhaps with much better writing.$LABEL$0 +DO NOT BUY THIS BOOK! WASTE OF MONEY!. This book was the biggest waste of money! It was all about poor Gerry Starrett and her poor psycho son, who kidnapped and raped several girls, even murdering one. And oh how horrible his life in prison was. Not one word about the victims and their families. This book is very one-sided. I can't believe a family would even have the gall to write a book in defense of a murderous son.$LABEL$0 +Non Stick scratched. Enjoyed this sauce pan. The build quality is high, the glass lid is nice to be able to check boiling levels without opening the lid. I wish this was just hard anodized without the non stick interior. Very careful with my cookware, but the inside has been scratched.$LABEL$0 +Bad, very very bad. This book is terrible. Don't waste you money. Never having seen such a poorly written, self promoting text, I took it upon myself to look further into the matter.Basically, the book is a pitch for the authors so called patented FQPSK. Upon further investigation, I discovered that an entity called "digcom" licenses fqpsk. The web site, ..., list a cartel of sorts that leads one to believe that many major companies are embracing fqpsk as a standard. I contacted a couple of the companies listed and talked to the VP's of engineering. They all had nothing good to say, and were suprised that digcom still listed them as part of the fqpsk consortium. Basically, they had given up on fqpsk and pulled out of the consortium.$LABEL$0 +Great stand, strong enough for our windy days. This is a very heavy, durable umbrella stand. However, reading the reviews, I was prepared that it wouldn't exactly fit our smaller umbrella. It did not. We had to "fatten" our umbrella handle up a bit to make a tight fit, and after we did, it's great. We have very windy days here and the porch it is on is in direct line of the high winds. So far, it's really holding up. We've had it all summer. I'm pleased with the fact that when we move it, there is no rust spot under it. I recommend this base especially if you use a larger umbrella. V$LABEL$1 +There will never be another like him. I'm not sure if this is my favorite Leonard book... each one is delicious.I find myself re-reading. The patter of the chatter reminds me of Richard Gere's lawyer tapdance scene in CHICAGO.Pure perfection.$LABEL$1 +Thomas & Friends woodent trains. Another great Thomas Train. My grandson loves this one because he loves any kind of construction toy. Durable and other one for the collection.$LABEL$1 +Worth more if you use the CD as a coaster. I completely agree with Cheryl H. Long -- this is a gross insult to Josh Groban. NO ONE can come close to Josh Groban's talent. It's so bad that it would be a monumental improvement if Sanjaya sang this record!$LABEL$0 +A Gimmick. This book is completely devoid of any substance. I expected to learn about the FX market, through laymens terms and easy-to-follow examples.It turns out that this book is simply an advertisement for the author's software product; it even turns into a manual in Chapter 13!I have never written a review before, but I was too annoyed to be reticent. Hopefully this will prevent others from wasting their time and money. If you must see it for yourself, please make sure you don't lose the receipt.$LABEL$0 +Worst movie ever. This was absolutely terrible on all accounts, It was a waste of time, thank God i didn't buy it or i would have been even more heart-broken.PLEEEASEE don't waste you time, honestly it's unwatchable!$LABEL$0 +AVOID AT ALL COSTS!. Like most of you I'm an avid movie fan. This is not a movie so much as it's a 2 hour nap put on film. For the love of God watch anything, and I do mean anything, other that this garbage. Primate looses girl to evil other primative, primate rescues girl. CAN YOU JUST FEEL THE EXCITEMENT!Forget the fact that this film has all the historical accuracy of the Flintstones, (or Kansas public schools), the movie leaves you asking the question, "I spent 2 hours doing what?!"Honestly, save your time and your money. Just take a nap, same effect but you save some money and your dreams will almost certainly be FAR more entertaining.$LABEL$0 +wasted potential. The beginning of the book was quite engrossing, but the plot kept wandering all over the place. When the story suddenly, and unexpectedly, started talking about some super-intelligent squid, I quit. Any interest I had in continuing the book was gone.$LABEL$0 +Good story overcomes perceived flaws. For sheer escapist adventure of the romantic variety, this book is a winner. There's quite a bit of anachronism in dialogue and character behavior, and those who are familiar with Spanish may be put off by abysmal usage of that language (misspellings like "buenas dias" and "bandeleros" stand out -- repeatedly). Horsey terms, too, take an occasional hit ("gruello"?). Some of the plot points require extreme suspension of disbelief. The story is so delightfully told, though, that I was more than willing to suspend my internal editor and just read for the fun of it.$LABEL$1 +CD from a Great Voice. Definately a great new voice for Opera/Crossover. Sings with depth and passion and clarity. Wonderful.$LABEL$1 +Nothing new here!. This album is very repetitive, that sums it all up. Every other type of music has changed at least a bit, it has been 60 years since swing came around. Guess what? It sounds exactly the same on this album as it always has. BORING!$LABEL$0 +Sound Advice. What's in your workplace?Efficiency or flexibility?Tom does a fine job reminding us of the difference.$LABEL$1 +Just a greatest hits cd nothing new. It would be cool if were actually a new album instead of just a greatest hits cd.They trick new listeners into buying this cd thinking its a new album.$LABEL$0 +Now a whole genre of games. A great game for engineers like me, you have to combine ingenuity, understanding and timing to break the puzzle of the enemies defenses unnoticed. Very attention-garnering and often very difficult. A great game.$LABEL$1 +So great. It's the best book I've read yet I'm trying to get into books like this but still best book ever$LABEL$1 +Preaching to the Choir: Anti-Mormonism for Evangelicals. I downloaded this because it was free. From the title, I knew it was an expose of Mormonism. It is, but only as contrasted to the author's original Christian faith. As a secularist, I found nothing shocking about the mainstream Mormon church--just some weird Masonic-like stuff and self-important old men. The author seems to have joined for the social aspects and then quit when it turned out to be hard. I slogged through the first half. The second half, which describes the author's ministry, I skimmed. This book obviously appeals to those who share Ms. Robertson's beliefs, but just seemed like propaganda to me.$LABEL$0 +Complete scam. Zero stars. Out of the box I set this on a six foot range and walked around with the collar in hand. Nothing. Walked closer. Nothing. I had to literally sit the collar down next to the unit to get it to beep. Whether I had it set on 2 feet or 12, same results. I even made sure it was not sitting next to any large metal objects. Shame on you Amazon for selling something that is a complete ripoff.$LABEL$0 +In soccer You don't score 8-0. No matter what level of difficulty I put it on the game is way to easy. All you have to do is take a shot from the slightest angle and then the goalie will fly way left or right of the ball. It automatically goes in. NO FUN.$LABEL$0 +The Afrin No-Drip Nasal Spray did a great .... The Afrin No-Drip Nasal Spray did a great job of clearing up any congestion in my sinuses for at least 10 hours at a time. It was quick to use and lasted the whole day. I didn't have the watery running that you usually get with other nasal sprays, but did feel some wetness within my nose, so ""no drip"" is accurate. Would recommend this product to friends and family.$LABEL$1 +Rad. This CD is seriously kickin'. All songs are really awesome, except this one which is really annoying but whatever you take what you get. The songs are deeper than usual blink songs, you know excluding a few here or there. All my friends are like, obsessed with this CD and its totally rad.$LABEL$1 +Kidz Bop ALWAYS [0 stars]. not worth any price, if you want to buy this cause you like the music, then BUY it from the person who actaully sang the song in the first place, and that would probably sound SO much better than some nine year old kids singing it instead. i don't wanna hear kids singing it? do you? it's so annoying. dont buy this, please just don't buy it, anything else is BETTER than this. it really is just a big kick in the face to the music world. appreciate the people who did it in the first place, instead of some young kids, who have no idea what any of lyrics mean.$LABEL$0 +good, affordable alternative to plastic bottles. These bottles are great, and I had a hard time finding them in stores around me. They do not seem to give her any problems with gas. I like that they are glass (BPA free), easy to clean and very affordable.$LABEL$1 +Dearly Depotted. I enjoyed this light hearted mystery. If you love Sue Grafton you will enjoy this. The characters are not as richly developed, but it is a clean fun romp with just enough mystery to keep you wanting to turn the page for more.$LABEL$1 +i'm in the minority here.... I remember jeff dunham from 15 years ago, that was funny. "on a stick" was my favorite joke for a long time. But this new stuff is overhyped in my opinion. I guess I like a little more intellect or just real everyday jokes than what he delivers. watch him on comedy central before buying the dvd.$LABEL$0 +i want to tell you my feelings about this book.... This book is really good reading! I think almost everyone can relate to the feeling of wanting to express your emotions and feeling like the person you are speaking to either doesn't understnad or doesn't care. Really this book reminds us how important it is to set aside our agenda to talk all the time and occasionally create time to LISTEN to others.$LABEL$1 +Buyers beware!. Concept is good, but quality is poor, and customer service has been poor so far as well. Straps began to fall apart almost immediately. Contacted customer service over a month ago, and they said they would send a replacement. Have not recieved a replacement, or a response to my subsequent email. I would advise anyone considering this product to steer clear.UPDATE: Eight months have gone by since my initial review. They still have not provided either a replacement or a refund. I strongly recommend that you don't buy this or any other Gofit product - odds are you'll only regret it.$LABEL$0 +Great for destressing students. I am a guidance counselor in a middle school and have a number of "toys" to distract the children when they come to my office and help them unwind a bit. Some enjoy this puzzle by just building their own creations and others enjoy the challenge of completing one of the puzzles on the cards. This is easily one of their favorites and has stayed on my table the longest as there are so many possibilities and it lends itself well to their creativity as each of the pieces is completely different from the rest. The students really enjoy it and it makes their visits more enjoyable.$LABEL$1 +My daughter loves them.. My 3 year old daughter loves these. I use them to teach her how to spell words and make new words by changing one letter. We use them on her magnatic board and they are great. Having upper and lowercase letters are great. We also use the numbers to start on adding and subtracting.$LABEL$1 +VIDEO EROTICA. Why don't we just admit it? TA videos and songs are the equivalent to the hottest of EROTIC FICTION.The only women who will not like this are the ones who are uncomfortable with their own sexuality.The men (boys) that don't like this are threatened by the "romance". They could just sit back and enjoy the benefits of the arousal (i.e. no work on their part) of their woman.$LABEL$1 +workout. My husband and I used this for the first time tonight. We had a huge venison roast and put it through the grinder very easily. Although, I could definitely see how a motor would simplify matters, we still went through it in less than an hour (which includes cleaning it up post-grinding, and taking care of our cranky children). I would recommend this to others. This one hasn't been as impressive as some motored ones I have been around, but it did the job efficiently, was easy to clean, and didn't get my kitchen messy with "goo" everywhere. You will want a workbench or something similar to bolt it down on.- One complaint, the packaging we received the grinder in was horrible. I am almost surprised we even got it because of the box being in such bad shape. Also, no manual included and the handle didn't survive the transit, so my husband had to make one. These aren't devastating factors, but are annoying.$LABEL$1 +Could be a good book... just don't try to do the practice problems.. Why the $%&* would you list a homework problem under section 4.4 when you wouldn't know how to do it without reading section 4.5? This has thrown off my whole study strategy that has served me extremely well in every science class (physics, math, chemistry) I've taken up to this point, college or high school. Basically, you read a section, and then do the practice problems for that section BEFORE moving onto the next. I just wasted 2 hours of valuable finals study time reading sections 1.1 through 4.4 looking for the solution, only to turn 2 pages ahead after giving up to find the necessary information right there... words cannot express how enraged I was after discovering this and I hope this review will save some others from lighting their book on fire and throwing it out the window like I almost just did.$LABEL$0 +Great Conversation Piece. This book is a great way to pass the time and a must for any aviation nut. Obviously it can't go into great depth on every power flying vehicle ever produced, but it does an outstanding job of hitting all the high points.$LABEL$1 +Doesn't work well at all. There's no "off" button - this is a piece of garbage. Don't even waste your time or money on this.$LABEL$0 +Bad battery. After about a year of limited use and not a lot of charging the battery totally stopped taking a charge. FAIL!$LABEL$0 +call of the wild. I had always heard of this book since I was only a kid, but never read it until last month, and to be totally honest, the only reason I read it was because it was a free book. But I gotta say within the first few pages I really got into it, and absolutely loved it. It was a very good book to read as I went to bed each night.The Call of the Wild$LABEL$1 +Not OK. For the price; not worth it. The product is great accept that I can't find replacement bulbs for it so it makes it a one time use and thats not worth it.$LABEL$0 +In flight confusion. This is by far the worst language-related product I have ever purchased. This CD assumes that you can learn a language by memorizing long, complicated phrases by rote with no foundation whatsoever in vocabulary or grammar. It is just not possible to remember long setences relating to travel without first learning anything about the basic grammar of a language. The phrases aren't even repeated or broken down. This CD might be useful if you have already taken some modern Greek and want to brush up on travel phrases. Otherwise save your money -- most Greeks who work in airports and hotels speak English and this CD won't help you have much of a conversation with anyone who doesn't.$LABEL$0 +enjoy ... while they last. I can't argue with the sound quality (although you definitely hear contact with the wire -- probably unavoidable with a light-weight wire).More troubling is that they simply don't survive normal use. The wire is too light-weight & didn't last even a year before one ear starting cutting out. I nearly always placed the headphones back in their carrying case after use. They're simply too delicate to be this expensive.$LABEL$0 +Need solution. Why are you holding solution manual? I'm a college graduate with degree in ME. Stop torturing us. Share the information, please.$LABEL$0 +Very disappointed in KS. I am halfway through this book and not enjoying it as I have all of her others I have read. I decided to look on Amazon to see what any other comments were about this book. I looked, and have decided to give up on this one and continue on to another one of hers. I just found this one very hard to follow and I don't like having to work that hard trying to keep up with a story line. My sister-in-law, who is also an avid reader, once told me that if you're not "into" a book by page 100, it may not be worth the effort to continue.$LABEL$0 +Foam roller is amazing!. Bought this for my dad for christmas! He has back issues and loves to use this to work out. It also works well for yoga and Pilates. It is very durable, I would recommend this product to anyone.$LABEL$1 +A knife is of no use if...... I will just echo much of what "The Shepard" said about the knife. It's almost impossible to remove it from the sheath without playing tug of war with yourself. And to make a strange situation even more strange, the belt/boot clip that is an integral part of the sheath is so weak that it is useless for holding the knife in any location.....which is why I no longer own this knife. Rideing my motorcycle today, the knife fell away somewhere on I40. I don't miss it....Lynn Stubblefield$LABEL$0 +Cyber Acoustics... Stereo Headphones. It is good one, but I confused with the one that may have a bit louder sound than this one. Anyway, for moderate use its OK...$LABEL$1 +Great Product - Great Service. This item is as described by the seller. Like new and a fraction of the new price. This arrived promptly without any worries. Great experience!!!$LABEL$1 +This season is the worst one so far.. I have watched this show since the beginning and this is by far the worst one so far. If they wanted to kill Jim off they should have just killed him and let him cross over. I have not watched anymore of this season since he took over that guys body.$LABEL$0 +No mention of Wicca in product description - why?. Why doesn't Amazon mention that this video talks about Wicca in their reviewor in their product description? I also looked at the video in a store, and there was no mention of Wicca on the case. That's important information to leave out. If it were there, consumers could decide for themselves whether or not it was an appropriate video to show their children.$LABEL$0 +Great!. This item did just what I wanted it to, very simple and easy to use, I am glad I got it, and the price was right too!$LABEL$1 +EXCEPTIONAL SCENT!!!!!. OH MY GOD THIS STUFF IS AWSOME!!!!! IT SMELLS LIKE COCO. WHEN I LOOK ON THE REVIEWS, I LOOK FOR WHAT SOMEONE SAYS IT SMELLS LIKE BECAUSE ALOT OF THE TIME I HAVE NO IDEA WHAT IM BUYING. IM SUCH A PERFUME JUNKIE THAT I BUY TONS OF IT A YEAR. SO THANK YOU TO THOSE WHO TAKE THE TIME TO TELL ME WHAT SOMETHING SMELLS LIKE! I JUST RECIEVED MY SCENT TODAY AND ALREADY HAVE RECIEVED A COMPLIMENT ON THE SCENT. THIS STUFF IS WONDERFUL!!! EVERY WOMAN WILL LOVE THIS AND ITS CHEAP TOO. HAPPY SCENT TRAIL TO YOU ALL.$LABEL$1 +A resource to be treasured. If we're lucky enough not to have a chronic disease with difficult symptoms, P.S. Julia is an interesting, moving, humorous read, and a resource to share with those who are struggling with such a condition. If one has been challenged by such a condition, the book is way beyond an interesting intellectual read, as it has the power to produce or strengthen commitment, hope, belief in taking a more positive and ultimately healing way of addressing what has happened to ones body.$LABEL$1 +**Yawn**. Rented this on CD as a part of a long road trip. While giving SOME new insight, this is more like a summary of boxscores turned into a book. I was expecting MUCH more from this...instead, I got hours dedicated to 2 games and minutes dedicated to the other 98 years mentioned in the title.$LABEL$0 +I didn't want an apple taco.... I generally love these Sunbelt products. They are tasty and healthy and that is a wonderful combination. Sadly, these bars have a distinct taste that is off-putting and really makes them less than wonderful in my eyes. The outer shell smells and tastes like a wheat tortilla. I'm not joking. The center is wonderfully apple like and the cinnamon flavor is apparent, but the initial taste one has when placing this in their mouth is not pleasant.$LABEL$0 +Very disappointed!!! ;(. I'm very disappointed because I NEVER got my movie that I bought like 5 months ago, so what is up with that? Paid for it, but....oh well!!!$LABEL$0 +Errors, Errors, Errors.... This book has too many errors. There is nothing more frustrating than to follow the steps outlined and find out it does not work because they did not Q&A; the examples.ie. They ask you to select a field from the table, but the field does not exist. The stored procedure does not include it.You would have to know how to write SQL to correct this.$LABEL$0 +stopped working. Had this thing for a month and noticed it started turning my appliance on and off at different times after three weeks. I attempted to reset it but the display is missing elements in and i cannot see the days of the week i want to set. I have contacted the company for a return because no return info came with the unit.$LABEL$0 +It sounded so good on the back cover.... I first read this book over three years ago and didn't like it. But then, a few weeks ago, I decided to see how much my taste in books had matured and gave it another chance. Big mistake! I hate this book! They took a wonderful concept and blew it to smithereens by ruining Giles and Xander. I would have felt better if they'd somehow discovered that the real Giles and Xander had been locked in a warehouse for the duration of this novel and had been replaced by cyborgs because only that could explain why the heck they were saying such stupid stuff!Not only were they horrible, but the supposed climax of the novel - the zombie diner fight scene - was over waaay too fast and easily. It completely and irreparably damaged my spirit. The books only saving grace was some fun quips from the Buffster and a sweet (albeit, paranormal) kiss between Willow and Xander at the very end. I would recommend Coyote Moon and Halloween Rain in a heartbeat over this book.$LABEL$0 +Lives up to all the hype.. This DVD is the not only the best JM dvd it's the best exercise dvd I have over all, and I have them all. Insanity, p90x etc. Jillian's is just as challenging, less repetitive, more explanatory, offers the meal plan as well. For $12 you can't beat the value. It's all been said in previous reviews, but this workout is amazing. If you purchase it you won't be sorry.$LABEL$1 +Buy, Capitalist!. With most bands, you only get one version of a specific song. Occasionally, extended mixes, remixes, live or demos show up. The reason I mention this, as is readily apparent if you've read anything on this...is that these are re-recorded studio versions. Excellent...and now we have two studio versions of these tunes. Considering the price, well worth it!$LABEL$1 +This is Manson's best album yet!. This is Manson's best album yet. Unlike Antichrist Superstar he sings about things that affect all of us. He constantly is reminding us that drugs do run our society. "The Dope Show" is the best song on the album. But the others are not far behind. In his past albums Manson constantly screamed his lyrics. This happens only a few times in "Mechanical Animals". I particulary like the song that has a 70's sound and backup singers. If you are looking for variety from one artist, Marilyn Manson is your man? woman? mannequin? Who knows and who cares!$LABEL$1 +Very Poor Quality. When we took the rails, etc., out of the box, the rails were split from top to bottom; not structurally sound at all. When I called the manufacturer about this, he told me that it was "the nature of the wood" to crack and split. Give me a break. Save yourself some time and trouble and look elsewhere for a swing.$LABEL$0 +too vague. This book lead to more questions than answers, and the author comes across as very "superior". There is a much better book out "The Donkey Companion" by Sue Weaver that also includes information about miniatures. If you can only afford one book, get the Donkey Companion. This is so vague and leaves you guessing or assumes you know equine basics, barely touches on husbandry, care, training or temperment, and then there are the capitalized words "yelling" as if you were a fourth grader. Wasted my time. and money.$LABEL$0 +A decent anime series...but the real gem is the soundtrack. Brain Powered is an okay animated series with some strange turns of plot (it seems a matter of course that mecha appear in the series - though it doesn't make too much sense :P). It certianly isn't a Marcoss or Gundam ripoff, but it isn't entirly successful in shaking off the giant robots wars so common in anime.The soundtrack is really good, its been done none other than the famed, Yoko Kanno. Kanno really hits another one out of the park with this one.$LABEL$1 +rating update. Ordered them on July 19th they were in stock and on sale.I was supposed to recieve them in mid August.Then on August 29th I got an email saying the shipping was delayed and I had to confirm that I still wanted them.I did and the new shipping date is November 9th.Seems like a long time to ship an in stock item.REVIEW UPDATE:Item still shows in stock .They cancelled my order saying it is unavailable from their source.I believe it has something to do with the sale price I ordered it at has now tripled and they didn't want to honor the old price.I,ve bought a lot of things from amazon with good luck but this has left a very sour taste in my mouth about doing further buisiness wiyh them.$LABEL$0 +A wall of sound to knock you to your knees. Cop Shoot Cop's second release on Big Cat records yields more of the same style as Consumer Revolt. Rythmic and driving arrangements that swell into blistering choruses. The songs on this album are even arranged in such a dramatic way that it is hard to stop the album once you start it. Each song becomes a prelude to the next in a fashion that almost plots out a twisted and spiraling story of loss, contempt and despairity with a smart and cynically sharp hatred toward just about everything. Imagine Tom Waits crossed with Einsturzende Neubauten.It will leave you unsatisfied, you just can't get enough.$LABEL$1 +Super Sexy. Let's be honest here. You buy this product for one reason only; to see your baby in it for 5 minutes before you strip it from her and have some fun.This product worked, it looks fabulous on her body, it really frames her buns perfectly and her DDs look fantastic in it as well. She managed to keep it on her body for 30 minutes...I was tied up!You will love this body stocking.$LABEL$1 +A dazzling debut. The short stories in this impressive debut collection are populated with characters who will stay with you long after you've finished reading. From the comic book artist obsessed with a lost love in "Have You Seen Her" to the title character in "Mr. Lillicrop's Shining Moment" -- the most dignified drunk you'll ever meet -- the people of Kulpa's fiction find hope while dancing on the edge of hopelessness. My favorite story in the collection, "The Night Copernicus Died," is a surreal, lyrical meditation on redemption.$LABEL$1 +Lugubrious..... A very unsatisfying book with a very interesting setting. The portrait of the immediate aftermath of WW2 in Berlin is excellent but the story is drawn out much longer than necessary. The writing is OK but the characters are unappealing, especially the main character, whose joylessness is monotonic in the extreme. You don't expect a story set in war-devastated Berlin to be a boffo laff riot but you can expect some spirit, some elan and energy.$LABEL$0 +A dull primer on nonduality. If you've seen "What the [bleep]" and found it revelatory, you might find this book moderately useful/interesting.Otherwise, particularly if you've ever read any book about Eastern philosophy/spirituality, you're liable to find this a painfully dull, repetitive, dry, and uninformative read.I can sum it up as follows: "Aristotle - bad! Nagarjuna - good! Non-duality, token reference to Buddha/Jesus/Eastern mystic, unintentionally reductionistic reference to quantum physics or psychic research, blah blah blah, endnote."The authors are presumably quite nice people and I hope my viewpoint doesn't cause them any unnecessary suffering...but they should really stick to academia rather than mainstream publication.$LABEL$0 +profound and powerful--don't miss it!. A SIDEWAYS LOOK AT TIME is a gem of a book. Jay Griffiths combines the wisdom and humility of Ivan Illich, the anger at social injustice and word magic of Eduardo Galeano, the senstivity and compassion of Terry Tempest Williams and the sense of wonder of John Muir into a text that challenges the time and productivity obsessed world of consumer society. Take time to read this book; its depth, and Griffiths' erudition, sharp wit and incisive social critism can't be fully appreciated by skimming it. As the book makes clear, the road to (social and ecological) hell is paved with "time-saving" devices and the worldview that "time is money." Perhaps this book will eventually be seen as a manifesto for the growing "slow life movement" now taking root around the world. Even when I disagreed with Griffiths, which wasn't often, the power of her prose and her arguments forced me to think hard about my own views. You can't ask for more from a book.$LABEL$1 +awesome!!!!. What a hit on Christmas morning.y Grandsons loved it! They are BIG Thomas fans. It will fit with all of their tracks. What'seven better ...it was $10 cheaper than at Toys R Us!!!!$LABEL$1 +Comprehensive View. As in her book on Instinctual Subtypes, Ms. Chernick-Fauvre, has provided the reader with the added visceral dimension of learning beyond a dry portrait of each subtype. The use of colored pictorials, matrix charts and anecdotal evidence provide the reader the opportunity to get a real sense of how each sub-type represents him or herself in the world both visually and verbally; not just what they will do but how they do it.$LABEL$1 +Great read!. I loved the book. I loved the easy access to purchase the item and had the ability to read it from both my ipad and iphone anywhere I was without having to carry a bulky book. Can't wait to purchase other books :)$LABEL$1 +An experienced look. I tried not to be overly objective and I also attempted to be open to the contents of this book, I still found some things very hard to swallow. I have not yet fully completed my reading, but I will tell you this...Satanism is not a mental disease. The mental disease area belongs to those who think as this book reads. I have been a Satanist my entire adult life. But to tell me that I have a mental disease not a relgion is just the same as saying that all Christians and Catholics are diseased. If you do read this book, just remember...those who write about what they do not know spead a sead of misinformation and seads of the brain if used unwisley can be very distructive. I will give you a full editorial when I am finished from cove to cover.$LABEL$0 +Legend of the Monk and the Merchant. This book was an easy read with 12 principles discussed in a storytelling manner. I received this book from BookSneeze and finished the book within 2 days. I would recommend this book to teens or those in their early 20's, who are just starting out in the real world. Financial gain seems to be the biggest goal of our youth, and this is a great reminder that hard work pays off in more ways than material posession.$LABEL$1 +worked for about 2 hours. Like others here, my speakers worked for about 2 hours then died. As I was past Amazon's return policy I contacted AR, which was purchased by Thompson Electronics. As told to me by the rep, they bought these speakers from some bankrupt electronics company and they've been having all kinds of problems with them. Beware.$LABEL$0 +Gerber 22-47162. The gerber is a very nice knife, but it is not a Kershaw! The spring assist is weaker and the knife in the same size as the Kershaw is has a lighter weight blade.$LABEL$1 +A charming cookbook. This is a softcover Slavic cookbook that I bought used, the last one available at the time in the summer of 2012. I looked for the cookbook after Lydia Kalaida passed away recently. I studied with her at the University of Wisconsin. I have made one recipe from the book so far, the egg white cake, and it was very nice. The contributors to this cookbook all write knowledgeably. I was glad to find this book.$LABEL$1 +Works with reservation. This pump is a step backwards from the previous two battery version (this one has three batteries). The additional battery make it too heavy on the top so it doesn't sit well in the pot. It has a tendency to tip over, or at least shift from the position you set it at.I would agree with some of the other reviews that it seems to loose power after the first use. The thicker the oil, the harder a time it has. If you heat the oil before filtering, it works much better. Note that you don't want to get the oil too hot - perhaps nothing hotter than 100 degrees. I cracked the clear tube in my old two-battery one by running boiling water through it (requiring the purchase of this model).If you can find the older version, I highly recommend it, but the three battery version is definately a step backwards.$LABEL$0 +...???. I ordered my book over a month ago and still have not received my book. I habe written two emails to the seller and have not received a response. I will never order from this seller again.$LABEL$0 +super deal and excellent toy. My daughter loves this set. I love it too because it is very easy to assembly. I did it in 10 minute without my husband's help. I think it is a super deal: doll, stroller, high chair, swing for just $30.$LABEL$1 +This is a great violin for both beginners and advanced players. I took a chance on this violin, and I am really glad I did. The sound quality of this violin is truly excellent. The finishing job is good, but not super. The strength of this violin is its beatiful sound quality. My opinion is that the finishing quality is pretty much worth what you are paying for, but the sound quality is at least worth 3 to 4 times the price of this unit.$LABEL$1 +3.5 stars out of 4. The Bottom Line:12 Angry Men is a fascinating film, hurt only by the fact that it is pretty obvious where things are heading; nonetheless, it's a well-made and thoroughly interesting journey before it gets to its destination.$LABEL$1 +Jeff Dunham & Walter & Peanuts. This DVD is worth every cent you paid. Life is hard but alot of laughs will lighten your day. We laughed till we cried. It was so funny. Walter is a kick and Peanuts is a 1000 laughs. Go Santa Ana. Watch it and you'll get the joke. Buy this and you will never regret it.$LABEL$1 +Nothing Original. I own every domestic Esbjorn Svensson Trio album and this is the first one to disappoint me. With each of their other albums there are songs that are truly unique in composition, sounds and performance. However, this album is missing that innovation. To me, this album sounds like it was made by taking a handful of older, mediocre EST songs, dropping them in a blender and mastering what comes out. It sounds rehashed. The songs also aren't differentiated from each other, so it's not very noticeable when one song ends and another begins.$LABEL$0 +Bad signal. I've installed several radios and this adapter just has a awful signal. Radio stations only come in some of the time.$LABEL$0 +Cute. My sons favorite book now. A fun book with great illustrations and a fun story. He's 5 and enjoys reading this over & over. We even bought the DVD! Would definitely recommend.$LABEL$1 +Have to do previous exercises. Is the same version as the hardcover even though it is a different picture. The book is always referring back to exercises in previous chapters for explaining topics in later chapters, but if you didn't do the exercise or don't know how to do the exercise then you are stuck!$LABEL$0 +Extremely BAD Product. Turtle Wax advertises that this is safe for all wheels. This produced a white milky haze all over my wheels that was incredibly hard to remove. After extensive labor and scrubbing with a cleaner/polish some (not all) of the staining has been removed. I called Turtle Wax customer support who offered no solutions or compensation. What a nightmare.$LABEL$0 +Lovely magnetic quotes. This is a lovely set of magnets with pictures of all things country. Also the quotes are full of good thoughts and ideas. I have mine on our stainless steel fridge along the top of the door where fingerprints used to accumulate. Now each time I go into the fridge I am reminded of just how blessed I am to be a country girl!$LABEL$1 +Great Game. The game is a great improvement over the first. I havent encountered any bugs. At least now you can change the difficulty unlike the first CSI game. A Great Game Overall!$LABEL$1 +Great comfort to start my second trimester. I love this pillow. It's huge so my husband doesn't love it so much :) Lucky we have a king size bed as it would take up any queen size easily. Really helps me get a good night's sleep though and I would definitely recommend to any woman pregnant or not!$LABEL$1 +Fascinating book. Easily one of my favorite books, has to be read to be appreciated. Below my review, reviewer Zack brings some interesting points to the table, some of which I agree with. But overall I find this book has great depth and provides a broad yet detailed description of the culture in which Sayuri develops. I know I will read this book again. Just like Crime and Punishment by Dostoyevski. You always find something that you missed on the first read of a great book! And it always moves you, no matter how many times you read it.$LABEL$1 +The Best 90s Metal Album, period.. That's right, kiddies, you read correctly. This album, Devy's second endeavour unattached to Vai's apron strings into the big bad world of extreme metal, is a masterpiece on every level. Nine tracks of sheer neck-breaking metal. I still have not heard another album as heavy - and when I say heavy, I don't mean I haven't heard much metal. I HAVE heard Origin. I HAVE heard the Berzerker. They are heavy - VERY heavy: City is heavier, and I'll tell you why.This album has dynamics without ever losing the pace, intensity or insane yet calculated aura that most metal cannot replicate. This album sounds crazy when it's not and has a sound that not even black metal, death metal or a thousand blastbeats can imitate. A song like All Hail the New Flesh only comes along once in a metal half-life (something like 15 years, maybe). You don't have to concur. Listen for yourself. Redefine metal. City did.$LABEL$1 +Best Pearl Jam album yet!!. This album is fantastic, by far the best Pearl Jam album yet, thank goodness its not another TEN! - everyone!!Thats the last thing Pearl Jam want to make.$LABEL$1 +Bargincell is not a bargin. Bought this product from Bargincell. Was very disappointed. This was our 1st purchase from Amazon when so many people have been telling us to order from Amazon for various products. Was very cautious and now I see why. The ethernet cable we ordered was sub standard. We had to play with it, jiggle it several times to eventually get it to work. It is smaller than a regular sized ethernet. If someone is selling a product please sell legitimately so people will feel comfortable using you again. Their credibilty is shot b/c I know they knew what and why they were selling that irregular cable. We agreeed it was not worth the hassle to return the cable.$LABEL$0 +Full of affirmations for women. Simple Abundance is full of sound advice, affirmation, and encouragement for women everywhere. My meditation book, Soul Satisfaction, is a wonderful companion to it. Enjoy!$LABEL$1 +Fairly lame..... Love Nicolas Cage, but this movie only makes me more suspicious of sequels. The original was quite watchable, overall; but this one never got me "into it". At least I've got a Cage in my collection, now. It just wasn't very interesting, let alone exciting...sorry to say.$LABEL$0 +Completely satisfied. I received the book I ordered in a timely manner, and it arrived in the condition it was described. I'm very happy with my order.$LABEL$1 +Falsely advertised.. This book was not in very good condition pages were ripped and taped. A library card thing was taped to the front. It can't be given to my flower girl I need to now purchase another gift.$LABEL$0 +Old Ideas in Expensive New Hardcover. I put off saving for my future way too long so this book sounded like it would really help me get my act together. Sorry but it's just a lot of disjointed ideas that I've read in many other books and magazines. If you want sound advice, stick with the classic, "Making the Most of Your Money" written by Jane Bryant Quinn. You'll get a lot more for your money.$LABEL$0 +Wow Wow Everybody. My son is 4, and he really likes this movie. I even think it's entertaining! If your child likes the t.v. show, he will definitely like the movie. It's pretty funny. Worth the money.$LABEL$1 +I have yet to encounter antyhign that works as well.... This thing works great and is durable. The only strike against it is that it is bulky.$LABEL$1 +Not a good fit for ES330. ACDelco A2933C Air Filter was impossible to install on Lexus ES330. Had to spend a lot of time before succeeded. Tried an old OEM filter - installs like a charm. Evidently some ACDelco filter's features have a slightly different size which made an installation a very tough task. Not a good fit for ES330$LABEL$0 +Absolute genius!. Without a doubt this is a "must have" to anyone who collects moviesor who enjoys Shakespeare. Kenneth Branagh's interpretation of this classic work is brillant. He is true to the original. The acting is outstanding. He makes it come alive. And if for no other reason, buy this movie just to have the Saint Crispin's day speech (Act 4, Scene 3).$LABEL$1 +A Must Read !. This book is experiencing a rebirth among readers these days. I think that our growing concerns about America's current political and economic course are motivating many of us to learn more about our country's roots. And George is a great place to start.The last I heard much about George Washington was in elementary school. I remember the cherry tree story, but my knowledge of this gentleman was pretty sketchy beyond that. I had the impression that he was a good and honorable man, but again, I had few specifics.This book took care of that. This amazing man makes all of our contemporary Presidents pale in comparison. His interests were in strengthening our country and helping it to grow, PERIOD. He lead our country honorably and with little self-interest, or so it seems.This book should be required reading for every US Presidential candidate.$LABEL$1 +Who still uses VHS?. The description didn't specify this was a VHS. I don't think that will fit into my DVD player. I've returned it.$LABEL$0 +Daily Language Review Grade 1. I love these books. Repetition is key with young ones, and these seem to cover everything they need to know. I have been very pleased with the content. I would recommend these to anyone.$LABEL$1 +Extremely disappointing, not fulfilling. Flat. No character or plot development. Just chase scene after chase scene - and very predictable. Main character needs something to survive, they get it while being chased, technology wizardry, couple happily together in the middle of nowhere.$LABEL$0 +Get her off the Nitrous Oxide!!!. Being a teenager in the Eighties I had enough of "Hey Micky" it was bad then and it's bad now. Avril was nothing but throw away pop on her first record, but her second record was like an entire other person and it was very good. This, This, This??This is terrible. Not just a let down, but a bad, bad record. The lyrics are strung-together cliches that required no effort, the music sounds programed and the style is pure, unadulterated, pop garbage. She stepped right in to fill the void left by Britany Spears, that's what she did. Also, it appears she is suffering from Fergie worship.Please, please, someone get her some Tori Amos, Alanis, Sarah McLachlan! Anything to stop her from recording this bland, boring tripe! Why waste the talent shown on the second record, why waste my time and money on this disk. I won't, I downloaded, I deleted. Bad, bad record by any standards.My teeth where rotting from listening to it, it's that sugary.$LABEL$0 +Granddaughter's Favorite Santa Gift. Our 3 1/2 year old granddaughter loves this toy. She is still playing with it on December 29th. Plays every day with it. It is a very cute and very durable toy. A great find and a great buy!$LABEL$1 +This book is cool. I rated this book four stars because I think that they should have made a second one or they should have made this one longer. It is a very adventurous book. So if you like adventurous books read this one.$LABEL$1 +This company has serious adventure potential. In one of the best tributes to old-school fantasy adventure games in many years, Wicked studios has made a labour of love in the articulate rendering of their gigantic magical school. The constraints of the budget do end up getting in the way, but I hope that enough heads were turned to get Wicked studios the attention and future finances that they, and adventure games, deserve..$LABEL$1 +Get the Bravado instead. I don't write a lot of reviews, but just have to say it: It DOES itch in the back. I'm keeping it as a backup; the rest of the bra is comfortable enough. If you are sensitive with textures or fabrics, skip it, though. I bought the Bravado seamless nursing bra and it is super comfortable and itch free.$LABEL$0 +Same old same old.... I've been a fan of BLACK 47 from their first release. And I'm just obsessive-compulsive enough to have all of their CDs. After listening to "New York Town", I must say that I've heard it all before. Does Mr. Kirwin EVER change his singing style? I found his voice modulation and practice of forcing way-too-many words into just about every song irritating. Before the first song was over this thought went through my mind: Could I be playing ANY of the other BLACK 47 CDs?I've given considerable thought to this review. I've regarded the progression of other musical artists through their careers and how the evolutionary process either added to or detracted from their quality and attraction. In brief: change is good. BLACK 47 (aka Larry Kirwin) cannot or will not change. Therefore, my collection of BLACK 47 music must now, as of this latest offering, be considered complete.$LABEL$0 +Changed my mind about HP products. After 2 months of use the printhead unit failed. Very very frustrating. After reading all the reviews on this product, I guess, there is no need to reiterate that it's a lousy printer and a total waste of money. DO NOT BUY IT! I am now on the market to buy a new color laser printer but I will definitely shy away from HP products from now on, even if the reviews are good.$LABEL$0 +Fun and Learn. With my eight year old son and infant daughter, I reviewed "Mandarin Chinese Beginning Level 1" presented by Language Tree. What amazes me the most is they make the language learning process entertaining, rather than the traditional way of "pain".Several songs throughout the video make the whole process fun! Literally, you can dance with the songs while you and your children are learning - that's what I did with my kids. The short sentences are easy to follow, and for every scene you get a quick review on what you just learned. The multiple story sessions are situations you bump into daily. It is amazing that all of the above is packed in just 30 minutes! I am waiting for Language Tree's next video to be produced.Martin LiuActivity Director (School Years 2003 - 2005)Board of San Diego Chinese AcademyLa Jolla, California$LABEL$1 +My thoughts on this package. I was given this book/cd as a Christmas present from an ex-lover. While I generally agree with all of the reviews that are posted here, I will tell you that the song makes me really sad and I've stopped playing it. Please don't let that discourage you from purchasing this item, because it is nicely done.$LABEL$1 +An Unusal Story for Preschoolers and Aspiring Scientists. In 1992, a crate of 29,000 rubber bathtub toys washed overboard off a ship bound from Hong Kong to Washington, USA. Hundreds of toys have since been found in coastlands around the world, shedding light on our understanding of how currents, winds and tides interact. This book traces the story of one bathtub toy from the time its crate boards the ship until it is found by a boy in Alaska. The story draws young readers in by personifying the toy as if it is experiencing its journey as a sentient creature. Caldecott Medal Winner David Wisniewski illustrates the story in cut-paper collage, skillfully rendering the dramatic power of the ocean without being too frightening. This is an unusual story that may not appeal to every reader, but for those who prefer "real" stories or who are interested in science, it's a sure winner. It's best suited for preschoolers and early elementary readers.$LABEL$1 +great scanner, highly portable. Great device for cutting down on paper clutter. Main uses for me are receipts (I create a PDF of all receipts from a single trip and zip it with the expense report), for business cards which I sync with Outlook and for general notes -- I never have to worry about having the right paper folder along on a trip.Outlook sync for business cards is great but could map more fields or allow user to adjust the maping. For example, would like to map attachments and back of card (particularly Chinese cards) into Outlook.$LABEL$1 +No help.. Again, same as with the Inold Sinus Spray with Capsacin, it didn't do anything but burn and make my eyes water like crazy. This is kind of one of those things where you take one pain to get you to forget about the other, but it is only momentarily.$LABEL$0 +Don't step in the Bleep, strictly for culties. What the Bleep Do We Know is like shoveling copious amounts of kitty litter down your throat, you may temporarily alleviate hunger, but at what cost? Can you possibly consume enough of that stuff to mask the giant turd, that was once your brain?For some people, keeping an open mind involves closing your eyes and following any appeal to your ego. The Universe does not, with baited breath, wait to see if you will rubberstamp it's continued existence, nor does it deal in polls to see where mankind's intention as a whole lay and adjust itself accordingly.This DVD will make jabbering chimpanzees out of many otherwise well intentioned individuals. Taking seriously the musings of Dr. Michel Ledwith, ( Pedarest ) and a she-male god(dess?) named Ramtha, in conjunction with discourse about quantum mechanics from a " Life Coach, " the good, " Dr " Joe Dispenza, will leave you staggering out the other end of the rabbit hole deaf, dumb, and blind.$LABEL$0 +Baldwin Marine Corps Ornament. This is a beautiful ornament! Very Classy! It does not look cheap at all. Colors are vibrant. My Marine loves it.$LABEL$1 +Great tool...but beware if you are a traveling engineer. I purchased the Cybertool because I am a traveling engineer and find that I need to open computer and networking equipment a lot when I'm on the road. The tool is great and very handy. I have only one complaint about the Cybertool...since I travel every week, I will not check bags (playing the odds by checking bags every week will definitely result in lost luggage many times a year) and the Cybertool will not pass through TSA security checkpoints. This makes the Cybertool useless for me. It would be nice if the Cybertool and all other Swiss Army knife models were listed in a matrix that showed which ones can be checked according to TSA security rules. This seems like it would be an easy task...perhaps that is a project I can work on sometime unless it already exists out there.$LABEL$1 +A variety of good & bad. If you can overlook some of the lamer episodes and just focus on the more plot-hole oriented episodes, you should find it interesting.Yes, one of the episodes is 'darker' in nature. Ponies are captured by dragons and turned into dragons by a centaur who keeps a throbbing 'dark' rainbow in a bag around his neck. Seeing the ponies in chains is sad, but not scary. My nieces & nephew (4, 6, & 8) LOVED this episode most of all and even began singing along with the seaponies halfway through the song!The rest of the episodes are all about friendship, helping one another, and saving the day. Sure, Crunch the Rockdog turned bushwoolies into stone, but they came back to life after he was cured of his stone-headedness. :D$LABEL$1 +Nice music - POOR SOUND !!!. There is not much I can say about Mike Rowland music. Simple melodic piano tunes with synthesizer strings. I like it and it's the reason I bought it.I originally had bought the "Fairy Ring" on tape, and quite recently I decided to buy it on CD too, to enjoy it on my just bought, multi $$$ thousand stereo system. The man who remastered the recording however (if anyone did at all), must have been deaf. The CD sounds as bad as(if not worse than) my worn-out tape cassete. I was thinking of buying "Titania" too on CD, but I probably won't after that. That's too bad for the music cause I honestly think it's worth it. I hope the "Fairy Ring Suite" sounds better.$LABEL$0 +DON'T BUY!. I should have read the reviews before buying. What a waste of time and money! I ordered the quees size, but doubt if they would even fit a twin size bed! They are so thin too. DON'T BUY!$LABEL$0 +This is horrible. I cannot keep this in my room with spoiled diapers in it because it stinks. This product is completely a waste and I don't know how they designed it. The use of a diaper pail is that it should control the smell of spoiled diapers.$LABEL$0 +Patterson simply stinks these days. I don't know why I bought this book; I've been less and less happy with Patterson's work. It's getting repetitive, the 8-million-chapters thing is just laziness for actually developing a story and/or characters, and his skills appear to have deteriorated beyond hope.But I bought it anyway, read the whole thing, and then did something I almost NEVER do. I chucked it straight into the trash.Do yourself a favor and don't buy this book. If you've liked his stuff in the past, you will almost certainly be disappointed.$LABEL$0 +Great book!. Star Light, Star Bright is a mix of intrigue and mystery with some passionate romance intermixed. Connor Phillips is beautiful, highly intelligent and challenges Franklin Hayes at every step during their encounters-be it business or desire. Connor wants to prove to Franklin that she only wants his trust and his love. Franklin believes that Connor is trying to sabotage his company. That is, until she is kidnapped and he sees his world coming to an end. For deep in his heart, he knows that Connor only wants the best for him and his company. After all, she wished for it upon a star.$LABEL$1 +Garmin GPS Nuvi 350. I've owned this product for only a short time and thus far has proved to live up to its reputation both in features and function.$LABEL$1 +Terrible mixes by Hex Hector and Norty Cotto.... I'm really disappointed by this release. Third CDS by Alyson and the worst. But that's are Hex Hector last mixes from what i know.... where is he gone? Norty Cotto failed with this song in my opinion. The vocals just don't fit. Only 2 stars i'm sorry.$LABEL$0 +Needs Adjustment to fit MOLLE. This product is good but not great. The item is a hard plastic sheath and works well with the KaBar. The attachment to the MOLLE gear is difficult and requires some modification and extra equipment. If you go to an Army Surplus store they can help you with what you need to attach the sheath to your kit.$LABEL$1 +For the love of goodness, READ THIS BOOK!. This book offers extremely helpful tips and guidelines that could make ANY relationship work. It has a multitude of essential information that will finally allow you to step back out of that hole in your marriage, or back out into the dating world.You will never be confused or at a loss with your partner again! (unless he's bonkers)Every word of this book will take you to a higher underatanding of men, and your impact on them, as you follow three other women who discuss their problems and solutions with you. If you've ever been in a relationship, you will be able to identify with one or more of these women, and finally, FINALLY know what it was that split you and your lover(s) apart.Once you buy this, you may as well not waste your money on another book like it. I also bought Make Every Man Want You, and 101 Ways to Get and Keep His Attention, both of which were dwarfed by this astounding book.Happy reading!$LABEL$1 +I am dissapointed with the design. This device concept is excellent. However, the designers could have made it easier to clean when mold began to grow! Yes, mold grew even though we used bottled/purified water! Along with the mold issues we encountered, the system never really made good cubes. They were always soft, and melted qiuckly.$LABEL$0 +great workout. Love this workout...easy to follow and you feel like youve done something by the end. I alternate this with 10 minute Prenatal Pilates...im 5 months and have gained 4 pds. So its worked for me and keeps me feeling good about myself$LABEL$1 +a great present for Father's Day. My husband made a comment about this watch while he was looking for another watch, and I just saved it in the cart until I was able to purchase it. He wears it when we go out together. It's not an everyday watch. It looks very expensive, and it stands out for people to see you own nice things. If he was to buy a watch he would have spent more money, but he was very pleased when I gave him this watch as a gift. Plus he didn't know that I got it at a great price.$LABEL$1 +Does anyone know of an older lexicon than this?. For the simple reason that I sincerely distrust a lexicon from this era and this country given the circumstances at that time.Feel free to correct me if I'm mistaken.$LABEL$0 +Do not buy!. I bought this camera four months ago. This company is not making this product and will not give you any help.The quality is poor and if you upgrade to windows 2000 or XP forget using it at all.What another poor buy.$LABEL$0 +Interresting. Like I'm 51 and not much into gothic/death metal. I recently met Christopher and because of that I bought the CD. These guys can play music! The female vocalist is very nice and the ballad, "Harlot" is very good. Chris does a nice job on the keyboards. My only complaint is the 'demon' voice that pops up in every song. I do think they could do an interresting cover of "Eleanor Rigby" though. I mentioned this to him and he said, "Wow! We have a list and that is one of the songs on it." So, maybe the next album will feature that famous Beatle tune. So, give this one a try. Curl up in front of the fire, but don't get scared when the demon sings.$LABEL$1 +Kindle edition is simply unusable. The ebook has no formatting at all. There are so many chapters packed with potentially good information and no way to get to them easily. A table of contents is included but doesn't include any links to jump to the relevant chapters. You just have to guess the location repeatedly to try and get to the point you want. There are no page numbers either which isn't unusual for an ebook but would help since the TOC is not linked.The book has too much potential information in it and it's simply not accessable in an ebook format unless you just love location guessing or endlessly flipping pages forward/backward. I don't know how good the content of the whole book is but the book is impossible to navigate. If the TOC became linked it would probably be great as an ebook but sadly it's not the case. Whoever put this out clearly just dumped a text file into the Amazon system without any thoughts to making it a reader friendly experience. I returned it for a refund.$LABEL$0 +Not his best. I don't understand how the same author can write really good books (likeThe Shawshanke Redemption and The Green Mile) and then some really awful ones like Dreamcatchers and Kingdom Hospital, to name a couple. This book isn't one of the absolute worst he has written but it is a far cry from being good. I was able to listen to the unabridged CD version which I got at the library. I hadn't read a good book in a long time, so it was passable to listen to this one. If I had just read a good book, I am sure I would not have been able to get past disc one. My advice is to get this at the library if you think you want to read it. it isn't worth buying.$LABEL$0 +Excellent Product. I purchased this product for my grandmother, as she is in recovery after surgery for a perforated ulcer. Her physician prescribed a program of some low impact exercise and recommended a staionary pedal device. I came onto Amazon's site so that I could research these products and choose the best one. After reading the posted reviews and taking all that was written into consideration, this is the pedal exercise which I chose.The product is sturdy, yet light weight. My grandmother has been able to use it without any problem and she enjoys it. Highly recommended!!!$LABEL$1 +Gag me with a PITCHFORK!. I had spent 15 minutes writing, then deleted it. Let's go with this: "Arhg! Whopprhpth! Gagg,,, achrgh!!" Spit. Wipe and gag again.$LABEL$0 +More like Prince of Sadness.... Ok, the first 2 CD's are good. Demos, live songs, etc... What else can you ask for? then you start listening to CD #3. Ummm, duets with rappers??? what the $#$@% was that??? come on, is true Ozzy is not out to please loyal fans but to make new ones. I agree with most reviewers, the price of the boxset is a bargain, but if I want to pay money to listen to Ozzy stuff, it BETTER be Ozzy stuff, not collaboration with others that is just crap. What's next? Maiden doing duets with Gwen Stefani? Oh please no...I'm a huge METAL fan...lets keep it that way...Bottom line, buy at your own risk. If you are an loyal Ozzy fan, you may not like it. If you are a newbie that listens to today's mainstream music, maybe you'll find this pleasent to your ears.$LABEL$0 +A good start. This book is great for anyone looking for a starting point for historical and geographical information on the railroads of northern New England. Maps of each railroad (as well as certain regions) featured in this book make it easy to locate where a railroad was located, what cities it connected, among other things. I highly recommend this book for model railroaders and railfans, as well as anybody just interested in general history of the New England region.$LABEL$1 +Great workout!. I was looking for a toning workout to use along with my regular cardio routine. I really like this workout because it is broken up into 4 targeted sections, abs, arms, legs, and buns. I can work all of the areas or pick just one depending on my area of focus and time available. I also like that I can change up the order of the workout so I don't get bored by doing the same workout every time. This DVD was a great find. It was just what I was looking for in a toning workout.$LABEL$1 +Onslow on camera - chitchat mostly. Onslow comments on life - mostly about prior experiences with characters in KUA. So-so.$LABEL$0 +Good so far!. I bought this product for work. I work as a customer service representative, so I use my computer all day. It really is helping my wrist so far, and I enjoy using it! I definitely like this product.$LABEL$1 +Effects, effects, effects. Jimi Hendrix! The guitar god! What a sham. Yes,Jimi Hendrix was one of the greatest guitarest that ever lived, but he wasn't a guitar revolutionary he was an effects revolutionary. He made the guitar sound weird with a wah-wah and fuzz, what's the big deal. To me this whole album is a jam using new "techniques" to ad an edge and that's it an edge. I'll admit many numbers get me going, but this album is no different from any other Moby Grape or Stepenwolf (not to say these bands are bad). By far though, the worst thing on this album are the lyrics, they're senseless readings of psychelic words and discriptions of drug trips. In fact I think the most revolutionary thing about this album is Mitch Mitchel's druming. I'm not saying the album is bad it's actually very good it's just one of the most over-rated albums ever.$LABEL$0 +Where Your Road Leads. I don't know what the problem is with the CD. I can not get this CD to play either. I have tried it in my vehicle, my CD player and the DVD player hooked to the tv. Why will they not play like regular CD's? Have not been able to listen to it.$LABEL$0 +Worthless piece of trash. Length:: 3:10 MinsThis is my first ever video review of a product on Amazon. I was inspired to do a video review because this product is so appallingly awful. I'm stunned by the positive reviews - they're either reviewing some other product, or their shills, or, well, I don't really know what would cause someone to give this product a positive review. Hopefully this video demonstrating how flimsy and downright tiny this so-called splatter guard is will save others the trouble and cost of buying one.$LABEL$0 +yea, electrical info it's in there.... tell you what if you wanna learn about electricity not just automotive but electricity in general this is your book. It helps to lay a great foundation. I already knew this stuff but it was a great refresher, as well as a excellent info source for automotive applications. I truely feel this was money well spent.$LABEL$1 +I hated this game!. I have always enjoyed the other games, but this one suck. In the other games you visited other worlds, and had really great challenges. But this was only in one little world, and hardly any levels or challenges. I would suggest you not get this game. It was really bad. The only thing that was good was the change in the quality of the graphics compared to the other games, and the extra special powers that Spyro gets. But to be honost, it's not worth having. I mean I beat this game in half a day and I like games that are challenging and take some time to accomplish. Not something that you can beat in half a day. Don't waist your time or money on this game. It isn't worth it.$LABEL$0 +Waste of Time and Money. This book is little more than a long list of things to take with you to the bunker when the end is nigh. To call it a novel or a story or a thriller or anything positive, would be fraudulent. Characters are laughable. The degree of paranoia expressed here is breath-taking. Even if you're a world class survivalist, you'll probably find this book over the top.$LABEL$0 +Great classic movies. If you like classic movies, you will really enjoy this collection. My favorite is The Bishops Wife, but I am a huge Cary Grant fan.$LABEL$1 +limp bizkit results may vary. limp bizkit is the worst band in the history of music. i would give this record zero stars if i could and i never even heard it. i cant believe this is what kids listen to these days god help us.$LABEL$0 +A Good Fit for My Purpose. One of the frustrating things with a study bible is the lack of margin space. This bible was specifically referred to me by a friend because they knew my frustration. You see, I "mark" my study bibles such that when I refer to my index that I place in the front of the bible listing subjects, and linking an initial text, the wide margins make it very easy to mark the next text to which I should refer on the same subject. With the additional space I can still make notes in the margin. This enables me to use my study bible for giving bible studies even when I don't have a "lesson" with me.$LABEL$1 +Crysis. Bought this game After finishing cysis Warhead but after playingfound the game stops working half way and have to star game all over again,$LABEL$0 +a gift for my inner nerd.. This was definiately an Impulse buy. I could have got the movies seperately for cheaper, but i have always wanted a puzzle box in one form or another and then I seen this.It came well protected in its retail packaging, but the box leaves something to be desired. Made of a cheap lightweight plastic it is noticably lighter than it looks. It gives off the impression that you can rotate the halves of the boxes and in essence "play" with the box, but that is not the case, as the halves only fit together in one way. When put together, the fingers of the box halves have nothing to be supported against at the tip and will flex inward.The movie quality is as others described it, and makes for an enjoyable experience.In all i'm still happy with the purchase, although I'll probably put the discs into a binder and add some weights to the box and glue it shut, to use as a paperweight of sorts.$LABEL$1 +Light but strong. Another simple solution. Great option for using other filters. good quality and finish for the price.$LABEL$1 +Twist the facts and you can prove anything. This book proves nothing other than that human ingenuity for 'proving' what they already know to be true knows no bounds. If you think this book shows you the scientific 'truth' I've got a few bridges you might like to buy.$LABEL$0 +Much louder than the Cadet Register Plus. Just too loud. Don't put in bedroom or tv room. Cadet Register Plus much quieter.Cadet Register Plus Heater - 120 Volts, 500/1000/1500 Watts, Model# RMC151W$LABEL$0 +More exceptional work from Rob Zombie. Start to finish, this CD was amazing. If nothing else, the way that the songs differ. Some have hard, driving, banger-music written all over it, while others are just as great a song but is presented in a completely different way. I was also struck by how unsimilar this was to La Sexorcisto, not to put it down but i enjoyed this just as much if not more than La Sexorcisto. Overall this is just quality music that will bring hours upon hours of listening pleasure.$LABEL$1 +No sturdier than your average break-away cat collar. I bought this for my cat who needs to wear a tag to activate our cat door. We had already lost 2 collars that I bought at PetCo and I had hoped that these would be better- still "break-away" but maybe not as easily? Not the case, it's 2 months later and my cat has lost both of these collars as well. They are cute, but expensive and no more durable than the $2 version at your local pet store.$LABEL$0 +awesome product. tow rope worked awesome, easy to spot in the water too !!! worked like we wanted it to. would recommend to everyone !!!$LABEL$1 +un-insightful. This book is a waste of time and money. I purchased it to get an alternative perspective from my own "conservative" world view. This book comes off as a far-left, baseless slash at the right, which was intended to exploit the political hype of the day and show up on Google searches because of the term "lies" in the title..Unfortunately, it was a waste of my money and the time I took to begin reading it. Despite my desire to find an insightful look into the other world view by purchasing this book, I've decided to go ahead and invest my time in that other book I previously refused to purchase because the same terms in the title imply that it's irrational and un-objective, ... a fair and balanced look at the right...$LABEL$0 +Jessica Biel -- ANNOYING. My previous review of this horrible film failed to address the Jessica Biel factor -- a factor which so many of you have pointed out.I nominate this Jessica Biel character for most annoying actor of the year, along with Lisa Kudrow in WONDERLAND.The only reason I kept watching this film was to see Leatherface hang Biel from a meat hook. My bad judgement! Jessica Biel is the one responsible for all the problems. Smoke some weed? She can't! Leave a rotting corpse behind? She can't! Put the guy hanging from a meat hook out of his misery? She can't! Act?? SHE CAN'T!!Suffice to say that in the middle of a Texas chainsaw massakree Biel goes on an anti-marijuana crusade.$LABEL$0 +Entertaining, but completely shallow. Hot chicks with bio-mod razor nails? Shallow characters, shallow world. None of the humor, quirkiness, and philosophical insights as authors like Philip K. Dick, Lem, or Alfred Bester. Mostly style, very little substance. If Cyberpunk were a type of Rock & Roll it'd be 80's glam, lipstick & hair bands. Oodles of D&D; Nerd 'Cool Factor'with hardly the philosophical intrigue of the highly derivative Matrix trilogy. While I'm sure this is blasphemy to the cyberpunk fans everywhere, the chip on my shoulder left by books like Neuromancer and Snow Crash is taking Geek Chic at face value, and realizing there's nothing behind the curtain--nothing beneath the sunken eyes of drug addicts and biotech junkies.More deserving of a comic book than a novel! Then again, I can see why this would have had more impact in the 1980s when it was originally published.$LABEL$0 +Great Compilation!. This album gathers some of the best oldskool reggae ballads; The Controller is guaranteed to get anyone that didn't appreciate reggae before into reggae. The songs Johnny Picked are amazing jams from Trojan Records artist tastefully put together in this collection of classics. It is the best album I have purchase all year and it really is hard to argue with Johnny Greenwood's taste. I love it!$LABEL$1 +Space Seed - Original Star Trek Episode. Along with "The City on the Edge of Forever", this is one of the better original Star Trek episodes. Ricardo Montalban was excellent as Khan. Desilu Studios did a superb job with this episode. It has a little sex, loyality, drama, and shows the Enterprise crew. All in all, an enjoyable episode.Michael N. Washington$LABEL$1 +These Component Cables provide a high quality picture. These cables look and feel high quality and give a high quality picture. You will need to adjust your contrast/brightness settings once you use these cables to get the best picture.For some reason when I hook up the Ps3 to my tv via HDMI I get terrible color banding.So I was forced to buy these for a fix. I was expecting a big picture downgrade, but you dont lose much. HDMI however is better, crisper and sharper picture. I've seen some tvs hooked up with cheap component cables where the color looks washed out and theres picture problems. Thats not the case with these cables, you get the feeling that these component cables deliver the absolute best component picture possible.$LABEL$1 +This book can bite my a**.. If there's a book that can truly screw up your transition from 3dsR4 to 3dsmax, this would be the one. Dont make the same mistake I did.$LABEL$0 +Shiba Owner. This book is a ton of value for your money. A book like this was needed because of the growing popularity of this breed. It gives a good description of the breed as a pet, what to expect and what would be expected of you - the prospective owner. I've read through other Shiba books and most of them are geared more for those who are interested in competition/dog-show/breed history. This book will save you 'surfing' on the net. I'm sure all those Shiba puppies will be grateful to this author for prepping their new owners!$LABEL$1 +Ok, but.... I spent some time with Dan Rios (aka Alom Ahau Tze'ec Ba'lam) and he is a sly and wily teacher of the "Mayan secrets." Over all the CD is ok. Dik Darnell is a talented musician and like any other CD there are tracks that are much better than others.$LABEL$0 +Don't buy the CD. First of all, Britney doesn't even have a nice voice. It's very sing songy and I suppose in some cases that would be nice, but here it just sounds bad. Soda Pop is the worst song in the world.$LABEL$0 +Ghost Story. This film is in my opinion, one of the best horror films I have seen. It is an old film based on the early 1900's, about some men who grow up suffering from guilt, over the death of a young girl. The story is entirely believable. I think that Alice Krige looks very beautiful, & the makeup is great also.$LABEL$1 +good insight into the cert. process. Perry uses extensive interviews with former clerks and Justices to gather his data on the cert. process in the United States Supreme Court. He presents the information in a very readable format that provides brings to light why some cases get heard and others don't. Ultimately he presents a decision making model that takes into consideration both the individual justices, the factors influencing cert., and the purpose of the Court. This book gives the reader a good look at the cert. process from the inside and from a non-legal perspective. It is a must read for any attorney thinking of writing a cert. petition. This book would be interesting for anyone interested in how the Supreme Court functions in our system of government.$LABEL$1 +Great value!. Bought 2 @ the price of 1 retail. You can't go wrong at this price. I'm a but of an audiophile with my in house system so I was bit hesitant. Now they are installed they sound great for what they are. They are not high end but they are more than adequate and fit for purpose.$LABEL$1 +Exceptional. Even though I am an long-time Kirk Whalum fan, in this CD, he has out done even himself. This is undoubtly one of the best CDs out today, and one of his best. The smooth style of the way he handles Babyface's music makes you want to listen to it over and over. We all know how rare it is that every cut on a CD is good, well, this is one of those rare ones. I liked it so much, that I went back and bought three of his old ones.$LABEL$1 +comentario biblico conciso. NO, no, no!!! muy mal producto!!!, lo unico bueno que tiene son las parted de la Biblia de alla en fuera solo la paraphrase it. Sus comentarios son fuera de realidad y no tienen funda,mento teologico, igual afirma cosas que sit u lees la Biblia la contradicen, todo!, y lo que Dios dijo.No, no, no, no!!! bad product!!!, the only good thing it has are part of the Bible other than that all it does it's to paraphrase it, the comments it gives are way far from reality and have no theological foundation and affirms things that if you read the Bible will see that the comments contradict the Bible, all of it and what God said.$LABEL$0 +The Bible of Baseball Cards. If you collect baseball cards you absolutely must have this book. It catalogs virtually every baseball card ever made, including variations and errors.Why only four stars and not five? Subtle reasons, mostly. The main reason is that this book, despite being released recently, does not do a very good job of covering the professionally graded baseball card market. This is even more surprising as Beckett does have a grading service of their own. As such, the sections covering the history of baseball cards and how to grade cards is lacking and is pretty much a reprint of what's been appearing in Beckett books like this one for over fifteen years. They really could have done a better job of modernizing those sections.However, as a reference book to help identity cards and give approximate values, this book cannot be beat. Buy it now!$LABEL$1 +Good value for the price. I bought this tassel when some of my sword tassels started fray and to fall apart from age. It would be nice if more colors than just yellow were offered.This tassel is long enough and well enough made. It's far from the worst I've seen, but not as good as the best (Kung Fu Instruments). On the other hand, it's very convenient to get without having to do wire transfers to China.The only complaint I have, a minor one, is that the tassel is slightly on the heavy side. That means that it is less likely to wrap around your wrist if your hand gets too busy. That may be good for form competitions, but form competition isn't the reason I study.One piece of advice, the shipping cost for single pieces is outrageous. It just about doubles the price. The solution is to get together with your Jian class or practice partners and do a group buy. My study group just bought 15.$LABEL$1 +A useful book for the historian (military or pilot).. This book is more than just a manual in that it starts with a brief history of the P-61, then goes to the actual manual which emcompasses an introduction to aircraft systems, then basic operations from walk around check to flight characteristics to release of external stores. In this age of poorly written manuals I was surprised at how clear this manual is. It will add a dimension to your understanding of the P-61 unavailable in (but complimentary to) other sources. It will be appreciated by military historians and pilots (who could compare aircraft operations with their modern "twins"). Very "large scale" modelers might also find the detailed cockpit photos useful. If you are very interested in the Black Widow you should own this book.$LABEL$1 +Nice hardware...lack luster software. The CD writer is solid and easy to install. The software package that comes with it is very poor at best. It's not intuitive and was shipped with no instructions. Read me files simply say "Manual up to date".$LABEL$0 +Goofy advice. I bought this book when I was brand new to sales. It has mostly goofy advice in my opinion. Save your money and be yourself.$LABEL$0 +Great Gift for Graduates!. This wonderful Dr. Seuss book is our favorite gift for graduates from High School. It is simple in its language, but very thoughtful in its message. It discusses successes as well as bumps in the road, which is a true picture of life. It is encouraging, and fun, the artwork is delightful. Read it from cover to cover, enjoy it, and think.$LABEL$1 +An Incredible Duet. No Crusaders CD can be rated less than 4 stars, but this album has an incredible duet entitled No Matter how high I Get with Bill Withers and Randy Crawford. It's one of the best songs I've ever heard and worth the CD price on it's own. The rest of the CD is typical Crusaders.$LABEL$1 +PATHETIC. I never knew it was possible to despise a kitchen appliance as much as I do this toaster. Take for example the frozen waffles I just pulled out of this thing and am now eating ~ one is nearly black on one side, nice and golden brown on the other. The second waffle is crisp but not brown at all on one side, and the other side is soggy...it's no longer frozen, just wet.Now maybe if this were a trend in how this thing "toasts", and if I really thought it was worth it, I could rotate the items being toasted when the cycle was half way done. BUT, it's never the same from day-to-day...except that this thing consistently fails at the one simple task it is designed to do: toast. Give me a break.This toaster in combination with the problems I've had with my matching blender (bought at the same time) leads me to one simple conclusion: "KitchenAid" simply does not mean what it used to. 0 stars.$LABEL$0 +wrong age group. I think this video is aimed more for 3 - 4 year olds. My youngest is a little over 2 1/2 and loves Elmo. He's showing signs for potty learning (and has used his little potty a few times) so I thought this video and a bright new RED potty would be fun this Christmas, but we didn't even get through this video. It *talks* about using the potty but doesn't really show anything... unless it's all near the end (don't know cuz we put on Curious George).I guess we'll try it again in a few days or weeks but it's pretty lame for Elmo. Nothing like how informative Elmo's World episodes are. Just a lot of talking and some silly songs. I recommend making this video like Elmo's World. It would be a lot more entertaining and helpful for younger "potty-ing" children. A lot more FUN.$LABEL$0 +Good book for a beginner. Books that I would recommend over this one: "I Am That", "Pointers From Nisargadatta", "Be As You Are", Talks with Ramana Maharshi, The Spiritual Teachings of Ramana Maharshi, The Bhagavad Gita, The Ashtavakra Gita, Advaita Bodha Deepika, No Mind - I Am the Self , and The Yoga Vasishta.$LABEL$0 +Great for Connecting a Video Game Console to the Net. I play my Xbox 360 online all the time. I personally didn't want to connect it to a wireless network. I bought this ethernet cable instead and it works perfectly. I can hook up my Xbox to any televsion in my apartment and still have cable to spare. Definitely a great deal!$LABEL$1 +Good Primer For Anyone Looking At Oil & Gas Opportunities. Mr. Orban has penned a very useful guide to the oil business. He covers all the important aspects of the industry and packages it especially for the investor. After reading this book, you'll know most everything you'll need to know in order to enter an intelligent, informed discussion with most anyone on the subject of oil & gas. The book is particularly helpful in directing you to ask the right questions of the right people to evaluate any deal or project. If you're new to oil & gas investing, this book is a must.$LABEL$1 +Magical.... What a cool book! I can't wait to see the movie now. This book is full of tall tales and such wonderful imagination, I'm really looking forward to seeing how it's played out on the big screen. I definitely recommend this book if you haven't already seen the movie...or even if you have.$LABEL$1 +Read The Book Little Man Instead. This film is well cast but this movie fails in doing what it was supposed to do which was be the life story of Meyer Lansky. A better title would be the Summary of the Life of Meyer Lansky. The outstanding book " Little Man " by Robert Lacey tells the true story of Lansky's life. This film is a waste.$LABEL$0 +I love this phone!. Ahhhhh I love this phone! I'm super organized and this phone allowed me to be that organized with all my contacts, schedules, text messageing, etc. I accidentally dropped mine in the toilet though and it stopped working, because it has massive water damage. But I wish that Verizon still offered this phone because I would totally buy another one! I miss it, I don't know what I'm gonna do without it!$LABEL$1 +Never thought a washcloth could be so great!. I have pregnancy spots from my three pregnancies and was even considering getting expensive facials. I heard about using these and decided to give it a try, all I can say is I am so glad I tried these! What a huge difference! My complexion is more even tone and my face is much softer. I use on my body as well and I could tell a HUGE difference just after the first use. I continue to see my skin feeling better with each use. I will never use anything else again!$LABEL$1 +Hand held solitaire. I don't care for this game it's too small and confusing to use. I have other solitaire games that easier to use.It's not user friendly! I would not recomend it to anyone!$LABEL$0 +Written with humor and encouragement. Written with humor and encouragement, The Girls' Guide To AD/HD is a compendium of explanatory facts and practical advice on how to life a full and successful life while dealing with peers, teachers, friends and family despite AD/HD. Three girls (Maddy, Helen, and Bo) each have unique personalities and combinations of AD/HD traits enabling the reader to learn all about what AD/HD is like for girls; how the AD/HD brain functions; how adolescence impacts AD/HD symptoms; how counseling, coaching, and medications can help; how to deal with emotions that range from anxiety and anger, to forgetfulness and depression; the advantages that having AD/HD can have; how to cope with school and homework; and how to get along with others. To put it simply, The Girls' Guide To AD/HD is "must" reading for girls having to cope with this increasingly widespread condition and should be available in every school and community library.$LABEL$1 +Latoya 1. This album is one of the Hottest underground albums that I've heard in a long time. The production was "Off The Hook" and the lyrics were without a doubt the best that I've heard from a Memphis Record label. The two Female Emcees will hit the industry by storm if heard by the right person.......$LABEL$1 +Child Rock Star Headset. DO NOT buy this product. It is too small, even for my two year old's head (it was intended for my five year old's b-day party favors). The headset doesn't bend or stretch to fit on a head. The company I bought it from is giving me a hard time returning it (says it will take a 15% restocking fee). I will NEVER purchase from Totally Costumes again. Save your money!$LABEL$0 +The Classic Detective. Anyone not familiar with all of Doyle's Sherlock Holmes is truly missing out. I first read The Complete Sherlock Holmes when I was 8 (not difficult reading and very enjoyable) and have been an afficionado ever since. Holmes is, without a doubt, THE detective (see Irene Adler in "A Scandal in Bohemia"). This is the work that gave detectives a place in literature. All other mystery fiction stems from this. A must-read.$LABEL$1 +What a waste of time and money. Like just about everyone else on planet earth, I loved the first three Indiana Jones movies. So, like just about everyone else on the planet, I was seriously jazzed for the new one. MY LORD, IT SUCKED. Ford is walking through his scenes, there's no thrill, no adrenaline, lame CG, unbelievable nuclear blast scenes, unbelievable scenes where multiple Russians are spraying full auto fire at our heroes and no one's ever hit, etc etc. It's just not exciting--period. Unforgiveable...Spielberg, you signed off on this? People, be warned--it's BAD. And it's a damn shame.$LABEL$0 +OUR SON WAS ALMOST KILLED!!!. Please beware of this product!! We have two other swings and thought that this would be GREAT to take in the van with us.. Was I wrong!! Although our son loved the lights, I ran after our 1 1/5 year old, was out of the room LESS than 5 minutes.. our 4 month old was strapped in correctly (you should be able to leave a 4 month old in a swing..this is our 3rd in 3 years) when we returned, he was PURPLE, hanging by his neck, his head was jammed between the seat and the bar.. this is EXTREMELY unsafe.. I agree with several of the other parents.. nice idea but the seat just pops up. A 4 month old cannot even sit up by themselves (which is when you are supposed to take them out so they don't flip forward)$LABEL$0 +Hockeypuck. Seller I bought from was GREAT. But this tape is an absolute complete was of money. Horrible, Horrible, horrible. DO NOT WASTE a CENT on this!!!! It is a few minutes of poor quality, minor league fights, in fact the same fights are shown, over and over again. Music is bad...IT IS RUBBISH!!!$LABEL$0 +The Long Walk review. Really good read! If it was a work of fiction, you would think it was not believable. Since it was a true story, you have to marvel at all these men went through.$LABEL$1 +What kind of Mother will I be?. I received this book from my Grandmother when I found out I was pregnant with my son. Reading through the pages was such a comfort for me; for you see, I am married to a sailor, and the birth of our son was very close to my husband going to sea and being gone 6 months. I had all the questions, concerning "can I do it alone?" and "do I really want a baby right now?" This book and a whole lot of prayer got us through. My son is now 20 years old. I am so glad the book is still in print, for I am now going to pass on the wisdom to a new generations of "Moms".$LABEL$1 +Well...Well....Well....... This album reminded me of the Muddy Waters album. If you like that. then you will love this one.$LABEL$1 +Reiterates dilemmas, but doesn't provide insightful answers. Very disappointing, no substance, mostly full of quotes from individuals who are not very illuminating either. If you just want to know that you are in good company with your indecision, this book if fine. If you would like it to provide you with answers (as the title suggests) or assist you with your decision, it's not worth your time or money.$LABEL$0 +Good movie... not great, but still good.. I liked the movie. And I'm not just saying that because I'm a huge Star Wars fan... I seriously liked the movie. The only reason why so many people didn't like it was because everyone was expecting such a great movie and the movie just turned out to be good.Oh, and another thing. Everyone is complaining about George Lucas not releasing it on DVD... Well he said in an interview that he was planning something special for DVD. So, wait a while and see what he has planned.$LABEL$1 +This is a great Thermometer! A must have for the meart smoker!. I purchased this thermometer October 8, 2007 at the sale price of $40.35, shipped. After receiving the thermometer the first thing I did was test its accuracy by doing the boiling water test. The second the water went into a boil it hit 212 (water boils at 212). My smoker is just outside the back door and I carry the remote thermometer everywhere I go--even in the front yard. I have used it repeatedly and have never had a problem. I am waiting for it to go back on sale to order another for the multiple smoke. This is certainly a must have for the beginner or avid meat smoker. Please hurry up and go back on sale!$LABEL$1 +Not so great. I recently bought this, despite reading many negative reviews. I tried it on a round cake and had no luck. I kept the frosting thick (that was suggested in a view reviews) and it still scraped off all the frosting, no matter how lightly I dragged it across.$LABEL$0 +This audio book is NOT unabridged. Not only is this audio book abridged, it's an ADAPTATION. It opens with dialogue between Gollum and his torturer in Mordor (did I miss a chapter?), where it sounds to me like they are torturing him with a stapler. Ian Holm and the rest of the cast give good performances but if you've read the books, even they won't be able to save this "adaptation" for you. I read and loved The Lord of the Rings and was looking for a nice audio version to keep me company on my long commute - well this ISN'T it.$LABEL$0 +Outstanding Episodes!!!. SailFish Media did a great job to send an excellent set of the old series, "Adventures In Paradise"! This series was thought lost for so many years and to see it on Digital Television is far better than that of reception received by television sets from T.V. stations back in the fifties and sixties. Thank you SailFish Media for providing DVD sets for this series!$LABEL$1 +Highly recomend. Overall a great book. Some of the legislative facts are a bit off. IE NH does allow private sales of firearms. Open carry in a vehicle is legal. Mostly great information. Get the book and train with the right items.$LABEL$1 +14-month old loves this book. My son loves this book! Unfortunately, it's a bit short, so he keeps asking us to read it over and over and over again. As with all the other 'Olie' books, Joyce's illustrations are excellent. A great book to read to an infant/toddler.$LABEL$1 +Tale of Terror. This was one of several books in my pile of 'books to read.' I grabbed it just before I went on a two-week cruise to Hawaii mainly because of what has been in the news for the past several months and the picture of the aircraft carrier on the cover. I couldn't put it down and it all-but-predicted the terrorist attacks in September. I gave it only four stars because it was pretty long (500+ pages) but I was riveted for the ride. This one has it all!$LABEL$1 +Comfortable even in the longest runs. I bought these shoes for running a full marathon (my other shoes were getting old), and they are very comfortable even after 25 miles.$LABEL$1 +Ordered wrong item. I wanted to order the latest Mac version of iLife. Upon receiving your Email solicitation, I automaticaqlly selected the first iLife item that appeared on Amazon's page. Unfortunately, it was for iLife '05, rather than iLife '06. Since I already had iLife'05, I had to send it back and reorder iLife '06. To Amazon, I recommend you feature the latest version of the product and list the discounted older version thereafter. To us Buyers, i've learned to be more aware and detailed in my ordering. It saves everyone a lot of pain and suffering.$LABEL$0 +A mouse for a Superman. The mouse works well. A mere click turns it on, without a complex and confusing setup process. In that respect I cannot complain. You start working with it and get excited that it works so well, without any problems, that you cannot believe. But you quickly notice that it is heavy, and in less than five minutes your hand drops dead. Oh boy! It feels like you are moving a ton of bricks. I went back to my corded mouse, a cheap Ativa, which, even if it is not as good, I can move with ease. I gave the Philips mouse two stars because it works very well, but you need superpowers to move it after a while.$LABEL$0 +Product Condition. I enjoyed the dvd overall. However, I was not at all pleased to see the outer cover bent from having it slipped into a shipping cover box. It defeats the whole purpose in trying to keep it as a collector's item due to the poor handling of my dvd case.$LABEL$0 +For shame... all a marketing ploy. I still have a visceral negative feeling about this manipulative piece of tripe. I'm sure I'm not the only person who went into the theater under the impression that this was real footage of a real event; shame on me for falling for the marketing of this complete sham! Not only that, within three minutes of sitting there watching it, I began to get motion sickness because of the completely unnecessary jiggling of the camera. They couldn't even hold the camera still when they were interviewing the supposed "townfolk" on the streets of Burkittsville. And then there's the language. I don't know if they thought it would be "cool" to say the "F" word in every sentence, but I just found it thoroughly disgusting; I started to hope for the characters to meet their end. Congratulations must go to the folks who pulled in millions by tricking their audience. Worthy of zero stars.$LABEL$0 +dissapointing!!. Andrew Greeley has lost his sense of identity as a priest, otherwise he would not have published something so close to romance (code word for print-a-porn). As an alledged catholic, he is a heretic (at least in that novel). As for the rest of the book, it is a lot of sentimentalistic Irish-American superstition and drivel; taking place in an Ireland which the real Irish cannot recognize. terribly dissapointing!$LABEL$0 +Buyer Beware. Is a copier expected to last more than a year or two? Purchased in spring 06 - In Oct 06 I had problems with thick black lines in my scans & copies. The fix was to remove ink cartridges, disconnect machine from surge protector, powercycle three or four times, wipe copper connects, put them back in, reconnect to computer, start it all again. It worked. Problem recurred now 5/07 only this time 2 big black lines. Got out my copy of troubleshoot, tried it again to no avail, Warranty is expired and I'm told it is a hardware problem. I feel ripped off. Stay away from this HP product.$LABEL$0 +A Trucker's Wife - Wonder Woman Would've Been Served Well By Such a Mentor. Very engaging memoir of the challenges of being an OTR trucker's wife. The emotions, conflicts, and rewards (though the rewards seem quite limited),as well as her means of dealing with these challenges are well expressed through the real-life experiences of the author. The issues relevant to the relationship described here, I've no doubt, would be empathetic to any relationship where significant separation time is a factor. A good read!$LABEL$1 +Exterior pockets lack security. You have to be careful with the exterior pockets because i used the side pocket to store my cel phone (i beleive its the designed cell phone pocket) and i was at a crowded event and my cel phone was stolen from this pocket which was secured only by a magnet and i didnt notice until i needed the phone which was minutes after the robbery. I recomend to use the inside pockets to store valuables, dont risk exterior pockets for anything that is not for your babys needs. I have a new baby and i hoped this bag would fit both my baby's and my 3 year old needs and it's not feasable. I just purchased a DadGear Backpack Diaper Bag and we'll see how that works out.$LABEL$0 +expensive. This was designed to fit the nail head but often slips and damages the floor. I ended up using my finishing nail setting tool instead and surprisingly that worked better. The finishing nail setting tool has tiny round tip with groove instead of this flat screw driver looking tip. That groove helped to prevent slipping when I apply with a hammer. I initially thought the round tip could ruin the nail head or puncture or leave round impression on the hardwood material but this wasn't the case. I paid three dollars for the set of finishing nail setting tools (3 total in different size) at local store.$LABEL$0 +Not the greatest program. I am a native German, but don't speak a lot of it at with my kids. I was looking for something that is a fun and easy way for my son to learn German, so I liked the concept of this "fun" DVD. He was 7 at the time. This DVD was very boring to him. The dialogue leaves a bit to be desired and is not very realistic - I don't know many young kids that would be excited to receive a pair of pants as their(apparently only) birthday present from his parents as the boy in the video. It's been a while since we watched this, but I seem to remember that most of the people on the DVD did not sound like native Germans. At least one of them was clearly an American with a strong American accent, and another one (I think the grandfather) sounded like he was from Switzerland and hard to understand. I am just glad I only borrowed this from our library, rather than wasting money on it.$LABEL$0 +Passionate and insightful work. Rennie's work is technical and hard-going in places, but he is passionate and insightful not just on bringing out the ideas of Prof. Eliade, but also on describing the character and role of religion in the modern world. The book deserves careful and thoughtful reading and study. His defense of Eliade's early political involvements seems reasonable and fair. His defense and explanation of an inclusive definition of religion are compelling and helpful. We still have much to learn from Eliade.$LABEL$1 +We love this book!. A beautifully written book that captures my children's attention, yet doesn't underestimate their capacity to grasp new words like "weathervane" or "clutch (of eggs)." I read this to my daughter at 18 months and she wanted me to read it again and again. Within a month she was reciting it. After reading it so much I memorized it and started using the story to lull my newborn son to sleep. He is now nearly a year old, my daughter is 2-1/2 and they both still love the book. I have yet to tire of it. This is my favorite Margaret Wise Brown book, including Goodnight Moon and Runaway Bunny. Another MWB book that's a big hit for our family is My World.$LABEL$1 +This is a poor quality album Do Not Buy!. I don't know why in the hell everybody thinks this album is so great. As you know X raided is locked up in prison for murder so there is no way he can get to a studio to make a record right? So he raps his songs over the prison telephone and records them and yep you guessed it folks this whole album was recorded over the telephone and you get poor telephone sounding quality music for the whole album. Don't waste your money on this one folks! But don't get me wrong I think X-raided is the the only true real life original gangster rapper out there and he does deserve much respect and he does have a excellent album called Psyco Active (wich is NOT recorded on the phone either). So if you love sick perverse violent rap artits as much as I do you should get Psyco Active by X Raided but not Xorcist.$LABEL$0 +Good but not great...... Good but not great........Zia Natural Skincare Ultimate Body Firming Treatment, 7 fl oz.....It's not heavy scented which I like...not to greasy either!~$LABEL$1 +Inferior copy on recordable DVD. No cover art, recordable DVD. Image quality very poor, perhaps transfer was made from a poor quality print or VHS.$LABEL$0 +worked for 2 weeks. it's a great interactive mobile, however the music stopped playing after 2 weeks. apparently it's a common problem with these motorized mobiles.$LABEL$0 +Catholicism DVD set. Great Christmas gift for my daughter's large family. Informative, easy to understand and very timely especially for Catholics who don't know alot about their church and for anyone interesting in understanding it.$LABEL$1 +Not Everyone Needs This Book...But Then Again. I am the wife of a lower enlisted soldier and thought I would never need this book after reading the first few chapters while my hubby was in AIT...BUT then I became a FRG Leader at his first duty station and it became my bible. There is a lot of good information in this book, and you don't have to be an Officer's wife to need to know the proper way to address a Christmas Card. You only need respect for the protocols and traditions of our beloved Army !!$LABEL$1 +Good deal just for the price... way too artificial scent. I purchased this set with Pearlessence Spa Mist Air Therapy Fountain Mister.I thought it's too good to be true if I got 6 oils for that price.Actually, it was fair enough for the price.Though I love the concept, and I really like how the humidifier works.the oil pack didn't work for me.Each oil smells too artificial. It almost smells like car freshener dangling from back mirror ...If you are expecting aromatherapy, I recommend to pay little bit morefor pure botanical essential oils.$LABEL$0 +Fun, but small and easily scraped (And now broken). I saw all these reviews about how this isn't for kids that are young. My son is 6 and rides this thing with no problem, its actually a little small for him. His legs are all cramped up. Makes me wonder if the other people here have very small children, or possibly I'm raising a giant. The brake is getting scraped up and bent all the time since it sits close to the ground, its a pain to bend back and fix. The entire bottom of the cart is scraped up, but it doesn't seem to affect the drivability.The battery life on this thing is amazing. My son drove this almost two miles on a single charge. Lots of fun, adults don't fit well on it though.So, here's an edit: Its now broken and refuses to move. Kinda sucks, I guess we'll see how the warranty works.$LABEL$0 +I wouldn't trust my life with it. Pros* Excellent Design* Fumble free use* Small and compact* No leather pouches to openCons* Made from cheap plastic* Awful customer service* Fell apart when I tried to use itI unfortunately had to use the spitfire, and I pulled it off the keychain (a feature of this device), and the thing fell apart in my hands. Luckily the threat was averted and it was not needed, but this is not what you want to worry about when your life is on the line.I would not purchase this item. Hopefully they read this review and make it with a strong ABS plastic and stronger fastening, because they sure didn't respond to my emails.Shame really, I truly wanted to believe in this product. Unfortunately, it failed me.$LABEL$0 +Mara Rocks!. I absolutely love this book. I love Egypt and the ancient culture is especially intruiging. The story of slave girl Mara who has to play double spy captured me in the delicate web of this story line. This brave girl who falls in love with one of her masters is wonderful and excellently written. I got it just because it had Egypt on it, but I instantly and unexpectedly fell in love with the characters and the tangled web of a story Mara gets herself caught in. This is a book I believe everyoneshould read. An excellent book!$LABEL$1 +yawn.... when this type of mindless ultra-violence is repeated over and over and over again it just gets boring. Oh boy, he punched a guy in the head, I wonder if his head will explode like the other thirteen opponents... guess so. Imagine this, over and over again and you have "Fist of the North Star" in a nutshell. The plot is nothing special. The animation is not top-notch. Still, some of the characters were half-way interesting... until they died brutally with lots of arterial spray.$LABEL$0 +shuffleboard dust. It doesn't work on our shuffleboard table the puck stops in about the middle of the table so I am sending it back for a refund.$LABEL$0 +Livin' It Up! With the Bratz. This is not a movie as much as it is an inter-active Dvd. It was fun for my 8 year old, but a little more difficult for the younger ones. If your girls a Bratz fans they will love it.$LABEL$0 +Think twice about buying this DVD. Nothing wrong with the film, it's the UltraViolet Digital copy you need to avoid. This is a format that does absolutely nothing for the consumer, is unplayable on both PC and Apple products without additional software, and has a limited streaming life of 3 years then you have nothing. I will never buy another Blu-ray/DVD/digital copy that has the Ultraviolet method.$LABEL$0 +ouch!. This book hurt. I usually can tolerate some silliness in pulp horror, but this book was awful. Moore makes Bentley Little look like James Joyce. A series of drawn out fight scenes makes up the plot. The main character took so many beatings and stayed alive that I thought we were heading towards an Unbreakable finale where he ends up being a superhero. Oh, and they also hit the lottery. This is not early Stephen King, this is more like early Don King.Skip this one.$LABEL$0 +Terk Satellite Radio 50' Indoor/Outdoor Antenna Ext Cable. Received the item promptly. It was as advertised. All connections were easily done. And it has worked flawlessly since it received it. I would recommend it to anyone who needs an extended lenth to receive xm signals.$LABEL$1 +Buy Beware. Just as some other reviewers have stated, this RAM did not work with my macbook. Currently have a white macbook with 2.4 and 2gbs, all that happened when I installed the RAM was a solid black screen.Hopefully others who use this will not experience my dilemma.$LABEL$0 +belly of the dragon. I was disappointed in the story myself. I found the storyline to kind of jumped all over the place and it was a tad on the dry side. I can see non-fiction as possibly being dry, but this is supposedly fiction.$LABEL$0 +Pregnancy, Childbirth. Book was in good condition and it arrived within the allotted time frame. However, it just made it and this is by far the longest it's taken me to receive and item ordered on amazon. I am not sure if it was a glitch in the mail.$LABEL$1 +Tablets were broken. Many tablets inside the bottle were broken, so when you try to get one out of the bottle, you just get peices and dust, very frustrating and messy.$LABEL$0 +My SONY Camcorder quit for no reason. I had the same thing happen with my SONY DCR-TRV19 after exactly one year. So I called the Sony support number. After holding for 45 minutes they told me my warrenty was 12 months parts, 90 days labor. They were nice enought to wave the parts seeing it is a few days past a year but they want $219 for labor!!!!!If you search the web this is a common problem with the SONY DCR-TVR19 / DCR-TRV22 / DCR-TRV33.I realy wish I'd bought a JVC. They are rated beter and less expensive. I do know that's the last Sony product I'm going to buy. 90 day warrenty for $500 dollar product is terrible.Mine doesn't have a single scratch and has NEVER been dropped.This years models are:DCR-HC20 / DCR-HC30 GARBAGE DCR-HC65 / DCR-HC85 CHEAPJUNKIt appears the first to use the same 680k CCD. A likely culprit for this problem.Check your warrenties.JUNK JUNK JUNKMike Grimm, IL.$LABEL$0 +Barely worth $3. I only wish I had purchased this used at $3 price range. It's filled with babble, not clearly explained with a metric ton of filler text. Avoid at all costs.$LABEL$0 +Very good techniques, but not the flavor I expected. The book is very well written and it teaches very good techniques for cooking wich gives more flavor to the food. I have tried several of the recipes following the instructions as exactly as I could, but I am a bit dissapointed because they did not seem to me very tasty. I expected to obtain results similar or equal to the dishes you have at Italian restaurants, but there are only, perhaps,a few of them. However, the flavor is not bad either, and I love the techniques given, is just that I expected more.$LABEL$1 +List of reasons I love this book: Fun,Creative,Analytical.... This is a book which you fill in pages that have a title for each page/list. The Titles are for things you list. Example: List all of the people who love you for who you really are. Another example: List the things you would change if you could change history. Or: List the things you hide when friends come to visit.Some of the List headings are serious and some are silly, some delve into the past, others look to the future. They explore home, family, work , the world , your inner thoughts and so much more.This is a delightful book for anyone who loves to make lists, who loves psychology, or who wants to understand themselves a little better. It is a whole lot of FUN!$LABEL$1 +Very Poor, and Confusing. Even though this book gives decent information about French pronunciation, which is a very useful way to not only learn how to speak the language, but have a grasp on how to say new vocabulary as well, it starts getting confusing once it just randomly jumps into passages, expecting the reader to all of a sudden know how to comprehend the written language without grasping grammar first. Maybe it would have been useful with the aid of an audio CD, but unfortunately it doesnt have it. And another problem with this book is the way it randomly presents new vocab when it has nothing to do with the context of the passages. Possibly a beginner can get through this book, but it would unfortunately be a long and tedious chore that will eventually bore one out of their mind! There are so many great french learning books out there, and this is NOT one of them!$LABEL$0 +Gifted MC. Jeru definetly has microphone skills and he proves it on this imressive debut. The beats are also really unique and different, maybe a little to unique is the only problem. Best tracks: Come Clean, Mental Stamina$LABEL$1 +Main theme : Economics?. My wife and I first saw the series online, the title images we had seen (not this one) made this look a bit... risque to say the least.We were pleasantly surprised to find no real focus on nudity beyond 'doll-esque' levels.Really the main focus is the economies of medieval times, how travelling merchants made money etc. Its fascinating in a weird way; interspersed with supernatural mythos like harvest gods and the like. Its very interesting. Hopefully a third season is on the way somewhere...As for this particular box set, the bluray titlescreen seemed a bit off, but the video itself was great. Nothing to complain about really and it played perfectly on the PS3 as well.$LABEL$1 +Manfrotto Monopod. Product was shipped promptly and the quality, as well as the usability is super. It is lightweight, study and easy to use. As described in the specs, it only collapses to about a two feet length so portability is not perfect. Overall, I'm well satisfied with the product and the purchase. This is a really welcomed addition to my new 7D camera outfitting.$LABEL$1 +Processor Blade. This was a new purchase, was in top notch condition and has been used frequently with excellent results.$LABEL$1 +GREAT...So far so good!. I purchased this shampoo for my husband and it has been magical! He doesn't mind the smell and uses regularly. I recommend!$LABEL$1 +Disappointed. I received this for Christmas from my mother and it worked only once. The motor burned out and the company would not honor the warranty. Both the company and the fountain were a HUGE diappointment. DO NOT WASTE YOUR MONEY!$LABEL$0 +Cobraaaa!. As a G.I. Joe fan and collector since 1986 I even enjoy watching the original series today. As a native German I liked both Joe and Cobras alike. Both factions owned a number of great characters! Some good guys some bad guys but all of them were unique!Though I generally like Manga-Style movies and especilly the female characters look cuter than ever, I don't consider G.I. Joe Sigma 6 a worthy heir to the classic series. Sure, it contains action from the start to the end, but the character of the figures was all but neglected...Afterall I don't think Sigma 6 has much in common with the originals since only the names and the history... so it could well be name in a completly different way and is just an other Anime among others!$LABEL$0 +Very fragile. Dissapointed with this product! Our daughter can not even play with it without it falling apart! Small pieces that disconnect from swing not a good idea for childrens toys!$LABEL$0 +Shocking and Disturbing. Until this book I was a fan of romace novels and Connie Mason in particular. The blatant abuse and racism in this book was shocking! Our "Hero" rapes two wives, beats his slaves, and still ends up with the girl at the end. Our "Heroine" sleeps with anybody who befriends her or for whom she has pity. I wanted to see them both dead at the end. Unless you want to be disillusioned forever, DON'T read this book!$LABEL$0 +Very timely. My product came just as they said it would. The shipped the product the next day. Definetely a good buy!$LABEL$1 +Rubbish. I attempted to read this book several years ago and found it to be utter rubbish!! This book is worthy of the "National Enquirer" as opposed to a serious biography of Heinrich Himmler. Himmler is a subject worthy of a biography for his infamous career but Padfield's work is so full of inaccuracies on so many levels I tossed the book in the trash after the first few chapters it was so bad.A better but not nearly as lengthy biography can be found in Heinz Hoehne's "The Order of the Deaths Head." This book however is nonsense.$LABEL$0 +GREAT SOUND. Johnny Smith was first known for his gorgeous guitar sound when he made one of his first albums called "Moonlight in Vermont" which I heard on mono Lp 50 years ago. His gorgeous technique was the envy of all jazz guitarists. We studied his books, but couldn't make head or tail of them.There are 20 tunes on this CD, & you'll probably recognize most of them. He is a jazz guitarist, but one who is very easy to listen to....I loved his ballad style as well as the tunes he does at breakneck speed.I particularly liked his rendition of the Duke Ellington compositions, namely "I got it bad;" "Prelude to a kiss;" & Monk's "Round Midnight."Get this album, & you won't regret it. If you're new to jazz, this is a great place to start.$LABEL$1 +Is there any page without an error?????. The book is good, but like I said before is there any page without an error????? There is no published errata for the book too!!!$LABEL$0 +Mike and Mister Ray Know~!. If you are here, you are looking to buy. Do it. I wish Icould give you a copy of this album and countless other songs by thisband, but I also wish you would support a band that ranks above thousands in my musical retinue. Buy, buy, buy- what is $15 for joy?$LABEL$1 +Returned it. The quality of this product was very poor. The pictures shown on the various websites show a nice sandy beach and nice true color, however, this was not the case. The product does not have near the same quality of the LCD Televisions out on the market. As long as you stand about 6 feet back, you may not notice the pixels of your favorite picture.$LABEL$0 +Great reading. I read this book three years ago, and someone who borrowed it never returned it. I had to buy it again, and read it to make sure I don't miss anything. Deep, but explained in a way that makes it very easy to understand.$LABEL$1 +ANDREA BOCELLI (THERE ARE NO WORDS FOR HIM THE MAN IS A GOD). His words and his voice melt right through you everytime you listen to him. I'm going to actually dance to one of his songs at my wedding in about 3 months. Amazing cd.$LABEL$1 +Worthless. This book's title is analogous to having scantily clad women on book covers to lure adolescent boys into buying. There is no hacking of Windows. No information that you would not already know if you were an experienced user or can obtain for free using a web search. Do not waste even a penny on this book. It is truly junk.$LABEL$0 +Scratchy and Irritating. I don't understand the positive reviews on this silly wrist strap. It is VERY uncomfortable and scratchy. Even if I did were it longer than 5 minutes, it is impossible to figure out if you have it on the right spot to be effective.$LABEL$0 +Hearty Soup. Wolfgang's Organic Classic Minestrone Soup is very good, filling, and tastes especially great when you add some grated cheese. This soup also has the added benefit of high fiber due to the different beans. Try it, you will like it!$LABEL$1 +Good first book in a series. I must say I have bee a fan of the Breed Series for years. But that was the only stories I had read. This book was very different than that, but I really liked it, the ending was pretty obvious, but again a good story with a lot of steam!$LABEL$1 +Mozart Violin Sonatas by Mutter. A beautiful rendition of the Mozart violin sonatas by two excellent performers! It is a total shame and extremely disturbing to view the poor choice of camera angles with rapid shift of images. It's a total waste of money. I could enjoy the same performance on CD and do away with the dizziness.$LABEL$0 +Not for everyday people. This book is incredible in ways that are not going to be understood by the average joe. I do not know how anyone who is not a practicing Kriya Yogi could ever begin to make any sense out of this book. To the average person on the street this book is going to be complete and indecipherable non-sense.This book speaks directly to those of us who are practicing Kriya Yoga and corroborates the inner experiences one has while practicing. This book is for the sincere Kriya Yoga practitioner it offers insight into what you are experiencing.Several times while reading this book I found myself saying ah yes of course so that is what that was or is.This is a book for all Kriya yogis that trace their lineage to Lahiri Mahsaya. Now for those who are not initiated and are practicing what various writers and schools call kriya Yoga do not be surprised if you do not get it.$LABEL$1 +Doesn't work. So far usuless, didn't work on any eletronic I have. Tested on dvds, blu-rays, receivers, tv, nothing... maybe I got a defective item.$LABEL$0 +Sickenlingly awesome! Horrorshow good fun!. Amazingly I've seen these for sale on the shelves of Borders in the past. Thought "Special Interest" literature wasn't available unless you knew what you were ordering in advance somehow.Still this is a good and dark and disturbing collection of bizarre fringe opinions. Beware this book. It's totally work safe and family friendly, if the workplace is undergoing a post office style job complaint and the family is like that famous "Fifth Beatle" who ruined the song "Helter Skelter".$LABEL$1 +Ambient Dub at its Finest. Damn this is a good CD! This is one of the first and best of the "ambient dub" sub-genre of electronic music -- a beautiful, bass-heavy, laid-back set of electronic soundscapes that sound great when you're chilling at home or too stoned to move.Ambient dub is an offshoot of electronic music that never really dominated the charts anywhere as far as I can tell, but it's a tasty, organic-sounding, and highly agreeable approach to digital music nonetheless. Higher Intelligence Agency piles colourful bloops and bleeps on top of mesmerizing basslines and relaxed beats to excellent effect. This CD is tough to track down, but well worth the effort.$LABEL$1 +Very poor quality pumpkin seeds. Prior to purchasing this brand of seeds, I had always used the NOW Foods brand (which has generally been a very consistently good quality seed from my own exprience). This being my first try at using a different brand turned out to be a very big mistake. I usually purchase seeds in bulk, so I purchased 4 bags of these seeds. To my surprise, every one of the bags contained small, brown or discolored seeds, all of which are not the healthful green full flavored seeds that I was used to with the NOW Foods brand. Hey, I'm not a spokesperson for one brand or another which is why I wanted to try a different brand to compare. However, in this case, I blame myself for thinking the proverbial grass was greener on the other side....I couldn't have been more wrong in this case!.... I will never buy this brand again!$LABEL$0 +Not based on fact. I stopped watching this as soon as they claimed the chicken we buy are genetically modified. This is absolutely untrue, as they are "created" by cross-breeding two varieties of chicken. If they are blatantly stating misinformation as fact in this case, I have to assume they do elsewhere in the video as well. I am tired of "foodies" labeling everything they disagree with as a GMO.$LABEL$0 +Bought the Pixter instead of a Game Boy, but really no fun. I kept resisting getting my 6 year old son a Game Boy, because kids get so addicted to them and I have not been able to find educational software. So I bought this instead. This is boring and hard to use. I wish someone would just start making Reader Rabbit for the Game Boy.$LABEL$0 +Even Better Than Hybrid Theory. Yes, it is no lie. Meteora is even better than Linkin Park's debut album, Hybrid Theory, which was simply incredible. I'm so happy that Linkin Park didn't sell out and make all of their songs sound like "In the End" since they had such a success with that song. Instead, Meteora is much heavier than their first effort, Hybrid Theory. The music is better, the lyrics are more mature, and the vocals by both Chester Benington and Mike Shinoda have improved greatly. I definently recommend this album. It's what every rock fan has been waiting for.$LABEL$1 +Fun with Totally Gross. We've enjoyed this game. It's great for laughs! Our only complaint is that the goo which came with the game didn't really stretch.$LABEL$1 +ugh. Well folks, I grew up on comics and still love them, although I am not a frequent reader any more. I was excited to hear about this book and eagerly read it, but ....ugh. If you want some quick reading trashy sci-fi type junk, then go ahead and read it. If you are looking for an intelligent treatment of some comic-like themes, then you'd better keep waiting. This is the first novel I have read that has inspired me to pan it here, that's how bad it was.$LABEL$0 +Be aware of the delay on delivery. Same experience as the last reviewer...I ordered on June 20th and haven't received the item yet. I kept receiving the emails from Amazon which asked for approval the updated shipping date.On the product URL site, Amazon still claims that this item is in stock and can be shipped in 24 hours. It is all BS. I called the customer service number many times and got told their fullfillment center has difficulty to ship the item out.This is a good product...however 1 star review for Amazon.$LABEL$0 +This thing SUCKS. Pulls on hair, and makes it impossible to trim anything. You wanna scream in pain and agony. I noticed blades are all crooked after 5 times using it! The rotating head snaps off as soon as you put slight pressure on it.Horrible product basically and I hate it!DO NOT BUY THIS PRODUCT!$LABEL$0 +The Whistleblower. I thought the subject matter was very intense and dramatic, but well done. I would recommend this movie to adult audiences, but definitely not a family film.$LABEL$1 +Encyclopidia for heath. this is an excelent book for type 2 Diabetes patiend or anybody who want to maintain enjoy a healthy life stile.$LABEL$1 +not worth the money. I bought the cream hoping to get rid of, or at least lighten stretch marks from pregnancy. I have used it three times a day for 3 months and have seen no results. It smells horrible and having to apply 3 times a day is really a pain in the hind parts. I was very optimistic after reading some of the other reviews. I'm now very disappointed. If something sounds too good to be true, it is.$LABEL$0 +good book. helped me realize how stupid things were that we were getting angry about in the relationship, also helps you look at the BIG PICTURE.$LABEL$1 +A great peek inside "the bubble". I have worked on political campaigns professionally for many years and always wondered what it would be like to work for the President. This book opened my eyes beyond the glamour of the West Wing and let me ride along motorcades, helicopters and of course Air Force One. If you are interested in what goes into moving the President and his staff this is the book for you. A great read for any political junkie.$LABEL$1 +Addicting!. I figured I would try this after seeing the infomercial a million times. I thought Chalene would be annoying but I was very wrong. The music is great and she is very motivating. I like how the backround people are the same in each video.You have to do the Learn and Burn and get the moves down in order to get the full effect. There are other tapes on the website in addition to these. I plan on getting those as well.Great workout overall. Very fun and never boring!$LABEL$1 +2 thumbs up (& not there). This CD kicks butt. Lately I've been getting into rock bands doing covers i.e. Rick Springfield "Day After Yesterday", Styx "Big Bang Theory", etc.This does justice to the bands covered and is a definite good addition to your CD collection. Tommy Shaw & Jack Blades prove they have the chops to do these tunes justice.$LABEL$1 +MP3 IS NOT BLOODLINE!!!. Album was not available so I decided to download MP3. The Mp3 download offered is not Bonamassa's Bloodline. Not even close!$LABEL$0 +DRUMS ALONG THE MOHAWK. Don't miss this book. I loved every page of this beautifully written story about wartime in colonial america. Talk about braving the wilderness! I had no idea how tough it was for settlers in upstate New York. Great story$LABEL$1 +His Best Salsa Album. Great songs, great voice. I don't think I'll will ever hear Marc make a full salsa album, without any of the pop or ballads. The style of music that in his albums are ideally not danceable, basically because the louder and more aggressive arrangements will take away from his voice. That is one major difference between him and other salseros like Victor Manuelle, Tito Rojas, etc.; they don't necessarily have the same range as Marc, but the orchestra doesn't become as a distant background. His records are to be listened to relax.$LABEL$1 +Great Book! Interesting, Informative, Thanks Frank!. This was a very informative book for a beginner like me, and I'm sure pro's would find valuable inf. too. I had been using the Martingale System for a while and didn't realize it. Only I use a twist to it, letting me win every spin, except for the '0','00'. No Joke! I haven't lost yet at a wheel! This book also opened my eyes to other option that are available. Some things I really wondered about, and wouldn't ask. Read this book is a must if you like winning!$LABEL$1 +Ouch, my fingers!. This is a great toy in theory, however not only have I slammed my fingers in the turning wheel, but so has my son, daughter, husband, and brother. It hurts too! I really think this toy should be recalled. It's not fun to see your babies cry when they get hurt from a senseless design on a child's toy.$LABEL$0 +I'd laugh, but it's not worth the effort.. You should note the reviews on this site that praise this despicable waste of money are all from the US. It hasn't actually been released in the US.That should be your clue.(HINT : Don't waste your money.)$LABEL$0 +Clancy's lost it. Underwhelming. That's really the only word to describe this book. I can't say that I'm tingling with excitement to delve into the world of John Patrick Ryan, Jr, especially when the story seems to have been thrown together in a few days. Three out of the last four Clancy books have been clunkers...hopefully the trend will reverse, but I won't be holding my breath.$LABEL$0 +Disappointed. Been reading Bucklands books for a while. Very disappointed when I got to this one. I had pegged this writer as someone of authority in the issues of Paganism. Instead I find Christian rituals. Didn't they do enough damage when our ancestors were drowned, burned and tortured? I disliked references to providing them with anything in the same book as the supposed Pagan spells. By the way. Anyone can make up spells and Pagans do so by way of rituals and beliefs but most of us do NOT sell them for money.$LABEL$0 +Love. I buy this on amazon when I can't find it in the store. I love that it's more natural than other conditioners, it provides great slip for detangling and a nice hit of protein for your hair. The bottle lasts me a while too.$LABEL$1 +Very poor reading.. All I can say is I'm glad I borrowed the book and didn't buy it to keep. I felt Jaffe's characters lacked believability and couldn't make myself like them or want them to get together. They were very one dimensional throughout the book and they never seemed to learn anything about themselves or each other as the book progressed right up to the last chapter practically when everything resolved itself. This was totally unbelievable. I could barely make myself finish the book. As for the setting, I have no desire to read any other books placed in that time/location based on this book.$LABEL$0 +Guidelines that work!. I bought Robert Hastings wonderful book in 1979 when I was launching my (what has proved to be very successful) writing career. Hastings' practical guidelines are just what every beginning writer needs; a great many "experienced" writers could use them as well. A real classic!$LABEL$1 +Fell in love @ first sight!. WHEN I FIRST READ THIS BOOK, THIS WAS MY FIRST READ OF A BI-RACIAL FAMILY. I SEE MYSELF WITH A FAMILY SUCH AS THIS ONE SOMEDAY, AND I LOVED THE POETIC VERSES SO MUCH THAT I KEPT IT ON MY COFFEE TABLE FOR A LONG TIME. I ALSO HAVE A HAND DRAWN PIC OF WHEN THE FAMILY WAS OUT WALKING IN THE WOODS ON A FALL DAY. IT IS HANGING IN MY KITCHEN. I DREW IT ON A PAPER PLATE, SPUR OF THE MOMENT THING. I WAS ALSO SURPRISE TO KNOW THAT THE HUSBAND AND WIFE TEAM THAT MADE THIS BOOK POSSIBLE,(i think they are a couple, i could be wrong)PUBLISHED IT THE SAME YR I WAS BORN. SO THEIR KIDS ARE ADULTS NOW, HOW WONDERFUL IT MUST BE TO HAVE SOMETHING LIKE THIS TO READ TO THEIR GRANDKIDS.KUDOS, MUCH LOVE TO THE AUTHORS!$LABEL$1 +Kidde Carbon Monoxide Alarm. My old one went past its life of 5 years and I wanted to replace it with the same model which I could not find anywhere else. It is a very efficient product and I did not have to make a new place for it to fit on my wall.$LABEL$1 +An Easy Read. I recently bought and read this book and thought the book was alright. It was easy to read and did not require any deep thought. I found that it WAS quite predictable. You were able to guess exactly what was going to happen and you KNEW that there was going to be a happy ending no matter what.I think that a little more conflict or more to the plot would have made this book a bit more of a challenge and a little bit more entertaining. I enjoy books where the main characters have more spunk. However, it was a fairly decent book that managed to keep my attention.$LABEL$0 +Thanks CBS. We love to laugh and we like variety.. I enjoyed this reunion special as I enjoyed the other a few years ago. Thanks to CBS for allowing the most daring and adult outtakes and bloopers to be shown. It was so much fun to see Carol Burnett, Vicki Lawrence, Tim Conway and Harvey Korman back together again and able to laugh at themselves as we laughed with them at home. Check out the blooper where Carol flashes the boobs she is wearing in front of Tim Conway. Buy the VHS video or DVD today.$LABEL$1 +Were Are They All????????????????????. Why is everything I want (this prouduct included)at Amazon.com out of stock. You would think that a site that sells so much would not be able to sell so much without keeping the items in stock(could sell much more and make much more if they did; hint hint) My rating of the game is not accurated because I don't have it because it is out of stock!!! HINT HINT!!!!!!!!!!!!!!!$LABEL$1 +What a gifted & lyrical writer!!!!. Dave Kindred ranks among America's finest sportswriters. He and the late Shirley Povich were the best sports columnists The Washington Post ever had (present sports columnists included). The stories in Kindred's book are a joy to read. He's got a Ring Lardner touch. At his best, no one is funnier than Kindred. A few of his tales feel like a Frank Capra movie, sentimental and heart-warming. Baseball captures the essence of America with love of family, country and seventh inning rallies. Kindred makes it come all come alive. His stories on Mark McGwire and Jackie Robinson must be savored. You'll finish this book and feel like playing catch with your kid.$LABEL$1 +WOO HOO!! ;)- HUBBY IN A TUX.... This was such a fun purchase because my husband and I learned how to tie a bow-tie! Okay...I lied, HE learned how on youtube while I watched, This really looked sharp with his 007 style tuxedo he wore on our cruise. It fit his large neck -with no room left to spare (4XLT at the time). It was inexpensive and the bit of texture added a nice touch.$LABEL$1 +Broken upon arrival. I ordered this dartboard thinking wow, looks like some great technology. Only I never got to experience the joy of throwing, because it was broken when I opened the package. There was a dent in the wooden cabinet, a seem on the cabinet was splitting apart, and the dartboard itself had a broken plastic piece. Overall not pleased, but can't speak for the play of the dartboard itself. When bought from Amazon, the package comes in its original box, thus not protecting the item whatsoever while being shipped.$LABEL$0 +Keep it clean. I do alot of the string changes and maintenence for my band. We all use this poduct every time after we play. When our string eventually go dead and it is time to change them out they still feel like brand new. The strings continue to sound new much longer and never have the feel of a gritty coroded surface when this product is used regulary. The bottle seems to last forever even though I use it all of the time. I just bought a second bottle even though I am only about half way through the first because I dont want to run out. Rub a little on with the aplicator tip, let it set for a few momments, wipe clean with a lint free rag. Dont play dirty. BUY and USE this prodoct.$LABEL$1 +Excellent Product. Excellent product within affordable price. I had used before various types of rice cooker such as Sanyo, Krups and Moulinex but I have find Zojirushi is the best because of light weight and super non-stick cooking pot. I am using it almost three times a day but found no dusturbance while I am new user but in my experience and Asian ethnicity I think it is one of the best product available in the USA market.$LABEL$1 +A major let down. This game is a serious let down for all Rainbow Six fans, it's main highlights include poor storylines and plots, edgy cinematics and re-inforced by terrible graphics. This is a major dissapointment, and really I wreckon this game should never have been dreamt up, let alone released, it's terrible and should never see the light of day.$LABEL$0 +drawing table. The table has a nice large surface which is nice. However one side of it was damaged in shipping. I used it for the bottom. The folding aspect of the table is great and really easy to use. It adjusted perfectly to fit our daughter. Overall really nice product.$LABEL$1 +Iron Man Combo Pack rules!. My son could not decide between the Iron Man 2 Movie on Blue Ray or DVD. I came across the combo pack at Amazon and was so excited. It also comes with a Digital copy. All this for only 24.99 It is a great deal! Good movie and now he has three forms of it. We are very pleased with this purchase.$LABEL$0 +Defective BRAND NEW. Bought from Lowe's for $329. Followed all the start-up procedures, ran it for 5 minutes and the tank pressure gauge would not go beyond zero. Tried it 3 times, and checking thoroughly both the drain and safety valves, but the resultsare still the same. I'll be returning this tomorrow and request replacement otherwise I go for another brand.$LABEL$0 +Predictable, popular, pleasant. This scent is becoming more and more popular. Almost ever guy I know has owned this once before which takes away the prestige.it's almost immediately noticeable. Overall the ladies still love it even though someone else will most likely have it on everywhere you go. lol$LABEL$1 +A great book about maya art and culture. This book is well worth the price and a must for anyone interested in maya art and culture. Aside from the full color photographs of maya figurines from museums in both Mexico and the US, I also like the layout of the text which is divided into 10 chapters categorizing the figurines pictured and describing each one with extra explanations when needed. Definetely one of of the best books on the subject, highly recommendable.$LABEL$1 +It was so bad, it's sad that it will be taking up space in landfill. Got it and immediately checked it out using the regular plug. No problems in the 5 minute trial. Got in the car and it did not work with the plug for the lighter. We bought a new plug. It took 4-5 tries loading a disk before it would stop telling us that there was "no disk". This included two brand new, out of the box DVD's. The "ok" button didn't work on the unit so we had to use the remote. The cables weren't really tight, so sometimes they would unplug. Not a huge deal, but the unit had to be turned on again every time and our kids aren't old enough to do this themselves.At this point, we were almost ready to try to trade it. An hour later my son kept saying his screen was turning off. Then, it turned off completely and it never went back on.Not a good deal for all the aggravation. If you've got kids, you have better ways to spend your time.$LABEL$0 +great guitar player. I 've seen Romero live few times,I am a huge fan of Romero's guitar skills and compositions. Live at Trinity Church is one of the best recordings I 've heard.$LABEL$1 +Didn't get what I wanted.. I searched for a yogurt starter on Amazon and this product came up as an option.When I received it there was a sticker "not to be used as starter".Amazon did agree to take back the unopened bag. I don't know what to do with the remainderof the open one.$LABEL$0 +Illegal Drugs Save The Earth!.... One of the better SCREAM offshoots, THE FACULTY succeeds at being an excellent 90s high school version of INVASION OF THE BODY SNATCHERS w/ enough paranoia, terror, and humour to keep things interesting. The cast is unbelievable, including Clea Duvall (HOW TO MAKE A MONSTER, THE KILLING ROOM), Josh Hartnett (HALLOWEEN H2O, 30 DAYS OF NIGHT), Framke Janssen (LORD OF ILLUSION), Elijah Wood (THE ICE STORM, LOTR, SIN CITY), Robert Patrick (TERMINATOR 2, EYE SEE YOU), Piper Laurie (RUBY, CARRIE), and Salma Hayek (FROM DUSK TILL DAWN) as the school nurse! This movie proves what we've always suspected, that our teachers are human hosts for alien parasites! This explains a lot! We also learn that illegal drugs are the salvation of mankind. The alien invaders just can't handle them! Whew! THE FACULTY is fun-tastic! Cheers...$LABEL$1 +Call it what it is - their big breakthrough.. If "selling out" and "abandoning the grassroots" is how highly talented, immensely listenable bands like Vertical Horzion hit the big time, well, I just wish it'd happen more often. This is, quite simply, beautiful music. There's been so much baggage hung on the whole alternative music, it's refreshing to see a return to the basics of harmonious composition and great singing. There isn't a bad moment anywhere, not one bit of sappiness, annoyance, boredom, insufferability, or any other of the failings that have doomed countless promising albums. In a nutshell, if you love music, this album quite literally has everything you want.$LABEL$1 +The Clash of Cultures. This is an extraordinary account of the Mhong culture with its beliefs and mores. Being uprooted and immigrating to the USA at the end of the Vietnam conflict truly changes these gentle agrarian people. Without the courtesy of interpreters the life of one Mhong child is direly affected when the beliefs of the Mhong conflict with Western medicine. A true tragedy in peaceful times!$LABEL$1 +Not a fan of Oates. I have tried to read the work of this amazing writer and more often than not find myself closing the book completely uninterested in the characters and/or the story. Technically, I can appreciate and even admit to the awe she inspires. But for some reason her writing leaves me cold.This was only the second of her books which I managed to finish and I genuinely enjoyed this novel very much. The narrator is flawed and vulnerable, tough and offensive, and I wanted to know what would happen to her and to her gang.I like this book. I will continue to try to read Oates whenever the impulse presents itself. But I will also forgive myself if I am unwilling to finish what I start.$LABEL$1 +I ordered the hardcopy and I received a useless audio disk which is waste of my money. I order only hard copies of books and with my order I received 3 books and instead of this book I received an audio disk.Its a waste of my money for shipment, VAT tax 20% which I pay for import, etc. I would never pay for an audio disk of a book!!! I will never shop from Amazon.com again!Maybe this book is good, but I will never know.$LABEL$0 +The Last Hurah. These episodes are original, thought provoking, and well told. They both would have made exelent live-action shows, though Koo-Koo-Khan would have been quite expensive to produce. It is truly a shame that NBC decided to cancel the series after these two episodes aired. Since it was shown early on Saturday mornings, young children were the prominant viewer, and they just didn't "get" the show. If they had simply moved the show to prime-time, it may have thrived and lasted for five more seasons. Of course, if that had happened, Star Trek history would have been changed forever.$LABEL$1 +Real life situations.. This book is worth reading for anyone wanting to get an inside view of what really goes on in this business.$LABEL$1 +Stories. This is not a book on haunted locations in California. Instead it is a collection of stories that occurred to people in California. You won't find the Queen Mary in here or Alcatraz or the Hotel Del Coronado or any other location that you can physically visit. Instead you will find stories that happened to real Californians in their homes, businesses, etc.If you're looking for interesting real ghost stories, this is a book for you. It is an interesting read, and the stories are entertaining. If you're looking for detailed information on specific visitable concrete locations within California this is not the book for you.$LABEL$0 +Buyer Beware. I've bought three copies of this set,2 new and 1 VG. All three have the same defect on the B disk. It appears to be a manufacturing defect with visible damage to the metal layer rendering the disk unplayable.$LABEL$0 +I miss my old fit n fresh. I had the old fit n fresh for years and loved it every single time that I used it. After wear and tear, I decided it was time for a new one. Bad decision. The salad dressing compartment leaks defeating the purpose of even having a special compartment!! I'm so disappointed. I will definitely be looking into returning this. I know it's only $10, but it's the principle of buying something that doesn't work that irks me.$LABEL$0 +Must-have for silent era fans. This collection is an absolute must-have for fans. I have another collection, the Slapstick Encyclopedia, but this collection is much better. The features are high-speed and show the best snippets from silent reels instead of the whole thing, and the background music, sound effects, and narration are superb. Two thumbs up!$LABEL$1 +It was everything I remembered it to be. Real Classic Love Songs!. This is a must have for a collection of love songs from days gone by. It was everything I remembered it to be.$LABEL$1 +A fun introduction for kids. This set rocks! The child (over 6 years old), with parent's guidance, can immediately follow a starter project to do a simple hookup and get immediate results (lighting, sound, etc). I can see the big smiles from my kids, and that brings a great deal of satisfaction as a parent.My kids would try more than 15 projects in the next few days, before their interests move on to something else. The AM radio is the absolute favorite. The tuner, however, can't really get few stations.But it's a great introduction to basic electronic components nonetheless. They learned the wiring, flow of current, switches, resisters, capacitors, speakers, etc.$LABEL$1 +I thought this book was O.K. but nothing special.... To be honest this book really didn't do much for me. It was a bit boring. Nothing was really going on in the book & the couple didn't even start a relationship until the last 10 pages of the book & then all of a sudden they were wed. Rachel came to Springwater to be the first teacher & upon her arrival she meets Trey & soon finds out that he is part-owner of the Saloon across the street from her school. She despises the Saloon but they soon find that they care for one another. Not much more then that. The book was just lacking something. It needed some adventure or something. I sure hope the rest of this series gets better. This is book #2 in the Springwater series.$LABEL$0 +Amazing. This is not your typical John Grisham book. When I started reading it, I didn't know anything about it. By the end, I was crying because it so moved me. I truly enjoyed this book. It's written from the perspective of a young boy who doesn't completely understand everything that's going on around him. I really enjoyed that aspect of the story because it's so different from so many other books out there, expecially other John Grisham books. If you just read Grisham for the lawyers and courtroom antics, you won't want to read this book, but if you want to read an excellent book, I truly recommend this one.$LABEL$1 +Ok...but clogged!. I own this product and it was working great, a little greasy if you sprayed too much, but after a month of having it, it has clogged and nothing comes out. I tried pulling off the top and rinsing it out and cleaning the tube but nothing worked. What a waste.$LABEL$0 +Awful. This is just an awful edition, full of errors. There are clef signs missing, misplaced accidentals galore. Some of the errors I can correct, because there are two choices and one doesn't sound right. But this is extremely complex music -- all of Iberia is -- and in some cases, it's difficult to know what Albeniz actually wrote. I bought this because I was frustrated by the difficulty these days of obtaining piano scores (Patelson's in New York and Yesterday Service in Cambridge, MA, two of my favorites, are now closed). A mistake. Now I will try a little harder and get myself a real edition. It makes no sense to devote the time and effort to learning music as difficult as this from a (very) substandard edition.$LABEL$0 +Kindle version is missing text that is central to the story. This Kindle version is missing huge portions of text.For example, the entire manuscript read in Chapter 2 is missing.Amazon: please fix it or remove this defective version.$LABEL$0 +Where is San Francisco? Here's the track list.. This refers to Curb Records CD number D2-77447.Track list:1. My Love2. O' Sole Mio3. The Good Things in Life4. Cute5. Mimi6. London by Night7. On the Sunny Side of the Street8. Let's Do It9. Living Together, Growing Together10. Give Me Love$LABEL$0 +why do they all have to go "commercial". Unfortunately with this album Beenie Man shows us that his work is evolving in the wrong direction. Whereas his earliest albums still have the wicked Kingston, Jamaica sound and rhytm, this album has moved to the ranks of a computer generated song, with all of the beats that seem so out of place in this song. This might attract a bigger audience (and thus more sales), he'd be wise to stick to his roots$LABEL$0 +Will giving a review of a non-existent item help it exist?. I hope so! I loved this show, and I would buy this DVD set in a heartbeat, and I have never purchased a tv series on DVD. DVD's are so cheap to make, why wouldn't they take a shot, and make some money off this show?$LABEL$1 +An Important First Step. This is an important study of the responses of Assyrian immigrants and their children to their newfound land of freedom and its lure for assimilation. The vibrant Assyrian community of Chicago has maintained its strong cultural identity, as the author asserts through a superb pictorial essay, by slowly shedding the social distinctions brought from homeland.While the author ignores the tumulus years following the great exodus of 1980's due to the Iran-Iraq War & the Islamic Revolution in Iran, his study of the cultural activities between 1930's and 1960's would be interesting to most readers - particularly those with ties to Chicago.Since the politics of the "Chicagoland" continue to affect Assyrian-American politics in general, Mr. Shoumanov's book is an important first step in the contextualization of the Assyrian experience in America.$LABEL$1 +Smaller than you think. These are smaller than those recommended by jugglers. These are golf ball sized. The juggler group I went to recommended balls that are tennis ball sized. I am disappointed.$LABEL$0 +The book is out of date. It has to be rewritten. No software support, the contents are not comply with the technology. I couldn't get anything out of it. I found myself reading sample chapters from here and there.$LABEL$0 +An eye openning account about the war on drugs.. Let me say that this book was read before I had a chance to see a video titled the Clinton chronicles. After seeing this video and reading this remarkable book it's easy to see why the present White House Administration is bogged down with scandal after scandal. I recommend this book, and I recommend getting your hands on the video. You'll be amazed.$LABEL$1 +A look into first-time motherhood through int'l adoption. This book is one single woman's story of international adoption and her journey from singledom to motherhood. The author is honest and open about her feelings, even with things are less than perfect. This book gives insite into the process of adopting from Russia and gives some helpful hints along the way. I found this to be an interesting, easy read.$LABEL$1 +Doesn't quite cut it. "Coyote" was an impulse buy, and the "steal a starship" set-up was so contrived and preposterous that I almost gave up on the book - Amazon reviewers suggested I hold on for the Coyote part, which WAS a lot better, and I finally enjoyed the book enough to try this sequel.Although these stories are well crafted and generally connected to the rebellion plot in a "life on the hard frontier" context, they often felt more like writing exercises to me, especially the one about a bio-engineered bat/man vampire dude who arrives on Coyote leading his religious cult (as if someone said "I challenge you to write a Coyote story involving a vampire" - this is hard SF?!?). This book seems more like a Wild West story set on another planet, with rugged freedom-loving rebels fighting the oppressive, power-hungry socialist overlords. But there are weird animals and plants, and some strangely selective advanced technology thrown in for good measure. And a vampire. Oy.$LABEL$0 +NOTHING LIKE THIS BOOK OUT THERE. A brilliant collection of prose and poetry on the mystery of art and art-making, this book is not only moving but also powerful and engaging. The selections are beautifully varied from what were originally reviews in art magazines to poetic musings by acclaimed poets, diary-like entrees and studio interviews with artists wrestling with pictorial problems. Sitting down with this book is like an aesthetic journey, and rising up again one feels strangely refreshed and revitalized. It is a wonderful book and a treasure trove of insights and revelations on art and creative living. William J. Havlicelk PhD$LABEL$1 +Great printer. Great buy.. Did a lot of research before I bought this printer. Even called Canon for a definition of some of the features I didn't understand and received quick, friendly help. Then I searched the Internet for best price. This was it. Printer arrived in 3 days. Easy to install. Weighs about half what my old one did. Works like a champ. If most of your printing/copying/faxing is black and white, get this printer with a cheap color printer for the occasional item you need in color. Much cheaper way to operate.$LABEL$1 +Hypnotic. I began reading with WWI and continued to the end, and now I look forward to starting again with the Greeks. The most astonishing conjunction is the torture of Eric Lomax and his mates, followed immediately by Bill Laurence's account of the Nagasaki bombing. Whatever pity you might otherwise have felt for the Japanese on the ground has been utterly extinguished by the cruelty of the Japanese army in action. A superlative collection. The dustjacket photo alone speaks eloquently of vulnerability of men at war.$LABEL$1 +Awesome phone!. This phone works great even in our basement with computers and other electronic items that used to cause all sorts of reception interference. The phone comes with many other useful features such as intercom between the handsets. The transfer of calls between handsets is also easy.$LABEL$1 +Good for spot treatments. This stuff is really good for reducing the size of huge acne. I have had very fast results.I do get some minor visible peeling. In addition, this stuff can be very painful.I probably would buy it again.$LABEL$1 +Ditto. Sadly, I must support the opinions of the reviewer who preceded me here. If you want to get into this material, you need to go with the recordings by the original ensemble prior to their break-up in the mid-30s. There are two or three tracks of interest here, but unfortunately the disc overall is a pale, limp imitation of past glory. I'm still looking around for a desirable first choice, but while I can't offer a positive recommendation at this point I can definitely second the notion that this is one to avoid.$LABEL$0 +I know how to Cook Non-allergenic food like Speghetti & Grits - Nothing amazing at all about the recipes. This book is simply a recipe book which replaces eggs & nuts in recipes with name brand egg-substitutes and such. There are tons of references to specific brands of ingredients.And the remainder of the recipes are simple every day recipes.. that dont have eggs in them in the first place.Yes.. I know how to cook oatmeal, grits, or speghetti without using eggs and nuts.There are much better books out there.$LABEL$0 +Dated, not very interesting, not very helpful. Prehaps this was more intersting to audiences at the time of its publication. It sounds naive today, as though it was written for an audience with no exposure to flaky new-Age ideas.$LABEL$0 +great stuff. album arrived in a very timely manner and was in great condition, just as the seller said it would be.$LABEL$1 +Absolute Sh..!. Do not buy this game it becomes so aggrivating watching while you play with the unskippable in between frame videos and the play is even worse it gets so unspeakably annoying when your ball goes to the complete opposite side of the lane as you told it to so folks dont buy this trash and save your money.$LABEL$0 +Just a pretty face. I bought this stroller because I couldn't afford a Bugaboo and because it looks really cool. The fabrics are really hip and the overall look is stylish. But it was not worth it! I have been disappointed by this stroller again and again. It is bulky, not travel-friendly. I was excited about the flipping handle, but it doesn't push well at all in that position because the wheels rub against the basket. It's really cumbersome to lift over curbs and is rather difficult to maneuver in general.Even with those drawbacks I figured I would keep it and just get a cheap umbrella stroller for travel, but today i was out with it and a bolt fell out of the frame, making it impossible to push up over curbs! I had to carry my 17 pounder 8 blocks home dragging the worthless thing behind me. I'm getting a Graco and hope I am never taken in by looks again!$LABEL$0 +.a. A kid with a rock upside his head is probably where he got the name kid rock.. id like to through a rock against his head this guy just sucks period.$LABEL$0 +flexible flyer sled 48 inches. My grandson asjed for a sled for Cgristmas. I ordered it from Amazon. It was at my door exactly on time and in perfect condition and he loved it!!!!$LABEL$1 +Period piece from a bad period. This film was silly and dumb the day it came out, and it remains so today, even given the nostalgic smirk that it will conjure up from most of its viewers. The eighties was a time of teen dance movies, and this one cashes in as best it can. A reviewer below is right to point out that the premise of a town that outlaws dancing is utterly ridiculous. (Perhaps had the film been set in the late 1600s it would have been believable, but then they wouldn't have been able to sell the cheesy pop soundtrack.) Along comes the inevitable good-looking rebel to shake things up with his slinky moves. As a period piece, this formulaic eighties film might be good for a few warm guffaws. Otherwise it's pretty insipid, and holds up even less well than many Elvis movies from the sixties.$LABEL$0 +should have listened to the other reviews :-(. by far the worst purchase I have ever made! now you CAN make it eat some putty, the problem is it will also eat the wood. it is meant to act as a "bearing bit" that follows along the wood. BUT the surface you are bearing against is the putty it self. Therefore you have to "free hand" into the putty to create a bearing surface on the wood, of course you will most likely nic or even destroy the side of the wood in so doing. and once you do get to the wood the ... oh never mind I hope you get the point by now.$LABEL$0 +Wow.. This is one incredible album. The progress silverchair has made in 4 years is astonishing. It's hard to believe these guys are only 19. It's so obvious how much these songs mean to them, especially Daniel- you can hear the emotion in his voice and in the very personal lyrics. There is an incredible amount of diversity here, something which is getting harder to find. And all the songs are just as powerful live. If an album this good can come from silverchair at 19, imagine what's coming in the future.$LABEL$1 +Really?. Wow.What a 2 1/2 hr. waste of time. What a waste of good acting.Good thing I was sick that day anyway.$LABEL$0 +Suspenseful Action Novel. With this novel, the author has created one of mystery ficton's most compelling hero: gutsy New Orleans detective Cal Panterra. The author's gift for combining gritty realism and grab you be the throat drama makes this who done it a truly satisfing read. I couldn't put it down ! Whatever your favorite adjective is, you'll use it about this book. Looking forward to the next one.$LABEL$1 +Nothing's Perfect, but this is close.... I am a fan of all types of music...I saw the Video of "Daddy Won't Sell The Farm" on TV and knew I had to have the CD...Their clear, true voices can bring you to tears (Tattoos & Scars) and their harmonies and band are superb...You can pump it up on all of the tracks or turn it soft to get a different feeling on all the songs...most "hard-core" Country fans probably think it is "too rock"...just the combination I like...Favorites are "Tattoos & Scars" (thoughtful); "Hillbilly Shoes" and "Daddy Won't Sell The Farm" (good pump up the sound and stomp yer shoes)!$LABEL$1 +Great Video. My son is only 9 months old and he is already addicted to Blue and Steve. Thanks Blue's Clue's!$LABEL$1 +WASTE OF MONEY. The Godzilla album is a complete waste of time, people who actualy collect film score are going to be very dissapointed when they find out that David Arnold's brillient score to this film is not avalible.So don't waste your money on the album, their bound to release the score sooner or later, trust me, it'll be worth the wait!$LABEL$0 +A wonderful documentary:. If you are a fan of Hunter S. Thompson you will love this movie.The archival footage is extraordinary,and the interviews are great. Johnny Depp does top notch narration as Hunter.By the end of this movie, you really get a feel for the man that was Hunter S. Thompson. This was a very deep and moving experience.Even the soundtrack is flawless!(CCR, Lou Reed, Bob Dylan, Rolling Stones, etc...)The special features are also superb, with commentary, a music video,audio excerpts,extended interviews,deleted scenes, all the "gonzo" art,and even a photo gallery, plus more.If you like Hunter, then this is a no-brainer purchase.I plan to also buy the soundtrack,audio tapes,and books.Happy "Gonzo" watching.$LABEL$1 +Not Worthy. This deserves DVD treatment? First of all, I object to the term "pimp" being used as a verb. It's just not right. Some of what they do with the cars is amazing...but I wonder why they don't just get better cars to work with. If you rebuild an old piece of junk, you could get problems down the road. For all it must cost to redo the cars, they may as well just buy new ones (I suspect they do anyway, as some of the "improvements" are too hard to believe).I miss the days when MTV played music videos.$LABEL$0 +Michael Phelps inside story. This is an amazing video. If you watched just one of his races, you must see this DVD. His story is great AND they show every race he did. My family and I spent every night during the Olympics watching swimming and it is great to be able to have all the races to watch over and over again in this DVD.$LABEL$1 +Beautifully disturbing. This album is a bit of a contrast on Mer de Noms, but it is a very good thing. The musics' complexity and depth makes this a great album without Maynard. However, with Maynard it is simply amazing. His voice is entrancing and the lyrics are very thought provoking. If you enjoyed Mer de Noms, get this album, you will not regret it.$LABEL$1 +Will not charge anymore in my Nikon charger!. I purchased one of these batteries so that I could have an extra for my Nikon Coolpix 4300. I charged it successfully a few times and it seemed to be working fine at first. Now when I try to charge it with my Nikon charger, the light blinks rapidly. The Nikon instruction manual suggests that when this happens, it indicates there's a problem (as in - the battery may be unable to charge). My original Nikon battery still charges normally with no problems and everything works as it should. I don't know if I just got a bad battery or whether this is a very common problem. Just be aware that this could happen to you!$LABEL$0 +Works Great. Very pleased with this one. I was a bit apprehensive over using a hard metal cuticle pusher, but the Tweezerman pusher worked great. It even gets the tough cuticle underneath. The only con (if it even matters) is that the black lettering on it comes off easily, but it's not like that affects the performance though.$LABEL$1 +A great CD...I would recommend it to anyone:)!. I really liked this CD. It has a very good variety of songs...Upbeat and slow all at the same time. Get it and enjoy it.$LABEL$1 +Here - Adrian Belew. Good CD. This must be the disk that got him the reputation comparing him to the Beatles. This guy is talented$LABEL$1 +Striptease (1996). Waited a long time for this movie to come out in dvd keepcase. Amazon say its widescreen lol.. its full screen.. don't waste your money.. Amazon!!! I want a refund for false advertised product both on your product page and on the dvd cover... Why do you not send all dvds back to the vendor when they lie one the covers?$LABEL$0 +Big Disappointment. I have been a HUGE fan of Godsmack since the very beginning. They are a truly talented band, and one of my top 5 favorite bands. However, I sure am glad that I only paid the special Amazon price of $8.96, instead of a normal CD price. 'IV' is a classic example of a popular band that has a magical musical formula for success, and that formula has worked for them on all of their past CD's, and then they decide, "Hey, let's experiment and try something different since we are famous and everyone will buy it, even if they don't care for it, we'll still make millions." Of course, Sully's voice is awesome as always, and the musicianship is top notch. 'Speak' is classic killer Godsmack, and 'Temptation' runs a close second. However, they need 9 new tracks to complete the CD. I'll save 'Speak' and 'Temptation' to my computer and MP3 player, but the CD will get buried in some cabinet, and I will anxiously await their next release, which hopefully will revert back to the magic formula!$LABEL$0 +Profiling and Finding a Wife. The author in this second book of the Millionaire series offers up some new interesting insights about wealthy people and thier ways. Unfortunately he maintains his bias against working folks read "economic dropouts" and this time there is a lamentable self-congratulatory tone. I would like to see a book that looks at wealthy people from every segment of society and every economic background. This book is written for middle to upper middle class white college educated people who perhaps have money problems. I strongly suspect the author has little use for any other kind of people hence the pejorative "economic dropout". If the potential reader fits the above described profile and wants to get married then this book might be a good read. This time I was smart and checked it out from the library.$LABEL$0 +Ridiculous. Ok people.. there are actually two bolts that hold your rack together. Why would this lock make your rack secure? Any idiot could just unscrew the other bolt and get anything you had on your rack plus most of the rack itself. This product is completely ridiculous. The design of this bike rack is very lacking. They should design the rack with security in mind and not charge extra for it. Seriously.. isnt that part of their job? Who would want to buy a rack that is easy to steal? If you bought this rack then you are much better off just using a chain and a decent lock to chain it all together and chain it down to your hitch.$LABEL$0 +Great First Safety Razor. Compared to my old Mach 3, this is easily a five star product.Cons:- However, compared to other safety razors, it lacks an adjustable angle. This wasn't a problem for me just starting out, but I'm now considering branching out into more adaptable razors.Pros:- It delivers on the longer handle, though it turns out I grip it pretty close to the blade anyway.- I've had mine for 2 years without the breaks described in other reviews. *fingers crossed*All in all, it's been a transformative shaving experience. I'd recommend this to anyone looking to switch to safety razors that has large hands.$LABEL$1 +Cliche's Made Palatable for Middle America. I have an idea. Let's take as many gay cliche's as we can possibly put together in 3 amazingly short segments. Oh wait, we don't have to, it's all here in "Common Ground". In the 3rd, 30 minute sement alone we have veterens protesting a gay wedding ceremony, the military dad who doesn't approve, one of the groom-to-be about to run away cause he's unsure, two lesbian caterers, the straight supportive female friend, the gay florist, a third lesbian who is getting sperm from the other groom-to-be to inseminate her on his wedding day and a priest who is rethinking the church's stance on homosexuality. I haven't met all of these citizens of the gay world in my 26 years as an out gay male much less in 30 minutes.I'm all for gay representation in any form, but this is not a flick for the gay community. It is clearly intended for middle american to gain an (unrealistic) glimpse into "those crazy gays and their antics".$LABEL$0 +The Epic Poem of the English Language. John Milton's "Paradise Lost" is one of the all-time classics of English literature. The epic poem begins with Satan just having been expelled from Heaven. Adam and Eve are tempted in the Garden of Eden, and fall. Before the two are expelled from Eden, Adam has revealed to him some of the major events of the Old and New Testaments, culminating in the Second Coming of Christ. The epic has enthralled readers for well over three centuries.One thing that must be borne in mind when reading this work is that Milton's theology was not orthodox Christian theology, but Arianism, as he denied the Trinity and believed that Christ was not eternal, but created by God the Father. Also, the seventeenth century English is difficult to plow through. However, by forcing the reader to reflect on the origin of evil and to consider what they believe about the concept of original sin, "Paradise Lost" proves to be worth the effort one must make in reading it.$LABEL$1 +Horrible!!. I was really looking foward to receiving this item and have never been so disappointed. It is slow, very slow, confusing to use and the "people" look so phony!! I have Monopoly Casino and it gets 5 stars compared to this!!$LABEL$0 +I think it's one of the best LP of last year, like Placebo. Well... The day before yesterday, I saw them in Brussels. Since then, I think their LP is greater and greater. Those guys are cool, they're playing great music, and should be known by you. Thank you Nada Surf for being here showing your feelings that could be ours.$LABEL$1 +I Solved the Rattle ... well, not really .... Turning the unit upside-down and precariously balancing it against a bookshelfmiraculously stopped the Geiger-counter rattling noise.Not sure my wife is going to go for the aesthetics, though.Seriously, Lasko, either manufacture this thing a little better or don't make itat all, please.$LABEL$0 +juh. After hearing kurt cobain cover where did you sleep last night on the unplugged album I thought it only right that I go and check out the original. I am glad I did - this record has the intense emotion I liked in nirvana, the same kind of difficult subject matter mixed with a knowing pop tune. I reject all other rock bands - william burroughs said something about rock'n'roll was rubbish - if you want to hear real soul listen to leadbelly.. I can see why kurt loved this guy, shame none of my friends can..$LABEL$1 +Hulkalooser. Bad acting, Bad dialogue, bad effects bad everything.In this film nothing made me happy, it was the worst film ever.It was on a sunny sunday when i was watching BBC1, all i could see was a fantastic movie which turned out to be a no point watching film, Hogan couldnt bearly act and Grace jones was the worst in it, you could tell her age was going on....$LABEL$0 +Title is the only thing interesting about this book. Regionalism across the North South Divide is not for the novice reader. This book is a compilation of case studies from several authors and is very difficult to read. This book is nothing but fact after fact on several different countries. The writers present an entire idea in one sentence and move to the next idea, without allowing the reader to digest the information already presented. It is a shame this book is so poor because I am interested in the subject but don't feel I gained anything from this book. I would have given it one star but made it two because it does contain a lot of facts in relation to globalization in lesser-developed countries. The editors condensed way too much information into this book and lost the free-flow of thoughts and ease of comprehension. I would not recommend this book to anyone.$LABEL$0 +Kensington Presentation Device. I have used this device for at least six presentations and it works flawlessly. For the money it is an excellent product. I like the fact that the USB connector can be stored in the device.$LABEL$1 +This devotional book is the best thus far!. Hey teens who are sports fanatics out there! I am a 17 year old who loves sports of all kinds, and more importanly, I love my Jesus with my whole heart. I have grown so much closer to Him by reading Devotions From the World of Sports. John and Kathy are incredible writers which God has given the gift of writing to them. They make it so clear in this book how to live for God. Plus, you get to know some sports history on the side. I've had the pleasure of talking to John online, and he is an example to us all! Pick up his and his wife's book today, and I can gurrantee you will walk closer with your Savior! It is the highlight of my day. God bless you all out there. I love you all as a sister in our Lord God Almighty!$LABEL$1 +Home For a Bunny is a Classic!. Home for a Bunny should be a part of every child's library. This was the first book I learned to read and 25 years later I am buying it for my new baby girl. The colorful pictures, rhythmic text, and the loveable ending are unforgettable. Home for a Bunny is a classic!$LABEL$1 +Good book. Great book, used it for my management class book report. Very basic but useful information. Helped a lot with my classes.$LABEL$1 +Not for the layman. I guess I expected more information about the cultural groups and their actual diets. This book is really for other scientists not the layman looking for information that could be applied to their everyday diets.$LABEL$0 +Not Funny. Some of the other movies Will Ferrell made were funny. This movie was not funny, but really silly. The plot was OK, and the acting was good. Will Ferrell invents a tachyon gadget and ends up in the parallel universe with dinosours and other creatures (looked like they were humans wearing cheap green costumes). A few of the one liners were funny, but not enough to save this movie.I give it a thumbs down.$LABEL$0 +medeocre. massive jamming problem. this gun is extremely durable. not that powerful. reloading is a pain, the shells pop out all over the place, and when i try to fire, it gets jammed half the time.i wouldn't reccomend it.pros: very durable, portable, ammo container in backcons: not particularily powerful, reloading is a pain, sluggish shot, jamming happens often, sometimes doesn't shoot altogetherbottom line: my night finder is about as cheap as this, and more powerful. no to mention easy to mod. buy that instead.$LABEL$0 +No pictures of dishes. My husband LOVES to cook and try different recipes. I bought him this book but he didn't care for it because it has no pictures and he likes to see what the dish is supposed to look like or even to decide whether he wants to try it or not by seeing the picture.This books gives a lot of Greek culture, he says, but he wasn't interested in that.$LABEL$0 +A Heart Warming and Delightful Tale. Joey and Mary Alice Dowdel are sent "to the sticks" each summer for a week.Their parents say that they are old enough to spend time with their grandmother; Mary Alice suspects they want to have time to themselves. Each chapter in this book features a different week spanning a time period from the late 1920's to the early 1930's. Grandma is gruff and no-nonsense; and she also has a heart of gold. This delightful unabridged spoken word title is a book that the entire family will enjoy.$LABEL$1 +The Clip Will Break.. I really wish I had read the reviews before I bought this case. The clip will eventually break, probably within just a few weeks of regular use. I actually bought two of them with the same result. I was fooled twice. It's very cheaply made.$LABEL$0 +Great idea, well execucted!. This thing rocks! Great for grilling. Simple, well made, works as it should! Makes a great gift! Love this thing, get one (or two!)$LABEL$1 +bad, bad, bad... It is a very bad book, very bad.The author uses filthy vocabulary thru ought the entire book. This book is only about sex, drugs and filthy words.It is one of the worse backpacking books I have ever read. I stopped reading it half way through. I can't believe how much garbage can be published.$LABEL$0 +Typhoon Steamer - 8 inch. This steamer fits neatly over a two quart stove pan and which provides plenty of clearence from the steamer. The steamer works well and thoroughly steams and cooks the Chinese food that I put in it. A wonderful purchase that was easily accesible through Amazon.$LABEL$1 +Impressive. Well, I'll try not to make this a biased comment, only because I'm a huge HIM fan, and their music is probably the most down to earth stuff my ears get to catch.The acoustic version of "The Funeral of Hearts" is incredible, along with "Buried Alive by Love." You can really hear Vallo giving his all to both of those, and not to mention the Apocalyptica hauntings in "Gone With the Sin." Definitely worth buying, and a must-have for anyone who liked even one song of His Infernal Majesty.$LABEL$1 +sorry to disagree. I'm sorry to disagree with all the positive reviews, but even though I usually like wild juxtapositions like this, I don't find this pairing at all successful. The whole CD reeks of the editing room, with the music of Bach being performed throughout in a stiff, stilted manner in order to synchronize with the African rhythms. All I could think about was the singers with headphones on in a recording studio trying to cram Bach's fluid phrases into the rhythmic straitjacket of the drum tracks. The 3-part invention is played on (or rather programmed into) an electronic keyboard with an ugly fake organ sound - why not have a real organist play it on a real organ? And the clapping overlaid on Bach's sublime "Ruht wohl" is just lame! I can't speak to the authenticity of the African element of this CD, but as a classical musician I can tell you that the classical element is severely compromised - even rendered lifeless - by the pairing.$LABEL$0 +WOW, Everyone Needs To Read This Book!. This book has it all! It was entertaining, thought provoking & enlightening. Make sure that you have some time to read when you pick this book up. You won't want to put it down once you get started!$LABEL$1 +Love her books!. I love her books but since I have Nook and not the Kindle i have to use them on my computer. this one will not convert over to a working Nook book for some reason. Some of them are copyrighted and you can't do that anyway but this one particularly stops at 47% and won't go any further. Sure wish I could read it on my Nook instead of the computer.$LABEL$1 +Great book to record all your memories!!!. I love this book! You can record all the stages of your relationship from courtship, engagement to your wedding. The book has beautiful pictures and plenty of space to record your memories and add your own pictures. Definitely a book you'll want to show off!$LABEL$1 +GREAT READ. This book is a must read. I picked up this book and couldn't set it down. When I put the book down it was as if the world was a different hue. Great ideas and the words flow like a song.$LABEL$1 +Great Double Duty Product. My nail technician trains others in OPI products and uses them exclusively on my nails. I normally get a french manicure (gel) on my nails with OPI products once every 4 or 5 weeks. Just recently I started painting my own nails in between my manicures and have been getting amazing results with the Start-to-Finish.Using it as a base coat assures that the color doesn't bleed into the edges of my manicure (for when I want to go back to just the white tips) and also helps the color adhere well. My technician did tell me that this base coat does adhere better to gel nails than bare ones, if that helps. She also highly recommended that I do just three swipes (center, and each edge) with each coat. Over-painting with each coat can cause some of the problems people have with chipping.Once I have my nails painted, top coated, and completely dry, I can get at least a week without chipping. I even went on a camping/backpacking adventure and did not end up with a single chip.$LABEL$1 +Pretty good ice trays. I got these ice trays to use when the ice maker went out of my refriderater. The trays worked very well but I had a hard time gtting the cubes to fall out. Still a very good product though.$LABEL$1 +This is a "have to read" story!!. I just finished this and all that I can say is... WOW!! I am completely blown away by this story. It grabbed me right away and I never had trouble getting into the story or following it. This author is an amazing talent!! The love of Henry and Clare is so heartwrenching and so touching. Many times, thoughout the book, I would stop and just think to myself - what if something like this were to really happen - can you imagine?! Beginning, middle and end - the entire novel was just unbelievable. I will be recommending this to everyone!! Definitely a permenant bookshelf book! For those unsure of the idea of reading a time traveling book - do not hesitate on this one! I was unsure if I would enjoy this book, before I read it, just because I am not one to really get into the whole genre/idea of time travel. However, the way this is written - so beautifully and engrossing - I am so glad that I took the chance on it!!! I can't wait to read more by this author!$LABEL$1 +twice the movie that new jack city is!. This is the movie that type-cast the careers of christopher walkin,,larry fishburne and david caruso.All these actors would go onto careers that would see them essentially reprise their roles so capably deliniated in this seminal flick.If you want a good action flick that's a favorite with every body who's ever seen it,this is one that people memorise.$LABEL$1 +IT MAKES SO MUCH SENSE. It makes me cry, and laugh, and think, and notice that my thinking start to change. I feel much more at peace and happy. I am so thankful that Mr. Walsh decided to write this book. Many times, I have sincerely prayed to Buddha to show me the way to truth. And my prayers have been answered. I stumbled on this book when I was in the book store to buy another book. And I almost didn't go to the bookstore. The truth and God do not belong to any one particular religion. This book speaks of that truth. The self-rightious and close-minded will not agree with it. But be patient, they will find their ways eventually. May be not this life time, but they will.$LABEL$1 +Escape Light Not Functioning On Arrival.. Amazon is sending a replacement due to the escape light not functioning upon arrival. Will see if the replacement experiences the same issue.Update:Second unit has the same issue. Horrible build quality.$LABEL$0 +A Little Gem I Have Gone Too Long Without. I read first read this book in its orignal edition nearly eight years ago following a workshop by E. Timothy Burns. While the writing itself is average, the content and the weaving of human aspect that creates resilient children is elegantly and simply presented. Having loaned (many times) and finally lost my original copy, I am getting myself another! This is both an inspirational and referential text. It is a little gem I have gone too long without. Any family with children, anyone working with children or adult-children, or those called upon to opine about growing up in an often harsh world should read, keep, reread, and reference this book. It is, as I have said, a little gem.$LABEL$1 +Good for people who don't have internet access. This is a good strategy book for someone with no internet access. Oh wait, Dark Age of Camelot can only be played by people that have net access! D'oh!There are numerous web sites with more accurate, up-to-date information. Particularly in a game such as this which is being patched and changed constantly, a paper guide has limited value. Especially when the paper guide contains factual errors and bad character development advice.In my experience, the only truely useful part of this book is the bestiary. It's handy to have and seems to be pretty accurate and comprehensive.If you're too lazy to go online and find the information go ahead and buy this book but be advised of its limitations.$LABEL$0 +Working well after I fixed existing wiring. I bought this PE120 to replace an older one of the same model that had been declared bad and disposed of before I moved in (thus before I could look at it). When I first installed the new one, the alarm sounded continuously - I then discovered a wire had dislodged from the connector originally installed in the ceiling.After repairing the connector the alarm tests fine and we've had no problems, no false alarms. My anecdote of course doesn't prove anything, but does make me wonder what other variables may have been involved in others' experiences with this model.$LABEL$1 +Use your brain - change your life. This book is insightful, very readable and inspirational. Understand the working of your brain and live life to the fullest.$LABEL$1 +Heart pumping. I stumbled accross this movie on Netflix the other day and was blown away by it! My only complaints are that it wasn't longer and there wasn't a series (with Casper? and or others in the business) made. I don't want to spoil it with details but Check it out!$LABEL$1 +Super Strong Shipping Tape. Recycling used boxes to ship items 1800 miles requires strong tape. This is the best stuff I have ever used, super fast delivery, perfect execution of the order in every way$LABEL$1 +Great product but not at this price. I purchased this product directly from Amazon at a cost of under six dollars, and have reviewed it on Amazon. It works very well, and I gave it five stars.The reason for this one star review is to prevent an unsuspecting consumer from purchasing this product from a seller who is currently charging five times as much as Amazon for the exact same thing.$LABEL$0 +To large. I got this product and when I opened it I realized this was going to be to big and bulky for me. I have short, curly and thick hair. I sent it back right away and I never did recieve my refund. However, I did complain this to Amazon and they took care of the problem right away, I should be refuned in 10 days or so. Thanks Amazon.$LABEL$0 +Effective of Methioform for managing UTI in cats. My cat since when she was very young has had a recurring tendency to develop Urinary Tract Infection. On our Vet's recommendation, I put her on half a tab of methioform daily to change the PH of her urine. This has been very effective in keeping the UTI at bay. Methioform also has the advantage of being very palatable for cats; my cat, who is very bad with medication usually just happily munches it up with her dry biscuits. I would recommend this as a good way of preventing a nasty and troublesome problem. I am writing from outside of the US; I had trouble purchasing methioform from a few websites, particularly Animal Meds sites because they require prescriptions. I was able to buy it at Amazon with no hassles.$LABEL$1 +Funny. Worth a good laughs, but why must they make films showing the bRITISH AS SNOBBY? Isn't that racisim?$LABEL$1 +Loving oil these days for soft skin. This oil is very lightly scented and does a great job at softening skin. I have bought a few oils lately and this one has the advantage of a bit larger container. I like the value of getting more for my money. Thanks amazon!$LABEL$1 +BUGS IN and BUGS GETTING OUT. Not only did I have many of the same problems as already described, but had problems UNINSTALLING this junk. Manual(a joke) says "insert nero6 CD into drive" then click on "next to continue uninstalling"After putting disk in drive to uninstall, it would only install.Had to use XP's "Add or remove Programs". Even that left alot of nero6 in system. Had to do search "nero", and drag to recycle bin. Last search nero6 is gone from my system?Besides many problems, much of advertised stuff is not there. Looking at positive and negative reviews here, there must be two different packages. You will be lucky to get the right one. Big waste of money.$LABEL$0 +get ShOoTyZ GrOoVe not this. face it blink-182 soldout this cd sucks there is a band out there better than this band they are called shootyz groove and they rock. There the jive of this world not this one year old band.$LABEL$0 +Boring. This is one of the most boring books I've ever read. The attempt to mix the author's life (her mother's dementia) with one of her interests (Art at The Hermitage) is a debacle. Sometimes, two totally different things compliment each other: vinegar and oil. In this case, they do not. This was contrived and unnecessary . The endless effort to seem intellectual, and the author's decision to bring the outcome in the middle of the book are two of the many things that spelled disaster. I do not recommend this book.$LABEL$0 +Dull. Looked great out of the box but lost its luster after two weeks! A big disappointment, looks like something out of a Cracker Jack box now$LABEL$0 +Survival. This is a must have for anyone that wants to survive. It doesn't matter wether it is a natural disastor or manmade this book will help you get through it. I suggest buying this larger version of the book and also the pocket size for your vehicle or bugout bag.$LABEL$1 +Fast and beautifully done.. I loved this movie, from beginning to end.First there was Bruce Lee, now we have Ip Man or Donnie Yen. The action thriller not only tells the peril of the Japanese occupation in China but also the brutality of fighting and warring, which China has experienced for quite a long time.It is fun, touching, and a wonderful story about the art of Wing Chun.$LABEL$1 +Rolli is Best. This is the best cat box we have ever had for our family of cats. They love the priacy and we love the ease of cleaning the box each week.$LABEL$1 +This is really great. We've used two of these for about a year and a half. It takes about 20 seconds to clean each one. Our cats are fussy and demand that we clean the boxes frequently, so these are perfect for us. The type of litter does matter, some clumping better than others. We use the Arm & Hammer clumping litter (multi-cat), and little to no clean letter gets stuck in the waste drawer. It's quick, litter efficient, and doesn't make a mess. It is hard to imagine it wearing out very easily since it is such a simple construction. We love it (if you can love a litter box).$LABEL$1 +WHAT HAPPENED TO METALLICA???????????????????????????. No Joke, this is one of the worst albums EVER!!!!!!!!! I just cannot believe my ears. This is the same band that put out "whiplash" "Battery" "Master of Puppets" and "One" ? just to name a few. I am so disgusted. I wish I didn't even have to give this one star. You guys are killing me. Horrible.....$LABEL$0 +great for kids and seniors. I bought these for myself because I have arthritis and it makes card playing much easier and more enjoyable. My elderly father also uses them. They're sturdy and stand by themselves.$LABEL$1 +Hurts like the dickens. I got these to exercise with and found the sound to be good. Not as good as my in-ear Shures, but good.The problem is that the fit is horrible. The sit in your ear at an angle that makes the front of my ear start to hurt within 5 minutes and the pressure inward from the headand is significant making the center of your ear hurt within 15 minutes.My head is not that large, but the at-rest width of these headphones is like 5 inches. They don't work for me. Thankfully, they were cheap.$LABEL$0 +I've continually had problems with deodorants that are .... I've continually had problems with deodorants that are too harsh for my sensitive skin. Those that weren't too harsh offered little wetness and odor protection...until now. Tom's Deodorant Stick is wonderful. Great protection and no irritated, dry, burning skin. The scent is okay, but I'd choose another if available.$LABEL$1 +A book staler than10 year old bread. This book is elevated to the status of a two because of the constant and erotic sex.Otherwise it's a one star book with dialogue which will nullify any sense of fun you may have with this book,Characters who will be forgotten in a second ,and a purposeless that's as bad as the nile is long.$LABEL$0 +Good product. I can now watch my little guy without turning around. I used the visor mount and it is very secure. We tried other mirrors that attach to the rear view mirror but they didn't fit.$LABEL$1 +This was a surprise. This was a surprise as I frequently buy free or inexpensive books on the kindle. I had read Teresa Medeiros before and quite enjoyed her.$LABEL$1 +:( not like the book. i wish i can give this movie negative stars because its nothing like the book. i wish we never purchased this. I hope Mrs.jackson knows that i love i mean really love her books but they did not do right by her at all one very disappointed fan$LABEL$0 +Just another win in the Zelda line.... I am a huge fan of the Zelda games and this one definitely didn't let me down. The graphics are great and being able to use the wii controllers to play really steps it up a notch. Swinging the sword to hit enemies is an awesome touch. The special moves that are learned throughout the game are pretty cool as well. If you are a fan of any of the Zelda games, or even if you have never played one but like adventure, I would definitely recommend this. It is not a let down in the least.$LABEL$1 +It didn't top the original, but that's a hard act to follow.. Still a great movie and for $2.99 it is a steal. I watched all 4 movies with the family at $2.99 Amazon streaming and then went to the theater and watched the new one. Time well spent.$LABEL$1 +These shirts are so comfortable.. These are some of the most comfortable shirts around. I have several of them. I wear them as often as I can.$LABEL$1 +Rabbit Proof Fence.. True story from Australia. I followed their journey on an Atlas. Followed up with Under the Wintamarra Tree. Loved it.$LABEL$1 +gooooooooooood. Good design. Good color. Nice autumn shoes matching well with any pants. Also the price was very reasonable. I am perfectly satisfied:)$LABEL$1 +Not what I thought it would be.. Book did not go over the margin call requirements of selling short. I had to figure that one out on my own from several discount broker's websites. Also, this is primarily about technical trading (chart reading) which does not interest me.$LABEL$0 +Too scratchy to wear for even a short time!. I really should have believed other reviews, but I frequently wear wool and can deal with it just fine. NOT so with these. They are so scratchy I doubt I wore them for even one minute before they started to bother me. I can't recommend them. i should have returned them, but I assume the return shipping fee would make that hardly worth the time.$LABEL$0 +This guy makes Deion Sanders look like a chump!. This is truly a player for all ages, and why football "back then" is soooo much better than football today. He did it all. Play the run, play the pass, hit . .you name it. Jack Tatum let his actions on the field speak for itself. And he didnt get caught up in "marketing himself" on the field after a good play either (ala "Deion"). Knowing how brutal the old Raiders clubs were in the 60's & 70's, and to a man, having all of them agree that Jack Tatum was the toughest of all of them (Ken Stabler in "Snake" and John Madden's books for just a couple of examples), this tells you just how good of a football player this guy was. The fact that he loved and respected Woody Hayes at Ohio State for just being always "honest and upfront with him," when all other college recruiters were trying to buy him out of high school, showed me just what kind of character this guy was made of. A good read.$LABEL$1 +hype. Bought new ear piece for new ipod. Had Koss plugs. Panasonics are awful. Tried all the sizes. Guess I don't have the right ears for these.Koss plugs are great. Reverted back to them and have no desire to upgrade after hearing Panasonics. Are the Sony look alikes any better???$LABEL$0 +Yer Mom. This book sucks. I read this book in class and it made me fall asleep because nobody cared about this cancer girl. It is very confusing because it kept repeating details about the character, Bluish. It didn't stay on topic. It's so corny. Virginia Hamilton--her books are boring. I couldn't connect to this book mentally. This book shouldn't even get one star.$LABEL$0 +Brilliant and Provocative. This is a beautifully written, mesmerizing story about people I came to care about (to the point of aching) by the time I reached its emotional, powerful ending. It is riveting. It is not like any book I have read before--and I have read a few! The plot is unique and intriguing. The characters come together in an incredible situation, all at odds, but by the dramatic ending, they are dancing together in a fine and beautiful waltz. But the ball must end, and when it does, I was left stunned. It is not overly graphic in its sexuality or violence, and yet it manages to evoke strong emotions from the reader. It is romantic, riveting, personal, and spellbinding. Something here for everyone.$LABEL$1 +Great for a basic intro or advanced practicioners. If you don't know who Kelly Worden is then it's about time you find out. I just attended his 2009 Water & Steel seminar near Tacoma, Washington. It changed my life. This video is quite old now and Mr. Worden has progressed a great deal since the time it was made. However, it lays out his methods well. Training in his garage converted dojo, he shows you how to completely dismantle your opponent. He employs a no-nonsense, down and dirty, in your face approach. His material is geared for real-life situations wherever they may occur, in the street, bar, your home, anywhere. I highly recommend this video to everyone. Look him up on the net for many more excellent videos.$LABEL$1 +Amazing album. I really enjoyed Infest, and Lovehatetragedy, but this album surpasses them both by miles, well written lyrics, full of hard rocking energy, improved vocals, and all the members got better at playing their instruments. Best songs on the album would be Scars, Sometimes, Do or Die, Getting Away With Murder, Be Free, Take Me, Done With You, Blood, and Tyranny of Normality. They're all great songs, most of them I consider best songs, be sure to get this album, don't miss out!$LABEL$1 +Nice iPod Speakers - Makes a small "hum". I've enjoyed the iPod speakers. It came with different adapters to plug in various iPod types and it fit the ones we had. It also came with a cord to plug into the headphone jack of other mp3 players that aren't compatible with the iPod dock.The sound is great and the volume is loud enough.The only problem is that when the music is not playing and the device is left on, we can hear a little "hum" that is annoying enough to catch our attention and go over and unplug the speakers from the power source.Other than that, it's been a great product.$LABEL$1 +curious. i really wanted to buy this one but the problem is i am curious on where this camera is made. it is not written in the product specs & in the 'see it in action' part, it cannot be tilted downward so that i can see whether its made in u.s. or japan etc. i dont want to end up buying something that is made in china.$LABEL$0 +It's Defective. My mandolin looked fine when I got it, but the strings started breaking when I tried to tune it. I took it to a music store and they said the neck is warped. I had already thrown away all the paperwork, so now I have to figure out how to send it back. Keep your paperwork and packing materials until you're sure it's okay.$LABEL$0 +No complaints about the content…. I've got no quarrel with the content. But the format of this single volume edition is difficult to use. The pages are onion-skin so there is some bleed through of the opposite page. Worse, the book doesn't lay flat and the contents curve towards the spine where it is very difficult to read. This is a case where a larger page width would have helped by allowing a more generous inner margin.If you struggle with this and twist and bend the book, you'll find excellent introductions and explanatory material. I'd like to see these plays released in individual titles with a better margin and thicker paper.$LABEL$1 +Algebra 2 Work Sheet Companion. Has to be purchased and used with Mathtutor Alg. 2 dvd which is very good. The Algebra 2 Worksheet Companion is perfect for summer preview or review. The number of problems per section does not exceed 14-15 so don't be daunted. And the problems are easy, focusing on basic principles not gotcha questions.I've used Mathtutor dvd's on my son for Algebra, Precalc & Trig, Chemistry and Physics. They calm him down and reassure him that his class is doable. Maybe your son or daughter doesn't have a five star lecturer for a teacher like Jason Gibson, in that case these dvd's are really golden.My son scored well using the Mathtutor dvd's and, by doing every single problem he could get his hands on from whatever source.$LABEL$1 +Marrs Must Be From Mars. This is the same Jim Marrs that has been writing about the JFK conspiracy for 40 years. Well, looks like he found another topic to fatten his wallet. Don't waste your time with this boring nonsense.$LABEL$0 +I used to liked this song, and man..... It's understandable, how the CD, Radio, and T.V. changed my mind. IT'S ALL OVER THE PLACE!! He has a pretty lame flow, but the beat was nice, but now I'm sick of it in all places possible. Everytime I hear it I get away from it as soon as possible. My friends hated 50 cent from day 1. Well, I used to say screw them, but now I'm like screw 50. I just can't stand him anymore, and now I don't even listen to his CD anymore. Overplaying of this CD, just made me felt like I wasted money on it, but at least I enjoyed it, until the raido played his hits out.$LABEL$0 +Very Helpful. This has all the information I could possibly need it was VERY helpful and shipment was fast, even to Europe!$LABEL$1 +Great stuff!. I inherited this book from my mother, and always kept it for the wonderful, slightly loopy b&w photos (complete with starry highlights). Imagine my surprise one day when I idly tried some of the exercises and they WORKED. I'm not as good as I should be about keeping up with the exercises, but now at 45 I know exactly how to get rid of the aging bits of my face that have been annoying me in the mirror...you can buy the book at http://www.faceliftingbyexercise.com/ from Senta Maria's daughter.$LABEL$1 +Pretty much all you could ask. This is really an excellent book for a woodworker seeking guidance with the particular challenges of chairbuilding.Most chapters cover some particular chair of the author's creation. Don't worry about whether Miller's designs will appeal or not. Plans are included, but copying them really isn't the point. They're presented here as case studies in conceptualization and construction, with lessons that are widely applicable. For example, how to accurately lay out and cut angled tenons, how to obtain a flat surface on an otherwise curved leg, how to fashion a slip seat, etc. And throughout, Miller details a bunch of clever jigs and methods of work.A caution: familiarity with the ABCs of furnituremaking and access to some modicum of shop stuff is assumed here. This isn't a beginning woodworking text, which only makes sense, given the subject.$LABEL$1 +Project Manager. The book is a reprint of a much older book. Since the original book was written there have been a number of significant advances in computing power and software and this book is very much dated.$LABEL$0 +Doug Supernaw at his finest. This album runs the gamut of styles, from the heart wrenching tune "Wilting Rose" to the Cajun flavor of "Drove me to Drinkin'" this album is Doug at his finest. "Wilting Rose" and "Fadin Renegade" brings to mind the great country singers like George Jones while songs like "Nothing sure looked good on you" show Doug can make a play on words that is second to none. After listening to this disc for the second time, I was singing along like I had had this disc for years.$LABEL$1 +Great way to increase your fruits and vegetables. I have been using this product for about three weeks now in my smoothies. I don't use it often enough to have noticed any substantial change in my health as other people have stated, but it is definitely a quick and easy way to increase my daily intake of "fruits and vegetables." I put it in all of my smoothies, from banana to berry and everything in between, and can't even taste it. It does affect the color of the smoothie, as it is green, but as long as that doesn't bother you (and I don't know why it would) it's a great nutritional addition.$LABEL$1 +Save your money. I recently purchased this book and it did not take long to realize I had wasted my money. This book is so outdated that much of the information does not apply. If you have never picked up an AR15 this book may be of some use to you but your money could be better spent on many of the more current books on this subject.$LABEL$0 +Weakest battery I have ever seen. Not a bad razor as far as the shaving goes, but the battery is just awful. It takes 12 hours to charge and the charge dies very quickly (with no warning or charge indicator). If the shaver is left in a cold place, the battery essentially dies. This is a surprisingly bad battery for a reputable company like Philips.$LABEL$0 +good switch, but really that necessary?. My place is pretty small and I just needed a switch to get my computer and laptop doing at the same time. This one works and works fine, but just feel like it is too much for a switch. I guess if you are a pro and get real fast internet, this might be good, but didn't notice a difference for me...$LABEL$1 +Meets my needs completely. It's been quite a while since my old belt sander gave up the ghost and I've been trying to make due with a DeWalt palm sander. I finally broke down, however, and after having read the reviews here on Amazon.com, decided to buy the Bosch belt sander. The package was shipped promptly and arrived in good order and I have to say that I was impressed the first time I used it to fashion a new threshhold. The belt tracked well and the dust bag actually did what it was supposed to do. I would recommend this item to anyone.$LABEL$1 +a treasure!. i love this book... it is so rhythmical and sensual. i got it for my husband on our wedding day. it was perfect.$LABEL$1 +hatred, not history. How, in these PC days, did this book ever get published? The constant bashing of Christians isn't just offensive, it's factually incorrect in so many ways. The author belittles the great of accomplishes of many who were motivated by faith, and in general is utterly scornful of her subjects.It's one thing to present the negative truths of history, slavery really did happen, but quite another to present it in its most brutal and ugly forms IN A CHILDREN'S BOOK.The writer clearly has personal problems dealing with those of the Christian faith, be they living or dead, and treats her reads with a patronizing scorn as well as her subjects. I'm glad I read this before my son saw it - I try to teach him to look at BOTH sides of a story, something the author fails to do in her rush to condemn the great explorers of history. I call them great not for their treatment of human beings, but for the way they pushed human knowledge far beyond its previous boundaries.$LABEL$0 +A Wonderful Book -- highly recommend!!!. I think this is a wonderful book. While it might be a cliche, I "felt like I was there" much of the time while I was reading. It is obvious that a lot of research went into this book, and the book is written in a very engaging style. The author is a fantastic story teller, and that is definitely part of the book's charm. I felt like I actually got to know the men in theregiment as I read about what happened to them during the four year struggle. To make a long story short, I love reading about the Civil War and I loved reading this book.$LABEL$1 +Good Price...so-so movie.. For five bucks, I shouldn't complain. However if you are expecting it to be like the STARS channel...forget it. Guess that's why it is marked down from $19.95.$LABEL$0 +The most AMAZING soap for sensitive skin. Length:: 3:04 MinsThis is my video review about Dr. Bronner's Magic Soap, which I absolutely love!-It is great for my sensitive skin(I bought a whole SLEW of products from Sephora especially for sensitive skin (DermaDoctor, I think and others), but none of them worked for me.)-I can use this on my face and my body with glowing results-I always have to wear make up, but when I started using this, I went without make up for a while bc my skin looked so good!-It is tingly and it feels SO refreshing-You can take a "quick" shower with this by putting water in a bowl, adding a little Dr. B's soap, dipping in a washcloth and wiping yourself off - save water, save time :-) - then wipe the soap off with the wash cloth and some water ;]- I believe they support efforts to INFORM consumers and encourage honest labeling on food, based on my research -- another reason to buy and support Dr. Bronner's!$LABEL$1 +pretty good product. The shade IS Definitely flimsy, but so far it hasn't needed to be replaced. I like that it can be used as a night light or a regular lamp. (it saves me from occupying another outlet for a nightlight.)$LABEL$1 +Great Read. This book really is helpful for the person who tends to depend on others for decision making and for anyone who need to learn to be independent and set boundaries for the people with whom they interact as well as setting boundaries for oneself.$LABEL$1 +They have done many better CD's. I have been a fan of Carlos Santana since the Abraxas days and while this offering seemed exciting it did not live up to previous examples. I felt he was trying to emulate BB King's "Twins" album and fell way short. Santana is capable of more and will have to do better to get my attention and dollars!$LABEL$0 +Consistently Good. Fringe has been consistently good throughout it's run and the 5th season is not different. It does suffer a bit from aimlessness as wanders towards it's final conclusion. A lot of very interesting storylines are only touched on briefly and then left by the wayside in favor of plot advancement.$LABEL$1 +Another 'cut-and-paste' book. The title is misleading. It should have been "You are not responsible! A guide for all you poor victimized women who wants to set that bastard husband strait (and lets face it, it's ALL his fault anyway). And lets not forget those horrible parents either, AND your siblings, AND everyone else.."I guess that title would not have fit on the cover :-) At least it would have been more telling...Codependency IS a real issue, and it deserves better coverage that this. It really is just a collage of texts taken from other, and better, books.$LABEL$0 +Keep coming back to this Tosca. This was the first Tosca I every bought (about 15 years ago), probably because I could afford any of the other lavishly-packaged recordings. Since then, I have collected many of the others, including the Caballe set, which is wonderful, Freni's two recordings, Gheorghiu, Vaness, Price and even a rare recording by Anna Moffo. However, I keep coming back to this Nelly Miricioiu Tosca on Naxos. Miricioiu gives us a solid performance with her glorious vocal tone, and the rest of the cast is of a really good standard. It's such a pity that Miricioiu didn't record more in her career. Don't let the fact that it's a Naxos recording put you off buying this set. They have produced some of the most outstanding operas (Tancredi, Zauberflote, Sonnambula are all worth it).$LABEL$1 +Awesome knife. Watch out....it is super sharp!. I just completed my Henckel set with this knife and wish I had not waited so long. The blade is awesome. I highly recommend this knife to anyone needing something of size.$LABEL$1 +R.I. P. Roger. Man Zapp and Roger was bad back in the day discovered by legendary funk bassist Bootsy Collins and blessed to give up the funk by George Clinton himself all his best stuff is on here even some stuff in the 70's when his group was called the human body. Roger like Clinton, bootsy, and James brown was sampled to death over the years. And plus Roger worked with a lot of popular artists such as Eazy E, 2pac, Dr. Dre, H town, Shirley Murdock, Johnny Gill, Ahmad, The Click, Snoop Dogg, Rappin 4tay, Spice1, e40, and many others. This is bad if you love zapp and roger and miss him like his true fans do buy it. We still bouncin Roger.$LABEL$1 +Good Read. I like King, and this is one of his better ones. Not quite as good as The Stand or Hearts in Atlantis, but close. When it boils right down to it, it's a love story, and one that has a smidge of Nicholas Sparks. There was only one part I had some trouble with and that was believing the whole world of Boo ya Moon, an imaginary world that author Scott Landon often visits. If you can buy into this supernatural world, the story is perfect. Once I forced myself to care about it, I enjoyed it. Even if you don't, the story of Scott and Lisey's marriage makes it all worth it. By the time you finish with the book, you'll feel as if you know these two people, and you'll care very much about them.$LABEL$1 +Awwsome.. when i read this book, i was so captured in the moment i didn't want to stop reading it. the author does an amazing job on bringing you into the scenes. I enjoyed this book so fondly, that i'm giving a presentation on it. I am usually a hard person to get to read, but this book was outstanding!$LABEL$1 +NOT ARENA NFL!. When I played Kurt Warner Arena Football for the first time I was dissapointed because at first I thought It was going to be like a real arena football game like madden or gameday but to my suprise it was like blitz and nfl extreme so if you want to buy a real football game buy madden 2001!$LABEL$0 +Misleading title - good sounding recipes.. I thought this cookbook would include recipes that only required one pan to make, ie "one dish meals". Unfortunately, this is not the case. Some of these recipes require a fry pan, two bowls and a pot to make. There are some good sounding recipes in here, but most require 10-15 ingredients (some exotic) and so require some planning (going to the store) and preparation. I think I am probably their target audience - I enjoy cooking but I don't have a lot of time - but I think they missed their target with this book.$LABEL$0 +Love it!. I bought this CD on a whim and I could not have been happier with the result. I listen to it on a daily basis almost and even my 13 year old requests it, so is must not be untolerable. I hope Ms.Driver will be able to grace us with another release in the future.$LABEL$1 +such a classic!. So fun to share with the new generation, especially with the recent Alvin and the Chipmunks movies that are so popular.$LABEL$1 +Horrible Quality, Misleading Picture on Box. This toy was a huge disapointment. My father bought it for my daughter, who loves Strawberry Shortcake. We took it out of the box and set it up, but it kept falling apart. It comes in tons of tiny little pieces that you have to snap together, but the pieces fall apart at the slightest amount of pressure. My daughter ended up screaming with frustration. And it didn't come with all of the furniture shown on the box. Only the fireplace, armoire, and piano. We ended up superglueing the pieces together, and it now works enough to play with it, but for $40 I shouldn't have to doctor a toy to get it to work!$LABEL$0 +Interesting book of celebrity death. I found myself hardly able to put this huge book down once I started it. I have to agree with some of the other reviewers, some of the facts of the book are wrong, but overall I found it to be an interesting read. If you are into the true crime genre and are interested in celebrities, then this is the book for you! It proves also that just because you are rich and famous that doesn't exclude you from having something tragic and unexpected happen to you. Enjoy!$LABEL$1 +WHACK... WHACK... WHACK... WHACK... if you like lots and lots of. spankings then this is the book for you. I didn't realize so much of the entire book was dedicated to the blow by blow descriptions of so many spankings. I will give it high marks for at least having an entertaining plot but it lacked depth, realism and true character development. But then again do any of these books really ever do that. No wonder Ann Rice is so appreciated.$LABEL$0 +omron sprague rappaport stethoscope. A good product, but a bit bulky It is difficult to check my own blood pressure, because of the added features, but I manage with my nursing background.I prefer an all in one unit but was unable to get one with accuracy.$LABEL$1 +NOT Belkin, cheap knockoff made wrong!. This is not a genuine Belkin item, or at least it wasn't from the seller I purchased from.Here's what it does: it takes a stereo signal, dumps the right channel, replaces it with a copy of the left channel. AND ITS LIKE THAT ON BOTH OUTPUT JACKS!There's nothing weird about the shape or size, and it all plugs in completely, but totally screws up the audio channels.The NSI splitter I ordered from a different seller was very similar to this one, because it switched left/right channels. It was an obvious fake item too, not like their standard stuff.I'm getting real tired of all these bootleg, knockoff, cheap imitation, counterfeit cables! They're all being assembled in the dark!$LABEL$0 +Good condition, arrived promptly.. This product seems to be in good condition, of good quality, and although I have not used it yet I rate it 4 stars.$LABEL$1 +This was a gift for my son.. These comics came in plenty of time. I'm sure I'll be buying the entire series since he can not put them down.$LABEL$1 +conspiracy of 9/11. This album was made july 2001 and was named I am the world trade center and the 11th song is called "September " and in there music video of "metro" it shows a weird thing in the sky then above buildings it makes it look like an explosion coincidence really I dont think so something is very strange here$LABEL$0 +Biased book. The book is unfortunately highly biased and riddled with inaccuracies. Messori's book, on the other hand, provides a balanced and accurate representation of Opus Dei.$LABEL$0 +DO NOT BUY-TERRIBLE CUSTOMER SERVICE. I bought this for my daughters birthday and when she tried it out it worked once and then quit. When I requested help from Kidco I got the response, sorry it's been over thirty days. I am a very unhappy customer and will NOT order from them again!!!$LABEL$0 +Gerardo is back!. If you told me two weeks ago, I would never have thought that Gerardo would make a come back, but now it is obvious that this new album is going to be fantastic. Sigo Siende Rico has everything that made Gerardo a success ten years ago, but it is updated with the times and extremely innovantive. I could listen to this song over and over again. This cd is a must for dance and latin fans everywhere.$LABEL$1 +Bob and Elton John. I just love this Bob the Builder Christmas special. It features guest star Elton John as part of the rock group Lenny and the Lasers and Bob's twin brother Tom. A fun movie!$LABEL$1 +Great translation. This is one of the books I should have read ages ago but have never picked up. I first started to read a different translation, but the language and sentence structure gave it no narrative flow. The Buss translation is terrific. The adventure tale of wrongful imprisonment and revenge keeps you reading for long periods of time. A little history lesson about Napolean and the Borgias is painless and welcome. When we read older books we are reminded how little human emotions have changed over 200 years.This translation is highly recommended.$LABEL$1 +cheapppp. i wanted a shower cd player so i bought this one. i would not recommend you buying it at all. it says its a shower cd player, but when it got wet the water got into the cd player, chorroding the batteries. then the batteries wouldnt work, so they leaked battery fluid, which leaked into the cd player and broke it. i only go to use it once, because once it got wet it broke. DO NOT BUY THIS. true its by far the cheapest one at $30, but its not even worth that.$LABEL$0 +Does the job!. Bought the 6 liter for backpacking. Easy to fill and handle. Fabric seems extremely tough. It packs tight if you get any air compressed out of it. The various openings were useful though I don't think I have usd the 1/2-inch for much of anything. Perhaps my only objection is you must grab the base of the opening through the fabric with one hand while tightening the lid with the other. It is not a huge inconvenience, though, since I can still close it up with no spillage. I was worried about leaks on my first extended outing into the desert with it but I had no problems. Glad I have it!$LABEL$1 +Sally Wright, please . . .. Sally Wright, you don't have to hit us over the head with a character's accent. I was so put off by "nevuh," "eithuh," etc. that I couldn't finish this book. All you have to do is say that one of your characters speaks with a soft Southern drawl and let your readers do the rest. In the previous Ben Reese mysteries, which I enjoyed for the most part, I got very tired of "a-tall," but I didn't quit reading. Not so with Out of the Ruins.$LABEL$0 +save your money. It lasted less than a month & the cats hated it. Water got slimy after a week & eventually water fountain stopped flowing$LABEL$0 +A Well Done, Exciting, Middle Section To The Story. I am slowly but surely getting into the story, and yes, I'll eventually get through the trilogy.Just as in the first one, there are excellent visual effects and great acting.I do see many spiritual applications to this story.I'm looking forward to watching "Return of The King."One last comment: I loved the opening of this episode. Also, the ending has more suspense than the ending of "Fellowship Of The Ring".$LABEL$1 +Love this episode!. This show is a good one for toddlers to watch, my 3 year old son loves it and I do not regret purchasing this video.Good for visits to the doctor or car rides.$LABEL$1 +A Big Bag with Big Portions. I'll confirm this stuff tastes great (chocolate flavor). The bag is 12 pounds; however, you will run through this stuff very fast. The serving size is about 2 cups of powder. So be prepared to put a little water in a shaker at a time. I'd recommend using a blender for this stuff. When looking at this product I was hoping it would last a long time (because it was 12 pounds), even using half a serving size you'll go through it quick. However, it's great for bulking up!$LABEL$1 +Great Design Poor Quality. I like this product features and design. It is filled with great features like dual alarm, graduated alarm, the ability to wake up with it playing a CD, dual brightness settings for the time. When I first got it, I rated it 5 stars. The problem is that if get this product don't expect it to be fully functional for very long. The first thing that will break will be the CD player and then you will gradually lose all functionality. If you want an alarm clock that will last for several years, do not by this product.$LABEL$0 +Oh the Pain....But it was Worth it.. Please, don't judge this series by it's painfully dull first episodes. I read the reviews and was prepared for it. So as I sat patiently waiting for it to get better I knew there was hope in the form of seasons 2-5. So bear with the bad acting (does not apply to all actors)horrendous and often laughable music and dear lord the tedious plots. Because I promise every single one of those things improves tenfold. The music must have been complained about because it is completely different. Some actors were replaced and others became more comfortable with their roles. And the plot actually produced audible gasps from me at more than one point. Quite a challenge and I never saw it coming. So bear with it and you won't be disappointed.$LABEL$1 +WOW!!!. This is my first "L" Series lens and I have to tell you that I'm very impressed. The focus is quiet and the images are sharp and crisp. The zoom is good enough to capture any shot. I think that I'm in very big trouble in the pocket book, because I don't think I'll be buying anything else but an "L" series!!$LABEL$1 +For Internet Newbies. I bought this book thinking it was a pretty good book after only skimming it. However, despite its thickness, it didn't have much substantial information. It explains that viruses are bad, but not much on why/how they're bad. It's great for complete computer/internet beginners, but for me it was a waste of money...$LABEL$0 +It did not work AT ALL!!!! DO NOT BUY!. I have a 2000 Ford Escort and I wanted to listen to the music on my Iphone while I drove. This adapter looked like the best one but I was wrong. As soon as I put it in my car ejected it. I tried it on other cars too and it did the same thing. I would not recommend this product to anybody. COMPLETE FAIL!$LABEL$0 +Old version. I have found newest edition of the book but it was not. I could not find any information about the book but ISBN it did not allow me to tell it$LABEL$0 +Bob Skates Toddler Skates. I purchased these skates for my 2 1/2 year old grandson. They were a wonderful gift! He took off the first time he put them on, and LOVES skating (like Calliou!) There was no problem with the screw underneath the skate, and the skates stayed on just fine (this was a problem in some of the reviews). Everyone asked where the skates were purchased...so my daughter told them I got them on Amazon and now they are out of stock! These skates are the same as the ones I purchased for my children years ago, but are impossible to find in a store.$LABEL$1 +worked for 3 weeks. Timex watch simply stopped working after wearing it three weeks. Not subject to rough use either. Not what I expected from a Timex.$LABEL$0 +Great value. Whatever your reason is for taking a long, hard look at the cheapest of range hoods, buy this with confidence. This was a perfect, and attractive replacement for a 20 year old range hood. My local Home Depot didn't even carry 36" wide, much less offer a range of options. You will need to buy and wire in a plug, and provide some duct tape to seal to your existing duct, but this thing was a slam dunk. Having read the other reviews about how light weight the sheet metal is, I got a good chuckle out of a message on the box, warning me not to pull it out of the box by grabbing the middle of the front edge. Treat it gently at install, and you'll be rewarded with a dirt-cheap but perfectly functional stainless steel hood.$LABEL$1 +That was a disturbing 2 hours. Europeans can do creepy even better than the asians.This is more distorted than your average western horror, and my girlfriend only lasted until the first bowel movement before departing the scene. Some people would consider the imagery sexual, I found the movie very darkly comedic in sections.Worth a gander, only drawback again is human stupidity which is a staple ingredient in this kind of flick.$LABEL$0 +Yawn. Watch 1 or 2, don't waste your time. No backstories to speak of on new character, or what happened to some missing. Doubt it's the final.$LABEL$0 +Awesome debut.. Even though "Bloodletting" is often considered to be their best album, sometimes I think this is my favorite. Some of it's almost punk, but the rest is the melodic alt-rock that they're known for. "True" is an excellent song, and great opener, and "Beware Of Darkness" and "Still In Hollywood" are sweet also. But my two favorites by far are "Make Me Cry" and "Song For Kim (she said)". Both are really moving, to me anyway. I suppose to the newcomer I'd recommend a collection, but for the older fans, "Concrete Blonde" is a must. I'll never get rid of my vinyl copy.$LABEL$1 +Relationships. I liked this book for the believability of the protagonists, and how they came together for a satisfying ending. In doing so, they say a lot for how you make choices in your lives, and how integrity plays a large part in those relationships.$LABEL$1 +Waste of an afternoon. I recently found this book on my bookshelf and reminisced about reading it for grad school ten years ago. The feeling I get when I look at the cover of this book prompted me to put down my feather duster and walk downstairs. I then took the time to log onto Amazon and spend the last 5 minutes of my life to add my two cents. Lamest... book.... ever. Into the trash it goes.... where it belongs. I won't even bother trying to nickle and dime a hippie out of their money by selling it.$LABEL$0 +Not even TRYING. Spears is not even trying to be a singer in "My Prerogative." She does do a good job of cleaning a car by slithering over it while complaining and moaning about her life. It's all so fake but what's new when it comes to Spears everything's fake. As far as whether she sings, come on! She does everything but sing.$LABEL$0 +Very happy. Coat rack was inexpensive so I wasn't expecting much. Was very pleased, much better than expected. Sturdy and totally was what I was hoping for.$LABEL$1 +Excellent book !!. Though the book it is sometimes abstract, it really helps you to get control of your mind and time and bring internal peace through being conscious about your emotions/ thoughts and enjoy the current moment you are living that will not happen again.$LABEL$1 +A waste of time. Obtuse and without meaning in the real world. Appaduarai needs to set foot on real soil and realize the world is not created, nor can it be defined behind ivy walls.Use your time to read something of importance and let Appadurai die on the vine, he may impress other sycophantic scholars with his labeling and vocabulary but you don't need him.$LABEL$0 +Fit for the campfire. The pictures show a beautiful piece of wood. What I got was a piece of wood that was gouged, had rocks embedded in it and it looked like it was dragged behind a pickup truck. Customer service is nonexistent after they get your money. I will be taking my business elsewhere from now on.$LABEL$0 +This Nothing Is Everything. The Hole in the Universe is everything promised by those raves from Oliver Sacks and Brian Greene and Dava Sobel -- and much more! It is a deep look at an elusive, yet centrally important subject, presented with eloquence, originality and charm. It amazes me that Cole has been able to take us to the frontiers of physics, exploring questions that physicists sstill puzzle over, and yet still make it entirely accessible (and, yes, even fun) to a complete novice like myself. I have read about ideas like string theory and the strange "repulsive force" that seems to be expanding the universe, but never before were these ideas so clear and appealing to me. Her writing is so fresh and lovely, it takes your breath away. And I love the connections between the notion of "nothing" in perception -- the holes in our heads, as Cole calls them -- and the nothings of mathematics and physics. Buy this book and give it to all your friends. They will thank you.$LABEL$1 +Don't Bother. This might be a good game if I could ever play through it. After playing it for about 5 minutes, the computer freezes up and I have to restart.$LABEL$0 +Totally predictable and corny!. Her more recent books are better, but she' still reads like a soap opera. For when you have nothing better to do!$LABEL$0 +Jeepers, this movie is the pits. Every once in a while a movie comes along that, despite the fact that it has kept me at the edge of my seat throughout, is totally ruined by the ending. I'm sorry, but I hate endings where the villain wins. This movie was terrifying . . . sure. But the thrill, at least to me, is to see how the heroes will finally overcome the villain. And that doesn't happen in this movie. If it had a better ending, it might have gotten four stars. One is as far as I'd go now, and this is only because I can't give it zero.$LABEL$0 +a good, bright, sturdy light.. It's a bright light allowing you to be seen in the darkest of nights. THe light is sturdy enough to stay on your bicycle. There is also a clip allowing it to be clipped to your backpack or clothing.$LABEL$1 +Disappointing. This "book" with large type and few pages can be read in one sitting and does not live up to its billing as a look behind the scenes of an NBA season. All this book actually amounts to is a short synopsis of an NBA season with little interaction between the players the author is supposed to be introducing us to and himself. At points it comes across as ego stroking on Palmer's part dropping names of all the people who know him and how he gets into all the parties at All-Star weekend. The premise of this book has potential, unfortunately Palmer does not deliver what it is billed as.$LABEL$0 +find a better trimmer.... Ergonomically, the trimmer is OK. It's kinda heavy, but that's to be expected with a 4-cycle engine. The severe vibration limits my trimming sessions to only 5-10 min tops. The biggest problem, however, has only revealed itself after a season (maybe 10 hours) of use: the engine is smoking and stalling out after a few minutes running. After ensuring it had oil and fresh gas (4-cycle, so no gas/oil mix) and the problem still occurred, I went online to find a service center. None within 50 miles of my zip code. The company (called MTD, but still uses the Troy-Bilt name) was no help at all. I've looked into other repair facilities, but I can't identify who actually manufactures the engine, so nobody will take it apart. I'm either left to fiddle with it myself, or to get another trimmer.$LABEL$0 +not a good 3D experience. I bought this dvd thinking it would be great to watch because Miley Cyrus is a great singer and performer, but when I opened it to watch the 3D version there was nothing 3D about it. It came with four red and blue 3D glasses . It made me feel nauseated (well, not really) but I could not watch anymore of the 3D version. You can even watch it without the glasses because it looks like the 2D version except with a little blur. It is horrible like watching VHS version. It was a disappointment. I might return it if i can. I wonder if other 3D glasses will work. For me, I don't like concert versions of songs.$LABEL$0 +Not practical or academic enough. The finance market is flooded with paper, but much is redundant and some isn't even very useful. This book manages to be both. "Market Models" by Carol Alexander is a fabulous resource. There are a lot of books and articles on quantitative finance and if you want only that, look through the literature and choose, but this book won't give enough comprehensive coverage to make it a buy.$LABEL$0 +Sexism is taught by Mothers. Christina Hoff Sommers is in denial. Boys certainly are not suffering in American society based on the studies in the books Hoff Sommers tries to tear apart. Making boys aware of sexist behavior and teaching them to be respectful of others does not make them into girls, it makes them into ultimately cool males.$LABEL$0 +In TIme. Good concept but poorly executed. Even the best efforts of Seyfried and Timberlake could not breath life into this tired script.$LABEL$0 +Fun vegetables. I purchased this set of fruits and vegetables for my son and nephew to use at their grandparent's house. I think they are really neat, though my set did not have a pineapple. Both kids are a little bit on the young side to use these (1.5 and almost 2) but they both enjoy them. They like to take them apart, but haven't quite gotten around to putting them back together.They seem like they'll be pretty durable. I like toys that will be used for a long time, so that's a huge plus for me.$LABEL$1 +Looks Nice, but Doesn't Last!. I bought this ring in November and in February the stone fell out. I contacted the seller and ask if this was the norm for their products or if I perhaps I received a "dud"; sometimes it happens. I would have liked a replacement right but instead I was told the below."Most of the jewelries that are in this price range are most likely to last for a few months or a year or two and they are called fashion jewelry.That's why they are not expensive.Right now we offer free shipping if you want to purchase another one.We are really sorry for this."I have a lot of different jewelry and this has never happened to me. Looks nice but doesn't last.$LABEL$0 +Tedious and stultifying. There is nothing in here that you can't also do with a good, basic course in Shamanism. Learn to talk to the nature spirits and Devas yourself! Goodness. I know she's trying to do a Good Thing here, but jeez - the lists and lists of step-by-step, you-must-do-it-this-way-and-buy-my-expensive-essences stuff gets old. Seriously. Learn shamanism. Talk to the plants and nature spirits and Pan yourself.$LABEL$0 +Rom Finally Has The Lobes. Don't be fooled. Although this is a stand-alone episode about Bashir (and Rom), it's a great one. I think it's rather important to the series, and should not be skipped. I liked it, and have fond memories of it. But if you're looking for action, there isn't any this time. 4.5/5 Stars. ~Keep On Trekkin'$LABEL$1 +Beware. I was enjoying the game, but halfway through, it would "windows error" and not proceed to the next level. After much time with GT tech support, the best they could recommend was reloading the game and starting from scratch. Buyer beware.$LABEL$0 +Pretty, but no substance. The Zen Mind has some beautiful footage of mostly Rinzai temples. Soto's Soji Temple is also included. However, comments on practice and what makes these temples alive is notably lacking and incomplete. Go to YouTube for equal, or more, footage of the temples and better teachings from teachers, especially Gudo Nishijima.$LABEL$0 +Obscure film deserves much wider recognition.. "When Time Expires" is a masterful sci-fi/fantasy which is not only well-acted but also has an interesting story line. It stars Richard Grieco, Mark Hammill & Cynthia Geary. Without giving away any of the main plot, the action takes place in a remote town where an intergalctic federation has sent agents to address a "problem" involving time relating to future events. If you enjoyed "The Man Who Fell to Earth" or "Fantastic Planet," then you will love this film.$LABEL$1 +True to the book. I really liked this movie as it stays true to the book. Loved Diane Lane in Lonesome Dove but in this movie she plays just the opposite character. It was made in Alberta Canada my home province and I recognized some of the Canadian actors and stunt men that helped make the movie.$LABEL$1 +Coulda been even better as a two-disc set. As a single-disc collection goes, this one can't get much better. One can argue that the failed "Congo" should've been left off (and possibly even "In Your Wardrobe") in favor of still more heavily-played tracks from the Phil Collins era, but as it stands this is an adequate career retrospective. I personally would love to see a second compilation, which would have to include: "Illegal Alien", "Home By The Sea", "Taking It All Too Hard", "No Reply At All", "Man On The Corner", "Paperlate", "Just A Job To Do", "Duchess", "Keep It Dark", "Never A Time" and "Driving The Last Spike".$LABEL$1 +Below average Nimzo book. I have read "I play against pieces" by Gligoric and thought that his Nimzo book would be at the same gold standard. It is not. The startegic ideas are not very detailed, and in return you get "variations".Definetely not happy!$LABEL$0 +just reading the intro was annoying. I do not think I can buy this book because I just read the beginnings gets and he jumps around all over the placewith these stories and little cute jokes , etc. Quite annoying!All I want to do is to start learning from the ground up, it is like he wants to tell historic stories and be groovy at the same time on static electricity and took 2 pages of painful reading.I don't think so.$LABEL$0 +Choose another reel. I have two Mitchell 300x & one 300xe reels and love them. Great reels with 100% solid preformance. On the other hand I bought a 310ex expecting the same. Well, I spend more time waisting line 4lbs Mono, Floro, & Fireline. The line type I used did not make a differance on this reels proformance. I would get birds nest constantly. It will simply drive you nuts and take the pleasure out of your day on the water. I found it did not matter if I closed the bail with my hand or by turning the handle. (very stiff bail by the way) This is the worst Mitchell I ever owned. I purchased it for my new Ultra Lite last summer. I will never use this reel again. I exchanged it for a Shimano Sedona 1000. I am not about to go into a new fishing season with the Mitchell 310ex. Absolutly the worst reel I ever owned.$LABEL$0 +Kids Love 'Em!!. The kids love 'em and what could be better than that? I bought one box at the local grocery and glad to see they are available here. We tried the strawberry, frosted, and like other reviewers I agree: not too sweet, right amount of frosting. Can't wait to try the next flavor.$LABEL$1 +Reflective, not sombre. The lyrics on this CD may be reflective, but they are not sombre or sad. As another reviewer noted, this is a thinking person's CD. Keep up the great work, Dido. The world needs your music.$LABEL$1 +Honestly the Best!. I completely loved this story. The characters came alive and jumped off of each page, I could not put it down, like a woman obsessed! When I finished it, I started it again. Like a favorite movie you can watch over and over, I keep it near by and just pick it up. I wish I could find other's of hers like this I like as well. RiversEnd was equally excellent.$LABEL$1 +Not what I expected. The chandelier was actually shipped with some parts for the three-light and other parts for the 5 light so it was hard to tell how it might have looked had we had the correct parts. In any case, the metal part was nice but the plastic inserts below the globes looked cheap and the globes themselves were rather large. I thought it was over priced and we returned it due to not have the correct parts to begin with.$LABEL$0 +Fingernails on a blackboard.......... If you like the sound of someone dragging their fingernails across a blackboard you'll love the sound of Alanis Morrisette's voice. Bad does not adequately describe this disaster of an album. I recommend playing this loudly and contiuously to death row inmates and then releasing the inmates...........they've suffered enought.$LABEL$0 +Ok to watch when there's nothing good on tv.... The acting wasn't believable, and you can predict the whole movie within the first few minutes. It's like a low budget Tyler Perry film. Definitely don't buy it. If you want to see it, rent it at the red box for $1.On one of those nights where you can't seem to find anything good on tv, then that would be a good time to pop this dvd in.$LABEL$0 +Uninspired attempt to match bandmates' solo fame. This was one more unsuccessful attempt by Tony Banks to match the solo success that Genesis bandmates Phil Collins and Mike Rutherford were achieving. This time around, Banks added a couple of singers and tried to call it a band. One of the singers is Jayney Klimek, formerly of the Other Ones (not the Grateful Dead Other Ones, the OTHER Other Ones, the ones who did "We Are What We Are" and "Holiday"). The songs are drab middle-of-the-road efforts. Even the best songs, such as "Big Man", would be outtakes on any Genesis album.$LABEL$0 +Book hits home!. Helpful, useful information. Easy read. I think it might need to be required reading for all married people and/or those getting married.Hope she's at work on her sequel....wanted this one to be longer.$LABEL$1 +incredible anime. A great anime similar to Dragon ball execept the fights arent as drug out and LONG they fight instsead of talking half the time. Since their is no series or manga here yet it is kind of hard to understand but once I looked it up I understood it perfectly.$LABEL$1 +Not that interested. My baby was just not interested in this book, which was strange because he loves pictures of food. I think maybe he just wasn't interested in the caterpillar since it doesn't really have a facial expression or a face. He loves many other books just not this one, and for the price I was very dissapointed.$LABEL$0 +Not Compatible With PS3. When it works, this game looks wonderful. However, it simply does not work on a PS3. I don't know what the performance is like on other blu-ray devices, but if you have a PS3, do not buy this product.$LABEL$0 +Brian Wilson is now a joke.. Brian Wilson once the man behind the Beach Boys has come up with a CD that is a big waste of money that I cannot understand a talent that is deep in the 60 and surf music is now dead Brian Wilson please RIP. Your cousin Mike is right you don't have it anymore. This CD tell it all!! Thanks Brian for wasting my hard earn cash$LABEL$0 +Excellent. I bought this CD after only hearing I'm Doun, but was pleasantly surprised to find that other tracks carry a lot of punch too. My favorites: Storm, Bach Street Prelude, (I) Can Can (you)?, Leyenda, I'm Doun and I feel love. A must buy!$LABEL$1 +I Miss REAL Rock Music!. Fun music, great lyrics...you can't go wrong. I'm sick of the depressing, boring rock scene of today...give me BON JOVI anyday over these wuss bands. "Wanted Dead or Alive" "Livin On a Prayer" "Never Say Goodbye"...these songs actually mean something to people...you can identify with Bon Jovi...if you can identify with someone like Marilyn Manson...seek professional help.$LABEL$1 +Fabulous and Flowing. Beleza Tropical presents 18 lush Brazilian songs. I stumbled across this CD when I was 10 years old and completely fell in love with it. The Portugeuse language is beautiful and the songs only get better as you listen to them more and more. I highly recommend this title.$LABEL$1 +Would not recommend. I tried making biscuits twice and ended up throwing out both batches. It has a strange taste to it and the consistency was not good. I would recommend gluten free bisquick over this.$LABEL$0 +Terk good as advertised. I purchased this so my wife could have a hdtv in the kitchen. I didn't want to run wires to the kitchen and I figured the picture may not be so great but she would be able to watch it. I was shocked at the great video and audio quality so much that I just got another one. (I just needed a receiver but I found the price was the same to just buy the whole kit again).I have side by side sets in my home office and I can use her DVR (when she is not watching) to play HD quality picture to my second TV so I can watch a movie and a game or two different games at the same time. It has an antenna that allows me to use her remote controll from the different room. The red,white,yellow av jacks are the only hook-up option.$LABEL$1 +Fine Ambient Pop - also try William Orbit. This is as advertised, a "pocket symphony" - more instrumental and ambient than than the more upbeat pop of Talkie Walky which is wonderful -- though that last does get some eye-rolls from friends on "Surfing on a Rocket"... this breezes by.If you like this, you will LOVE William Orbit "Hello Waveforms", which is my favourite album of the 2000s so far...$LABEL$1 +Will be ordering the anniversary dvd soon. I loved this movie, made way before my time. It makes me so very emotional when I watch. Que Saudade!$LABEL$1 +Hair on fire. I managed to get through 45% of this book before I realized I would rather set my hair on fire (if I had any) than go back and read any more.So far, at 45%, there was no story. There were characters by the dozens, each with a contrived space type name like:Yelena Bugolubovo,Nierbog,Veblen, etc etc.Some of them were described with square heads, and some were huge, from other planets all settling on this space city.I was so frustrated by ill-defined characters, and the number of them without giving me a picture for my mind to grasp, that I had had enough/Maybe there's a story line, you know; good guys vs bad guys somewhere later on, but a book, a play, a movie, should entertain.This book missed the mark for me.You can obtain it at no cost, but that's about what it's worth in my humble opinion.Sorry to be so strong about it, but honesty is better than false diplomacy.Fred Auerbach$LABEL$0 +Bad Bad Bad. Ordered this for my one year old. I play all instruments by ear. I am highly sentitive to the sounds that even toy instruments produce, and this one does not even come close. I have seen and own toy xylaphones that sound WAY better than this one. Not one single bell is in tune, and if I try to play a song on it, it does not even sound like the song I am trying to play. If you want your child to actually play music instead of making noise, do not order this!!!! Gave it to the Goodwill.$LABEL$0 +Two Weeks. Best movie ever. Sallie Feild gave an Oscar perfomance. People should have a copy so they can learn what to except when their loved one is dying.$LABEL$1 +Don't purchase unless you like to listen to yourself talk.... A few other reviewers have mentioned the "echo" when talking on these phones, and I completely agree. There was a very loud and noticable echo of your own voice when speaking. After only one day of talking on these phones, I couldn't stand it anymore, so I returned them. Don't waste your time with these.$LABEL$0 +not a gadget you can play with. I installed couple 3rd party applications I purchased from [...]. After installation, I rebooted the device and it never came back again. The device failed to launch the OS and the screen switching between black and hourglass for two days till now.I tried to contact rim to get help but they I cannot find their support number on their web site!This is a really bad experience for me. I have been playing with Microsoft Smarphones from Motorola and different Palm devices, and I never had such problem before.I would say the Blackberry OS needs a lot more work to make it stable.$LABEL$0 +perfect adapter choice. With a new exercise bike and no interest in wasting batteries, I needed an adapter. The branded one came in a four times the cost of this one so I figured, "Why not?" Five minutes after receiving the package, I had the adapter plugged in and working. Great choice!$LABEL$1 +ELECTRA?? COME ON YOU'VE GOT TO BE KIDDING!?. First off the fact that this movie got made before an Iron-Man, Thor,Captain American and The Avengers, and the list goes on movies is ridiculous!I thought Daredevil was good, it could have been better,but I was fairly happy with the end result. I bought the director's cut ,but have not gotten around to watching it yet.I have heard it is much better than the original. OK now back to Electra. This movie is boring, stupid, poorly acted and.....do I need to continue? They should have worked on Daredevil 2 instead of this piece of garbage! Unless your a completest Marvel movie nut,avoid this one at all cost!$LABEL$0 +Too much NOISE!. We have two of these mattress, but I cannot recommend them to anyone who wants to actually sleep! For some reason they make all kinds of noise - it doesn't matter if its on hard wood flooring or carpet with heavy padding, each time your child moves it will make so much noise everyone in the room will hear it.We've used all kinds of air mattresses - even larger AeroBeds and have never experienced this before - but for some reason these make so much noise I just can't recommend them! I mentioned this to a friend who has one also and she concurred so I don't think I received a bad batch - just a bad design!$LABEL$0 +Constantly in my CD player. Great songs, wonderful pop song production, beautiful harmonies. I just bought this CD, and at 52 years old, I'm embarassed to say that I didn't know just how good The Hollies were. Certainly very near the equal of the Beatles, before they got all "important". This collection has all the classic "first Hollies" songs, before G. Nash left and they went all MOR in the very late sixties/early seventies - which is exactly what I wanted. That means no "Long Cool Woman" or "He Ain't Heavy". If you favor those songs, you need another collection. My one regret is that "King Midas in Reverse" is not on this CD. Can I subtract a quarter star for that? Now I have to buy the King Midas reissue as well - which I'm sure I won't regret.$LABEL$1 +Did the author actually check facts?. How much of ESPN's history can Freeman botch and still publish a book? Quite a bit, it seems. An author who writes about a sports network should at least know the difference between various leagues, especially the difference between major and minor leagues and which teams are in which.$LABEL$0 +Reminds me of Carl Hiassen!. Funny, the Random House blurb says the short stories read like Richard Ford's writing, but I think the novel reads like Tourist Season by Carl Hiassen. It moves very easily from South Beach to rural Vermont to Harvard Square to backwoods Arkansas to an internet chat room, but each place is very real and so are the characters. When is the rest of the novel coming out? Has Bill Gates read this?$LABEL$1 +Seems to work fine. I recently got this 256 MB module for my Kodak 6340 camera, and it seems to work fine. No formatting was necessary. Its write speed is not that great, but seems to be about the same speed as the internal memory in the camera. I was told by Sandisk support that the burst write speed for the module is 10MB and the sustained write speed is under 1 MB. The module worked well in the Sandisk 6-1 USB 2 reader and was identified without any setup in Windows XP pro. It would be better if the sustained write speed was quicker.$LABEL$1 +Good but a bit harsh. The book has excellent info on baby's sleep needs and cycles. However, I think the author's recommendation that kids should be left for hours is unnecessary and too harsh on the PARENTS! Ferber's book (Solve Your Child's Sleep Problems) suggests you can go in every so often to reassure the kid. I think this also works fine, since your child will realize s/he must go to sleep either way. When traveling, a gentle pat on the back also helps.$LABEL$1 +Not their best work. I'm a huge Blood Brothers fan. HOWEVER-- Crimes is a terribly commercialistic release lacking creativity and the Blood Brothers usual spark. I'll admit Burn Piano Island, Burn was also a rather commercialistic, mainstream (as mainstream as someone like the Blood Brothers can get) release, however, It did have at least 3 songs I liked a lot-- Though it also contained the WORST song to ever be produced: Denver Max. Aside from these two releases the Blood Brothers have always been an amazing trio-- with excellent works such as This Adultry is Ripe and my personal favorite release of theirs-- March On Electric Children. My advice: If you're getting into the Blood Brothers, buy their previous releases.$LABEL$0 +Still Singin'. Who am I to presume to review one of the all time greats? I'm giving it just four stars solely on the basis of its being a little dated. It's been twenty years since I last saw this marvel. Three things struck me that I'd not noticed earlier. (1) How really small Debbie Reynolds's role is (2) Donald O'Connor's "Make 'Em Laugh" is actually a brilliant introduction to break dancing; and (3) Gene Kelly's amazing knee flexibility. Watch him in one of his Kelly-O'Connor duets. He has a singular attribute there seen nowhere else.$LABEL$1 +Akbarali Thobhani's books deserve a zero ratint!!!!!!. He has no knowledge of Ismaili religion. To clearly understand this great religion you must have Marifate level of knowledge or higher. This guy is writing is based on spit and all his books are fiction. Buyer be aware!!!!!$LABEL$0 +Useless. In college I had a chin-up bar that you twisted to tighten into a doorframe and I thought that's what this was as well. Turns out you need a drill (which I don't have) and you have to drill into your doorframe, which I can't do since I live in an apartment. What an absolute waste of money. If you live in a home and you own a drill, buy it, for the rest of us it's completely useless.$LABEL$0 +Not a good book. This book has several typos and does not explain things clearly. It goes back and forth between terms that mean the same thing and gives you numbers in examples without explaining where they came from. It is a poorly put together book and is a waste of money.$LABEL$0 +If your blood runs red and black, this book is for you!. This book is entirely entertaining as well as informative.I am truly fortunate because my brother was nice enough to stand in line to get me an autographed copy of this book!! The stories within, some you've heard and some you've not, will make you laugh and cry. "Damn Good Dog", I guess that sums it up!Go Dawgs!!UGA Alumni, relocated North of the Mason-Dixon$LABEL$1 +Not worth the money. I had purchased Jumpstart 1,2, and 3 for my older child as she was growing and we loved all of these so I purchased preschool for my 3 year old. It is cute but not what you would expect for $30. I don't think the games are quite challanging enough. The art studio is a joke. It seems that they would have alot more games for the money..$LABEL$0 +Excellent book from MSPress. The 70-294 Self-Paced Training Kit does an outstanding job in teaching the objectives of the exam. Especially useful are the practice activities at the end of each lesson/chapter. Getting hands-on experience with Active Directory is a must to pass this exam, and this books makes getting that hands-on experience a breeze.Of all the MSPress books I have bought, this one is the best.$LABEL$1 +Not for Cats. I was planning on using this for my cat. The one I received was huge, only suitable for a medium sized to large dog. I'm pretty sure I ordered one that said it was for cats so I don't know why I got the dog sized one.$LABEL$0 +Wasn't this product discontinued by Microsoft?. I seem to have made the mistake of purchasing this product just before the product was discontinued by microsoft. Isn't this the case? and if so, why is the product still being sold by Amazon?$LABEL$0 +Great Graphics, Cool Weapsons, TOO HARD!. It's almost impossible to beat. Five minutes into the game, I die. Total frustration$LABEL$0 +TUNE YOUR PIANO. This is the second one of these I've seen listed. How can you do vocal instruction with a piano that is grossly out of tune?$LABEL$0 +Wasted tape, wasted money. I bought this product without first checking Amazon reviews and I regret it. If I had known that this machines was designed to waste 1-2 inches of tape each time you print a label, I would not have bought it. The real cost to the label-maker is in the cost of the tape and if you are literally wasting 1-2 inches for each use, then a roll of tape will not last very long. I called their "customer service" line in the hopes that I had not set the margins properly but was told that although they receive complaints EVERY day about this problem, it's not a design problem, it's my problem. Not very helpful and extremely frustrating since I asked if there was a way I could provide customer feedback for the next version of this model. I would not recommend this label-maker and I definitely would not recommend calling them for help either.$LABEL$0 +Great! If you already know the material.... According to an instructor of mine (not the one teaching the course), this book was written by mathematicians for mathematicians. If you are not already well-versed in proofs and logic, this book is excruciatingly difficult to follow. The instructor teaching the course was a Ph.D. from MIT. Obviously he understands it, but both he and the book utterly failed to explain the concepts in terms that a normal computer engineer/scientist undergraduate could understand. If this is required reading for you Discrete Structures (or equivalent course) I highly recommend getting a second book that explains the terms in plain English (as opposed to in the language of Math, which I am not fluent in). Unfortunately I was not smart enough to do this myself early on, so I cannot provide a recommendation. Suffice it to say I learned my lesson and I hope my experience benefits you.$LABEL$0 +The BEST. I've been playing since 1963. These are the best strings I've had.I am using them on a Washburn electric standard guitar and believe it or not a classical guitar that I bought in 1970 for $17.00. These strings tuned easily and hold tune for long periods of time.Love em.Ps. In the past I have used Martin strings but never the Martin 130's.$LABEL$1 +Iris Floor Protection Tray-Medium. This is a super great idea, and it really works good. Pads fit inside, and the puppy can't chew them to shreds like paper. They hold the pads tightly, easy to change, and it stays put.$LABEL$1 +Poor fit and uncomfortable. I admit to writing this without having tried any other mouthguards, but I'm not impressed with this one at all. The groove for you to rest your teeth in seems too shallow so it is very easy for it to come out of place. I also find it very uncomfortable, even after I cut off back ends (as suggested by the instructions to provide a proper fit). Unless you are 8 or 9 feet tall and have a gigantic mouth, I highly doubt it will fit without cutting off the back ends. So you're stuck cutting off the back ends to try and get a proper fit, but of course even if you're not satisfied after that, you can't really return it in that state. Also the case it comes with doesn't stay shut.$LABEL$0 +It's been worth the wait!. It is about time that NSYNC got their CD out. But trust me, it is well worth the wait! This CD is packed with excellent songs. I also like the way that NSYNC is trying songs and styles of singing that other boy bands haven't yet. They are definatly talented. If you had any doubts about this then go out and buy the CD. It is definatly worth the money, and I promise you that you will be happy with this CD! Happy listening!$LABEL$1 +Cannot recommend this at all. WARNING: I received this thru the USPS today. It is much smaller than stated on site. It is very light, crystal is typically heavier than glass and this is glass. Also every edge is razor blade sharp and is way too dangerous to have around small children. More of a weapon than an ornament. I contacted seller immediately and have heard nothing from them. Very disappointed. I feel like they should have paid me to take it off their hands. You will regret it if you buy it.$LABEL$0 +A great True crime book. I really enjoyed reading this book it was very interesting and thought that the authors did an amazing job interviewing the key people. It did get a little slow at times but it was just because of all the details. It did have a little too much detail as to what was done to the children and the effects that occurred but it helps us understand and realize what the parents and medical staff had to see these helpless children go through. I do recommend this book to all who like to read true crime. Enjoy! :o)$LABEL$1 +good while it lasts, but doesn't last long. As others have reported, quality is disappointing. Thought it was a good router at a decent price, until it started breaking down, regularly (shows red diagnostic light).Linksys website indicates that company knows about the problem, and will replace (only) if within warranty period. Technically within their rights, but seems unethical to me -- they sold a defective product and aren't taking the responsibility for it.Recommend you avoid this, and be careful about other Linksys products.$LABEL$0 +Woah!!. This book sums up the trilogy perfectly. Captivating from the beginning to the end, I have to blame this book for 2 - 3 late projects, but at the same time thank it for one of the most captivating reads i have had yet. The story was well paced and delivered with immaculate style. The constant swapping between caricatures was a stroke of genius, I was never left waiting and wondering what was happening with the many other caricatures.11/10, one of the best reads i have had for a long time$LABEL$1 +Great CD.. If you're looking for a great album with REAL music, this CD is for you. Sugarcult's music is very enjoyable & the lyrics are honest. All the songs are awesome, and you can listen to the album over and over. Includes the lyrics as well. Highlights are "Stuck In America", "Saying Goodbye", "Pretty Girl (The Way)", & "How Does It Feel". Pick this up today. Great music. Great price.$LABEL$1 +Disappointing read, wonderful appendices. I found this book difficult to get through. The first part (of what was to be a 5-part book) is choppy with superficial character treatments. What makes the work remarkable is the harrowing circumstances in which the author was writing. It's deeply tragic that this wonderful writer suffered and was murdered during WWII. The writing and storyline vastly improve in the 2nd book, and I believe if Nemirovsky had been able to revise and complete the novel, it would have been wonderful. As it stands, the book is rough and hard to digest. I do recommend this edition, however, because of the moving letters in the appendices written by Nemirovsky and her comtemporaries during the period leading up to and following her deportation. Those (not the fiction!) brought me to tears.$LABEL$0 +Rediscover Good Bread. I've been an amateur breadmaker for years, but tend to bake irregularly because of the effort involved. No more! Mark Miller's recipes for bread both plain and exotic, healthful and richly delicious, have rekindled my enthusiasm for bread. I'm baking almost all my own bread now and making breakfast and lunch special occasions. From genuine sourdough, comforting cornbreads, spicy cheesey flatbreads and foccacia, to tempting quickbreads and breakfast treats (try Cream Cheese and Blueberry Bread, or Scottish Scones with honey, cream and Drambuie) No tedious copying of recipes from a library book this time: there are so many delicious recipes (and I've tried a lot of them) that I need to buy this book!$LABEL$1 +I join the consensus. What's the point? This has been asked many times: Why was Psycho redone, scene by scene? I guess someone who did not see the original would find it intriguing and fascinating. And there are some more explicit skin scenes, a la post 1965, which do make it look more real. So it's not a total loss and maybe worth seeing, but probably not owning.$LABEL$0 +I thought this book was boring.. It was about a boy and his family. The last chapter was good but you have to read the whole story to get to the last chapter. It's not worth it. I do not recomend it.$LABEL$0 +Works great BUT..... This works great. The size was such that I was able to cover my blueberry bushes and miniature apple trees completely. I used lawn staples to secure the netting around the perimeter of beds where they are planted. BUT, the squirrels still try to get underneath. My wife found one caught up in the netting that was bunched up. She managed to free him and he run like the bat from you all know where....:) The birds do find the odd spot where the staples have loosened, but we finally got blueberries for the first time in 3 yrs. I highly recommend this product.$LABEL$1 +The reason for my discontent. I think I ordered the wrong part. I thought I was ordering pt.# XL 2100 U. The part I recieved pt.# XL 210060 fits, but the TV is delayed from coming on, sometimes as much as 30 secs. The oridinal did not function thi way.$LABEL$0 +Cat O'Nine Tails. This movie is bizarre! It is well-cast and beautifully filmed, but the storyline is absoltely insane. Karl Malden is terrific.$LABEL$1 +Anything for a buck. Don't expect your version of Quicken to last long. Unlike almost all other software developers, the folks at Quicken seem to look for ways to make their product out of date so they have to be repurchased. And then they don't even offer upgrades, you have to buy the whole thing over again. Avoid getting into this system. If you do, plan on renewing it ever couple years at a high cost.$LABEL$0 +"Arms" embraces the human heart. Upon finishing Ms. Boss's recent book of poems, I found myself identifying with the lengths to which a woman will go to please the men in her life. Instead of bemoaning this situation, she seems to infuse her words with an an ironic twist which brings a smile rather than a frown to one's face. It is hope instead of despair that survives; Laughter instead of tears; reason rather than insanity. It is perspective, which is comforting in these most uncomfortable of times between men and women. There are no villains in her stories, only flawed human beings who don't always make the right decisions at the right time. They try and that's what counts. Her poetry will make you think and feel and find solace in how far we've come and yet, how much farther we need to go in the area of man/woman relationships. It is a challenge any reader will be prepared to do after reading her work.$LABEL$1 +Only you can save yourself from this piece of ..... 2 Stars if i hate it this much?Well the reason being that "Perfect is a good song.But the rest is very deluded and dull.Angst is better left to people who can actually sing like Avril.I'm sick of these punk-prodigys to Green Day.Blink is alright but the rest are hopelessly s...Don't fall for this useless garbage.$LABEL$0 +Warning! APC XS900 may not accept the RBC32. When I looked up the replacement battery for the XS900 UPS by APC, the RBC32 was the designated model. It does not resemble the battery in my unit. Apparently, mine take a RBC5. I could not install the unit so I don't have a working UPS presently. Because I have limited time to fool with this, I'm debating my options.This has nothing to do with the company selling the battery pack. They got the unit to me in the time stated in good condition. Amazon processed the order correctly. Just don't trust the APC web site to tell you what battery replacement is suitable for their product.$LABEL$0 +Dangerous. Adaptor can not be set to vary output voltage. It ran one laptop for a while, but failed to charge a friend's, and only quasi-works with my thinkpad, but makes it very hot. I feel this product could destroy a computer.$LABEL$0 +It was great...until it broke. Overall this is a great value mask, considering it is easy to adjust, has a tight seal and does not fog readily. But there's one problem...you can't use the mask when the straps break. After about 3 hours of use one of the straps broke. It still works, but the seal is not as tight, and is not quite as comfortable. It is probably only a matter of time before the other strap breaks too. So overall1. great mask2. crappy strapsif you buy this1. buy yourself some strong straps$LABEL$0 +All time favorite. Did you actually pay attention to how the father in this film prepare the food? This is enough to warrant a five star rating of this film. Not to mention the characters, the story line, and all the delightful moments you will get to experience.$LABEL$1 +Most Helpful Book on the Subject. I have read many books on the power of creating your own reality, but I like this one the best. I do the meditations every day, and they make such a tangible difference in my life. I had lesions on my legs that wouldn't heal for months. I'd meditate every morning on healing them, and at night they would be noticably improved until they were healed. I have used the meditation to heal myself emotionally of extreme sadness and other strong emotions, I have used it to bring more financial opportunities into my life. After meditating, everything seems right, my problems seem to resolve themselves. This book is pleasing to read, as is all Dr. Dyer's material. I think of him as the father I never had.$LABEL$1 +Lame, Artsy Excuse for a Book.... The title does indeed say it all: Stinky Cheese Man and Other Fairly Stupid Tales. The book stinks and the tales are stupid. I honestly feel like I have wasted my time for having read it. The only reason that I gave it two stars is that some of the art has creative redeeming value with the picture of the table of contents crashed, having some pages that are blank, and blanks spots where reluctant characters have run away. The art work and the text layout are worth studying. The text reads like a series of poorly executed campfire stories with the ugly duckng simply growing up to be an ugly duck and instead of having the sky not fall... the table of contents falls and crushes all of the characters in Chicken Licken...Crazy James$LABEL$0 +Poor function - Good looks!. I bought this bellow online because I liked the flowing shape and reasonable price. Within 3 weeks of using it the leather cracked in several places around the tip and sides. It now leaks so much that it focuses very little air out of the tip and into the wood stove.$LABEL$0 +A good follow up buy to Batman Animated. If you're a fan of the art from the series, pick this up- but only after getting the book Batman Animated.Either way, this has some nice exclusive artwork, plus some full color art at the back of the book.$LABEL$1 +Durable and reasonably comfortable. so far this product is very durable and reasonably comfortable. It's a nice looking classy shoe without being too upscale$LABEL$1 +very interesting, insights both good and bad on polygamy. Annie Clark Tanner was an admirable person. When I completed reading this book I had a strong desire to call one of her children, if any are still alive. I appreciated the support and understanding she received from her children as they became adults. They had a wonderful mother. I am amazed at all she went through for her husband, without bitterness. However, she was open about her feelings, which let me know that she was "real". Thank you Annie, for writing about your life and sharing your experiences.$LABEL$1 +No longer made in the USA. I was going to buy a pair of these shoes because I thought they were made here in the USA. I called Sebago Customer Service to see if that was still the case and they told me that no Sebago shoes whatsoever are made in the US any more.Way to go Wolverine! I would have gladly paid MORE for a pair of shoes that were still made in Maine!$LABEL$0 +Christmas. Love the colorado christmas song great gift for the holidays, thanks so much and happy new year!!! Why oh Why$LABEL$1 +low price, the razor logo can not be peeled off. Low price. Save some $5 compared to picking up same helmet from major department store. Downsides: looks a bit bulky. Maybe check fitment in local store before ordering online. Annoyance: I usually peel off silly tape logos for a cleaner look, but the razor stickers are painted over with the glossy layer and can not be removed. Had to cover silly logos with reflective tape instead. ** Consider also: Brain saver 8 helmet -- seems to be popular at the skateboard park, especially in matte grey finish.$LABEL$1 +Don't buy this if you live in the 21st century... This book has patterns/guides for clothing styles that are completely outdated. I am a fashionable early twenty-something, and I was repulsed by the crude illustrations for these awful pieces of clothing. There, I said it! Everyone gave great reviews for this book.. don't buy it for someone who is young and up on the current fashion trends.$LABEL$0 +Works great. I bought this because we have similar one at work and find it handy. It performs well and there was included tape to get you started.$LABEL$1 +The Writing Process as a Fundamental Method of Learning. Although Zinsser's book may not have been exactly what I had expected, I found the concept of "writing across the curriculum" to be a fascinating and practical concept. I was reminded again of the importance of organizing, writing and rewriting if I want to produce good, clear writing.Advantages to the "W" concept include:* Motivation* Learning how to read to extract meaning out of the text* Learning to write using a personal writing style* Learning to use the process of asking questionsZinsser tells of his own journey as he explored the principles detailed in the writing of this book. I enjoyed his illustrations, analysis, and conclusions. Zinsser credits the many that provided information and inspiration into the writing formation of "Writing to Learn." This has been a true learning experience.$LABEL$1 +Watch for fit problems. If your vehicle's mirrors are a stationary fairing or housing with a pivoting mirror inside, you need to make sure that the mirror is well recessed in the housing on both top and bottom. The clips in the arms of this mirror need to extend into the housing about 1/4 inch, and they are fairly thick.When attached to the mirror on my 2008 Pathfinder it restricts the adjustment of the Pathfinder's mirror, forcing it to point down as the mirror is nearly flush with the housing on the bottom edge. I also found vibration to be a problem, perhaps partially due to the problems with the fit.On the plus side, it appears to be well constructed with plenty of adjustment in the straps, and my fit issues may affect other brands as well.$LABEL$0 +Dont work. very flimsy, won't work because of the flimsyness of the product. Just paid like a dollar but not even worth the dollar. I just threw them in the trash$LABEL$0 +Does not hold up. I used this pump once and it worked OK. On the second use it quit working and cannot be revived.$LABEL$0 +Dont waste your money or time!!!!. This product is very very cheaply made and very awkward to use and handle.The reception is terrible I seriously doubt it would last a week without breaking if you actually carried it around.$LABEL$0 +Just died one day.... This item was fine till it stopped working...just like that. Battery had been charged. I used it for a month and then one day, it died. I had some new data in it that needed to be backed up...all lost!!!$LABEL$0 +bad job staying connected. I bought this product 9 months ago and used it to go online with my ps2. It connected but it kept on losing the connection everytime i play games like socom 2,socom 3, killzone, and other ps2 online games. I bought the logitech network extender and used that to get online. This product was similar to the nyko product. It worked well and it was free from losing connections. If your planing on playing online with easy hook ups then I would recommend the logitech network extender intstead of this product.$LABEL$0 +What the hell is this!. Why isn't "Duty Now For The Future" available statewide but this "stuff" is? What were the spudheads thinking? I can understand looking for a creative outlet but please, don't ruin great songs in this fashion. But hey, what do I know. These guys are still great and everybody makes mistakes.$LABEL$0 +By far the worst film I have ever seen...... While Lynch fans (who are these people???) will lap this film up, I was alternately bored, humiliated, riled, and depressed. Nothing, and I mean nothing, makes sense and before some pretentious wiseguy tries to tell me about postmodern nihilism or anti-narrative otherness, let me say that while film can be an instructive tool, it must also be entertaining and I can't imagine who would want to curl up with this waste of time at any point in their day. I would describe plot elements, but they would be irrelevant. Proceed at your own risk.$LABEL$0 +SVGA male to male 3ft.. This item was very good for connecting a VGA switch box to my computer. It was well made and performed well when switching between computer monitors and TV.$LABEL$1 +Snow White Rocks!!!. This version of the Grimms Brothers Fairy Tale is excellent. The digital transfer to DVD is so good that I felt like I could have walked right into my television set. Once again Signourey Weaver nails her performance as the wicked step-mom Claudia. All starts out fine but then things quickly pick up as step-mom and step-daughter battle it out to the final blow. This version is top knotch all the way, I was very pleased with everyone's performance, the movie's photography and storyline. I recommend this to anyone who loves a good suspenseful movie while reliving a childhood story at the same time. Also the chills are more from the suspense side and little to no emphasis on blood and gore. My only recommendation is that younger kids don't need to see this version unless you want them sleeping with you for a week. I give it my thumbs up rating as well.$LABEL$1 +I love this watch, but.... I really love this watch, but I hate the fact this baby retails for $4.450 and can be had for $4.075. A preowned one may cost you around $3.000. Some jewelers tell you that if you invest in this watch, you may get your money back withing 10 years. That never happened to me. If you think about it, it's like buying bonds from corporations and not receiving interest in return, just your money back! Are watch aficionados subsidizing Rolex? Is the cost of wearing a brand, tradition, and history on your wrist really worth that much? I can get an Omega Seamaster 300M GMT with automatic movement Cal. 1128 and COSC Chronometer Certification for $1.630. I would be buying into prestige, tradition, and history for 1/3 of the price. Is the Explorer II water resistant to 300M? I think not. So what's all the fuss? Yes, the Explorer II is a beater and a dressy watch at the same time with an outstanding craftsmanship. I would give it a 5-star rating if ever sold for $1.000.$LABEL$0 +Cuisinat DCC-1200 Brew only lasted a year.. I bought this coffee maker a year and two months ago. It was fine until last week when it suddenly stopped working. Tried everything I could think of, but it just won't brew. After paying that much for a supposed brand name appliance, I think I will just use a French press. No electronic parts to go haywire! Very disappointed.$LABEL$0 +Arrrrgggghhhhhh!. All sorts of people were having fun on this train across Canada... all sorts of people fell asleep in my living room while watching this movie. What happened to the interviews after the first 30 minutes? I think the subjects fell asleep as well.$LABEL$0 +More of the same. This book is more of the same. If you've read all the other raw books on the market and you know how to feed whole bones then don't bother buying this book. Here's the book in a nutshell: feed the biggest bones you can and try to mimic prey animals. That's all it says. What a waste of money.$LABEL$0 +Remarkably bad. I bought this for my son. He could not finish the movie it is so banal. Terrible acting, bad script and badly directed. Do not waste your money.$LABEL$0 +Better than the Path of Boredom. While far short of his excellent work in the first five books, Winter's Heart is certainly better than the miserable 8th book of the series. It is much like Lord of Chaos and Crown of Swords; tedious in some parts and spectacular in others. Its worth the read, but won't keep you awake waiting for book 10.$LABEL$1 +Great. I got this for my niece for Christmas. she Loves Monkeys so this made a perfect gift. She Loves them.$LABEL$1 +Love this!. My 7-year old, who is a Kratt Brothers fanatic, loves this. It is an awesome next step from Wild Kratts!$LABEL$1 +this headset. This headset is cheap and easy to use at 1 major cost: comfort. Fully extended this headset doesnt quite cover my ears (i have a regular sized head, most mics i actually have to make them as small as possible) and it also feels like its trying to squeeze my ears together as a result. i dont recommend this mic unless u have a very very small head lol$LABEL$0 +????. The openness of he drug trade of the time is the more interesting part to me. the crown doctor and his madness is tne aspect most other films in the past never looked into because of the Crown.$LABEL$0 +BEST GAME EVER MADE.. This game would never get old playing it back in the day they should really bring this franchise back to console or a new pc game. Tribes 2 required skill something you don't really need in most games today. CTF was the best mode I think you could play 32 vs 32 was awesome you could choose from light, middle and heavy I think customize what you use. This game was just unbelievable it was so good the gameplay and wide variety of maps made tribes 2. The game is very complex I won't go into it but it was the best of game I have ever played, including halo, gears, all call of duty, cs its just so different and unique compared to all others. It is a shame the company isn't around anymore. Many people have tried to make sequels but failed in my opinion. The most popular one played with a web browser it isn't the same.$LABEL$1 +Very Helpful After Losing A Loved One. I found this book very helpful after losing a loved one. I particularly liked the format of this book. The authors give excellent ideas and suggestions as well as inspiring meditations. I highly recommend "The Empty Chair" to anyone who has experienced a death of someone close to them.$LABEL$1 +This ebook is short.. The PDF is 56 pages long. The text starts on p. 7. There are 5 pages of ads at the end.$LABEL$0 +excellent Belgian prog. As a Canterbury-style prog fanatic I had to check this band out and they did not disappoint.They have great rhythm section with jazzy keyboard and tasteful/soulful guitar playing.The vocals by Pascal Son(female) are staccato and high-pitched and act as an addtional instrument.The melodies are very catchy and melodious in the Canterbury style.In addition there are four bonus tracks by the previous incarnation called Classroom.On one of the tunes Son sings in French as fast as she can,kind of like doing vocal scales,but it works. Classroom were much less prog and more jazz.All the tracks on the Cd are from 1973 and 1974.Their second CD called "Viva Boma" is worth checking out also.It's more subdued and has a Matching Mole sound$LABEL$1 +A very long read that leads to an unintelligible ending.. This is a very long, static and redundant tale that comes to an abrupt conclusion that could cause mental whiplash. I am curious that the other reader/reviewers who have made entires here find the story and its sudden, odd and unlikely ending so fascinating. I re-read the last four pages several times with the hope that the meaning would dawn on me. I get the facts of the finale, just not the context in which they fit into this story. I consider myself an avid reader (and one who grasps the plots and nuances of writing) but this one makes absolutely no sense to me whatsoever. (I welcome comments from any reader who can clear up the matter in a private e-mail; I have written to Mr. Cook to ask for an explanation.). Definitely not worth the effort for me; move on to the next book on your list.$LABEL$0 +Fooled again. I bought this thinking it was the same as the original 'Joseph' LP I used to listen to endlessly back in the early 70's, as a preadolescent. It appeared in the States to capitalize on the success of Superstar -- down to using hte same typography on the cover. But even though the vintage (1973) of this version is about right -- this *isn't* the same recording. In fact, though my memory may be gilding the original a bit -- this one's very much inferior. Has the original US release ever been transferred to CD?$LABEL$0 +Missed that it would not play in america. I did not like the fact that it is an "international" version, but sold here in America where it will not work, unless you have a newer model dvd player that plays dvd from both home and abroad$LABEL$0 +Nine Ab Exercises. I didn't find this DVD very useful. The routines are boring, and the instructor is annoying. He sits in front and does one or two of each exercise while counting by drawing out each number "onnneeee, twwwoooo...," and then he gets up and watches the girls for the rest of the set. Each routine is just three sets of three exercises. The warm-up is pointless; it's just running in place. Once you learn the exercises, there is no need for the DVD, which does little more than count for you.$LABEL$0 +Hateful and self-deluded. This is a hateful and ridiculous book whose only serious audience can be bigots.$LABEL$0 +Very Informative. Very good read. Lots of information and nice charts to help you understand what you are looking at. Would recommend to others who are interested.$LABEL$1 +Perfect. This is perfect for my new Olympus E-PL1. I bought this to protect my lens and, for that, it's perfect.Personally, I don't see any difference in my pictures but I'm very amateur and haven't done any tests.Note: I received mine with a very small crack at one point at the rim of the glass. It's like someone twisted the metal band a little and caused a small pressure crack. It doesn't show up in any of my photos so I didn't return it.personally:Perfect lens protection for the price (compared to olympus' 40.5mm for $30).I would recommend it to anyone$LABEL$1 +Wideacre. Immensely dislike the story line, and the characters.. I read the 2nd of the trilogy, also .. but will not read the 3rd .. Left me very depressed, and disgusted at times.. Phillipa let me down on these$LABEL$0 +Dr Anne Andersen. This was rather a disappointing book, given the "hype" that surrounds it.There were one or two interesting chapters, but it written for "newbies" and I'm afraid most of the information was out-of-date.Anybody could get this information, and more up-to-date "stuff", reading Phack and trawling the Web.Nothing about the virus Chernobyl, and its offspring, Colossus, used by the UK and US military, to blast unwanted intruders.On a more basic level where is the info on Back-Orifice?. In the Psychology Dept at Glasgow University, we have protection , via firewalls and Norton's anti-virus software.Meinel doesn't address the issue as to how these packages work,with "all" her writings and self indulgence, she doesn't say that these systems are virtually hacker-proof.How do they work?.Next time she writes a book on this subject, lets hope she goes up-market, instead of pandering to spotty faced youths, hiding away in bedrooms.She is capable of better things, if she wasn't on an ego trip! .$LABEL$0 +What a dog!. The working title for this film (shot in Nebraska in dead of winter) was, listen to this: Born to Loose! I know, I was there. The director (Eleanor Gaver) paid a producer (Jonathan Krane) to direct the film she had written--her first and last film. Michelle Johnson, hot off the "Blame it on Rio" movie was paid a lot to be in it, but she was a whining "bitch" who didn't care to be on this production. Can't blame her, no one did. But she probably never worked again. One good performance was that of the motorcycle gang leader (Neill Barry) who continued to work in Hollywood, mostly television series episodes. --First A.C.$LABEL$0 +Disappointed, useless in the field.. No photos, sparse black and white drawings (most plants don't even get a drawing). This book could be used as a cross-reference at best for a true field guide.$LABEL$0 +GREAT PRODUCT -- BETTER THAN IPOD. MORE FEATURES THAN THE IPOD, LOVE THE DESIGN...DO YOUR HOMEWORK AND TAKE HOME THIS MP3 PLAYER!! I DID!$LABEL$1 +No thanks. This product was not refrigerated upon arrival. It has a little sticker that states to refrigerate at once. OK. So you mean to tell me while it's in the mail for 5 days its not being cooled. That's nasty.$LABEL$0 +Disappointed. I have purchased this product twice, and both times the spray nozzle has broken after a few uses. The two purchases were a year apart, so the company obviously hasn't gotten its quality issue worked out.$LABEL$0 +AMAZING no other like it out there.. This books is amazing, it shares so much from the males point of view,finally their is a book out there that knows what we go through and that we do want to make our wives happy and loved. i caught my self laughing a few times because i can relate to so many stories. This book has really taught me how to talk and give the attention my wife really desires and in return i get the respect that i need. The information in this book blew my mind, by far the best book i purchased.$LABEL$1 +Interesting. This book was a little harder to read and was a conglomeration of pilot's stories of one of more iconic aircraft of the RAF during the war. I was particularly looking forward to reading stories of 486 (NZ) Squadron, but there were precious few. Nontheless, this book gave me insight into a great aircraft and the dedicated pilots that flew it.Well worth the purchase price for fans of the Typhoon.For fans I would recommend the books by Jim Sheddan (who is still alive and living in North West Auckland, New Zealand).$LABEL$1 +Does a good job softening new leather. But be careful if you are using it on newly dyed leather. I used it on a fresh dyed, but completely dry, piece of veg-tanned leather with contrasting stitching, and it caused the dye to bleed out and discolor the stitching a little. Next time I will use the oil to soften the leather before I do the stitch work.Overall, it's a good product. Veg-tanned leather can get stiff when you dye it and this product does a good job of softening it up.$LABEL$1 +Perfection. WOW, what a nice product. Within the first hour of it's arrival, I had to see if I could screw it up somehow as I would either under cook or over cook my rice. The very first use of this cooker boasted a very nice texture of rice. I cannot wait to continue making rice in the future. For those of you that are as inept as I was at cooking rice, I would highly recommend this cooker if you enjoy rice as much as I do.FYI, the rice I am using is Mahatma Jasmine$LABEL$1 +Great Business Lessons. Sacchi's book worked for me. I've been in my own business for 20years and never done a business plan,mainly because no one has make the case of why I really need one. Sacchi, not only makes a compelling case but makes it easy to develope. His real world examples and experience also lend to the simple yet important formula for building and redesigning a business in a purposeful way. My business will be more successful because of this book.$LABEL$1 +Disappointed - Again. The phone was very annoying. Everytime I tried to call on the phone, it would not connect. I would have to either change the channel or just not call. I was only able to connect to the number I was calling once in the 30+ times I attempted to call. I returned the phone and went and purchase a different manufactured phone. Consumers Report was very wrong in their rating of this phone. The phone was terrible !!$LABEL$0 +Poor Product. This product is awful. It broke on the second use. I went out of my way not to over tighten anything. There is a long partiality threaded rod (piece with the hook on it) that ends in a plastic spreader. As you tighten down rod the friction applied to the spreader causes it break lose internally and push the rod all the way through the spreader. Causing a failure. (very poor design). Something like a BB on the end of the rod would have worked. The BB would have kept the drill through effect of the rod from happening (The end of the rod is so ragged I cut my finger just trying to get the spreader back on)$LABEL$0 +PUR Water Filter = Spend your money elsewhere. PUR Water Filters DEVELOP CRACKs and leak easily.I bought the first 3 months ago and it started to develop hairline cracks after 2 months.So, I got a second one thinking it was a fluke....this one developed cracks and leaks too.Built so cheaply that it simply cracks and leaks.Very Disappointed.PUR Water Filter = Money waster!$LABEL$0 +Fooled by the cover. I was greatly fooled by the cover of this book. I expected the photographs to be similar. White country cottage it is not. If you are looking for white country cottage or shabby chic, this is not the book for you.$LABEL$0 +Great but not as great as it could be. If this game was not hyped as much as it was it would be wonderful. It is kind of like combining Morrowind and The Sims, but it's not as in-depth as either one. My major beef with this game is its legnth. If it was on the PC it would definitely have an expansion pack coming out in a few months. The other beef that everyone has is that it doesn't live up to its hype, what videogame ever does?$LABEL$1 +Wow. I received this album from a fellow jazz musician now playing in Shanghai, & while my expectations were not that great, boy was I in for a surprise! Francesco Cafiso, now 23, was, in my opinion, another Paul Desmond. I'm not impressed by the fact that he was an accomplished alto man at an early age. Most great jazz musicians usually are.I'm going to keep this short, & just tell you that what impressed me most was the maturity he showed in his handling of a ballad. In the business of jazz we say that "anyone can learn to play fast, but it's the ballads that separate the men from the boys." I was most taken by his work on "Polka Dots and Moonbeams." His handling of "My Old Flame" was absolutely gorgeous as well.If you are a sax lover, you'll find that there is MUCH on this album to love. I recommend it very highly.$LABEL$1 +this is a good solid can opener. this is a no muss no fuss can opener that has a lock and works flawlessly. i am very happy with it...$LABEL$1 +This is a great game if you know how to understand read words to you and know how to use the mouse you would be able to play.. This is a game where you are Erika and you have to complete many deeds in order to become the queen in three days. So, you have to complete all these tasks which requires you to go all over the town.You get to bake cakes, take care of a kitten, grow flowers, and much,much more.This is probably a great game for a kid ( probably a girl) who is at the age where she knows how to basicaly can understand words ( read to her) and knows how to use a mouse.This is a really fun game but, as you get older you might still like it at the age of nine you don't have to like the Princess and the Pauper to play this game.[...]$LABEL$1 +mccartney is poorly represented!. Please buy this if you are likely to enjoy a completely sycophantic deluded lesson on the greatness of john lennon as a solo artist then this is the dvd for you.any mention of mccartney's work is not only severly biased but far too slightly covered.the truth is lennon missed mccartney as much as the other way around,indeed possibly much more.john lennons early 1970s work is totally overated here whilst paul mccartney's is totally underated.this is not a balanced view and a a pretty miserable beatles docu.i do believe the next in the series covering their work from 1973-1980 is actually being released this week [nov2011].it will be interesting to see the 'lennon spin' his hero worshipers put on his miserable output during this period whilst mccartney went on to become the biggest selling artist in the world all over again.!$LABEL$0 +Zondervan handbook for the Bible. I wasn't happy with this book because it was shown on Amazon as a 2005 edition and when I received it the ISBN # was different than was shown on Amazon and the edition was 1999. I had to return it.$LABEL$0 +brought back a lot of great memories. growing up in the 60's, i use to look forward to saturday mornings just to sit & watch cartoons as a little kid . what i completely forgot was fearless fly cartoon which was also on the milton the monster . milton the monster was great to watch now as it was back then . the quality of the product is A+. all i can say is in this day & age of computers & DVD;S i sure am glad that at times, yes you can go back .$LABEL$1 +WARNING: Not creme-de-la-creme Paris chillout.. I first became addicted to chillout music when I heard Cafe del Mar 8 playing at a record store in NYC. Since then, I've become an avid collector and somewhat of an afficianado.I bought "Paris Lounge" based on its very positive reviews. But compared to Cafe del Mar, Hotel Costes, and the magnificent Buddha Bar series, this collection does not make the grade. There are some good samplings here, but all in all, it is uneven, badly mixed, and often way too weird to be even listenable, let alone enjoyable.$LABEL$0 +Great book for all ages. this is a book which can be read by anyone and each read makes it more interesting. had read some stories long back and loved reading it again.$LABEL$1 +Have not received it as yet.. As yet, have not received this. It's been nearly a month and no product. Perhaps I should cancel this sale or what?$LABEL$0 +Renegade DVD. This movie keeps you involved & interested to the end. It has good acting & good scenery & a good story line.$LABEL$1 +It remembers so you don't have to. I bought this when my daughter was 2 weeks old and it is simple to use and extremely helpful for sleep deprived mothers. With the touch of one button, I can keep track of how long it has been since I fed my baby. I don't use the sleep or diaper timers but this is worth it for the feeding timer alone. The first unit I was sent was defective and I received terrific customer service when I contacted the company. I am rating with 4 stars instead of 5 only because I'd like to be able to keep track of the daily total feedings as well. Maybe a future model.$LABEL$1 +A lifelong favorite.. This is one of two books which I read until they literally fell apart. High praise indeed. James Ramsey Ullman, through Rudi Matt taught me what guts, dedication and loyalty were all about.$LABEL$1 +one of the best SEs!. This is a classy collection of a particularly good time (1987) when Playboy photographers and models worked together to produce wonderful photos. Some of the favourites are here: models such as Veronica Gamba, Ruth Guerri, and Lourdes Estores, and photographers such as Arny Freytag. The copy I received was as described, and suffers only from a lack of page numbers (none of this issue have page numbers, nor a table of contents).$LABEL$1 +Don't let the title fool you.... This book is superb, and covers so much more than the two style trends mentioned in the title. Many people relegate Biedermeier style to the 19th century, yet this book covers design trends from the Renaissance onward, as it evolved in Germanic lands. The breadth of interiors covered, the quality of the photos, the writing, this book has it all. I see that it went through two different permutations of the dust jacket, possibly in an effort to attract buyers. I think it is the title that throws potential buyers off. This book is essential for those wishing to know more about German interiors as they evolved over time, as well as a great sourcebook of ideas to be adapted to modern-day interiors. Buy this book, you will not be sorry.$LABEL$1 +Do not buy!. I bought this griddle for the obvious benefits of requiring less storage and the ability to run two temperatures at the same time. The drawback to the griddle is that any time it is used the grease does not make it to the grease catching cup, intead it leaks right out onto the counter surface. This is a huge mess! The same probelm is encountered when trying to make an omelete, the egg runs right out through the middle crack. I was very disappointed. I'll be buying another soon.$LABEL$0 +WOW, well done graphics Hoever EURO style. This was some incredible design job and the graphics are truly incredible as are the sounds and sights. Its like a virtual reality day at the Races.The only slight drawback to this game is that even when you select a race in the USA, all the races arr in Euro distances and measurements, making it tough for many of us to be sure of the distance.However that said, this game is complete in every other way and a must buy for the Horse Racing fan.I would tell the programmers of this one to go back to the start phase and make a USA Version of the game and use American Tracks, and this one will sell like hotcakes ! If it is not doing so already.Best Regards to All, MC - TheStickRules.Com$LABEL$1 +sounds of nature & the great outdoors. Do not like at all!!!!! Poor investment!!!wood never buy again. not very good to rest too...wanted ocean sound only but could not find.$LABEL$0 +Train Wreck. TO BE HONEST, I NEVER MUCH CARED FOR THIS BAND UNTIL I HEARD AWAKE. AWAKE IS A GREAT ALBUM AND I LIKED PARTS OF ALL THE REST OF THEIR ALBUMS. BUT THEIR ANNOYING CHARACTERISTICS HAVE CAUGHT UP TO THEM: "HEY LET'S SEE HOW FAST WE CAN PLAY FOR NO APPARENT REASON" "HEY LET'S PLAY LONG ENDLESS SOLO JAM WANKARAMA RAMALAMDINGDONG" "HEY LET'S MAKE THE KEYBOARD SOUND LIKE A GUITAR AND JAM ALONG WITH THE GUITAR AND SEE HOW MANY NOTES WE CAN FILL A MEASURE WITH" please a little restraint guysThis album is forgettable and annoying. You are smarter to check out symphony x or awake$LABEL$0 +Worst battreis EVER. I bought these batteries think that being made by Duracell that they would be a good quality battery. How WRONG I was. These things can not hold a charge for more then a few days, and that is when they aren't even being used. I did a complete discharge and refresh on them hoping that this would help their charge hold time... it did not.Do not buy these things if you want to have a good functioning and usable battery. I gave them 1 star because Amazon forced me too, I would have preferred 0 stars.$LABEL$0 +Not What I Expected. I bought this CD after being seeing them on TV (60 minutes), and being a bluegrass / trad. country fan I bought it. However, they sound very little like they were made out to be in both online reviews and on TV (i.e. bluegrass or old school country). While great musisians, most of the songs sound very similar and "popish" - you can't hear any of their great banjo or Dobro in all but one or two of the songs on the CD. I think they could be great, but were trying too hard for the mainstream MTV / CMT crowd on this one.$LABEL$0 +Boooooooring !. Like you, no doubt, I was lured in by the stellar cast, but the script is nothing more than a copycat of cat-burglar flicks from yesteryear. Nothing new here. Lost me in the first hour. Avoid.$LABEL$0 +DON'T WASTE YOUR MONEY. I waxed nostalgic and bought this game only to find that it is nowhere near as durable as the old one. Not only is it smaller, but it is flimsy and constantly falling apart. My two year old could easily pull the robots from the base. In fact, only the two year old enjoys it-constanly pulling off the robots and throwing them at everyone. Unless you have money to waste, don't bother buting this game.$LABEL$0 +Last A Long Time. These are not cheap. Especially when compared with the lifetime cost of rechargeable batteries. But these last much much longer. Good when the temperature is low too.$LABEL$1 +Could not put down my kindle. I loved Alison Weir's "Henry VIII and his six wives" and "Lady in the tower" so I decided to read "Innocent Traitor: A Novel of Lady Jane Grey" next. I was not disappointed. Her writing makes you feel all the emotions that Lady Jane Grey felt at her final moments. I can't wait to read "Lady Elizabeth" next.$LABEL$1 +Very Overrated. This wasn't very good. It wasn't very interesting. There was no real merit or redeeming quality to any of the characters. It wasn't an awful movie, but it leaves you wondering why anybody would ever bother making it. Nothing really stands out as singular or intriguing.$LABEL$0 +No Respect in Those Days. Very well known film shown a zillion times in the nuclear navy. This is a good example of the scientific lack of respect for the power and diversity of the types of problems that could occur during the testing and experimentation of reactor plants. It always stuck in my mind during the 70's and 80's when I operated and managed commercial nuclear plants. When someone writes a book on SL-1 I figure they have some ax to grind and are trying to relate past history to operations today. To me that is a hollow argument just check the statistics.$LABEL$0 +What a Disappointment!. I recently picked up a VHS copy of this at a local thrift store for almost nothing. Having never seen it, I was looking forward to an exciting 3-hour musical. What a disappointment! Virtually the entire film lacked consistency and cohesiveness. Though some of the musical numbers were quite good, the acting on the part of Richard Harris and Vanessa Redgrave was unimpressive. Overall, the film was very labored and there was little to connect one scene to another. If you want a truly excellent rendition of King Arthur and the knights of the round table, get a copy of the 1997 film, First Knight starring Sean Connery, Richard Gere and Julia Ormond. The acting is first rate and the film is filled with action and does not drag along like Camelot does. Overall, I was not at all impressed by this film, especially when comparing it to the musicals of Rodgers & Hammerstein or My Fair Lady.$LABEL$0 +Boyz II Men for the future? I hope not!. Overly-produced, utterly mainstream schlock that all the young impressionable hip-pop fans will just love. Sure, get street cred, lose artistic ability just to please the masses. This is what is wrong with the music industry. Music is art, not just entertainment. This is schlock.$LABEL$0 +The plates are worth the price of the book. The primary reason I buy the Osprey books are for the color plates. More often than not, the author, Rene Chartrande goes into obscure detail that adds little to the text. Like many of his other works, Chartrande does not reveal enough useful sources. Photographs of exhisting uniforms and equipment are helpful, but if these were in color v.s. black and white, it would enhance these books. Chartrande cranks out numerous books for Osprey, but it's looking more like he's going for quantity over quality. Chartrande should go back to the style and depth of his older works.$LABEL$0 +The worst book about the adult experience I've ever read!. I began this book with much anticipation. After the first chapter, I was offended and disappointed. But I kept reading hoping it would get better. It didn't. The author interviews only 45 women and bases his theories on loosely held evidence. I don't know how I am going to finish this book, but I have to becausee it's a required text for a college course. As a woman and student, I am thoroughly offended and don't regard any of Levinson's ideas as "ground breaking". His methods are unscientific and he is a rather outdated fool.$LABEL$0 +a sober view of life. Thom Jones doesn't mess around. He gives it to you straight: life is hard. And just because it is hard, it doens't mean that it isn't funny. With his fantastic writing, Thom Jones delievers us a masterpiece.$LABEL$1 +Guster.... emo style. I LOVE THIS CD! i bought it one day totally out of the blue, because i had some extra cash. I totally love it! I bought Guster out of the blue also, and not only do i love guster, but i can listen to it with my parents and they don't yell at me to turn it off. If guster decided to go emo(a brand of punk thats not quite all the way punk), then they would be SR 71.... i don't quite get why people are describing SR- 71 as like Blink 182.... so they both have numbers in the name, but that doesn't mean that they sound alike. they both have destict styles.$LABEL$1 +Looks Great!. I recently purchased this book as a gift for my friend's daughter.My kids and I were so intrigued by it that I may end up getting another one for us!It looks great for technique and has a good selection of projects catagorised from beginner to advanced.I may get her another that has a more extensive project selection to go with it.$LABEL$1 +Inaffective. These suplements do not work i took 1 at first and it didn't work the next a took 3 and it still didn't work$LABEL$0 +Enjoyed!. I can see where this book could/can be very controversial. I, on the other hand liked it. Never have I bought in to the HUMAN requirements of Christianity & Church. This won't set well with the Church goers that think the "institution of church" is what you have to follow & believe to be living in God's Love. For those that have been disillusioned or hurt by that way of living, this is a vindicating read. God's LOVE is unconditional. Church love is not!$LABEL$1 +A contemporary story that teaches children values!. Finally, a story about teaching our children values, manners and self respect. I have been looking for a entertaining story to read to my toddlers that instill some of the values that my husband and I want our children to grow up with. Magical Chango was given to me by my mother, who knew that in today's society values were not being taught to children. We are so involved with our fast-paced lives that we tend to forget to stop and teach our children the very basics of civility. (P) Magical Chango is my gift to our children. Through a wonderful magical tale, my children are able to envision our teachings to them. The great part is, they just think its fun. Chango gives my children, through their imagination, the enpowerment to respect themselves and eventually as they grow older all others around them. I recommend this book to anyone who wants to instill values, insight, and manners into our precious gift, the children.$LABEL$1 +Horse Heaven. This was the most boring audio book I have ever hear. The story was not interesting and the voices were either too loud or too soft half of the time. If this had been my first audio book, I never would have purchased another one.$LABEL$0 +A Classic. Before the DVD, I watched this movie a long time ago. I enjoyed it more this time. To label this a horror movie may not be correct. Frankenstein is not like today's blood and guts horror movies. I think I read a review that said it is not scary and it was therefore given two stars, if I recall correctly. Being a black and white movie helps give a eerie feeling. In close-ups of the monster's face, Boris Karloff's eyes looked creepy and inhuman. And, the scene with the little girl is terrific.$LABEL$1 +JUNK. I installed this on a brand new Dell computer and when I restarted the computer it would not restart Windows. I spent 30 minutes with Dell support to get my computer back up. I did a system restore and then bought McAfee and it works fine. You get what you pay for.$LABEL$0 +Strange but ok. The design to fit inside your ears can be annoying.. but it does seem to block out some more noise.. and it's comfortable. Puts out better sound (certainly) than ipod headphones.. but also better than some of my more expensive ones.$LABEL$1 +Piece of junk. When it works, it works great. But the gears that turn the broadcaster jam easily. At least the thin tires that go flat when you roll over briars can be fixed; the poorly engineered gears can't. Don't expect more than a few hours of use from this spreader.$LABEL$0 +She is NOT that kind!. She's not... this blond & amazing woman is the hottest thing in the music industry these days. If you expected another good looking blond woman who can't sing- you are SO wrong. Anastacia is different. Not only she is pretty; she has an amazing voice & amazing vocal qualities. This mix-up of good looks instead talent reminds Christina Aguilera- beautiful & vocal talented. Like Christina, Anastacia has a great R&B album, & she even wrote some of the songs. Her voice is so strong & unique & that is something you just can't ignore. The pearl of this album is definitely the beautiful & so-very-special balled, Who's Gonna Stop The Rain. Not only that the music & Anastacia's voice are both amazing, the words are very deep, special & makes you think of this world. Other great tracks are Black Roses, I'm Outta Love, Not That Kind & lots more. Conclusion, buy this album. I guaranty that it will be one of the best buys you'd make.$LABEL$1 +Wonderful, soothing book. It is a wonderful book, that is going to give you comfort after losing your cat.Very good not only for kids!$LABEL$1 +Excessively Mundane and Bizzare. This was a most disappointing book. It had an extreme amount of quotes from P&P and I tired of reading what P&P fans already knew. I expected a new story, not re-runs. I was also disappointed because we had so little time with Jane and Bingley. The author's plots were bizarre and unlikely. All of the quicky relationships and weddings were uninteresting and unrealistic. Caroline Bingley staying with the Darcys? Mary at Rosings? Kitty as Godmother? I was hoping to read about Elizabeth as mistress of Pemberly but our time was wrapped up in another "traumatic" (mundane is more like it) episode with the Wickams. Couldn't the author come up with her own ideas? Don't waste your time on this weak attempt. I recommend Pamela Aiden and hopes she writes a sequel when she completes her Gentleman trilogy.$LABEL$0 +Sturdy, easy to assemble, great quality. Bought this as a 2nd changing table to have on the main floor of our house. It is sturdy, was easy to put together, has never needed tightening (after daily use for over 5 months), and looks great with our furniture.I was skeptical about the pad when I first received it, because it seems very thin, but have found it to provide more than enough cushion. The shelves hold a ton of baby supplies.$LABEL$1 +Entertaining. A bit over top in some parts making it hard to believe, but ultimately I was very entertained with the story$LABEL$1 +Wonderfully Ingenious. A must see movie. The movie is both innovative and sexy. Shabana and Nandita (the actresses) are sensational. Shabana Azmi is a feminist, a great actress and a member of the Indian parliament. The struggle depicted in the movie is not just something Indian or south asian women face, women all around the world face opression - only the details are different. While this is an excellent movie you should be aware that India is a diverse culture and you cannot represent the people in that culture with some of the generic statements that other reviewers have made here. There are several flavors of middle class India. Many Indian middle class women have excellent careers both in and outside the home and find partners (men and women) who believe in the equality of sexes. There are excellent women scientists, homemakers, engineers, doctors, teachers, members of parliament, etc. who have a great sense of self respect - self respect is not unique to western women :-)$LABEL$1 +router reboots and will get the boot soon. My first WBR-2310 kept rebooting until it just stopped working. Dlink connected me to India, I sat on hold for 20 minutes until my call was dropped as it was answered by them. I went through that 3 times and came extremely close to smashing the router. I decided it would be better just to exchange it for a new one. Now I am on my second router and having similar issues (not quite as bad but still rebooting quite often). I would never buy a dlink router again. The equipment doesn't work and the support is the worst I have ever dealt with because they can't even figure out how to answer their own phones.$LABEL$0 +Sentimental romantic gay fiction. I first read the Loon series when they came out and I was impressed by 1) the correct English, 2) the sympathy for gay characters, 3) portrayal of Indian gay love, and 4) the erotic fiction. There are classical references which I find laughable but I guess someone else might find them romantic. The poetry is not very good, but I appreciate Richard Amory's attempts. Throughout the books the theme is how a young white man learns to accept his gay orientation through meeting and having sex with Indians and older white males. His 2 other books are also good. The movie was pretty bad.$LABEL$1 +The Way Of Harmony. Dr. Dreaver's book, "The Way Of Harmony", is appropriately named. It provides useful guidance for living a balanced life in language that is simple, direct and accessible. Drawing on the wisdom of ancient teaching traditions, this book provides practical guidance for meditation and other tools which are needed for living well while maintaining our relationship to spirit.I highly recommend this book both for the novice and experienced seekers alike. For the novice it offers new insights into old problems which have not responded well to traditional western approaches. For those who already have some experience with meditation and the search for balance, this book offers an excellent review and reminder of things already learned.$LABEL$1 +GPS Cable. I needed a cable because one did not come with my Garmin 1350T. It came within a couple of days and worked fine with my GPS. Of course the price was great!!!$LABEL$1 +Wild open and big. This thing is big and looks bad but I had to return it due to some problems right out of the box. After I charged the batteries and took it outside for a test the truck ran wide open. I changed the bands numerous times because they have 4 that you can choose from on the remote and the truck. It still ran out of control and wide open only ten feet from me. It was picking up waves from somewhere so we could not use this toy. The truck slammed into the curb at full speed and was just dangerous. Don't think that you are going to get any support from the New Bright Customer Service either.$LABEL$0 +Great Quality Student Flute. Bought this for my 11 year old daughter; she is really pleased with it. It has a nice tone and she fond it to be easy to play. The quality of the flute was obvious. My daughter's music teacher had recommended the Gemeinhardt for it's quality and value; it definitely was what the music teacher said it was and at half the price of a Yamaha student flute.$LABEL$1 +Precious Daughters!. I bought this book for my daughter's seventh birthday. We have used it over and over again! She absolutely loves it and feel very special when we read it out loud. The stories relate to where she is right now and has helped create warm memories. It even compliments her reading level and has encouraged her to learn about God. The heart shaped necklace is a bonus to this darling book.$LABEL$1 +How did this get published?. I can't even finish this book, I feel like I wasted my money! I can not relate to any of the characters in this book. I feel like Shane is a jerk (to put it nicely), and I can't even sypathize with Mara because she is too pathetic. Lisa Jackson should have given Mara's character some backbone, (like when Shane takes over her office she should have kicked him out for invading her personal space, Instead she just lets him take over.) Anyway, I just wanted to vent because I really do feel like this book is a waste of time and money.$LABEL$0 +This helps normalize the complex feelings of the young widow.. It was very cathartic to read this well written book. The author successfully puts words to the crazy roller coaster of emotions I have felt since the death of my longtime partner. It is comforting to know that I am not alone in my emotions even though I have felt isolated in them by friends and family who cannot possibly understand what I have been through. Reading this book was like having a best friend to cry with who has had a similar life experience. I would definitely recommend this book.$LABEL$1 +Good Product. This is the third one I have had in during 38 years in the construction business. It is quality made and last a long time.$LABEL$1 +Don't waste your time. This book is one of the worst texts I have read on the subject of Quantum Mechanics. Griffiths presents the subject in a glib manner presenting the easiest of material in the chapter and leaving the student to drown in problems without a clue of how to proceed. If you ever need to teach yourself Quantum Mechanics, Use the Feynman Lectures.$LABEL$0 +A Disappointment. When I bought this cd, I was pretty excited. The movie had been great and I really enjoyed the music. This soundtrack, however, was a disappointment. Most of the songs are cheesy and boring, with ultra pop-styled lyrics. There are a few songs that are good, but only because they're the same as they were in the movie. Most of the others were redone and poorly so. I also bought the second soundtrack, and its inclusion of the more obscure but higher quality tracks from the movie, as well as just simply including the origninal tracks from the movie, make it a more enjoyable buy.$LABEL$0 +This phone is horrible!. The speaker phone is very hard to understand and the battery gets very hot, very fast so your cheek feels like its on fire! The side buttons are also quite an inconvenience. Pictures randomly get taken and the phone puts itself in driving mode when these buttons are accidentally pushed.I DO NOT reccomend this phone$LABEL$0 +not happy with my fan. I bought this fan as everybody else did thinking this would be a nice fan that would last me for a long time I bought it last year and it didnt ever last me two seasons. I turn it on and it runs fine for a while then it gets hot and shuts down. So needless to say it is no god to me now I dont dare leave it on all night for fear it will short out or something like that. I only use it in my bed room at night and that is it so it is not used 24 7 so it has not been beat on. I bought a new one of a diffrent brand and have not had a problem with it . I know two diffrent people who bought the same kind of fan and theirs did the same thing. In my opinion it was not a good value for the money I paid for it it really dissapointed me.$LABEL$0 +Nice concept, but poor performance. I have owned my Delta Sander for several months- bought due to the favorable review in one of my woodworking magazines.Problems:Mechanism to elevate table is flawed. Cog belt constantly slips- I have spent whole days just trying to get table parallel. Table is diffuclt to raise and lower. Called customer service a few times but they were of limited help= suggested I take to service center. At nearly 200 lbs this is somewhat impractical.Motor must be removed to replace cog belt- not a one person job- motor is very heavy.No way to avoid snip.Tool might be good for small jobs- like crafts- but working with even small panel doors leads to disappointing results.I have many delta tools in my shop- love them all except this one.$LABEL$0 +Like Reading for Fun!. Learning cultural anthropology through this book is a joy ride. When I was reading, it actually felt like I was reading a New York Times Bestseller! This book captures you attention and it is never boring. I had to read this book for my intro to anthropology class and you can only imagine how fun studying for this class was. I've learned so much from it and I would read it again when I have the time!$LABEL$1 +Strong and Stylish. I used this to mount my 52" Samsung LCD and it isplenty strong enough. Takes a bit of planning to install, but if you are careful it is no big problem. I use ti to swing the TV at it far extent to view from the Kitchen and it works great and seems to have no problems. Looks good too with the arms extended due to the finish.$LABEL$1 +Good ideas...but that's it. I gave this one 2/5 because it does have some original ideas, otherwise I would have given it lower. The movie has a great idea going...it's just not implemented well...or should I say, in a horror fashion. I know a lot of people in reviews like to say "the ideas weren't implemented well" but that's really the only thing I could think. Bulbous, protruding phallus members belonging to homicidal maniacs? Bring it on, I said. Unfortunately, this one has the vulgarity and nudity typical to most of my favorite horror movies, but not enough gore and too many alterations to make the reader try to feel the effects of whatever drugs these kids were on. So, while the film didn't "bring it on," per se, it'll definitely be one I'll be thinking about in the near future...so I'll know what to avoid.$LABEL$0 +Best Biography I've ever Read. I knew nothing about Peter the Great going into this book but feel as if I lived alongside him in the Russian Empire. Great book.$LABEL$1 +Very dissapointed. I bought this title in hopes that the Synergy version of this movie would have fixed the missing sound effects track which was missing on the WB version. Well it wasn't there. So do yourself a favor and don't buy this version of the DVD if you want to get the missing sound effects track.Will somebody ever fix this!!!???$LABEL$0 +Great score, silly show.. This is a classic example of a bad show with a great score. The rather silly plotline and the quiet intimacy of the show guaranteed its quick demise on Broadway (although it was a success in London), but this CD documents what I would consider one of Webber's finest scores. It is intimate, subtle, almost a chamber musical in a way. Not at all what one would expect from this composer. Michael Ball is stunning in the lead role, and the remaining cast members perform beautifully. Several stand-out songs and an overall feeling of grace and old-world style should assure this score's survival, despite its less-than-stellar Broadway stage history.$LABEL$1 +Pride and Prejudice. I have the video of one of the older versions of the movie and I also have the cd of the most recent movie. I love both of them so much that I had to get the book since it gives you more of an indebt of the thoughts etc. of the characters.I love the book$LABEL$1 +Dead Lingo. Received - 3/8/06Died - 3/10/06In between. - I was using it for German. The vocabulary isis small despite the ad claims. It only has theroot words.It would be much better to have it do one languagewell than 16 poorly. Obviously, it would havebetter if it worked more than 2 days too.$LABEL$0 +Junk being shipped as the better item. This is the item being shipped out instead of the better, higher quality item you see when searching for this costume. This has no black cloth under the arms (on the sides) and has no badge or pips. It is just junk. The problem is, you can't tell what you're getting because someone at Amazon seems to not know the difference.$LABEL$0 +Been wanting to read this for awhile. A fun piece! Gone before her time..what a wonderful writer and refreshingly honest woman whose works in film and print will always be some of my favorites.$LABEL$1 +esther williams in love with esther williams. good grief it must have been hard to make these movies with out co stars.she told directors how to direct,swimmers how to swim,designed costumes filled and cleaned the pool and still had time to slander a man who loved her. and on top of all this she gave up her 3 children for a guy who had a greatpenis. how lucky we are to have her.$LABEL$0 +drumming circle. I bought these inexpensive blocks to take to the drumming circle. The blocks are a great addition, many have remarked that they are pleased we have them. Great way to participate without hauling "BIG" stuff. The blocks maybe for kids, but they are great for adults also. We Enjoy Them.$LABEL$1 +Great Cheap Shoes. I mean cheap as in inexpensive. These shoes are comfortable and grippy. These shoes are good for freerunning or normal everyday use. Definitely worth buying again.$LABEL$1 +Big Disappointment. I was excited to buy this for my daughter. However, we ended up only playing it once or twice. There is no point to the game...no strategy. Whether you guess right or wrong you still get to move.We ended up making up our own rules$LABEL$0 +strangely idiomatic faust from Russia. If you're not put off by Faust in Russian, this isn't a bad performance.It might help explain why Faust was so popular a hundred years ago and nowstrikes us as a bit of a bore. Kozlovksy is one of the best Fausts on discbut he is not as subtle as in some of his other performances. Shumskaya is alsonot as good as on her Traviata -- she seemed to develop something of a slavicspinto after 1947 so she is edgier here and has no trill. Reizen is a goodmephistopheles but overacts. Still, it is a lively performance, well conductedby Nelboussine and even includes some of the ballet music.$LABEL$1 +God book. Im teach my son about drawing.......easy reading ....better than 1st edition great book so show all aspects of drawing. Buy one now$LABEL$1 +This film is a bunch of horse you-know-what. A 10 year old could have done a better job directing. It's *sort* of about a horse, it's *sort* about an owner, it's *sort* about the comeback of trainer, but only skims all of them while indulging us in none. You can't blame the cast - these people are good, yet completely disengaged while on screen. Malkovich is hurrying through it as if he's got something better to do (he probably did!) and Ozzy Ozborn would have been more convincing as the owner than Diane Lane. A complete disservice dealt to the greatest racehorse that ever lived. Watch Seabiscuit instead. That was excellent and everything this should have been.$LABEL$0 +Do your research. I was not very happy with this product nor was my 5 month daughter. It reminded me of something you can buy at a swap meet for five dollars. I was also very disappointed that it only plays tunes for five minutes. I have never heard of a baby who falls asleep in five minutes. It's cute but not what I was looking for. My fault, I should have done my research.$LABEL$0 +Reliability Problems. Setup easy, performance fine, but died in a few months. Same problem with BEFSR41 Router. This seems more than just coincidence; previously used Linksys and they were good products. Now they are substandard from reliability standpoint. Am replacing all network products with Netgear; will not buy any further Linksys products.$LABEL$0 +childish, but OK. If you are serious about learning about face painting and making effects, this book IS NOT FOR YOU. I found it to be childish . There isn't as many ideas either. The pictures in the book looked to be slopply done. But I do like the paints. Goes on easy and cleans up easy.$LABEL$0 +beautiful floor lamp. Beautiful lamps but somewhat shorter than I had anticipated. Still. . . really liked the design and finish.$LABEL$1 +A first rate overview of the first decade. This two-disc package is a great buy. It contains a smorgasbord of great goals and game highlights, with informative and interesting insights from many of the coaches and key players involved in the games. I've watched it and rewatched it several times, with undiminished pleasure. (I have only one quibble. To my mind, Bergkamp's superbly acrobatic goal--ranked as the second best of the first decade--is far more impressive than Beckham's long-range--and rather lucky--effort, which is ranked as the best of the decade.)$LABEL$1 +Good size and worked well.. Only owned one day but tested out and worked well. In a room around 72F after a little over two hours it was at 30F empty using the optional power adapter. Placing 3 glass bottles of soda brought it up to 40F after a short time. It took about 3 hours to chill them and bring the temp back down to 32F. Switching to heat mode it took less then 1 hour to bring the empty cooler to well over 75F again. Fridge thermometer was buried so I don't know exactly.Overall I think that it performed as advertised and will work out fine. The P95 is a perfect size for personal use and trips to grocery stores not close to home. It's not huge but it's not small either, good mid-sized choice.$LABEL$1 +Good quality but poor performance. The quality of the unit is done well, but the performance was much worse than I anticipated. The monitor operates on the 900 MHZ band, which is used by many devices. The camera was on the second story of our house, and the video monitor was in our bedroom on the first floor about 45 feet away. We also have wireless LAN and wireless phones (2.4 GHz and 5.8 GHz). Regardless of how much I adjusted antennas and channel settings, the picture and sound quality was very poor. The sound always had a large amount of interference even at very low volume levels. I would not recommend using this product unless the camera and monitor were very close together and other wireless interference was limited. There are higher frequency monitors, so I may try one of those next.The infrared picture worked well - you could see fairly well even though the room had almost no light.$LABEL$0 +The six wives of Henry vii. Item was described as one tape- 540 minutes. E-mail confirming item was shipped said only one episode. Now I'll have to return item. Placed order of new one that says full series in top title. Hope for better results. Haven't had a discepency like this with outside vendor before and I've ordered movies before. Have to keep eye out with vendors now.$LABEL$0 +A good book for the newcomer to art.... but nothing new for the artist. That said, the book is nevertheless well written. The style is reminiscent of the creative flow experience itself. This book does a good job helping the newbie to understand what flow feels like and how to obtain that state. The exercises are very practical and tend to balance the "flow-like" text. I loved the illustrations. I keep going back to the book just to look at the art work.$LABEL$1 +Buy this often hard to find release. Better than their next release, Boheme, this debut album is definately worth the price of admission. The recording is technically flawless. Etheral and trancy.$LABEL$1 +Perfect "first Bible" for children!. This is the perfect "first Bible" for children. The pictures are bright and colorful, the handle is easy to hold and the hard back holds up to many drops!$LABEL$1 +Very thoughtful, many ideas shared by a great author. Actually I bought this book for strictly "scholar" reasons. It was the right one to buy, brought me a few thoughts, also, revealed many of the issues related to Tony Kushner and his works. What I find amazing in this book, however, is it's charm, wit, sometimes irony. And, therefore, in addition to "scholar" reasons I got also a great book full of real great, funny, moving and grand... talking... :-))) I'd really like to recomend it not only to people doing research in gay/queer/theater and performance in general topics, but also to those, who're seeking confessions of a lively and exploring mind.$LABEL$1 +My kids love it!. Santa gave my 5 year old daughter this for christmas and she hasn't stopped playing with it. Her brother who is 11 years old rides on it too, and it's pink! His friends came over for a sleepover and they all loved it! They are fighting about who can ride it all the time! I think it is time to buy a second one!$LABEL$1 +Oil gasket replace. Gasket arrived on time and was not damaged. New gasket has been on vehicle 2 weeks with no leaks.Much satisfied.$LABEL$1 +What Is Rother Doing??. I can't believe how much of a steaming pile of turd this album is. Rother's tracks a la Hacker & Destroy Him My Robots blew me to pieces. Why has he jumped onto the electroclash bandwagon? The vocals are embarrassing, the music worse (boring, in fact). This is lazy - I think he's run out of ideas. I wonder if he actually listened to what he was recording. Cmon, Anthony - we know what you're capable of!!$LABEL$0 +This was my first time using Summer's Eve, .... This was my first time using Summer's Eve, and I didn't think that I would like it. I was wrong. It left me feeling really clean and fresh. I would recommend this product to my friends.$LABEL$1 +The Prodigal. I loved it, it was riviting.I felt I was part of the family and living every moment, and I could not put it down.$LABEL$1 +just cheap screen house. pro : cheap, easy assembly, looks like waterproofcons : cheap material, some pole doesn't fit, big meshBefore this screen house, I got 14 by 12 screen house at Sams club by swissgear which was very good, well made and good price. I felt it was to big for us and returned it. The second one was by greatland at nearby target store. The quality was much poor than the swissgear's. Finally,I looked at the reviewes here and bought this one. I was happy about the cheap price. The pole looks likes steel which is easily get rust and some of them I cannot plug it in. I tried to bent them and manage to fit in. The screen mesh is lage compared to ordinary mesh of any tent. The roof material is same thing as a tarp and look like water proof which is good thing. The carring bag is big and nice. In my point of view, this is just a cheap screen house not better worthy than the money. You cannot expect quality of coleman or Eureka for sure.$LABEL$0 +Meh, it's not very good.... I played this game 2 years ago and found it to be quite disappointing. I was a massive fan of the first "Army Men" game that came out and that was definitely a very cool game. "Army Men: Air Attack" has arguably worse graphics than the first game and the gameplay is often problematic.It was cool to play a game with helicopters and army men, but the game is so short that you'll be done in less than a day if you play it non-stop. Look, the bottom line is that this game is just too short, too easy and is clearly based for younger kiddies, so I guess for a 16 or 18 year old this game is just a piece of piss.So get it for your kids if you like, but there are many newer, longer and more stimulating games out there, even for young ones. I guess that if I were a kid I'd give the game 7/10, but since I'm older I give it 3 stars. Just look elsewhere if you're above the age of 10, trust me...$LABEL$0 +PHENOMINAL. This book is a must-read, inspirational, and spirit-filled, guide for individuals that will or have experienced human struggle. This navigation manual is written with boldness and sensitivity, and trancends generations, gender, economic status, and cultural differences.This book shows human beings how to live life to the fullest no matter what life has dealt them.$LABEL$1 +the real highlight is the SOundtrack. this is film overall has nothing on the orginal.a few things about it are alright but the Music is the Real Diamond.Donny Hathaway&Quincy Jones on the Soundtrack is a must.THe Main Actors are cool but this Film doesn't really go anywhere.the First one is a Classic.$LABEL$0 +Stalin:A Time for Judgement. An introductory work; good for a high school class. I donated my copy to the local high school. I hope the students get a fresh perspective on what communism was like under a satanic dictator.$LABEL$0 +unable to view. I tried to download the movie but it would not download. I could not play it directly either. Did not like.$LABEL$0 +Stainless & PLASTIC Strainer. The main complaint is the product is more plastic than stainless. Looks nice in my new sink but light weight plastic concerns me over the long haul. For the price product should be more substantial.$LABEL$0 +so pretentious ---- such a waste of time. This book won an award?!!!??? Why would anybody read it past page 20 (I needlessly suffered to the end of the book.) Boring characters, muddled writing, confused ideas, grand pomposity-- this book is a massive celebration of pretentiousness. Big disappointment. Thanks Mr. Frenzen.$LABEL$0 +Halloween Classics. I'm glad these 2 films have come out on video. They're something anyone would enjoy. You become interested in the Cromwell Family from the first video, and the story becomes more interesting as the films progress. Fpr instance, Marnie's mom doesn't like Halloween; the film tells you why.$LABEL$1 +The Songs That Got Away. I was terribly dissapointed in the quality of the sound production on this CD. The mixers could have done a much better job with this ladies voice$LABEL$0 +Not Yet Completely Tired of Waiting. I purchased this DVD on the strength of the positive reviews and I may have been drinking , also. For the hardcore Kinks' fan this may satisfy, for me not so much. It's really just a bunch of videos, none earth shattering. I have a bootleg DVD of the Kinks, Jan. 72, BBC broadcast from the Rainbow Theater in London. That is the type of stuff I'm longing for. There must be that & more that could be released. As with all these groups from the 60's, they need to get the product out as their fan base with disposable income is dying or losing interest. So it's bootlegs or youtube, check out Ray Davies singing Waterloo Sunset at the Roundhouse..... that's what I'm talking about.$LABEL$0 +Too Many BUGS!!!. This sim. has too many buggs to work well. I had to load thee new drivers for my graphics card befor it would run at all and it runs like pooh! I have all the problems that other reviewers had. I also don't get the campaigns, i have flown on all three forces and it is much easyer to win the warif you fly for Germany. Iam very dissaponted in this game CFS1&CFS2 are much better . Don't buy this game!$LABEL$0 +Impractical for residential use. The woodpecker pro is a good device if you live in a rural area where screeching bird recordings won't bother the neighbors. If you use this in the city, be prepared to receive a noise citation from your local police department. And no, you can't turn it down low so it won't bother the neighbors and still have it be effective. City dwellers might as well put that same $200 towards hiring an exterminator or pest control pro. The majority of times it's a single woodpecker causing the damage, so it's not like you're going to need follow up visits by the pro. This is definitely a case of where being a DIY'er has no real benefit.$LABEL$0 +Slows down computer, 1/4th of the pages won't even load.. Another internet security let down. The first problem I encountered was it trying to block Internet Explorer; my options were "Allow once" or "Deny Once", I'd click "Allow Once" since there was no "Always allow" option, and up comes the prompt a second later >_< On top of that, half of the pages I go to won't load, downloads freeze, and it made my broadband connection twice as slow. I gave it 2 stars because it does seem to be protecting against attacks but ruining my connection and ability but I've come to expect this from internet security programs.$LABEL$0 +No SACD?. That's because Rhino is now owned by the WEA group and they don't support SACD. They could have used DVD-Audio instead, considering all the trouble they went to creating surround versions. The DTS 96/24 tracks are decent IF you have a newer 96/24 DTS decoder, otherwise you'll get 48/24 output. This same problem will plague the upcoming Genesis reissues as well, you'll only get the SACD layer if you buy the import and that means the videos will be PAL format.$LABEL$1 +Great for Kids. A great introduction to Longfellow and the roots of this great Country. The artwork is beautiful. A good book for young children learning to read.$LABEL$1 +THESE ARE PLASTIC NOT ALUMINUM!!!!. this is a really deceiving advertisement.I ordered the PINK FENDERS. . . they are 100% plastic. . NO ALUMINUM here. .they are costly $$$$$And a pain to now return!!!!How can you put this description up of your product that is NOT TRUE?$LABEL$0 +Not much substance. I bought this book hoping to get informed guidelines on handling emergencies involving children, while waiting for the ambulance - or even what to do or not in cases that might not merit a call to 911. However, the entire book could be summed up in one sentence: "Call 911 and sit tight." The author goes into all kinds of details, but I could not extract much in the way of emergency response, other than to sit by the child, reassure him/her and wait for the ambulance.$LABEL$0 +Hey, it's a freakin' toner cartridge, what can I say?. Well, the cartridge fit the laser printer, and it contains toner, and it works. I can't say how much longer the "high capacity" cartridge lasts compared to the regular ("low capacity?") one does, as I'm not that anal about measuring stuff like that. But if you have an NEC laser printer that uses this cartridge and it seems you're buying a lot of cartridges, maybe you should try this high capacity version.$LABEL$1 +Handy. Like all the other Bucket Boss items, this is thoughtfully designed and well made. Material is durable and there are lots of pockets, inside and out to store tools. I keep my tools in a utility closet and then load this up based on what I need. Saves lots of running back and forth to get tools and I don't have to lug around a huge bucket of tools. The shoulder strap is handy as it frees up both hands to carry other stuff to the project.$LABEL$1 +Baby Alive must have. This is a great addition to Baby Alive mainly because of the pacifier. The pacifier is what makes her go to sleep. So I guess for some parents this is a must have for their childs Baby Alive .$LABEL$1 +Insane Stories. This is an odd collection of stories. Most of the stories are of insane people. If it was otherwise, I guess that they would not be 'gothic'. I was rather impressed with the Steven King story,and "The Glass Cat". Some were a bit beyond me. E. B. White's "The Door" was a weird story that while making some sense, in the end was confusing.$LABEL$1 +Harryporrtcrazy. I love it! It was at my door in just a couple days and it is exactly what I was,looking for.$LABEL$1 +Almost good. This slicer quickly cut my home made corn beef into perfect deli thin slices...and then just as quickly turned a loaf of my home-baked bread into a pile of useless crumbs. The slices would not feed all the way through and broke up. I could have used a third hand, by I only have two hands. I will use it for meat, but never again on bread.$LABEL$0 +Chamberlain Driveway Alerts. I purchased a Reporter RWA300R 4 years ago worked great, finally failed so I upgraded to a Chamberlain CWA2000 with 1/2 mile range. The CWA 2000 never worked so I ordered another RWA300R (now made by Chamberlain) it's range is about 50' not the advertised 1200'. I think Chamberlain screwed up a good product line, I would advise anyone looking for a drive alarm to keep looking!$LABEL$0 +Why is this album getting so much attention.. It's sad to see this album getting so much attention because truly it wasn't that good.$LABEL$0 +Not much use for someone who studied music. Looking for a book that might possibly give me a better insight into the aesthetic value of music, I bought this with high hopes. Having previously studied music, I was also hoping for a unique perspective and a broader education in classical music, but found this book to be nothing more than a college level textbook. It is arranged nicely and has great appendix on creating a music library. But the author is often long winded, using musical terms that aren't clearly defined and over descriptive and opinionated explanations of composers and their works. This might be nice for someone who has a beginning interest in classical music, but not for someone who has a working knowledge of the field.$LABEL$0 +Better than nothing. I ordered this light from another website. As a flashlight that you're pretty much guaranteed to have with you, it's better than nothing, but the LED is much dimmer than other lights I've owned. It's good for close up, like at your door, but almost useless for lighting your way across a dark yard.$LABEL$0 +It took us a while to realize it wasn't really sucking anything up. Doesn't suck well and gets easily clogged. Within a year ours had stopped working completely and we had to get a new vacuum.$LABEL$0 +Thorough and well-done. I'm no Gershwin scholar, but the musicological and performance notes are informative and engraving is well-organized and clear.$LABEL$1 +Don't make this your only reference. I had this book and the Transcender exam for Exchange 5.5. It's a good thing I had the Transcender stuff. I've been working with Exchange for over a year in single-site configurations, but needed something to get wise to multi-site configurations, etc. This book wasn't enough. Maybe it was just the fact that I kept falling asleep over it, but there seemed to be major sections that the Transcender exam covered well that this didn't touch at all. All in all, a disappointment.$LABEL$0 +Courting Trouble is a Stepping Stone. Let me be polite here. This book is for somebody graduating from romance novels but will never read Lawrence Block, Michael Connelly or Patricia Cornwell. Courting Trouble's plot isn't geared for any logical thinking human being. Do yourself a favor and try another of Scotoline's books. This one really insults the intelligence of a fifth grader.$LABEL$0 +kreg trak and stops kit. just what I was looking for precision and easy installation. Works well with my miter saw where repeatability is needed.$LABEL$1 +Alarm doesn't work. Slick watch alarm doesn't work. Seller very helpful, offers to resend item. But no thanks$LABEL$0 +Months later, still going strong!!!. When my corgi Sophie first got this toy, she went wild with it... months later it's still her favorite. She's tried to destuff a lot of her toys, but this one has baffled her, HAHAHAHA!!! Extremely well made. I love the way the squeakers go into separate plush and velcro-closed pouches. Sophie loves the three different textures -- plush, sheepy, and whatever the tail is. And of course the squeakers. Sophie loves faux sheepskin, squeakers, and she loves to shake and worry her toys. If your dog likes any one of these things, it'll like the toy a lot. If it likes two, this toy will be a huge hit. If, like Sophie, it's nuts for all three -- you'll have one very, very, very happy doggy.$LABEL$1 +Great Xbox Live replacement!. I was looking for something to replace the default Xbox Live headset. I did some research, and found these. They are the same thing but better. It is a more solid build. It has a leather ear cushion, and the boom mic is much clearer (So my friends say). I'm very happy with this. It's less expensive than the default Xbox mic, and its better quality. I love it. I've already shown 3 friends, and they have ordered it already. Its perfect for Xbox Live.$LABEL$1 +Not worth your money. We got this for our son when he was 6 and it never worked very well. The tee always came apart and the bases are totally cheap! I wouldn't recommend spending your money on something so flimsy. The price wasn't expensive, so I guess you get what you pay for...$LABEL$0 +Absolutely Wonderful!. If you enjoyed "Rebirth" then you will enjoy this new release from Kirk Franklin! This is a cd that I can put in my cd player and just let play from beginning to end! I am in love with "Hero"! Waiting for this cd was NOT in vain!$LABEL$1 +Black light acoustic jams. Remember the sections of Black Sabbath's "Vol. 4" where the band would take a break from rocking and wander off on acoustic guitar tangents? Imagine a whole album of that, and you pretty much have Citay's debut. The album even has bongos, for chrissakes. But it's extremely well-done. Ezra Feinberg (formerly of Piano Magic) and Tim Green (of The F***ing Champs, and formerly of The Nation of Ulysses) combine on acoustic guitars, mandolin, and analog synths for some lava lamp-lit psychedelic folk. The only trace of Green's rocking resume is the occasional twin guitar harmony. Otherwise, this disc is full of pleasant vocals and gentle jams that your hippie uncle can get with.$LABEL$1 +Great book about investing in commercial real estate!. This is a very good read and introduction to investing in commercial real estate!Lex Levinrad - Author of Wholesaling Bank Owned Properties$LABEL$1 +Fast Order. I ordered this item and given a specific date for arrival. The day before this item arrived$LABEL$1 +Kangaroo Krap. I saw this on a bus from Shaoxing to Hangzhou. Dubbed in Chinese with Chinese subtitles, and I was listening to THE LIVE ALBUM by The Charlie Daniels Band. I didn't need the sound to know this movie is horrible. Lemme quit editing my books and write a new one about kangaroos wearing sunglasses, and Mafia money, and funny Hollywood fat guys being funny Hollywood fat guys, and farts. Lots of farts. Shakespeare, Lu Xun, Dickens, James Joyce, Dr Seuss -- didn't they all insist on at least seven fart jokes per page?$LABEL$0 +George Carlin Collection. A very good show that always hit home for some, as it is racy in parts, good adult entertainment.$LABEL$1 +an excellent read. a realistic description of what it was like to like in england during the bombing raids of 40's 41's and it well worth reading!$LABEL$1 +Wasted my time with this. I received this item a month ago as a wedding present and was grateful that a gift receipt was included. For all of the noise this machine made it had almost no suction and I had to soak up the stains and water with a super absorbant sponge. The brushes also failed to remove anything below the surface, so the stains are less obvious but not gone. I've had better results scrubbing by hand and after two weeks I exchanged this product for a Bissell that actually works. The Spot Scrubber simply did not live up to its name and I would never reccomend it to anyone.$LABEL$0 +Misleading. Ad led me to believe I was buying 4 disposable Digital cameras. What I received was 4 disposable film cameras and the film expired 14 months before I received them! How about a refund?$LABEL$0 +Forbidden Planet. Region details not available. Does not play on Australian DVD player. Waste of money in the end. :($LABEL$0 +Book was gift. I got this book as a gift and it's been well-liked so far. Shipped quickly and was in great condition when it arrived, but I don't know details enough to review content or anything like that.$LABEL$1 +Don't buy except if you have an old tablet model. It won't work with Intuous 4 or the last models of Cintiq. Because this reason you will buy a piece of plastic as another review says except if you have not renewed your tablet since several years ago. I don't think that this product makes any sense with this misleading limitation that is not clearly stated in anywhere.$LABEL$0 +Very thorough, but easy to read. Grudem does a great job of taking the doctrines of the Bible, even the difficult ones, and explaining them in a way that is understandable to the layperson. He provides Biblical support for the doctrines and addresses many of the ways that various doctrines are misunderstood or misinterpreted and shows where they strayed from what the Bible actually teaches.$LABEL$1 +a waste of money. this is by far the worst rpg game in the history of rpg...flat graphics..no walking or talking to npc's..confusing storyline at best. How could Square make such a game and call it a rpg is beyond me!$LABEL$0 +I picked this song for the Oscar :->. This is a great soundtrack (better than the movie to me), and I was hoping that It's Hard Out Here For A Pimp would get the Oscar it was nominated for and it did. I'm glad for Three 6 Mafia that it did - it's a fantastic, tight song. The rest of the cd is good too, but there is no other standout song like that. I do like Whoop That Trick. Even though this music is a little heavier than I usually listen to, I still find it great and powerful and a fantastic cd to blast in the car.$LABEL$1 +Great Times Great Music. I received this CD for less then $7.00 It is packed with some of the best music of soul and motown . I tried to order this from PCH time life music there price was $19.95 for the same CD it took 8 weeks to get to me. When I ordered it from Amazon it only took 3 days to get to me. Thats service.Quess what one I sent back...........$LABEL$1 +Truth or Fiction. I'm about half way through the book and I had to read some of the reviews to see if other former Marines were thinking what I was thinking, which was "this doesn't resemble the Marine Corps I served in!"I was and enlisted Marine from 76-82 and while some of Swoffords descriptions of the antics of his fellow Marines bring back memories by and large I do not recognize the Marines he described. The people I served with were more disciplined and just plain better people. I hope that people who read this book and do not know better do not accept the things that Swofford describes as standard for US Marines. They are not.$LABEL$0 +Fabulous performance rendered mediocre by poor recording. This is a wonderful performance of Un Ballo, but, I tend not to watch it because the recording techniques were so poor. By that I mean that the lighting was always just a bit too low (making it difficult, at times, to appreciate the wonderful colonial costuming used for this American setting of the opera) and the sound recording levels are far lower than on another DVD of this opera I own (making it difficult, at times, to hear subtle passages). From an audio perspective, this DVD gives you no sense of presence. Everything's just a bit too murky.Though I prefer the look of the production of this Un Ballo to the Swedish setting and costuming in another Un Ballo DVD I own, I tend to watch the Swedish one just because it's so much easier to see and hear.Shame on the technicians. This might have been the best Un Ballo otherwise.$LABEL$1 +Waste of Money. Needs an update.. Zero stars.Won't work with Mac OS X OS 10.4.3, Print commad crashes the program every time.There is no update available online.$LABEL$0 +Disappointment to Real MMC Fans. Four epsidoes from JUST season 6? I agree with most of these reviews in that Disney is just trying to jump on the Britney, Justin and Christina bandwagon. This is such a disappointment to those who watched, worked on, and truly loved the show. The real highlights of MMC were the other talented cast members, who were not featured. Dedicated fans know that Britney, Justin and Christina were never the most popular 'teers--why create a DVD just around them?On the plus side, this DVD features two of the better Season 6 skits--Generation Gap Shoppping and Everybody's a Winner (none of which include Brit, Justin or Christina). And, it has some good shots of 'teer siblings and friends like Trace, Jamie Lynn, Laura Lynn and Rachael (if this is interesting to anyone).This DVD will flop, and it deserves to. Disney needs to get their act together and create something that would embrace what the show really was--or not do anything at all.$LABEL$0 +New Fan!. I have passed this wonderful novel on to several friends and co-workers who were equally enthralled with both Barbara's writing style, the subject matter and the character's life-altering trip back to Scotland! I anxiously await the sequel, along with all of those I have brought into Annie's world!$LABEL$1 +Total Crap and that is Generous. I am sure this movie will appeal to spoiled brats who resent their parents and the establishment in this twisted immorality play. The film was playing when I was in college, and although I thought the poster looked neat, I never saw it. I realize now that it was garbage just like all those "Billy Jack" movies and the "One Tin Soldier" theme song. I saw the movie on Showtime recently and could not finish watching it. It was the kind of crap that only a liberal intellectual could love. I do own 2001 on Blue-Ray and appreciate that movie.$LABEL$0 +best towel in the house!. it goes to show how spoiled our dog is when his towel is the best in the house! it's big, it's really absorbent, and washes just fine. didn't have the problems with dye that others have mentioned. but anytime it's raining we keep this by the door and it works great!$LABEL$1 +Blah... This may seem really stupid, but this CD definitely isn't within my decent genre range. Once in a while, there is a "pop-punk" song that makes everyone dance. I'm just writing this review because I'm searching for one of the songs from the trailer. I haven't even watched this movie, which could actually help me out, but I figured I could share my lack of musical knowledge with you nice folks. I'm wondering which song is played at the end of the preview where someone runs into a football pole, the goofy kid says "i thought it tasted funny", and what's his name is on stage playing the guitar. Some of the words are either "I'm contagious, you're contagious" or "I'm ok and you're ok". I'm guessing it's the second, though the first would be quite funny.$LABEL$0 +Sking?. After there first ska albums this one tends to remind me of the W's, a very good swing band, FIF;s music is a mix between these two styles$LABEL$1 +Beautiful Covered Unlined Notebook. Laurel Burch's beautiful art work on the cover of this unlined notebook enhances everything you put inside. The unusual shape of the cover adds to its specialness. It makes a wonderful gift for anyone, even yourself.$LABEL$1 +Yuk my teeth hurt. I would have given this zero stars, but Amazon's system doesn't work that way.I suppose there are people who are happy to make Kinkade rich off their hard earned money, because he certainly isn't working very hard for his. It's like the book was written with a Thesaurus -- let's look up different ways to say exactly the same thing over and over and over.I'm glad I didn't pay for this, but sorry that someone else did.$LABEL$0 +Here's what you need to know about Mary Mapes, so-called "Journalist". Reporter Brian Ross: "Do you still think that story was true?"Ex-CBS producer Mary Mapes: "The story? Absolutely."Ross: "This seems remarkable to me that you would sit here now and say you still find that story to be up to your standards."Mapes: "I'm perfectly willing to believe those documents are forgeries if there's proof that I haven't seen."Ross: "But isn't it the other way around? Don't you have to prove they're authentic?"Mapes: "Well, I think that's what critics of the story would say. I know more now than I did then and I think, I think they have not been proved to be false, yet."Ross: "Have they proved to be authentic though? Isn't that really what journalists do?"Mapes: "No, I don't think that's the standard."$LABEL$0 +Acorn slippers - Great gift for my wife. My wife loves these slippers.For the last 10 years she's been purchasing or receiving LL Bean fleece slippers for Christmas and loved those. But she's turned into slip-in slipper person and was just resting her heal on the back of the slippers. She saw these so we gave them a try.1. They're warm and toasty2. Slip on w/o having to cover her heel.3. bottom is very durable, she can take the dogs outside for their biz and not worry about wet, leaves or poo ruining her slippers4. sale price was very nice.She recommends these slippers very highly$LABEL$1 +You get what you pay for. This seems like a great deal. For $10 bucks more than the apple dock (standalone) you get a dock with ac adapter, a 3.5 mm to 3 RCA cable, an S video cable, a travel charger for the ipod (separate from the dock power supply), a remote, and a dock connector to 3 RCA cable (not dock connector to 2 RCA audio as advertised). Buying these components separately from quality manufacturers would cost over $100. The problem is that Cables to Go is not a quality manufacturer. The dock produced an audible hiss and reversed the audio signal, so that that the left speaker played what the right speaker was supposed to play and vice versa. Further, the remote was extremely shoddy, requiring multiple button presses and extremely accurate aiming even at a distance of 12 feet. I did not use any of the cables, but if they are anything like the dock I'd avoid them.$LABEL$0 +Low fat doesn't mean precarious...... I remember that these bad boys saved my life at a job I use to have. I would throw a couple of these Pop Tarts in the toaster and enjoy with a cup of coffee. I must say that they held me over very well until lunch time.Or under the assumption I didn't have time for lunch because my former job was known for not letting an easy going guy like myself have the ability to go to lunch, despite my high production and charismatic personality. I guess that is why I don't work there anymore.I digress, these Pop Tarts are really good and they don't taste low fat at all. The bold flavor of brown sugar and cinnamon burst from these Pop Tarts like a banshee's guffaws after Halloween is over. This treat is an exquisite pastry the can be served like beignets in The French Quarter.I will stop with the metaphors this really is a great product.$LABEL$1 +Go outside and mow the lawn instead. You'll find more invigorating excitement mowing the lawn. Hollywood has lost touch, I just can't get into the same old story rehashed over and over and over and over.$LABEL$0 +Type of DVD. Please note that the HD DVD is also Blue Ray and does not play on a standard DVD machine. No clue but wasted an overnight delivery and planned double feature.$LABEL$0 +Utterly Useless. There is no English whatsoever in this package, not on the cassette tape, not in the book. It's all Japanese! (verbal words and writing) So how on earth could you teach yourSELF Japanese, let alone children? I paid $18.00 for this more than 10 years ago; what a waste!$LABEL$0 +disappointing to professionals. There is too much rambling, not enough specific help and examples, and the index is terrible. Please read the review of this in "The Library Quarterly" vol 67, Oct 1997, #4, pp406-408$LABEL$0 +What a waste of time. Yuck. I am an avid reader of fantasy series and truly cannot understand why this series ever became popular. Don't waste your time.$LABEL$0 +Not Loud!. When the first thing in your ad is "loud" I think it's reasonable to expect it to be loud. Wrong. I'm hard of hearing so I'm trying to buy a loud timer. If you're like me, don't buy this.$LABEL$0 +What a weak ending. It's kind of like Dilbert as a narrative--but not as good. The book has an interesting premise, is quite amusing in bits, and the author had absolutely no idea how to end the story. Bethke also has some serious grammatical problems with his writing. If spelling and grammar mean anything to you as a reader, you should give this one a miss.$LABEL$0 +Moving Story. Lucy's story is a compelling one. Being faced with cancer at a young age is difficult. Being subjected to the treatments is difficult. Adding to that having your face changed in that manner and being able to work through it was a remarkable feat and took strength.It is a book that helps put many things in our life in perspective in both what we think are events and circumstances that are "too much" to handle when on reflection they are well within being nothing more than a minor annoyance and how we relate to and judge others. It also shows how strong people can be.The descriptions of what she went through and had to endure are detailed and disturbing and at times extremely unsettling. It still winds up as ultimately being a postive book, albeit sad.$LABEL$1 +really bad political correctness.... This looks puked on. even I voted for bush, unlike those losers who made this sh**ty movie! So tell me again, why did somebody make this. Ir is way too politically correct. It is "Man is Evil" like, it is environmentalist, it has the "Great Spirits from above, and it has music which no one in the right mind will like, especially not love. Now anyone who likes this should have their Butts dropped off, and so should the makers.$LABEL$0 +Works fine. The pad could be longer for me. I'm a big boy and could use about 4 more inches on thepad. But it works fine. It's a sling, it holds the rifle or shotgun on your shoulder.And it's comfortable. What else do you want out of it.$LABEL$1 +Kudos for Toshiba. It was a rare moment when my Toshiba 32HL95 arrived complete with all necessary cables and, when plugged in, displayed a picture of clarity and high definition that I had never seen before. We love our Toshiba.$LABEL$1 +MY BAD, I GAVE THIS BOOK TOO MANY STARS...... Can you say STUPID...DUMB...WASTE OF PAPER? Well that's exactly what this book is. If this chick can get published then anyone can. Matter fact, I think I'll write me a book. I'm sure whoever published this mess will be privliged if I gave them mine! Question: was the main character Kira stupid or just dumb? Check A or B. I really don't see what all the hype is about. The reason I'm reviewing this book in the first place is because I feel compelled to as a vivid reader of urban lit, not to mention mad of these reviews look SUSPECT. What's up with that? Every single person who reviewed it on May 14th loved it???????? *Eyebrows raised* Well I hope you have better luck next time, and if you don't please, no more books, you should try rapping or something. Your english is broken enough.$LABEL$0 +what a waste. i have a copy of toon world and you need to pay 1000 life points to activate it. whats up with that!!!! plus all those weak monsters just add up to your graveyard. and why toons????$LABEL$0 +this product burned my skin. This product gave me blisters whenever I used it my skin ended up with water bumps and I still have spots on my legs and tummy to show, Dont waste any money on this unless you want your skin to be burned$LABEL$0 +Otis Sounds Like A Guest On His Own CD. I have almost all Otis Spann's CDs and this is my least favorite so far. When I buy an Otis Spann CD, I buy it because I want to hear amazing piano playing. Unfortunately, on this CD the piano is burried deep in the mix and covered by loud guitars, drums, etc. It's almost like Otis is a guest or backup on his own CD! In fact on many songs, other people are doing the vocals! I would say skip this CD. If you want Otis at his best, I would recommend Walkin' The Blues (the sound quality is excellent and has a few piano solo numbers), Bottom Of The Blues, and Best Of Vangaurd Years.$LABEL$0 +history, magic, journalism you cant get elsewhere. i would reccommend this book to anyone who enjoys travel narrative and is interested in magic and fortune tellers in asia. Although i can't agree with the author on all his opinions, as he seems to be against the modernization of Asia, i do agree that with the modernization there is a great loss of knowledge of nature. The author seems to have a love/hate thing going with china, doesn't seem to keen on thailand, and seems sad at the loss of how burma used to be. The book is well written and gives some great anecdotal history of asia, as well as illustrates, in part, the difference in the asian mindset when it comes to fortune tellers and magic.$LABEL$1 +Not so good. DVD player was deffective right out of the box. On certain DVD's, it would make this awful sound (sounded like it was going to blow up) and the DVD would freeze up. After a couple seconds, it would start up again. Immediatley took it back and switched brands. I realized after reading reviews that I wasn't the only one who had trouble.$LABEL$0 +Warning "You will lose all your Data" Corrupted everything. I transfered all my data and it lasted about two months before I noticed a performance issue (slow response). Then files started to become corrupted. Attempted to transfer to a know good drive, but already lost a large portion of my data.$LABEL$0 +A Disaster. The video tape was a garbled mess. The return address does not exist and there is no telephone at the address. A big time GYP!$LABEL$0 +Worst Camera Ever. In the beginning I was very excited to have a camera with 10 optical zoom. This was the reason I switched from the very reliable Cannon digital camera to the Panasonic. I have had this camera for 4 months. It takes fine pictures but other then the increased optical zoom I don't like it better then the 3 Cannons I have owned before. I bought this camera for a trip to Egypt. The camera worked the day before my trip and the first day of my tour it stopped working. It would turn on and off, on and off and then say turn off and then back on. All it would do is repeat this over and over. Needless to say I was not able to purchase another camera or have it fixed on my tour. I had to rely on disposible cameras and other people's photos. I will NEVER purchase another Panasonic camera again.$LABEL$0 +Unlikable Characters. The End of the Affair was chosen for my book group and although I seriously tried very hard to like it, I just couldn't.The main problem is the characters, there isn't one that I can say that I liked at all and I felt their actions were too unbelievable. The story itself could not hold my attention, but I was able to finish the book.I have heard that the movie is better than the book so I will give it a try if I have the opportunity to rent it but I would not recommend this book to anyone.$LABEL$0 +Ending was an Ensemblescent Letdown. Most of this movie was a joy, as others have noted, because of the sets and costumes, and self-aware dialogue, and I had such high hopes for the ending. I'd echo the others who have said that everything after and including the monologue was atrocious and contrived. Perhaps I was the only one who was surprised that they get together in the end. Really, I thought maybe this one would end differently!$LABEL$0 +This is a joke!. I bought this disc on the day it released. I watched episode 1 and 2; and part of episode 3 on the weekend. Today, when I tried to play the rest episode 3, a red screen poped up, telling me to update my blu ray player! My blu ray player is very updated! My question is: WHY ON EARTH, this disc can be played a week before, but can not be player later on?$LABEL$0 +Shocked!!!. This isn't Megadeth!!! This album is the worse supposed-to-be-metal album!!! Dave, stop going Metallica's way!! Be yourself! This album doesn't deserve the 1 star. It deserves a big 0.$LABEL$0 +Great on Snare Sticks. This is our drum line's preferred tape for snare sticks and even bass mallets. Good quality tape that holds up well.$LABEL$1 +Before following this clown's advise. See Mark Hirschey in action. He is always wrong on the Yahoo and Motely Fool message boards. Look under mhirschey.$LABEL$0 +Stink Bomb. This is easily the worst of the three albums these guys have. Pick up the other ones if you want to hear some quality western harmony rockabilly.$LABEL$0 +Avoid Delonghi Dehumidifier. I've owned this product for about 2 years. It has stopped working. The pump stopped working after about 6 months. It rattled a few weeks after purchase. It did a great job dehumidifying our basement for as long as it lasted. I wouldn't recommend.$LABEL$0 +BORING! BORING! BORING!. This is without a doubt one of the worst books I have ever read. Every character is so one dimensional and the plot is so predictable. The heroine acts like a simple minded five year old and the hero acts like a stereotypical alpha male millionaire railroad bum. I don't understand how this book got such high reviews. To each his own, I guess. I'm very sorry I wasted my time with this one.$LABEL$0 +Just Google Sylvia Browne CNN and You Will Find That She is a Fake. Do not believe what the book tells you about only the "White" entities being saved. Or anything in this book for that matter. Just do a Google on Sylvia Browne CNN and you will find that she is in fact a fake, a sham and a con artist. She takes advantage of those who are vulnerable. Beware of this book or any of her books for that matter.$LABEL$0 +Replay in my mind. The soundtrack to Broken Bridges enabled me to replay the movie in my mind! Awesome performances by all!$LABEL$1 +The Ice Man: Confessions of a Contract Killer. This man was so very twisted. I've read a lot of true crime books, but this one topped them all. He was very cold when it came to killing, which he did much of, but he also had limits as to who he would do. The book had me reading up into the night. Very good choice for those who like true crime reads.$LABEL$1 +Flawed. Just an example of how the author doesn't know what (s)he's talking about:"Probably the best-known technologies used by processors are Intel's Hyper-Threading and AMD's HyperTransport. Both allow each logical processor within the processor package to handle an individual thread in parallel with other threads being handled by other processors within the package."This is an elementary error, that even amateur hardware enthusiasts know is wrong. Hyper-Threading and HyperTransport are two very different things. The former is what the author describes, the latter is a bus. It suggests that the author doesn't know much about hardware, and probably created the book by googling and using sources that may, or may not be correct.$LABEL$0 +Burn Notice. Really love, love, love this show! Never a boring minute. Great acting, direction, has stayed true to it's original premise.$LABEL$1 +A good buy. After going through countless electric can openers that would break I finally decided to go back to a manual. This Oxo opener is a winner. Easy to use, as quick as an electric, and comfortable in the hand.$LABEL$1 +Not as Good as the 2nd Edition. If you liked the 2nd Editon of the Standard Catalog of Cadillac, you'll undoubtedly be disappointed in this edition. This edition trades LaSalle information and price guide for a few more color photos of Cadillacs. While the LaSalle price guide is gone completely, the Cadillac price guide is unbelievably incomplete, leaving out pricing for 1921 through 1925, 1927-28, 1931 through 1935,38, 1940,46, 47,1950,51,52,1954 through 1958,1960through 1962 - and more. This edition leaves a lot to be desired for the true Cadillac/LaSalle aficionado.$LABEL$0 +Over Priced. Why do I need another cork screw. Doesn't everyone in the world have at least one? What I need is something to preserve the unused portion of wine that I want to save for another day. The Vacu Vin Wine Saver Gift Pack is just the thing for that. It's easy to use and very very effective. I give it 5 stars. Spend your money wisely.$LABEL$0 +Fun Entertainment. This film is a fun bit of entertainment. The acting and writing of course are not Oscar worthy but they do the job to tell a fun story. Cannot wait to see the trilogy finished.$LABEL$1 +Flimsy and not intuitive to refill.. We have one of these at our shop, and nobody ever refills it. Why? It requires a fairly complex set of steps compared to everytihng else on the market. You must first unlatch the locking mechanism, fold the arm out of the way (not intuitive at all). Tried to find instructions for this online, so I could print them out to clear it up, but I can't find anything. Terrible holder, I'd rather have a homemade piece of wood.$LABEL$0 +Blair at Richview Middle School. Possibly the worst thing I've ever set my eyes on. This is a story about a boy on an expedition to give his father a parcel of some sort. The main characters in this book are Adam the main character in this story,Amy Adams girlfriend,Adams Father,and Adams mother.Adams expedition begins when he delivers a gift.His Father is ill in the hospital . Oh yeah the plot of the story he rides a bycycle.He finnaly reaches his destination and finds that his faters is dead.Wow what a great book . I dont see why people praise over this book.$LABEL$0 +Great stuff, but get it locally.. I know how Mallowmars taste. They are the truly splendid fall treat I have looked forward to around thanksgiving for as long as I can remember. So what I really was checking via this order was how well they ship.The answer is, terrible. The over long, Two weeks of delivery time turned the cookie part to crumbs on almost every one. The chocolate was melted to the plastic tray on half of them (only half?). Overall a fail, and certainly not something you would want to open up in front of guests.Get them locally or find a replacement. Splurge on faster shipping perhaps? I can not vouch for that option having not tried it though. As is, the standard shipping makes for sad mallomars pandas.The second star is for the two in the box that had part of a cookie left and were somewhat edible.$LABEL$0 +Six-year-old fascinated by "The Universe". My six-year-old grandson has already watched "The Universe" four times. It's not intended for kids but is so well done that a bright child can follow it with no trouble.$LABEL$1 +Did not keep my valuables safe!. I organized all of my jewelry, placed it in this safe which we had bolted down in the floor of a closet. Our home was burglarized with an active alarm turned on. The robbers forced the door off the safe and stole everything inside in a matter of minutes. I wish I had never bought this and trusted it.$LABEL$0 +Seira went past its limits (It was awsome). All I can say is its a difficult game with a few surprises. Ya sure they dont let you jump, but you never realy need to. Just buy the game and try it out... trust me you will certanly like it!$LABEL$0 +Two different albums, two different inspirations. To me it seems So Much For the City was all about being in love, not only with the brilliance of the California Coast but with a woman as well. The music, harmonies and general vibe of the album reflect this. The follow up album seems to dig more into the underbelly of the band and quite possibly the heartbreak of losing the woman. This is just a thought, I really have no knowledge of the singers relationships but I see clues throughout Lets Bottle Bohemia which suggest heartbreak, while the first album seems to emobdy the fire on new love. I also think the second has more of an East Coast, North East in particular vibe. It's not as sunny as the first but still very unique and packs a fist full of soul. I hope to catch them live someday.$LABEL$1 +An incredible tome that must be read. In this, the latest Tom Clancy thriller, Jack Ryan takes on the greatest task ever asked of him by becoming President. Though the book seems to lose focus a few times, the last 200 pages were reminiscent of Patriot Games. They just seem to fly by! The ending is not a real shocker either, but for an almost 900 page book, it does not have to be. Every aspect of Mr. Ryan's character is explored, so this is a must-read for true Tom Clancy fans$LABEL$1 +return to form. After a few uneven albums, the Manics have finally returned to the standard of "The Holy Bible" and "Everything Must Go". This is by far their most consistent record since those two-virtually all of their musical eras are represented here, from the political punk of "Imperial Bodybags" to the power-ballad "Autumnsong". This is the first time in a while that the band seems sure of themselves, and it's great to hear. This is well worth buying for anyone who's followed them over the years.$LABEL$1 +Student view. This book relies too heavily on the syntax of Scheme in the early stages. I find myself learning another language, and not new concepts. The title should be "Essentials of Scheme."$LABEL$0 +These guys are great!. This product does everything it says. Even for someone like me who is sometimes technically challenged, it's easy to create ringtones. You find the song you want, select the part of the song you want to be a ringtone and then send it to your phone. So simple, a manager could do it.Also, when I had a customer service issue (my fault, not theirs), they were right on top of it. They should give lessons on customer service. I would recommend this software and this company to anyone.$LABEL$1 +Burn in hell. No matter how talented he was the fact is that he murdered his wife and seven year old son. This man is human scum and hopefully is burning in hell. R.I.P. to his wife and son I hope your in a better place. One star because this dvd is gonna go up in price once the gory details are more widley know. Also thanks to the WWE for pulling him off their website I bet they wish they would have waited on that tribute to what a great family guy he was. As for the dvd review sorry fanboys it doesn't matter cause in the real world he was/is a scumbag and a baby killer.$LABEL$0 +Excellent service. I sent this to a friend in Australia and was surprised at how quickly it arrived. She was delighted to receive it and I could not be happier with the service.$LABEL$1 +Another person longing for the original!. I was overwhelmed by the no. of people who have longed for the original movie, just like me and feel that any other production pales in comparison. My parents played the music as I grew up and I never did get to see the movie (I am 48). I have had the Samuel Goldwyn Meyer Co. write to me yrs ago that the movie is tied up in his estate, and a movie channel wrote me that the film's condition has caused the delay. Hard to know what to believe, but if anyone hears of a release/copies available I would be grateful to know. Vicki at:[e-mail]com$LABEL$0 +Crummy design, poorly made. Disappointed.. Antennae piece snapped off in my hand first time I tried to extend it so I really have to question the workmanship. Cord runs through bottom of stand and makes the whole thing tip over VERY easily (which it did repeatedly even though we kept pushing the cord into the channel). Cord to plug it in is way too short in my opinion. Our tv is mounted above our fireplace and everything else we have reaches the outlet, this didn't. Reception was so-so. Channels we got were very clear but there are other channels received by other tv's in the house that this didn't pick up. I was pretty disappointed given the reviews, I definitely expected better.$LABEL$0 +Not well written. The diagrams were not very clear and the steps were too convoluted and not well explained.$LABEL$0 +the best grill ever. This grill is the best ever...needing to replace the old fashioned style propane grill, i took a chance and am glad i did...i will never go back...anything cooked on this grill is fantastic...george foreman is the best....$LABEL$1 +Amazing...Highly recommended read.. Well worth the time it takes to read 900+ pages. I didn't want it to end. So beautifully thought out, gracefully articulated, the story is unbelievable real and life-changing. Rich, lucid, lovely, heart-breaking and heart-opening. A view of life not many live. Do read it.$LABEL$1 +A True Art. I viewed this title wondering how it would be done. The subject was done in a very tasteful art form, the woman performed perfectly balanced and very attractive. Well done$LABEL$1 +Sailing through the eyes of a dingbat. This book was a total let down. I was hoping to gain some insight and information about what it is like to sail. I married into a sailing family and was hoping to be inspired by this book. Instead, the woman was a miserable sailor who couldn't even grasp the difference between port and starboard. She did not inspire woman to tackle such an adventure. Instead admits that she couldn't pull her weight and relied on her huband to do most tasks, even cooking breakfast on the boat.The book talks more about what leads up to them sailng like selling their house and quitting their jobs. And as the owner of two cats, I did not appreciate that the author "dumped" her cats because it was not convenient to cruise with them. Even though plenty of other people do this.So if you are loooking to get tips and advice on what it is like to cruise, don't buy this book.$LABEL$0 +Fav for riding unlined. If you promise not to tell anybody, I wear lined jeans from eddie bauer or llbean when it gets cooler. I wear these when it gets warmer. True to size, don't shrink too much.$LABEL$1 +No good for leather seats. As others have mentioned, this does not work well for leather seats. There is nothing anchoring the bottom center and the cover slips around as soon as the dog steps on it.$LABEL$0 +Nice scale and a great value. NO more jockeying the scale based on the floor or your position. A solid scale and we love the measuring rod to watch our kids grow (better than marking the wall), although the rod sticks some and could operate more smoothly.$LABEL$1 +decent diuretic. This did not work for me. After trying it for several weeks, all it did was have me running to pee... frequently... and breaking out in cold sweats. I may have lost a pound or two, which I gained back after retiring the product. It was most likely water weight. On the up side, it may have some beneficial ingredients, and it did not make me sick (as some diet pills have.)$LABEL$0 +memory foam. I had chronic insomnia and been taking medicine and had football injuries so I tried this out and I sleep better with no pain from back neck, couldn't believe it. Wish I knew about these toppers earlier, but I'm not sure if its just a recent product. Definitely worth trying for better sleep in my opinion.$LABEL$1 +So far it's awful. How can I keep reading into the centuries Ruiz, by default, knows more about when the opening pages contain so many howlers? Ruiz is a U.S.-born author who has swallowed the Black Legend of those atrocious Spaniards whole. "Alienation also included the Spanish assault on family kinship ties..." (p. 16) Then why does Mexico have the lowest divorce rate in the world? Whence its wealth of thirty million unassimilated Indians? (CIA Country Facts website.) How can he write of the two proud civilizations Mexicans embody when, in the same sentence, one was destroyed by the other?I'm a bleeding-heart CA liberal from Concord, MA, and I like facts. Regrettably, to teach in the UC system, one must stoke the soothing flames of ethnic rage even if it means making things up.$LABEL$0 +fascinating nightmares. I read this book many years ago when it was first published in paperback. I lost access to that copy and I am pleased that Nightmares has been reprinted. This is one of the most fascinating books that I have ever read. It is both thought-provoking and highly entertaining. The characterizations and settings are vivid. There are several long dreams, including one about competing cults that promise that either molybdenum or the magnetic pole will cure all ailments, and another about a resurgent Inca civilization dominating the earth. The nightmares are attributed to eminent persons of the 1950s' i.e., Dean Acheson's Nightmare, etc. You won't be able to put this one down.$LABEL$1 +Perfect Puree Indeed!. Not only did my puree arrive in a timely fashion, still thoroughly frozen, but it is delicious! I have been enjoying it in many dishes since its arrival, and I adore its pure passion-fruity flavor. If you can't find actual passion fruit, buy this.$LABEL$1 +Ronnie Rocks. a very good friend of mine turned me on to this album for which i am eternally grateful for, because this is without a doubt the best album of ronnie wood's spectacular solo career. with such standout tracks like "I CAN'T STAND THE RAIN" and "BREATHE ON ME" ronnie wood shows us how talented he actually is. but then with the the tracks "BIG BAYOU" and "SWEET BABY MINE" he turns a great album into a piece of rock n' roll heaven. you may have heard ronnie wood but "NOW LOOK".$LABEL$1 +poor product design. Not worth the money! The handles get too hot to touch. The pans are really thin and do not heat well.$LABEL$0 +This clock is terrible. This clock is terrible. I purchased for my husband for Christmas it stopped working today July 20. We got almost 7months out of it.$LABEL$0 +Great gift idea!. I purchased this pitcher as a Christmas gift for my daughter who lives in the country and doesn't like her well water. She loves this pitcher! Says it makes her water taste like bottled water. :)$LABEL$1 +Going strong after more than a year. I was frustrated with buying scales as I could NEVER get them to read accurately. I have had this scale for more than a year now and even after husband and daughter leave heavy piles of clothes for wash day on top I have NEVER had it read inaccurately or had the batteries die. I have not had any of the problems that have been previously mentioned. I weigh on the Dr.'s balance scale and come right home and it is right one the money. I love this scale and use it every day or every other day. I would buy another one in a heartbeat and have recommended it to friends.$LABEL$1 +Easy operation: Crummy sound. This unit carries the best price and longest recording capability on he market. Features and operation are excellent, BUT, the sound quality is not acceptable. Tried HQ and SQ - no joy.I do stand-up and need to record both bits and performances.There was nothing funny about this unit and it went back to [the store]. Depending on your needs, this still might be the best deal out there, but it wasn't for me.$LABEL$0 +Kind of dissapointed over all the hype. I was excited about getting this product after reading all the reviews and even my hair dresser said she loved it and would buy nothing else for herself.After the first few uses it was great but the longer I used it the dirtier my hair looked and felt.My hair did not feel clean and I know its not supposed to suds up so not sure if my mind was playing tricks on me or what but I did not care for it at all. I ended up giving it to my mother to try and see if maybe it was just me and havent heard if she likes or dislikes it.I think it would have been better for me if I would have alternated every other wash with this and maybe some actual shampoo. Alot people love it and thats great but I will not be buying anymore$LABEL$0 +Cheapest product ever. Holmes CEO to staff; "Hey gang, lets see just how cheap and horrible we can make a fan...." And the winner is ....Holmes! and the loser is us, the consumers....This fan feels cheap just holding it. One of the rotors wobbles, hitting the grate. My 3 year old has plastic toys that are made 10x better than this. I would be embarrassed and ashamed to have a product like this at my company.$LABEL$0 +In the name of Justice. Aukai Collins has written a brilliant novel which will teach the common lay reader or any reader ignorant of little (physical) Jihad, or Islam in general, just what this kind of fighting entails, and why it is waged. Collins exposes the disunity that can ruin any military expedition. He very clearly explains the motivation behind his decision to fight the Russians and others. His reasons for turning to the U.S. embassy in Baku, Azerbaijan, after having fought in Chechnya, are intriguing. As a fellow Muslim, I believe that Aukai is a true Mujahid; and you would do well to listen to him.$LABEL$1 +Kids love it and I love it because it doesn't make a mess. I use this in speech therapy session with little ones. I like it because I don't have to stick my hands inside to get the wand. The kids love it but you have to "teach" them not try reach for the wand, as that is their first instinct, and also not to push the bear's belly too hard or the bubble juice spills out. Also, if the bubble juice is not topped off you have to turn the bear upside down, with his hat on of course, to get liquid onto the wand. I still love this product and give it as birthday gifts to my clients.$LABEL$1 +Poor camera work.. Watching the concert video will give you a headache. The cameras are constantly switching back and forth between band members.$LABEL$0 +IF REPETION IS THE LAW OF ABIDING IMPRESSIONS, THEN..... I love Louis L'amour westerns and I had great hopes that this non-western "WALKING DRUM" would equal the excellence of his westerns--and it did for several chapters. After awhile, however, the book became so repetitive that you could anticipate what would happen next. I gave the book 2 stars only because it did keep my interest for a few chapters.$LABEL$0 +Not a Game for the Small Investor. This book talks about the various factors affecting multi-million-dollar developments. The misleading pictures of Monopoly houses on the cover suggest small-scale residential investing, but the properties under discussion are the size of an entire Boardwalk. Frankly, the whole "game" analogy may sound like fun, but is nothing more than representing economic forces, e.g. the cost to borrow money, as "cards" one draws. Ho hum. If you don't have millionaire investors as friends or a job doing due dilligence for huge developments like shopping centers, warehouses, etc., this scale of this book is much too grand. We're talking buying entire city blocks in Manhatten! Disclaimer: Unlike other reviewers here, I'm not a former student of the Harvard Business School professor. This text may be quite relevant to their careers.$LABEL$0 +Great so far. I bought this item just over a month ago, but so far it seems to be working just fine. My 15 month old son is a picky eater and he'll consume more types of food if I blend them into a smoothie. In other words, we use it about 3 times a day and typically I add frozen fruit to the mixture. It processes the fruit into a smooth drink quickly and easily. I'm sure we'll continue using it every day so that I'll eventually have a review of the long-term performance.$LABEL$1 +Beware! Journalistic hack at work. This book is nothing more than a cut -and-paste job based on the familiar accounts of duels with a few sneering comments thrown in to demonstrate the author's cleverness.The discerning reader with quickly recognize that the author is ignorant of the most basic techincal knowledge concerning the weapons she discusses. Clearly the author has not bothered to seriously research her subject--the certain mark of a journalist hack job.$LABEL$0 +Sheer pleasure?. It was sheer pleasure to close the cover of this book. Trouble is we only got through a few pages before doing so. It is not anything new nor is it refreshing in any sense of the word. This is just different words for the same things people have been writing for years. Writers are becoming a dime a dozen in the field of the occult. Unfortunately this writing is for those who may need psychiatry to deal with realism as opposed to imagination and fiction.$LABEL$0 +good story-filled with spelling and grammar errors. I liked the story , but it was filled with so many grammar and spelling errors that it was hard to keep track of the story. Words were missing especially the small words that complete a sentence. It was like having to read between the lines to understand the story. I used to do this when I was younger when I wrote letters to my grandmother. She always told me that my mind was working faster than my writing. She had to fill in the blanks to know what I was writing. A letter is short compared to a book. This should have been proofed more closely.$LABEL$0 +say no "what" you fool!. The whole movie and book were a wondiful discription to what itwas in real life but whoever says that this was a bad and wastful book is very disturbed in the mind and sould get my and "Miss Cleos" profestional help! also if you even thought this was a great book but have troubl with family friends or mates please call me!$LABEL$1 +Huh?. This sounds like it came right out of a Rush for easy piano book. All I can really say is what the hell? The left hand is playing chords and the right is playing the melody...could it be any more boring?When I first saw the title, I thought hmmm...I'd love to see what someone like Keith Jarret would do with Rush but this has all the imaginative quality of a karaoke accompaniment tape. For a really good piano tribute album, check out David Lahm "Jazz Takes on Joni Mitchell"$LABEL$0 +Finally, a book which addresses the root cause of my headaches and helps me to find ways to manage my own health!. I eagely read Heal Your Headache, as it had helped a friend deal with her migraine headaches.I was exasperated with doctors simply prescribing drugs and not addressing the root causes of my migraine headaches. I have been following Dr. Buchholz approach for a couple weeks and am filled with hope. The headaches are not completely gone yet, but the severity is greatly diminished and my affliated symptoms are dramatically improved.I love the way the book describes the symptoms and what is causing them, in very logical and understandable language. I have already recommended the book to several friends who suffer from headaches.$LABEL$1 +Good Movie. No complaints about the movie itself but it took about an hour to download it. It got stuck at 9% and I had to actually shut my DVR down and restart it to get the movie to download completely.$LABEL$1 +Best Clasic Novel. One of the best works of 19th century English romanticism. Jane Austin's works have an indefinite plane that has the quality to put the work in any historical period and presents in turn situations of our present time.$LABEL$1 +Dont Bother. I memorized this book and failed the exam. It's practically worthless... buy the MSPress book instead.$LABEL$0 +Nasty, Hurtful, and Unsocial. I listened to this tape and tried to keep an open mind, hoping it would get better, even though I felt like turning it off a few times. Ms Martinet seems to have a lot of deep, nasty, resentful feelings towards people. Has she been treated badly by a crowd of strangers at one too many cocktail parties? Her advice in dealing with others is to make your self feel superior by putting down everyone else. I work at a school, and we dedicate time to teaching our kids how NOT to act like Ms. Martinet suggests. The snide tone of her voice on this tape emphasises her unkind, unsocial advice. Please, don't follow it.$LABEL$0 +Works very well. Like most kids, my children love stickers. I selected this product to create custom stickers, hoping that the stickers could also be removed easily. I am happy to report that this paper appears to work as described. I had no problems printing to this paper and then sticking and un-sticking the creations.Avery has some suggested crafts on its website, but nothing appealing to my children. But there are many ideas on the web. Another possibility is to let them design something on the computer or on paper and then scan it and print it out. I can imagine many other uses for this sticker paper. If they were less expensive, I would use them with my Amazon seller account and just print, stick, and ship. They would also make excellent labels for homebrewing.It would be nice to have a choice of colors, glossy and luster finishes, and finer scoring on the back for smaller stickers. I just wish there were more sheets in the pack!$LABEL$1 +A Shroomers Bible. Contains lots of cosmopolitan species. So the book is great for European readers. The ONLY minus is a lack of color photos, but the B&W pictures are good. The book has lots of humour so its very entertaining. A must for your mushroom library.$LABEL$1 +A beautiful and important book. Ariel Dorfman is one of the most important writers of our time, and Desert Memories, Journeys Through the Chilean North serves as a testament (and a coda) to the terrible years that began with the military overthrow of President Allende's democratically-elected government in 1973, the repression and horror that followed, the exile of so many who barely survived, such as Dorfman. His car trip through the Chilean North with his wife, Angelica, so many years later, is at once a reflection on those events as he visits concentration camps, clandestine graves, the family of a good friend who was "disappeared" by Pinochet's army, along with an evocation of the beauty of the desert landscape and its earlier, hidden history.$LABEL$1 +Absolutely Fabulous. This is probably the best historical novel (or series, as there are seven of them) ever written. Entrancing, vicious, beuatiful, innocent, short-sighted people get caught in this story of fate and destruction. Great, thumbs up!$LABEL$1 +Disappointing. I received this complete series with much anticipation as I had never seen the entire series before. Upon opening the package and seeing the dvd discs my anticipation turned to horror as most of the discs are scratched and when played they constantly freeze to the point you can't watch them. I get no enjoyment watching what episodes I can because I wonder what I am going to miss next.$LABEL$0 +Great Read. It has been awhile since I have read a book that captured me as much as this one did. Once I read Furies of Calderon, I had to continue immediately on to Academ's Fury, and plan on reading Cursor's Fury next. The plot is very easy for me to get involved in, but then has twists and turns that I wasn't expecting. I like all the characters in the book, and am intrigued to find out what some of their next steps are. My only problem is that they are too captivating, leaving me thinking about them at work, driving, cooking, everywhere!$LABEL$1 +Not So Great. After reading everyone's great reviews, I decided to register for this pump. I am sad to say that I could not get a drip out. The suction is very poor and I would have to imagine that it would take a good hour to get any amount of breastmilk to come out if it did work! I am very disappointed in a wasted gift. The only pump that does work is the Medela Pump In Style electric pump, which unfortunately is over $300.00.I would not recommend this pump.$LABEL$0 +Better Homes and Gardens Cookbook. I bought this revised version for my daughter who grew up eating things I made from my 1970's ring binder copy. The content of this cookbook is great and has some handy information but we both still love my 70's version better.$LABEL$0 +Best Trophy Deer Book!. David Morris again has put out yet another fantastic trophy deer book and resource that you'll keep and refer to often! If you are serious about trophy class bucks, then you must have this book! I have read many books on the subject, and this book is definately in its own category.$LABEL$1 +Underimpressed. After reading all of the "rave" reviews from other readers, I must say I couldn't wait to read this book. I read it in one sitting, and I waited for the "laugh outloud" moments, I was ready to giggle. I was only slightly amused. I am from the South and love stories about growing up in the South. We all have our wonderfully eccentric family members that we love to talk about, but I was totally unimpressed with this writer's ability to engage me in the story. It was NOT even close to entertaining.$LABEL$0 +Worth waiting for!. Wow! The latest Potter book is the best one yet. Much darker and more mature than the first four, Harry Potter and the Order of the Phoenix really delivers. If you liked the first four, you'll LOVE this one!$LABEL$1 +Tepid Attempt to Replicate U.S. Blockbusters. Decent film with laughably bad moments where somebody clear said "make me an American blockbuster". Gratuitous attempts to tap into a sense of national pride are tempered by timid nods to cultural relativism.$LABEL$0 +A Sea of White Impatiens was better. I wanted to like this book because I really enjoyed A Sea of White Impatiens. Having grown up in the same town as the Gallaghers, I enjoyed all the references to the people from "Roweneck". The main character (or the author's voice) came across as ignorant sometimes and I was getting tired of the arrogant tone. It had an interesting beginning and an intriging middle, but the ending fell flat. The wrap-up was a bit outlandish and conveniently neat, like a Hollywood movie. Perhaps, that is the author's intent.$LABEL$0 +Just plain wonderful. Great actors. Great stories. Great writing. Great sets. Great Costumes. And the most stunning colors and textures I've ever seen on screen. Wonderful to watch and enjoy!$LABEL$1 +What's all the fuss about?. Whiney, wimpy, nerdy, pop songs. Big deal. We hear this every day. Matchbox 21 or whatever their name is sounds like this, and they suck! Like the one guy wrote, it's Bryan Adams limey style. A few good songs, but no big deal. Have you people never listened to Miles Davis and Gil Evans? Mozart? Johnny Cash? Richard Thompson? Van Morrison? Joni Mitchell? Nina Simone? This word "genius" sure comes easy these days. It used to take Joyce, Melville, Nobel, C.V. Raman. Now we have Adam Sandler and Paddy Mcaloon. They don't have to rock out, but this record just has no balls. Geez!$LABEL$0 +Nice deal for a nice price.. Good power and spotting capability for a price quite a bit less than the better known names. I was a little leary at first but that is no longer true.$LABEL$1 +Corny and over-rated B movie!. I really like classic movies from the 30's 40's etc but I personally found this movie to be incredibly bad with overacting and corny dialogue! The most over-rated B Movie ever!$LABEL$0 +Great for Under Ones!. My son loves this book, and has since he was six months old. It has bright pictures. A couple of words each page and they also tell a story (this seems to be a rare combo). The little frog is so expressive and there is heaps that a parent/reader could talk about to a little one on each page. I'm sure it will continue to be a favourite for some time.$LABEL$1 +Intriguing read. This is an easy read written by a brave man with an amazing story and great perspective on war and life.$LABEL$1 +Bart's Review of "One Eyed Cat". Ned Wallis is a 11 year old boy that lives in New York city. One night he secretly takes a rifle that he is not allowed to touch and goes outside to shot it one time. He sees a dark shawdow and shots at it. On his way home he sees a face looking down at him from his attic window. One day, while helping a neighbor he sees a wild cat with one eye missing. He thinks back to when he took that one shot at that dark shawdow and wonders if it was him who shot that cat? The book didn't have much action and the characters were not that interesting.$LABEL$0 +Just didn't see it.... Okay, first off...I give credit for the cover and title, nice job, but the book itself, I just didn't see the hype about it...the plot was mediocre, if not dull and preditable. Yarni was supposed to be a hustler's wife, but I felt that she kept getting played throughout the book, and the book was poorly edited...fo' real. I give Nikki her props for trying and pushing it out there, but there were some scenes that were not believable and maybe just too over the top and c'mon...I just don't see the moms black mailing all these big time officials just to get Yarn's man out of jail...dude was doing like life or sumthin...and that whole happy ending thing for a drug dealer, finally being let free and reuniting with his girl...c'mon...the moms would have been dead and so on...but once again, I just don't see the hype in this book...$LABEL$0 +Best puzzles ever. These Ravensberger puzzles are the best that I have ever seen. This was a gift for a 5 year old girl. She loves this puzzle. It is very well-made of thick Cardboard paper and is of high quality. The colors are vivid and the picture quality is beautiful. These puzzles are made to last. I also found the designs to be very unique and highly artistic. My little ones have several of the large floor puzzles, which are amazing.$LABEL$1 +Great Book.A favorite. This is one of my Favorite classics.Any one who reads this will be in suspense and awe.The movie is Great to.Gaston Leroux did an excellent jb with this book.The Phantom and Raoul are both in love with the opera singer Christian Daea.It becomes a desperate struggle for both lovers.Great book for young and old.Loved it!!!$LABEL$1 +HIGHEST PRAISE GOSPEL. I AM ALWAYS THRILLED WITH REV. HOWARD "SLIM" HUNT AND THE SUPREME ANGELS UPLIFTING AND REJOICEFUL PRAISE IN THEIR MUSIC. I HAVE BEEN BLESSED TO SEE AND HEAR THEM IN CONCERT SEVERAL TIMES. THEY ARE MY #1 FAVORITE GOSPEL QUARTET. THIS GROUP OF MEN HAS BEEN ANOINTED TO DELIVER THE WORD OF GOD THROUGH MUSIC. MIKE IS MY FAVORITE BASSIST, OH, YEA!$LABEL$1 +It's a love/hate thing.... I just purchased my second fan of this style. I have had one for over five years and love it. It's insanely noisy on oscillating, but not bad stationary. However, the new one sounds like it has a piece of plastic hanging off of something inside. When I turn it on, it's so loud I think it's going to blow up. Going to take it back and get something different. I'd recommend based on the first one I owned (if you can live without oscillating), but no recommendation from the new one.$LABEL$0 +5 stars does not even begin to cover it..... Thats it.....THIS IS MY FAVORITE BOOK OF ALL TIME. I thought that it couldnt get any better than "Outlander"..my God was I wrong! "The Bronze Horseman" is absolutely the most consuming, overwhelming, brilliant story I have EVER gotten my hands on..I am telling you I could not put this book down..yet at the same time, I would force myself to stop reading so that I could make it last longer!!! I have just one thing to say about this book..BUY IT!!!!!!!!!! Girls..a little warning....please..buy "Tatiana and Alexander" asap..it is the follow up book to "The Bronze Horseman"..it is available on amazon U.K. The ending to TBH will make you insane..believe me..you'll want the follow up story!! ENJOY!$LABEL$1 +"Intelligent Design" propaganda. This documentary is produced by the fundamentalist christian movement whose agenda it is to get Darwin's theory of evolution banned from schools and have it replaced by "Intelligent Design", which really just means creation, as put forth in the bible. As can be expected from a documentary with an agenda to convince the viewer of a certain point, rather than being open minded, it does not really go anywhere. It keeps repeating the point that "scientists agree" that life could not have developed anywhere else in the universe.The other reviewers here must be people associated with "the cause," this really is not a five star production simply because instead of sincerely investigating the subject with an open mind you get science, contorted to fit religion.$LABEL$0 +absolutely the best. this book is the best thing for home owners and chef alike. it shows a wide range of sushi as well as step by step formats for even beginers to understand. trust me it is a great book to purchase and all of your sushi friends will want one$LABEL$1 +Don't Go To The Cosmetic Counter At All - Instead Buy PAULA'S Product!!. The first thing that flew out of the book when I took it out of the Amazon box was Paula's advertisement for her own product! I was completely shocked and felt like a dummy! I understand that she may feel, with all her research, she is an expert on the field, and even understand how she could possibly come up with an ideal product....but for goodness sake be SUBTLE!She should at least let the reader discover Paula's product (alphabetically listed)slowly. I can even get past ALL the smiley faces her own product gets, but I definitely don't want an insert to fly out of the book when I first open it. This is completely in poor taste, and I don't feel she can be objective!Having said all this, she may have valid points, she may have done great research, she may have the best product, but I really don't care, as I feel like an ABSLOUTE sucker for spending $20 for buying her advertising gimmick.$LABEL$0 +Uniden TRU 3466. bgt the TRU346 after good reviews, memory dim but phone broke within a year, could not hear caller (they could hear me)often could not get dial tone, don't remember what tech support (email) suggested (chg battery, reprogram unit etc), didn't work anyway. Uniden brand name and the reviews on TRU3466 with speakerphone, gave them another chance. # sign on handset died after a few months (try using voicemail systems without the pound #)had to use speakerphone constantly for # sign key. Earpiece is necessity, move around my office a lot, works on and off now, lot of static or no reception at all. I also need earpiece to keep hands free (major reason for speaker phone as well).Bought two phones, less than two years, $180. Big disappointment.Will never buy UNIDEN phone again.$LABEL$0 +An Observation.... Hannity Says: "Liberals are more Tolerant of Saddam than of President Bush..."Mr. Hannity, only someone that is ignorant would believe your accusation above. Hannity, please go back to school and at least get your GED before you write another book...$LABEL$0 +The Devil in a BORING story. I find the Salem witch trials to be very interesting and I love learning about them. After reading this book however, I am starting to become turned off by them. I am a woman and personally find woman writers to usually be enjoyable. This woman should go back to college or maybe even grade school and find out how to write. She uses complicated sentences that make no sense (you'll need a dictionary or another person to help you out with the meanings of some of her 20-word sentences). Do yourself a favor, pick a different book.$LABEL$0 +Excellent. I purchased this book as a beach book and was not disappointed. This is the first work I have read by this author and immediately after finishing Four Seasons began to search for more books by her. This was a wonderfully woven tale of family tragedy and triumph as well as individual growth within the protagonists as women and as sisters.$LABEL$1 +Very pleased. I bought this pan not knowing what to expect. The pan has good weight to it and as long as you give the cups a little swirl of butter or olive oil, the eggs come right out without leaving a mess. Takes a few times to get the eggs just right but now that I have it down pat.......I am 100% happy.$LABEL$1 +Farting, drinking, getting punched and getting laid. Although well-written enough to want you to turn the page for potential adventure, it never comes. Jaime talks about guy bonding via farting, drinking and getting laid while in town. The book never gets exciting to the point of combat, and that's the purpose of the French Foreign Legion. Why didn't Jaime just enlist in the US army for a tour or two or three to Iraq or Afghanistan? I'm sure he could have come back with excitement, gore and extreme physical and mental challenges to last a life time. I got the impression Jaime just joined the Legion to see if he could pass basic training, and then to write about it later. I read the first 150 pages but got bored and quit...just like Jaime.$LABEL$0 +Junk. Stripped the bit on my first try. Most of the bits have off centered holes. Don't buy this at all!!!$LABEL$0 +An action thriller that keeps you on the edge of your seat!. I first saw "A Theif in the Night," when I was about 9 or 10 years old, and I cannot forget the impact it had on me at that time...it motivated me to witness the love of Jesus to all of my friends. I have seen this movie several times since, and while a product of it's times (early 70's) with bell bottoms, wide sideburns, and mini-skirts, its message is just as pertinent and pressing as when it was made, and impact just as effective; time is short, the harvest plentiful and workers few.$LABEL$1 +Disintegrated after 6 months. This cover worked great for a few months. We live in Southern California, where it rained about 3-5 times in the past 6 months. When i went to lift up the cover it ripped. I tried another place it ripped there too. Pretty much any place on the cover I touch it just tears. The material has totally disintegrated from the sun.$LABEL$0 +It's all about the Holy Spirit!. This book is the amazing story of what the Holy Spirit can do if you surrender your life to Him. Just read and be encouraged. Your life will never be the same.$LABEL$1 +Unapologetically Sexual Nightmare. Make no mistake, this book is unabashed terror porn, with rife, vividly cruel sexuality. It's explicit in terms of both sex and scenes of unimaginable violence, sort of like what "My Life at Rose Red" would be like if it were reimagined by Larry Flynt and Marilyn Manson. Edward Lee's work has appeared in famous horror anthologies including the "Hot Blood" series.If you realise, however, what you are getting into, this book is well-written and a capitvating read. It is not for everyone, and don't read it on an empty stomach, but if you're into terror with a streak of bizarre smut, this is the book for you.$LABEL$1 +Simple to use.. I bought this hard drive to store music, movies, etc. I've had it almost two weeks, and here are my impressions so far:Pros: Easy to hook up, plug and play for XP, the stand that comes with it is very sturdy, the hard drive itself feels solid, simple design.Cons: Blue LED on the front is to bright, usable space on the drive only reads as 150 GB, the power brick that comes with the drive is fairly large.Overall, this is a good hard drive for the money. Besides a few design quirks it has, I'd recomend this drive to anyone looking for a inexpensive external HD.$LABEL$1 +rating of 14x26 sand bags. i use these to dispose of used kitty litter. they are ideal for this purpose. i'm sure, in time, i will find other uses for these bags. i plan to order more in the near future, while they are still available. good product, good price!$LABEL$1 +Great Album, But Flat Production Sound. Like others who have reviewed this album, I agree that it is the best (maybe second best to Rainbow Rising) work that Rainbow ever did. However, since the late 70s, when I initially purchased it, I have always been bothered by the "flat" production sound. The bass and drum sound have no punch. Amazingly, it was produced by Martin Birch, who would later go on to doing great things with Iron Maiden. That's my only complaint. With a better production, this album would be unbelievably good$LABEL$1 +Not for young jwomen. I've read reviews and thought that Mariue Claire would be better than Cosmo (it's all about sex in Cosmo) but I'm dissapointed. Marie claire is like in style the whole magazine is just a photos of models and advertisments. There are maybe 2 or 3 articles but they are not so interesting. All in all if you are in your twenties you should choose cosmo or glamour.$LABEL$0 +You'll need to either get lucky or keep on returning copies. It's really great to have these films together in what is (visually, anyhow) a very handsome package. On the other hand, as others have complained before me, the reality of the packaging is that the disks break from their cheap clear plastic holding tabs, get scratched, and become unplayable. I've had to return two copies of the FRANKENSTEIN and three of DRACULA before I found acceptable copies.The films themselves are fine and look great, but when the disk freezes or simply refuses to play a film, we're talking significant problems.I also cringe at the advertising aspect of these films (does the director of Van Helsing have anything to tell us about FRANKENSTEIN? Does he even belong on the same disk as horror film historian, David Skal. Nope on both counts.To my mind, these films should be repackaged and customers offered a free upgrade. This is inexcusable hack packaging from a major studio's whose past work has been stellar.$LABEL$0 +feeder falls apart...be warned!. I didn't buy our mesh feeder from here, but did want to write a review somewhere to warn other parents. The pin in the hinge falls out after a few months of use, at least. I kept trying to jam it back in and it kept falling apart as our child used it. I turned around 2 days ago and he had the pin and both pieces of the feeder in his hands. The pin is a plastic long piece that could cause a choking hazard. Be warned to not buy this particular feeder. I am trying to find the company's website to write to them about the issues. Our son loved using the feeder so I am going to find another brand that is safer.$LABEL$0 +poor quality. poor quality or poor packaging. Every piece was broken on arrival. I never had the opportunity to try the actual product.$LABEL$0 +Not good enough. They might sound bad to me because I am used to Audiophile headphones. But they don't sound terrible. Nice clean highs, but the bass is a little muddy. Maybe it will clear up in time as they burn in, but for the price... I especially like the volume control and headphone input. It works excellent and matches my system. But these speakers are great for the price. If I spent 100 on them I would be mad with the sound quality, but for less than 30, they are excellent. I just picked up a new pair of speakers which sound way better than these and they were cheaper too. Check out my other reviews on which speakers I got. These will be sitting in my closet for a backup pair, not worth sending them back.$LABEL$0 +not worth getting. the seller shipped it fast but it isn't worth your money because the hair falls everywhere and creates a mess. I suggest getting the new one as seen on t.v. where it has a holder that holds the hair so it doesn't get everywhere around the house. Don't waste your money on this!!!!!$LABEL$0 +AMAZING!!!!!!!. The devil makes three don't know how to write a bad song! Every album is as good as the last, and this is where it all started! Do yourself a favor and buy this album........then buy all the rest! This is one of the best bands in existence, please support them by buying their music and not pirating it :-P$LABEL$1 +a disappointment. This book seems to be poorly constructed. Halfway through a one semester community college course, my copy is falling apart. About the content, I find it difficult to follow and suggest supplementing this text with Stallings, Operating Systems, 3rd ed.$LABEL$0 +Needs Extras. I can finally give up my collection of VHS tapes of this show. I was disappointed that there were no extras at all for this show - not even a behind the scenes doc or interviews.$LABEL$1 +Always something happenning. I found Darkfall to be very enjoyable. If this had been the first Dean Koontz (DK) book that I had read then I would definitely have given it a 5 star rating but having read most of DK's books, I gave it 4 stars. I reduced the rating knowing that he has written better work but it is still a very good read. The story is non stop action so gets you in quickly. It may be unrealistic but it is never boring. He has the most amazing imagination and style of writing. When I read his books, I can picture all he writes and feel the emotion and tension. It's like having a movie playing in my head. Darkfall didn't let me down at all. I loved the suspense in the chase and the bit of romance.The authors note was also interesting.Don't hesitate. Buy the book. You wont be sorry.$LABEL$1 +Disappointed. Do not be fooled by the description of this book. It is very much a book only about African American history. If you were looking for something more middle of the road that shows the flaws that our kids learn in history class these days, this book is not for you. It doesn't exactly "set the record straight". It merely amplifies what we are forced to hear about everyday. Overall a disappointing read for me.$LABEL$0 +GeoTrax Track Layout Manual. The GeoTrax Train System is a great addition to your kids toy collection! It provides hours of fun and enjoyment for both you and your child.I found some "Track Layout Manuals" for the GeoTrax Rail System on eBay. If you've become frustrated with the track assembly process, then this is the answer. Volumes 1, 2 and 3 are available on eBay.Search for "Geotrax layout" and you will find all three volumes. These layout designs were designed on a computer using CAD software and are of very high quality. It is well worth checking it out.$LABEL$1 +Does not live up to its purpose. Although this book is for beginners, it is very problematic. I think the publishing company farmed this project out to a developer without telling this person that the book was for beginners. The book starts out with a good primer of object oriented principles but then jumps into advanced stuff such as creating listeners. It does not lay out the lesson plans well the little cartoon graphics are supremely annoying. Other books in this series have been pretty helpful but this one is a bit of a disaster. If anyone finds a good introductory text for Java programming, please let me know.$LABEL$0 +A good introduction. This text gives pleanty of pictures and the cases studies help reinforce what the reader is learning in lecture and lab. I did not have to use the CD-Rom, but the lab book that goes with this text was a lot of fun.$LABEL$1 +DID NOT WORK ON SILICONE. Applied heavy amount to a strip of clear silicon caulk at the bottom of a window let stand 24 hours,silicone hard as a rock, applied second very heavy coat let stand another 24 hours silicone still hard as a rock...$LABEL$0 +My first "Martini" and maybe my last one.. The book was for most of the aspect fantascentific. I belived somethings more amazing,maybe better if shorter.$LABEL$0 +If u don't like bsb then shut up!!. I love the Backstreet Boys!!!!!!!!!Every song they've sung should've been on this album!unfortunately some people don't think so.is it because aj's problem or because nick just got arrested.ppl they are gr8!so plz appreciate them!$LABEL$1 +What a delight!. The Encores production of "Face the Music" last March was one of the highlights of the New York theater season. Here is a wonderful relic of the days when the theater existed so that people could have silly fun. The score is first class Irving Berlin, and the recording is a wonderful souvenir with a winning cast and terrific conducting by Rob Fisher. If you love classic musical theater, you will want this recording.$LABEL$1 +A Must Own for All Shooter Fans. This game is one of the best games available on the Xbox 360 and is worth every penny. I've owned this game for about a year now and still play it every once in awhile. I have beaten the game on all 3 difficulties (Casual, Hardcore and Insane) and they are all very fun and challenging. The graphics are great, sound is even better and the controls are easy to use and very fluid. Don't spend your money on other games if you don't own this one first!$LABEL$1 +Not so hot, badly worded questions. This book tries to be an "exam cram" but ends up being a badly abridged version of the massive Training Guide (ISBN 0789728222). There are page-consuming examples that don't add much, and yet key facts are missing. These facts do surface in the Exam Prep Questions, which at least informs the reader that they need to go research that topic, but those points should appear in the text. Questions are often badly worded; their intent is only explained by reading the answers.The authors should consider a re-write. Cut useless examples. Include code snippets with the minimum required context instead of the full "Create a new solution, add a page named blah, add these 5 controls..." Tighten up the prose; make it clear and concise for easy review. Cut the fluff, not the facts.$LABEL$0 +Simply Hypnotic. The guitarist in my old band once shared the best suggestion with me. To listen to American Fooball. I am forever in his debt- for this alone. This album by American Football is one of the most remarkable things that I have ever heard. These songs are completely emotional, and stunningly heartbreaking. When I first heard it, I instantly grew to love it. I wanted to hear it constantly. I began playing it over and over and it never left my CD player for months on end. The beautiful guitar work, the extremely talented drumming, the soft spoken lyrics, and the pure comfort of this recording made me an instant fan. I was horrified to hear that they had dismembered, even before the record was put out. But I strongly urge everyone to listen and purchase this album. Unfortunately, this music is too impresive for words. You seriously must experience it first hand- and you won't be disappointed.$LABEL$1 +Great Pop Album ... 3 Cheers For Baby!. Emma, (the 3rd current spice to release a solo) has done an excellent job with this album. she has used her soft, beautiful voice to make sweet sweet music. What took her so long?for all you Emma fans, listen ... on February 6th, 2004, Emma is releasing her 2nd solo album called "Free Me". I am ordering it off of the HMV.CO.UK website. It sounds awesome. when it comes here, i defintily recommend it.$LABEL$1 +Path of Daggers was an amazing novel in an amazing series.. Path of Daggers, the 8th book of the Wheel of Time series, lived up to the previos masterpeices in the series and made me crave for more. Although Mat was not really talked about in the book, the return of Logain made me want to laugh with joy. Robert Jordan rules!!$LABEL$1 +ummm...ok, let me just say it...i agree with TRAINWRECK!!!. dht was horrible. i dont have the cd but my friend does and ive listened to it and the only song good enough to mention is listen to your heart. but, you shouldnt buy a cd if there is only one good song on it. good thing i didnt buy it and my friend got stuck with it. i would not recommend this to you.$LABEL$0 +KAWASAKI W650 OWNER. Fast delivery - Mod is as advertised and worth every penny.. Preload cut spacer 3 times ended up at 1 1/2", Flush with top of fork. Used 10w Bel Ray fork oil 140mm of air space measured with Motion Pro Fluid Tool.$LABEL$1 +Excellent!. I watched the movie on Christmas Day, and I wanted to read the book, excellent addition to my collection....it's a keeper!$LABEL$1 +potential: untapped.. this film had the potential to be funny... a weird enough plot, a talented enough cast... but it relied on vulgarness and poor dialogue to simply carry it through what could have been funny situations.it wasn't funny, it was sad.if this really happened it would not have made anyone's life better or worse- they just would have continued spinning out of control on this rock...i think it was the direction & the editing that really was below par on this film, through- because even with not-bad performances the timing was just off with the jokes & situations...$LABEL$0 +Saccharine Sickly Sweet. If you have a taste for hyper-earnest sentiment and treacle, this is the CD for you.If the very notion of some "spiritual" composer navel-gazing and pondering life as "The Artist at 40" makes you gag, run in the other direction!!!$LABEL$0 +I don't understand how anyone can like this. This movie is not scary and sloppy efforts were made by everyone! I didn't even laugh at how bad it was, I was just angered. But I guess that's my fault for renting it and not listening to the reviews and just wanting to see gore.$LABEL$0 +Abridged CD is empty..... CD/abridged/Romantic Suspense: A friend loaned me the paperback a few years back and it was okay. This abridged version was not at good as the paperback. It was very empty and I disliked the townspeople more in this version. There were so many plot holes and red herrings. The police procedure stuff was completely unrealistic. The narrator did a great job.$LABEL$0 +Very Bad Writing. I bought this book because I was intrigued about telling a story that took place after the show had ended. All I can say is, the writing is horrible and resembles nothing of the Buffy characters and world. Much of the dialogue is corny and no character would be caught dead saying it, and being as the smart dialogue of the characters is one of the things that attracted me to the show, I must warn people to be wary before purchasing this book.$LABEL$0 +TRIVET. TRIVET GOOD, BUT NO BETTER THAN THE ONES I GOT AT THE DOLLAR STORE! I BOUGHT IT BECAUSE I COULDN'T FIND PURPLE. NOT WORTH THE MONEY.$LABEL$0 +The best. I borrowed this book from a local public library but I just needed my own copy. It's heavier than most travel guides, but it really is awesome. I hope to return to Italy in a couple of years. Until then, this book will do. Going through the whole book can really be exhausting! It's not just a great travel guide. It's a fantastic photo album as well as a great source of history, information, etc. etc.$LABEL$1 +Absolutely Terrible. After only about three months of use this has already broken down on me. It won't hold a charge anymore. I hope Homedics is aware of all these bad reviews of their product. This product is simply not made to withstand a typical bathroom environment. The housing is made such that water and toothpast will seep in no matter how you use it. The brushhead will stop working in about a months worth of use as the combined water and grime will stop it from working. Did they even test this thing themselves? What were they thinking......... A bathroom product that is not waterproof and is intended to be used near water is just mind boggling. Brushing with it was okay, but the quality and design of the product leave MUCH to be desired. STAY AWAY from this product.$LABEL$0 +Love, Love, Love - You need this.. This product is so fantastic I have bought three of them, one for each room my daughter may fall asleep in. We have the pink ladybug, the red ladybug and the twilight turtle. The stars are so sweet to look at and provide a nice nightlight for the little ones. it's really cool that the stars actually show constellations and the story book that comes with the package is fun.The auto turn off feature is great and seems to be the perfect amount of time for my daughter to fall asleep. It's small enough to be portable (we schlep it to grandma's house regularly) but a good size for kids to cuddle with too. Some of our friends came over with their kids, who are a couple years older than ours, and flipped when they found the ladybug. This is great for infants all the way to pre-teens. Heck, even my husband and I will put one in our room some nights because it's so fun to look at.I highly recommend this. You need it.$LABEL$1 +Like a Rock. Does what it's supposed to and the Linksys support was good. BUT, you need to CAREFULLY and COMPLETELY follow the instructions and/or prompts for successful installation. Take your time - unless you've done this a hundred times before! Amazon standard service was much faster than I expected.$LABEL$1 +Is NOT leak proof. I too bought one of these lunch bowls at Target and I can confirm that it indeed is not leak proof. My son started school and wanted soup. When I picked him up the teacher informed me that his soup leaked all over his lunch bag and book bag, making his folder and books all wet! There is a small hole in the slot where the take along spoon is (I assume for ventilation) and when I ran water on the underside of the lid I confirmed that it leaked through this hole. It also only does a marginal job of keeping food hot. When we sent spaghetti or pierogies they were only room temp come lunch time. Again I assume this is because of the small hole in the lid.$LABEL$0 +CS3--worth the upgrade. CS 3 does not disappoint! With the special new features in all programs, the products have become even more seamless.$LABEL$1 +Simon says...". Simon says, the book of mormon was a figment of Joseph Smith's imagination. I couldn't agree more....$LABEL$1 +Mouth boogers made me stop.. After using Listerine Whitening Pre-Brush Rinse, I would awaken the next morning with some stringy, ropey goo in the bottom of my mouth and alongside the lower margins of my teeth. Was it the dreaded stains coming off my teeth?? NOPE.I contacted customer service at Listerine (Pfizer) and got a smarmy runaround. "We are not your doctor or dentist if you want to know what it is, you need to contact them"......I contacted my dentist who advised that this was sloughing cells from the lining of my mouth, and that this was a common allergic/ sensitivity reaction to chemicals in mouth care products.He suggested that stopping using Listerine Whitening Pre-Brush Rinse would be the right thing to do.One star to the product, and ZERO stars to Listerine/Pfizer for not having the guts to tell me that this was not normal and was cells sloughing off the inside of my mouth.$LABEL$0 +Good noise level. I was traveling to family for vacation and they have paper thin walls and this there be a lot of KIDS playing throughout the house and I would not be able to keep them quote. We decided on this model because of the reviews. I was surprised that the price for a good noisemaker would cost so much but that's what it is.I have to say that for using this in a house with very thin walls and having a lot family and kids around in other rooms even playing in another room close to were my 11 months old baby was sleeping. Still with all the noise he didn't wake up from everyone else in the house and he was able to have naps during the day with no disturbance.Pros: Good noise levelsCons: Price is a little high just for a noisemakerAll in all; I WOULD recommend this as THE noisemaker to get, going by experience and others that I know that use this too!$LABEL$1 +careful -- these are not the original versions!. Note that the track listing on the product page lists only song titles, not artists -- if you order this sight unseen, you may be disappointed to find that these are re-recordings, not the original versions of the songs! For example, Joachim Witt's "Tri Tra Trullala" turns out to be performed by "Archim Britt." Improbably, I found the CDs to be mostly listenable anyhow.$LABEL$0 +Don't hate 'em, but feel better when they're not around.. That's it. I'm broke. Can't buy another drink. No money, no job, no rent. Hey, I'm back to normal. $20.00 for that kind of head is outrageous, says who? You guessed it, Frank Stallone. $2.99 to rent the flick is a steal.$LABEL$1 +Expensive Non Standard memory. Do yourself a favor and limit your camera search to those that use the industry standard memory format, COMPACT FLASH.$LABEL$0 +Does not work with Windows XP. Contrary to what Linksys state and say on their packaging this product does not work with Windows XP.I am currently pursuing legal action against Linksys as they will not refund the purchase but only replace it with the same product. This has already been done and it's the same problem.Do not purchase any Linksys wireless products as even though you may be lucky enough to get some working, there technical support is useless and they continuously lie to you.$LABEL$0 +Fabulously informative. This book was in new great condition and arrived in a very timely matter. The book is very informative for our travel plans.$LABEL$1 +GPSlim 240 on a BlackBerry 8100. This device is great for what I purchased it for. It paired without any trouble to my blackberry pearl. The pictures don't do it justice on how tiny it is. It did not work properly with my laptop connected via USB. This appears to because of the driver provided doesn't work properly. It does not create the virtual com port that is needed to interface with most GPS software.$LABEL$1 +best wrestlmaia ever. this event was pretty good. the billy gunn/holly/snow match was a great opener. the tag match was boring. the brawl for all was really short good thing too. show/mankind was entertaining. roaddogg/shamrock/venis/goldust was excellent. the kane/hhh match was average. the sable/torri was boring. xpac/shane was average. the hell in a cell was horrible. and the rock/austin was the best. here is wrestlmaia in the order of how good they were.15 16 14 4 6 10 5 12 7 8 9 1 2 11 13.$LABEL$1 +One great sauce pan!. This is a durable, well-designed sauce pan. It distributes heat evenly and is easy to clean. The handle stays cool, even during long cooking times and/or boiling. It has the look and feel of quality cookware and is reasonably priced.$LABEL$1 +Oral-B Flosser. It is very user friendly and fits comfortably in your hand while flossing. It takes a messy job and makes it very easy to do.$LABEL$1 +Polenta. I will definitely buy this product again. It is excellent, fast to prepare and the flavor and consistency are perfect.$LABEL$1 +Good. Rosie is adopted by a family with different coloring than her own hair. This book expresses some of the anxiety that adopted children may feel such as anger and sadness at their birth parents and adoption parents. Being an adoptive mother, I felt that a little more positive spin could have been placed on the story. There are only one or two pages of happiness for the adoptive family. I recommend reading with the time to share and explore all elements of this story with your child.$LABEL$1 +Poor reliability. After some time researching printers, I decided on this one. I received my printer as a christmas present in Dec 2004. As of today, July 2005, I am now on to my second printer, the motherboard having failed on the original. Today, I suspect that the same thing has happened again, as with the first one I could no longer turn it on. I'm beginning to think that I will simply ask for a refund and get a different printer by another manufacturer.$LABEL$0 +Dumbest movie in years.. Is this supposed to be art? Because it has no other value, other than perhaps for the purpose of studying the effects of boredom on the human psyche. I kept expecting the main character to be a hero, instead he's just a loser. I can appreciate a movie without a hero (i.e. Being John Malkovich) but can't they at least make the loser character someone who does something...anything...interesting?Also, the other characters are really weak. The best potential characters, the grandma for example, are barely ever on screen.I thought this movie would be like Rushmore, and I couldn't have been more wrong.I will say one thing positive about it, though, there is a scene where Napolean goes to jump his bike on a ramp and instead just plows through it - a really funny gag, I have to admit...most of us have done something like that.In summary, might be worth it if you can rent it cheap and get a backup movie, but I wouldn't recommend buying it.$LABEL$0 +A Major Disappointment. Neil Finn is without doubt one of the best songwriters of this era. With Crowded House his tunes were mixed with ever more innovativness reaching a pinnacle with Together Alone, among the best albums of the last decade. Try Whistling This sadly shows that he needs a tight unit to breathe life and energy into his songs. There are exactly two outstanding tracks on this release, the catchy summer tune She Will Have Her Way and the spooky Sinner. Most of the rest lacks the spark that Crowded House seemed to produce in their sleep. A few tracks are even hardly b-side material. Neil obviously needs a group of musicians around him, not session players, to highlight his own talents.$LABEL$0 +Good tips, though somewhat out of date.. This book has great training tips for puppies and dogs, lots of critical exercises to practice with you're dog. I would say though that some of the author's explanations of wild dogs/wolves is based on out-of-date information, and one can find many newer books & articles on wolf & dog hierarchy. I think some of the tips given also can easily be done wrong or poorly, so anyone who picks up this book should be sure to read through the whole thing and not just attempt to pick certain exercises to attempt without understanding Kilcommon's overall philosophy.$LABEL$1 +Very chill.. As a yoga instructor, this was spot on. It's one of my go-to cds, which makes things easy for me.$LABEL$1 +You'll never go back to white rice. A huge difference in flavor and texture versus the plain supermarket brands. Yes, it costs a little more but still less than pre-prepared rice mixes. Try this "mexican" recipe.2 Cups rice, 1 tbs Olive Oil, brown rice in skillet2 Cups water, 1 Tomato, 1/2 Onion, 1 clove garlic, 1 tbs Chicken bullion, tps salt, chop up in blender to rough texture.Add blender mix plus additional 2 1/2 cups water, 1/4 red wine to browned rice.Cover simmer until water absorbed.$LABEL$1 +Gentle Facial Cleanser. Excellent product. Has kept any blemishes to a minimum. Not overly drying. Moisturizers, which I use for my naturally dry skin go on without feeling tacky. Super-CTM Cleanser Gentle Facial Wash - 6 oz. - Liquid$LABEL$1 +junk?. Made sure i chose right product and manufacturer for proper fitment but product failed 24 days after installation.Very frustrating.Would not recommend.$LABEL$0 +APA Manual - The discourse of the discipline.. APA Manual - The discourse of the disciplinary regime.Simply stated, this book is poorly organized and makes the reader wade through many pages in an attempt to find the `correct answer.' The object? - because I are studying under a disciplinary regime and must conform to what the knowledge experts tell us is real.$LABEL$0 +amazing. this book really did change my adolescence - it made me see that choosing to not grow up was a metaphysical choice and a viable on at that - oskar pays the price but i won't - we learn from his mistakes (ps see "Cat and Mouse" by the same author to find out more.)$LABEL$0 +Music ruins the show. The background/foreground music totally distracts from the awesome sounds of the F104 engines.Excellent old footage does not overcome the MUSIC.$LABEL$0 +must be for older kids. Bumble bee kids makes a series of 5 dvd's that are done very well, and geared for the 6month-2 year old. My 6 month old has watched some of them every day and never gets tired of them. I bought this aphabet video by bumble bee kids for him when he was 19 months, and the kids in the video do not speak clearly, and sometimes whisper the words. My son asked me to turn it off by the time we were at the letter "H". They should use the little girl who does the singing in their body parts video. She has personality, and can speak clearly, and babies love her. This video is going to the goodwill I am afraid. The kids speak with lisps in this video.$LABEL$0 +Good-story wanna-be. Eliza Blake is a beautiful news anchorwoman who enters your home, and the homes of thousands just like you, every day. For some, this isn't enough. Eliza has multiple "stalkers" sending her sick messages in the mail and on her phone. She and her five year old daughter are being threatened and it must end, before someone ELSE dies.This had the makings of a really great story. In my opinion, it just didn't say all it should have. The main character, Eliza, should have done everything in her power to protect herself and her daughter. She really didn't do squat. She simply stood back, making observations. The writing was very predictable and matter-of-fact; I felt no suspense or any other emotions, for that matter. The dialog was very dull and rigid, like the words were simply pulled from a dictionary. I yelled at the book a couple times. You'll need a little patience with this one.$LABEL$0 +RIP OFF ARTISTS!!!. For this album, My Chemical Romance just copies the melodies and song structures on bands such as the Styx and Queen. Go and compare "Come Sail Away" by the Styx with "Welcome to the Black Parade". They are ironically similar. Even the singing tone is almost an exact replica of the lead singer of Styx. For several months, I even thought it was the Styx!!!Being a musician myself, I can appreciate well written music from an original band but when their is nothing original about it, there is not much I can say but SAVE YOUR MONEY!$LABEL$0 +Perfect Thanksgiving Turkey. My first attempt at barbecued Thanksgiving turkey was a huge success with the help of these smoke wood chips. They arrived quickly and provided the perfect smoke flavoring for my barbecued turkey. I can't wait to barbecue my next turkey...probably for Christmas.$LABEL$1 +Why isn't this labeled as a short story?. It is really annoying to start reading a book only to find out that it is a short story. This could have been an interesting book, but it only took about half an hour to read. I don't understand why it is not mandatory to label short stories so that people know what they are buying.$LABEL$0 +A great read. This book is exciting and captivating. It captures the challenges of Military life starting in boot camp and progressing on through the war in Viet Nam. I've read the book twice, once a long time ago and then again recently. I feel like I know the author personally. He bares his heart and soul in this book. It's written in present tense as if the scenes had been accurately recorded. I don't know how the author could do that so well, he must have a detailed journal or a photographic memory (or maybe both). I highly recommend this book however, be aware that it is filled with foul language, but only because that was the language of the military at the time.$LABEL$1 +Don't judge this book by its title!. OK, now I know to read reviews! A better title for this book would have been, Life Coaching Educational Options. This book appears to have been "cut & pasted" from the Internet. I bought it as a less expensive option than coaching school, not to read a list of schools!The "book" is a great list of schools that have easy-to-find websites. The list compiler probably spent a full day or two on www.google.com to find, block, cut and paste this "book."The title is very deceptive!On the flip side though, $12.95 + S&H is not a bad price for a reminder that the world is filled with unscrupulous folks! From this perspective the book was well worth every penny!Perhaps the author could next compile a list of porn sites, call it a book and title it "How to Have a Loving Relationship."$LABEL$0 +a nice departure from Radiohead. I will start off by saying that this solo album from radiohead frontman Thom Yorke will not have mass appeal . This album is almost entirely electronic , and minimalistic in it's approach . Sufficed to say , it is destined to alienate the casual listener . However , if you enjoy lush , ambient electro-soundscapes with emotive vocals ( and you are not a card carrying member of the A.D.D. generation ) then you may like this very intimate and personal album . Essentially , this is a stripped-down Radiohead . Thom Yorke seems to have a re-newed sense of purpose , he isn't just going through the motions like on previous -RH- albums . This is his most inspired work in years .$LABEL$1 +great third album. I don't really need to tell anyone who has heard BHC to check this album out because they are probably listening to it right now just as I am......if you haven't heard boy hits car they can be (roughly) compared to bands like system of a down, tool, rage, nonpoint, pulse ultra ... this is a great album, favorite song right now is All the Love We Hold InsideGET THIS ALBUM!$LABEL$1 +Not even close. I wear a size 13 or 14 depending on the manufacturer. This shoe stretcher wouldn't even touch the sides on my size 13 Rockports. They were a little tight, so I wanted to loosen them up.It was ridiculous how far from "stretching" they were. I would guess there was at least a half inch of space in the shoes when the "stretchers" AND the little knobs were fully extended. Without the knobs it probably would have been an inch. I mean they say up to size 14, but I would be shocked if they could stretch my wife's shoes. I'm returning them because they wouldn't even be useful for her.$LABEL$0 +Inaccurate/unreliable product. I recently bought this item but found it to be unreliable and consistently shows a rating of 10 to 12 points above the actual BP numbers. Not recommended.$LABEL$0 +Wonderful. My class was recently assigned this book to read to go along with our unit on Africa. Cry, The Beloved Country was filled with extrodinary passages that made me feel the pain and suffering of a country under a time of great turmoil. At times the book was a little boring, but it never seemed to disappoint me in any way, with wonderful descriptions of this beautiful country and the struggle of its oppressed people. This truely is a wonderful book.$LABEL$1 +typical biology book. Has all the basic Biology information on it. Bought this edition for $10 (instead of the newer one) and bought the online code for $30 for all my class work, worked great.$LABEL$1 +SHE'S A GREAT SINGER AND A VERY FRIENDLY PERSON.. This album is the best, I bought this cd and my 1 year old loves to dance to these songs.$LABEL$1 +The Best Series Out There. This series is unique in one way. Watch the first episode and your hooked. Mad Men is good but this is something else. Don't believe me - try it! You wont regret it.$LABEL$1 +Very happy! They look great!. I am very happy with these!! Such a great buy, they look great in the closet and are really nice sizes.$LABEL$1 +It's rare for a teen title to be so well crafted and the dialogue so adult and inviting.. This was really interesting and intelligent book, aside from the many misnomers about my home state of Washington, and some issues that were not fully developed like Bella's attraction of danger and near death experiences hopefully the next two installments will explore these issues. I loved this book despite of those flaws and I am anxious to engage in one of the sequels. It's rare for a teen title to be so well crafted and the dialogue so adult and inviting. I think the size and subject matter will put off some teens but those that pick it up will not be able to put it down, nor will they be able to stop wondering what will be come of Bella in the next book.$LABEL$1 +Short but ever so worth it. Even though the season is only 13 episodes long due to Emily Deschanel's pregancy all 13 are some of the best body of work bones has ever done. Funny ,sweet ,thought provicking and with the same great gross bodies it provides an inside look at the charecters we have not had before I cant wait to get season 8 and see how they continue it.$LABEL$1 +Hose Reel Replacement. I bought the Suncast SWA 100 to replace an older unit that was leaking. The Suncast was simple to assemble, easy to mount and does really hold 100' of hose. This unit is easier than the old one to use and the best feature is the reel is detachable so I can take it in during the winter months without having to remove the hose.$LABEL$0 +huh?. Portia is an orphaned 16 year old girl sent to live with her half-brother and his wife. They aren't very nice to Portia. She "falls in love" with a friend of her brother's wife. He rejects her. It turns out the wife has been reading Portia's diary. Portia throws herself at another friend of the family. He toorejects her. Everyone realizes they've been buzzardly.Whoopty flippin' doo...This is supposed to be a poignant portrait of a young girl coming of age; read To Kill a Mockingbird instead.$LABEL$0 +Good book for our times.. This book could be seen by some as an allegory of modern conservative-Republicanism run amok. A CEO traffics in human cargo and destroys indigenous tribal cultures to provide cheap labor for his company and protect against corporate espionage. The haves (Salts, Teavees, Gloops, etc.) all grow wealthier, fatter and more demanding at the expense of the hardworking have-nots (the Buckets.) Overweight children, kids with ADHD and post-feminist loud-mouths are skewered, while the child who keeps his mouth shut and plays by the rules of corporate culture is the ultimate winner.$LABEL$1 +Hoped it was better. My husband heard one song of this album on the radio and ordered the CD. He was disappointed.$LABEL$0 +Hold the Mayo please, but bring me the butter. A very nice discovery. Their sound thunders with wild frentic guitars, swanky and screamy vocals, a tight drum section... and you get The Detatchment Kit. A well put together album, they posess a certain energy that I havnt heard for awhile. so yes pick up this album and eat some s'mores, cuddle with your girl/guy, drink some wine, and draw pictures.$LABEL$1 +Great product with a great catch.. I just bought this product. Looks nice and slick. However, the box says it is wireless ready but they don't include the adapter. Even worse, you can't use another adapter than a Samsung. On top of that, the damn adapter costs $80, where you can get a regular adapter for $15!That's not an honest strategy from Samsung. And even though I can afford the adapter, I will return the product.$LABEL$0 +Doctor is quack. Dr. Grossan is a quack this book is a guise to self promote his products for monetary gain and he should be investigated by the AMA - Shame on him$LABEL$0 +S&B Hot Mustard Powder. Received this item promptly and was very pleased to get it. The mustard is good and hot. Directions say to use cold water to mix, but I used warm water from a tea kettle that had cooled and the results were very good with no lumping. It isn't mustard if it's not hot! The only thing I was concerned about was that there was no ingredient label and as I have diet limitations I wasn't really sure what it contained other than ground mustard seed.$LABEL$1 +Pre-folded??. Not crazy about this product. The filters are not really pre folded. One side must be pulled open, which makes for an unbalanced and thicker filter on the other side. A true cone-shaped filter with equal thickness would be preferred.$LABEL$0 +The Untamed. I first read this book when I was a young boy and was much impressed. I never forgot it. I recently read it again (I'm now 75) and thought that the story was still entertaining but not like it had been when I was younger. I would recommend it to young readers$LABEL$1 +Get ready to yawn.. This is a mediocre movie pumped to 5 stars by blatant sock-puppetry. I rarely see an Amazon DVD with 5 stars and over 100 reviews. On that basis alone I purchased _A Dog's Breakfast_. Mistake.At first I thought what I was seeing here were a contingent of vocal Stargate fans, too besotted with their favorite actors appearing in a non-genre venue to see its limitations.After further reflection, it's pretty clear to me that most of the reviews were written by one or two people. Read a dozen of the 5 star reviews and you'll begin to hear the same screechy voice coming out of the mouths of nearly one hundred sock puppets.This is not a good movie.Don't get me wrong--it isn't a terrible movie either. But the capable acting doesn't save this tepid comedy from a poorly structured plot and lackadaisical pacing. I snickered a few times but was otherwise bored throughout.$LABEL$0 +Sadness. this game is amazing.I just wish they told me in the description that it will not work on a windows 7 machine.$LABEL$0 +Rip Off. This DVD is garbage. It is totally unviewable. And all I can hear is something about the Muhamed Ali and Frazier fight in Ziare. I was looking forward to seeing the movie after having read the book. But I guess I can't. At least not from this vendor.$LABEL$0 +THE IDEAL ALBUM. well what can i say, only that this album is a perfect album! if you know deus then you know that every song of them is played with so much instruments and it's just like being in an orcestra of rock.the song 'instent street' is an amazing piece of art,also highlights - 'magdalena','the magic hour' and if to be honest all the 10 tracks are highlights .i recommend this album to people who like to try something new,something pure,something that can change you.$LABEL$1 +Excellent Book. This book is written by a real expert. It is the definitive tuning guide for DB2 for Linux, UNIX and Widnows. The chapters on tuning bufferpools and sorts are the first of their kind. I use this book and Snow's to support my databases on a daily basis.$LABEL$1 +This guy can really sing!. Most of the songs on this cd are great! There are pretty ballads like "She's All I Ever Had" to great dancing beats like "Spanish Eyes." There's even some in-between stuff like "Private Emotion." He seriously can sing too. His voice is really really good and not to mention he included the words so you can actually know what he's singing. I hate it when artists don't put the words in!$LABEL$1 +Stupid. I like Mary Roberts Rinehart, but this is one of her worst books. It is about a 16-17 year old who wants to be like her 20 month older sister. "Bab" gets into too many stupid problems. I found nothing funny about this book. I kept reading it thinking it would get better. It never did.$LABEL$0 +Give this a try. This is the first time I have used this product.I read about it in magazines so thought I would see how it works with my skin. I certainly am pleased with the results, you actually feel your skin "freeze" just after you apply it - it gives you a feeling your skin is becoming firmer. None of my friends have commented on the difference but I see it myself and if I feel good, then to me I must look good (and not the other way round). I would give it a try.$LABEL$1 +Great Case. I received the case in less than 3 days and it fits and looks great Love the price and product!!!!$LABEL$1 +Impossible Read. I bought this book thinking it would be along the lines of Freakonomics/Blink/Tipping Point etc., based on Amazon's recommendation. Unfortunately it was drastically different: difficult to follow and not at all entertaining. Big disappointment.$LABEL$0 +meh. The first movie was funny, maybe a little corny... but good. This one is a pathetic, extremely corny sequel... but the filming of this one is totally different than the first so not even sure it's a real sequel. The camera angles & such were different - like it was a reality show as opposed to a 'horror movie.' Really didn't like it. (Luckily, I had no problems with the seller I bought from)$LABEL$0 +Buyer Beware: SERIOUS Quality Control Issues!!. We hated, hated, HATED this thing...'cause despite purchasing THREE of them, we never really got to play with one! Even though it IS cute, plays fun music, and appears to have the potential to be a lot of fun, we actually purchased THREE seperate Twirlin' Whirlin' Gardens three seperate times, and EVERY SINGLE time we got one home and took it out of the box, it was broken!! One time we had one of the little belts inside break (this is similar to a vaccuum cleaner), another time the little plastic gears inside were broken, etc. Makes me wonder if there's any quality control at Fisher-Price at ALL, since many other people seem to have had a lot of fun and success with this thing. We had no such luck! So, my caution to the world is this: be careful buying this thing. I find it hard to believe that we would have gotten THREE bad eggs just by chance.$LABEL$0 +Marketing is the devil. As a child I loved these books. They were exciting but in a safe way and they really told a great story of a young girl finding a place where she is loved. However, that place was not in a pile of hay with farmer Jed. Let's stop the stupidity and actually make covers that work. It isn't like people haven't heard of the books before. I know you have to market to the weakest link, but I really don't think that someone who had never heard of the books would be happy with the story based on the cover. As someone who did like the books, I would be embarrassed to be seen reading this version in public. If you want to be lazy, just take a picture of a farm house or a field and put that on the cover. Don't hire some 30 year old actress to tart it up country style.$LABEL$0 +Very difficult to program, poor performance. The beeping part comes with a plastic stick and an array of buttons to program. You have to be a genius/scientist to get it all figured out. You will have to open the unit and use the stick to change the music.We lost the stick, so now we are having difficulty with the product. Anyway, the product is not working even after 3 weeks. We have broken the easy clip and had to pay for replacements which in my opinion are not worth it.I was waking up 3 times a night and cleaning the sensor with a toothbrush as recommended. In one week, it's all rusty and potentially dangerous. Nope, this isn't going to work for us.$LABEL$0 +Not bad!. I enjoy this CD a lot. For a moment I thought these songs would sound horrible but I found them to be really cool! If you are a fan of children's CD's, this CD is certainly for you.$LABEL$1 +pointless. This book is completely pointless. There are no chapter breaks so it feels like a long run-on sentence. The characters are never fully described and seem two-dimensional at best. I honestly do not understand the glowing reviews this book has received.$LABEL$0 +This is a joke.. Those 3 to 5 minutes routines are jokes. There is no way we can get "fit" in that time. There is no such a miracle. Definitely, this DVD does not worth the money. It might work for someone that has never worked out in their life. Maybe it is good just to start. The 20 minutes aerobics is not that bad if you don't have anything else to warm up with.$LABEL$0 +Absolutely Useless. I was very excited, but i should have listened to the other reviews on this product. It sharpened about half of the first pencil and then stalled. I tried cleaning out the shavings tray, different pencils, different amounts of pressure on the pencils and nothing worked. The motor completely stopped working after that first half of a pencil. I am returning it and will not be buying anything from X-acto ever again!!!$LABEL$0 +Prin Trio Photo Printer. This is quite possibly the worst printer I have ever owned!!! The Cannon I had was awesome and then I made the mistake of buying "refilled ink" as I am sure a lot of people have done and totally botched their printers like I did! This Lexmark printer is not worth $25.00 much less the $95.00 my husband paid for it at WalMart! It is lame and these people are right in saying it is slow and doesn't print photo's well at all even with the photo cartridge! Cartridges are very expensive as well--black more than $28.00 and color more than $35.00! Hope you find this helpful! By the way--notice it's not on the market anymore.$LABEL$0 +Thoroughly enjoyable read. I enjoyed every minute of this book. This story of a woman's path to fulfillment, blended with just the right amount of history, kept me wondering what was factual and what was fiction. The perfect book to take on a long car ride or plane trip.$LABEL$1 +One of the best books ever!. This book was a wonderful, humorous story that should be read and enjoyed by everyone! Toilet Paper Tigers kept my family and I in peels of laughter. I am still giggling to myself as I remember. This is one of the best books I have ever read, and I recommend it to anyone who wants to read a great, really funny book.$LABEL$1 +Duh, which way did he go, George? Which way, which way???. As far as I'm concerned, everything after "Contra La Corriente" has been a disappointment. That CD had it all: erotic as well as sublime love lyrics. His self titled album left me stunned with how pedestrian and stupefyingly bland it was. I expected something much more sophisticated, I mean - this is Marc Anthony. I love Marc's voice and talent, and I understand he wants to try different styles but it's confusing to fans and eventually dilutes his fan base. He should stick to what he does well while learning to write music. Learning an instrument (guitar? piano? a la Alejandro Sanz) wouldn't hurt either.$LABEL$0 +Trash. How in the world did this book get published? I don't think the author did very much research before writing it! Some of his opinions, interspersed with fact just makes it worse. Some of his historical references are seriously lacking and blatantly wrong! This was a huge waste of money.$LABEL$0 +Not for 2 yr old. If the child doesn't know what is going on, this floater is useless. My son is year and a half. I couldn't trust on this equipment to keep his head above water. It kept on toppling him sideways. For kids from age 2 is misleading, should have stated that the kid should know what swimming is.Anyway, I will keep it, should be useful (as per other reviews) after the age 3.$LABEL$0 +I love the popcorn, too bad I can't get it through Amazon. Twice they sent me cartons of the wrong variety. Once it was "Movie Theater Butter," forgot what they sent the other time.I was credited back for my purchase, because they are unable to receive returned food products. They never were able to successfully fill the order, and we gave up.I love this particular product, it contains 0% transfats, low salt, yet it is delicious and tastes as sweet as candy to me.Unfortunately, I will have to rely on my local supermarket, which is often out of the product$LABEL$0 +Water proof is the only good thing -. The Olympus 720SW is great for in water shots and movies - surfing, snorkeling and boating. However, the good things end there. The camera (7.1MP) takes poor images for your average (out of water) shot. The shots are blurry and it is hard to find the proper settings in each condition. The Xd card is super slow, takes several seconds before the camera is ready to shoot again. My suggestion buy the canon elf and just take the extra time to put it in a waterproof housing. My 4MP canon elf takes a much better quality image. I will not buy another Olympus product, my next camera will be the 7.1MP canon elf.$LABEL$0 +Unmatchable. I first heard this CD while shopping in a music store, and instantly became a Fruvous fan. Their style of music is so different, yet so amazing. I strongly urge you to try try it out. You won't be dissapointed$LABEL$1 +Different from the movie. Most of these aren't even in the actual movie.And to answer another person's question about that song that goes, "Boom...here comes the...boom" - I didn't check it on the DVD, but as I remember from the movie, it's POD's song "Boom" from their CD called "Satellite."$LABEL$0 +Taking it back.. This seat was tough to put together, and didn't fit my mountain bike. I am taking it back.$LABEL$0 +My son puts down his truck to read this book. When he wants to read, my thirteen month old pulls this book out of a bag of about 2 dozen books. He rocks back and forth to the rhythm of the words and gets excited when it is time for him to lift the flap to see the baby dancing with an animal. We originally checked out this book from the library, but are adding it to our home library now.$LABEL$1 +Vortex Broadheads. Would have been a great buy! have used them before and love them. but I order Vortex Broadheads as listed, but recieved replacement blades. seller didn't offer to replace with correct items. but did I get a refund. so if you do get what you ordered, I'm sure you will like them, but need a 70# draw or greater to get best results from these broadheads.$LABEL$0 +What Happened to FrontPage?. I have been using FrontPage since 1997. I am webmaster for three websites and have alway really thought this was a great program! BUT! I have only upgraded to FrontPage 2000 and find that with my XP computer, Win XP does not support FrontPage. Now, if I want to continue with my family Genealogy Site and a community Genealogical Society site, I will need to purchase and learn ANOTHER program. At age 70, I really don't feel like doing that!Does anyone know if FP 2003 will work on Win XP? OR How can I get my FP 2000 to work on my WIN XP computer?$LABEL$0 +Pre-teen fiction!. Silly book, reminding me of my childhood favorite, Nancy Drew. As an adult reader, however, this book is childish, predictable driverish! A waste of time to read, unless you are 11 years old!$LABEL$0 +weak. did not like this at all. It did not spread around me and i was cold.. i felt like this was saving water ... and it was not comfortable. Ended up buying the Delta 75152 and it was MUCH better! save your time and let me tell you which one to get. I bought two of the Deltas in the end$LABEL$0 +Poor Oral-B Electric Toothbrush Design. I purchased this Oral-B Precision Clean 4 pack replacement head. I bought this particular model because of its lower price, expecting to receive the best bang for my buck. After few weeks of use, the brush head became loose and wobbling. The worst part is the toothbrush pinched my lips and tongue. I tried to use the other three and they wound up the same way. Oral-B, what has happened to your quality control? I am sure you must know about the flaw in this product by now. If you cannot it fixed, I suggest you take your name off of it.$LABEL$0 +Classic Sarah. Dispite bad critic reviews, I truly enjoied this album. It's a more mature, introspective Sarah, and very refreshing considering the current trend in popular music. If you like her previous albums...this is a sure bet.$LABEL$1 +Not worth your money. Badly written. Characters feel indistinct and are uninteresting. There doesn't seem to be a purpose to the story, and the whole novel lacks a purpose. I quit a little more than half way through.$LABEL$0 +Beginning of the Alphabet Soup.... I've been hearing about Sue Grafton's alphabet series forever and decided to give it a try. I did read N is for Noose a couple of years ago and liked it. Now, I've bought the first three volumes of the omnibus forms of the book and am starting from the beginning. A is for Alibi is a lighter mystery than I'm used to reading, with hints of Janet Evanovich's Stephanie Plum. All in all, a nice, entertaining read.$LABEL$1 +Love this album. This is a great album. Mike Muir and friends lay down some great tracks. All you cycos out there will love it.$LABEL$1 +awesome. I got this for my 2 yr old son and he absolutely loves it. I love the way it looks and so far it seems really sturdy and made well.$LABEL$1 +Horrible. Horrible may just be to mild a description of what I thought of this book and I am not normally this harsh. I desperately tried to get through chapter 3 but couldn't torture myself any further. It was bad enough forcing myself through the first two chapters. It just ran on and on, hard to follow, just seemed to be a lot of rambling on to me.$LABEL$0 +prompt shipping and delivery. Very good cd... received in very good condition. It's a new one.The cd here is cheaper then on iTunes, so it is highly recommended to buy it from Amazon.It contains the best songs from Herman Brood & the Wild Romance.$LABEL$1 +remington shaver MS2-390. Excellent. I heard shavers weren't as good anymore as in the past, but this one is the best I've ever had. I especially like the automatic shift to 220 in foreign countries, and the touch-up head that comes up parallel to the regular heads.$LABEL$1 +Old information, precedes Sarbanes Oxley. Not only is this an infomercial for CCBN, the investor relations website vendor, but the information is now very out of date. The book was written at a time when CCBN's advice was that a corporate governance section on your IR website consisted of a list of your directors with little or no biographic detail, and a list of company managers with perhaps a short bio on each. We have come a long way since then, and so has CCBN, but this book, like many to do with the fast changing Internet, is now stale. You would do better to read www.irwebreport.com or www.irbp.org, or even visit the sites of CCBN and Shareholder.com.$LABEL$0 +100% Recommend - Great Little Grinder. Everybody knows freshly ground beans make better coffee. This litle grinder is fast, efficient, durable and makes just the perfect grind for the morning ritual. If you like coffee, want to grind your own beans, buy this Krups. It'd be a bargain at twice the price.$LABEL$1 +Exactly what was needed. Now that the original score is available, this version will be less needed. It is a great score, very well done. Works very well.$LABEL$1 +Great vitamins but poor shipping. My first order was for both New Chapter Every Woman and Every Man. When the package arrived there was almost nothing in the box to protect the content. One of the bottles was broken, I mean it was salted it wasn't just cracked. I returned it and I had to pay the shipping back. I ordered it again and when it arrived it was poorly packed like the first one. It was just luck that it wasn't broken. So I don't know if that's how they always pack those and we have to cross our fingers that the package will arrive intact with 50/50 chance or they just knowingly sent me a broken one the first time. And what's with the return shipping fee..?For all those troubles I'll give 2 stars only. The vitamins themselves are great.$LABEL$0 +really works!. This is such a great product, it really helped my brother stop biting his nails which was a great accomplishment! I recommend this product.$LABEL$1 +Somebody should have like, hipped an editor, Lord and Lady.. Like so many bios today, there's a good book in here somewhere. But as wrought, Dig Infinity is an absurdly long, poorly edited work. Oliver gets all kinds of facts wrong and is egregious when it comes to people's names (Preston STURGIS? CINDY Miller for Donald O'Connor's sidekick instead of SIDNEY Miller? And that's just two). What a shame that such a great subject and such obviously hard work have actually done the impossible...made Lord Buckley boring. The best way to read this book is to skip much of Trager's endless and repetitive analysis of his Lordship's work and just peruse the oral histories.$LABEL$0 +From Zero to Unfortunately, Duality. When I first heard Ra's "From Zero" I was in awe. A band that used cool effects, Egyptian scales, and was moderately heavy--the perfect mix for me. Then, Duality came out.Duality demonstrates a lack of creativity that was once there in Ra. I wouldn't say they evolved, I'd say they devoled. They still use effects, but rarely and they don't have as big of an impact. On top of that they hardly sound Egyption on the album. As for this album, Ra sounds more like other bands, but they are still distinct. I just wish they went in a different direction.I do want to say that their are some really awesome songs like Fallen Angels, Undertaken, and Taken. The other tracks are bad either, it's just that I expected a whole lot more.$LABEL$0 +Best Pears Best Price. If you like dried pears, these are worth the money. They're excellent - tender, moist, whole halves.$LABEL$1 +Very mediocore bag.. I have this bag which is now a few years old. I bought it for a entry level bag bag to use for backpacking etc., The big problem is that the 20f rating is pretty far off even when using a good thermarest. From my experience, even though 20f is a survival rating, using this bag in anything below high 40f's you will be in for a very cold night(this is coming from someone who likes to sleep slightly cold).Also the zipper only goes halfway down which can make it difficult to get in and out, and makes the bag feel really small.$LABEL$0 +not worth the money. This top coat is not worth the money. Go to your discount store and buy their top coat. You will have the same results. My polish chipped within 24 hours of applying the top coat. Armor? huh?$LABEL$0 +Attractive. Looks great with my stainless appliances. I have it hanging under and from my cabinet. I am very pleased with this item.$LABEL$1 +Just as PROMISED. It is a delight to purchase books and know that the quality specified about the condition is true to a T! Book arrived in time promised and was just what I needed for a fraction of the cost!$LABEL$1 +Magnificent. Ok, it's not the four hour A&E version but you will be amazed at how much they packed into this version while still staying true to the book. Keira Knightley is completely engaging and infectious as Elizabeth. I found Matthew Macfadyen as Mr. Darcy a little to "mushy" at times, but over all delightful. Keira's Elizabeth is witty and sharp. An enjoyable way to spend the evening.$LABEL$1 +Extra thick, high density neoprene.. My wife bought two of these for me and they are my favorite Koozie. The neoprene is thicker than any of my others and is very soft and flexible. The bottom is just as thick so no cold gets out down below. I have had them for about 2 years now, and they still look great and work wonderful. They are top notch.$LABEL$1 +if you want to teach your child how. Dividing the nation so deeply into two black and white parties is confusing for a young kid. Blaming a group for the troubles of a nation is not nationalism: it divides a country.The problem I have with this book is not that it is indoctrinating - as suggested - but that it ingrains in children an unhealthy sense of political antagonism.A conservative viewpoint should be taught in a more moderate way, explaining the reasons and the benefits. Otherwise, the opinion seems to radical and in early adolescence, the child may rebel entirely in the opposite direction.$LABEL$0 +Dickensian. Dalrymple's argument is essentially that the poor have made many stupid choices, and that the rest of us therefore owe them nothing.Of course some people make bad choices; this is obvious. But Dalrymple's diagnosis of the problems of the lower class are based on his experiences with convicted criminals and with psychiatric patients. What kind of book would he have produced if he had worked with white-collar criminals and patients at a celebrity rehab center?Dalrymple's brand of concern was parodied well by Charles Dickens in Hard Times: a wish that the poor would simply stop being poor. Does it all come down to the individual? Well-written, but as cruel as any other social darwinist tract.$LABEL$0 +Great realistic looking plants. The title pretty much says it all, much better looking than the plastic plants, the only problem i've had with a few of these is the stems coming unglued from their base. Some aquarium silicon and they're fixed.$LABEL$1 +Diaper Champ is much better. The Diaper Genie is as oderless as you are going to get, but who wants to buy all those refills? I have the Diaper Champ and this Safety 1st pail and I prefer THE CHAMP! It is easier to get the garbage bag in correctly and hold many more diapers. The CHAMP is the way to go!$LABEL$0 +Bad Bad Bad. Not only a bad movie, but horrible. I rented it with the hopes that MOrgan Freeman wouldnt be in such a bomb. Terrible acting, terrible script, terrible filmography. Two thumbs down.$LABEL$0 +Batman Begins. By Far the Best Batman to come out since the original with Michael Keaton, Christian Bale plays the role of Bruce Wayne perfectly. Excellent Movie$LABEL$1 +terrible experience. I have had my Sharp 1214 for 2 years and in that 2 years, I have had the magnetron and diode replaced twice and now the display no longer works. I am done with Sharp appliances. Do not buy their crap!$LABEL$0 +Another Barbie movie for the brain-dead clinic. Quick summary: "Pretty prep girls in a long yappy trudged-on movie about idiots". I wasn't expecting much from the lost bet forcing me to view this drivel that I would rather electrocute myself until my eyes burst than have the displeasure of viewing this monstrosity again! NOT RECOMMENDED FOR ANYONE UNDER THE AGE OF 100 MALE OR FEMALE! GIVE ME NOVACANE IN THE BRAIN, ANYTHING ELSE!!$LABEL$0 +Victorinoz Swiss Army Knife. I purchase this Swiss Army knife to replace the one I had for many years. When I seen this on sale at Amazon for only $19.95 I had to buy it.I gave my old Swiss Army knife to my grandson and I'm sure he will get many years of use from it.Carl$LABEL$1 +Not Good. I am an avid reader of both historical and contemporary romance stories and this book just could not grab me. I didn't make it past the 6th chapter.$LABEL$0 +CIA Internal Wars. This book is primarily about the war of words inside the government concerning how things should be done. Because of this, it was different than I had expected.$LABEL$1 +Clever, overrated, but you need to read it!. The Dark Knight Returns is a Batman story, to be sure: dark, edgy, full of gadgets, villains, and of course, Robin.There are interesting storytelling techniques, most mentionable is the use of a television newscast to tell much of the story. Clever, I thought.But.. this comic is overrated. Not that it's not a good story, and well presented in all the visuals, but it's not to par with all the critic's talk. The story being written in the eighties must be taken into account, so the plot twists and other references don't really hit today's audience.This is, however, a must-have addition to any serious graphic novel enthusiast, Batman fan, or aspiring artist. The reference value alone makes it worth the read, if not the buy.-The GlowWormP.S. A good animated version of some of the events is in the new Batman animated series in an episode called "Legends of the Dark Knight," I believe. Check it out.$LABEL$1 +Check it out!. This book is such an accurate read on your personality, it is a must have! Miss Meghan perfectly describes every woman based on the types of shoes they wear. This is such a great book, you should also check out Miss Meghan's HOT website. She tells all in her blog about new shoe trends and she has a "Shoe of the Week" section which is really interesting too!$LABEL$1 +Takes you back to old times. This CD has the right combination of songs and quality of recording. If you are a Sunny fan, you will enjoy this one.$LABEL$1 +Serious problems with WinMe. I've done everything I can think of short of paying the long distance charge to call tech support to get this card to work. I've decided to sell the card to a friend and get another one that will work with WinMe.$LABEL$0 +Very nice!. My first webcam...have learned that not all programs are webcam equal, e.g. AIM is worthless, Skype is great. That said this is a really capable product. You have lots of control over lighting, selective framing and capture, etc. It's really neat.$LABEL$1 +Martin Luther. First saw it in a local theatre here in NYC. Being a Lutheran, not an active church goer, I was impressed with the content of this movie. I bought the DVD, and would recommend it to anyone interested in the history of the Lutheran church.$LABEL$1 +clothes Hanger. It fell apart while driving. If did not stay on the holders and then, it broke. Total waste of time and money.$LABEL$0 +HELL'S ANGEL MC. WHEN I RECEIVED THE PRODUCT I UNWRAPPED AND THE FRONT COVER FELL OFF!THE BOOK WAS ABOUT THE MC IN EUROPE !!NOTHING ABOUT THE U.S. BASE HA'S.HAD SOME GOOD PICTURES ABOUT ENGLAND AND THE NETHERLANDS,OTHER CLUB HOUSES IN EUROPE$LABEL$0 +It seems like all these stipper stories are always the same.. This book is too expensive for the contents. The book covers why women strip in clubs, then it goes on through many chapters of explanations, but in the end it tells us that it's because they make good money and fast. The book goes on to explain a strippers percetion of her job, then it goes on to tell us that strippers go through greatlengths to justify what they do and how they blame society, x-relationships, family and others, but never themselves. The book goes through many interviews, all of which are very much common and related. A good girl strips to finance her education, to support her children after her man leaves her or to support a drug habit. Or the most common, but not admitted, just for the money. This good is well written, but the story about all these stippers are all the same in this book and on every television review or movie. I wish this book would have covered something new, useful or insightful.$LABEL$0 +Ingersoll-Rand website doesn't match documentation. After much research, and reading everyone's reviews, I purchased the IR 2130. I opted for the 2130 over the 2132 because based on information on Amazon and Ingersoll-Rand corporate website, it appeared the specs for two were very closely matched, and I couldn't justify spending the extra money. However, to my surprise, when I received the 2130 today and actually read the owner's manual, it states the recommended FWD torque range is 25 to 350 ft.lbs. However, the corporate website shows the FWD torque range is 50 to 500 ft.lbs. So what's the real value? And why such a huge difference between the website information, and the actual owner's manual? I expected a little better consistency from IR's communication.$LABEL$0 +Pleasingly modern. Fairly modern sort of rockish take on trad Irish songs. I like it quite a bit, esp. "Whiskey in the Jar".$LABEL$1 +Question About Character in Book III. For those of you who had the patience to watch through Book III, can anyone indentify the character of the teacher as Ali Macgraw?$LABEL$0 +This is NOT the same original Peanut Chew. I loved the "real" originals when I was a kid. These are barely similar to the ones I ate as a kid 25 years ago. These are soft and chewy, the ones I ate as a kid were hard as bricks and took their time melting the delicious flavors slowly into your mouth and the bits of peanuts showing up once in a while. I have no idea how they could call this "original"... not even close.$LABEL$0 +very cheap build. The product is the second picture shown above. The build quality is the worst I've ever seen in any charger. I'm almost reluctant to use it since it feels so flimsy. It is cheap, but it works, for today anyway. Spend a little more and get something to last more than a week.$LABEL$0 +Super cute!. This is the second lobster that I've purchased. It brings delight to the children who have received them. It works well in the water and they have lasted many years. The children have really enjoyed it while playing in the bathtub. A good quality toy.$LABEL$1 +WTF?. Are you kidding me? This went from a pretty good storyline about moral values to some kind of bad X-Files science fiction movie; one that made no sense and left everything openended. Who are these people? How deep is the involvement of our government with them? This movie isn't even worth the money to rent it. Stay away.$LABEL$0 +I Challenge Yes To Put Out A New Album As Great As This. I am so sick and tired of people criticizing Steve Howe's vocals!Sure, when this album first came out in 1975, it took me a little while to get used to the vocals. Steve Howe does have an unusual voice. And I was only sixteen at the time.But I have long since come to appreciate this album and Steve Howe's vocals on it. In fact, I think his voice is haunting. And the song writing on this album is brilliant.I would much rather hear Steve Howe sing the sophisticated music that appears on this album than hear Jon Anderson sing the primitive music that appears on recent Yes albums such as "Magnification".$LABEL$1 +you get what you pay for. the headline says it all. the cd feature on my bose wave is broken, and i wanted to listen to some books on tape as i recovered from surgery.so.......i took the cheap way out. the thing ceased to function the second day. flimsy, plastic, chinese junk (not to be confused with the boat).if you want a portable cd player, go ahead and spend the extra money for something that will work.$LABEL$0 +Looks nice, doesn't work. I like the stylish yet classic look of this watch. The face is easy to read, and the matte gold color is modern and attractive. However, the watch doesn't work very well. I don't know how, but the pin for setting the time comes out, and the watch stops keeping time. Since I really need the watch to keep good time at work, this is annoying.$LABEL$0 +Wonderful Smell. I got a sample of this and loved it. I looked it up on Amazon and was surprised and a little suspicious of how cheap it was. Usually every perfume I like is expensive. I placed the order, and received the package very fast. The perfume was perfectly packaged new and sealed and I am so happy to report that it is exactly how the sample smelled. I'm so happy with it!! If you haven't smelled it you need to. I have around 30 perfumes and I guess I'm an addict, but it takes a very special perfume to make it into my few favorites. This is a new favorite.$LABEL$1 +Great Replica Toy. This is a Replica of the Battlestar Galactica Colonial Viper.The replica is not made for heavy play by children. But makes a great desk orshelf model. The Viper comes with its own display stand and removable landing treads.The Viper body is detail painted to give it an authentic worn look around the engines andwings.If you are a toy collector or know someone who is. This detailed replica would make a great addition to anyone's collection.$LABEL$1 +this cd is awesome buy it now. this cd is so good i listen to it all the time. all 11 songs are great not like most cd with one or two good song they care about there fans$LABEL$1 +Not really that funny or entertaining.... I really expected this to be gutbustingly funny, but it's not. Given that "travel lessons learned too late," is included in the title, it is reasonable to assume that this is just misadventures, and it certainly is that. But the fact is, rather than coming across as something humourous, I just feel like Ayun Halliday is whining incessantly. This is partly due to the fact that she seems to get herself into trouble where just an ounce of common sense would have made things better...then again, that would have inevitably made this book nonexistent.That's not saying that there is nothing interesting or funny in this book. The monkey breaking into their residence in India was pretty funny, as was their misery in Romania. But other than that, I expected a lot more out of this. It just drags on, and on, with any bit of humour being sprinkled about like tiny grains of salt.$LABEL$0 +good support. Bought this for my elderly dad, and it's quite supportive and soft on his bones. He usually can't sit on a regular wood chair without it hurting him, and this cushion solves all the problems, plus it makes the seat taller and therefore easier for him to get up$LABEL$1 +Problems with network. Although SUSE 9.2 appears to be a well designed product with many useful features, I'm unable to get it to function as a DHCP client on my network, so I can't get onto the Internet or access any local network resources. There is perhaps some subtle tweak here that might get it to work but after spending an hour on the telephone with one of SUSE's support staff neither he nor I was able to find it.After reviewing some of the posts on various Linux forums, networking problems appear to be common with this release. Similar problems were not experienced by posters with 9.1. This is a pretty serious failing and I strongly recommend that you stay away from this product until these issues are resolved.$LABEL$0 +NOT like 50 shades of Grey. I would not recommend this book. Not like 50 Shades of, Grey. Nothing appealing about constant crying and rape. Can't even give the books away because I don't know of anyone who would want to read such a book. Not at all what I expected. I can stomach a lot but this was too much! I forced my way halfway through the second book and gave up$LABEL$0 +Very good read. I read this book over the holidays and really enjoyed it. It was a page turner and had a really good, meaningful message. I would definitly recommend!$LABEL$1 +too short. This movie had a lot of potential, manga movies always have gr8 art, good storylines/plots, action..everything, however even though this movie was 83 mins long, it did not explain much and it leaves u with an unfullfilled desire 2 watch more. it is a gr8 movie, however it should have more 2 it (2 explain the character saya, and the other demons in the movie, and her involvement with the military). There could have been so much more put in2 this movie, but it was just a let down.$LABEL$0 +A Yawn and a Shaking of the Head. This is one of the most bland and boring blues/rock CDs I have ever heard. There's nothing here that hasn't been done better by a hundred other bands. Power trio? You've got to be kidding! There are way too many holes in the music. I was playing music by Cream, Hendrix, and Mountain back in 1970. I know what a power trio is. I just don't understand the fascination with this CD or this band. Pass this one by.$LABEL$0 +Such Pretense. Cinema doesn't deserve to be treated this amateurishly. I realize this is personal statement, but his disconnected use of film images and his utterly pointless narrative don't conjure any subconscious subtext or personal insights. What's the point of sitting through four hours of this? At least Italian cinema received slightly good treatment.$LABEL$0 +Castle!!!! Nathan Fillion Rocks!!. I have been a fan of Nathan Fillion since Two Guys and a Girl and I must say, this is one of his best roles! The dynamic between Castle, his mother and his daughter...just fantastic. Love the banter between Castle and Beckett! The other detectives and the Coroner are perfect too. Really, all great characters, great writing, WAY funny, Bravo!! I highly recommend this show to anyone looking for some humor and suspense all rolled into one. If you are a Fillion fan, you will not be disappointed!!$LABEL$1 +Points, good price, work great, one problem.. the points, condensor, flywheel key, and spark plug are great! Gapped to .020 and it fired right up. I paid $15 for these parts separately at O'Reilly's. There are supposed to be two springs in this set, one sits on the condensor, and holds the wire running to the magneto in place (small black one). The other one, the silver one with a loop on each end pulls the point down when the crankshaft rotates to the correct position. I received 2 of the small black ones, and did not get a silver one. This isnt a big deal unless the points you are replacing have corroded springs.$LABEL$1 +Awesome!. I think that Nick Carter has a great voice in the Backstreet Boys. But now he has brought his own flavor and talent to the music industry and i think it is awesome. I love all the songs on there and i love the rock flavor.I can't wait for him to do a tour because i will surely go and see him on tour.$LABEL$1 +Pretty good. This movie is a great one. I saw it because my friends said they liked it. I thought it was funny. I recommend anyone who likes to have a good time with a movie to see this one.$LABEL$1 +An excellent read. I am writing this review one week after completing the Barcelona marathon-thanks to The Non-Runner's marathon trainer. Before reading this book, the most I had ever run was 10 miles-I was not a regular runner.The training programme outlined in the book is credible and realistic, the authors also focus on the mental preparation-which I found to be just as important (if not more) as the physical training. I cannot recommend this book enough, if you want to run a marathon and don't know where to start-then this book is what you're looking for! After finishing my first marathon (I plan to do more now) I feel I can do almost anything, the experience was second to none!$LABEL$1 +Extremely satisfied. Astounded at the value of this product. Top notch product and retailer! Received mine in Alabama in 5 days. Nothing cheap about it! Very pleased.$LABEL$1 +It's like reading spam mail. Literally, 95% of magazine is advertisement for dietary supplements (most of it is with Muscle Tech).Pages and pages of spam... sometimes of the same product from the same company will place these advertisements in the first couple of pages, then in the middle, and then at the end of the magazine.If you are looking for pictures of bodybuilders screaming like they are having a roid rage episode, this is prefect magazine for you.If you are looking for new weight lifting techniques to freshen up your workout routines, definitely look elsewhere.$LABEL$0 +Good Handbook for Counselors and Pre-Engineers. This book is the cheering section for hish school physics teachers to encourage students to go into engineering. It uses the amusement park as a model to showcase the different disciplines within engineering. There is a good list of good reading, manufacturers, trade magazines, and the like.$LABEL$0 +I am a fan. I first bought this product on My Habit. I experienced an extreme outbreak on my face. My usual face cleansing regimen did not work. I was concerned because this does not lather. I apply the product with cotton swabs and rinse. Not only did it control the breakout, but it prevents them.$LABEL$1 +Funny. If you like Adam Sandler movies, and I do, then this is on par with other movies like "Billy Madison" and "Mr. Deeds."$LABEL$1 +Ah yes, The Blue Max. Who has'nt seen the classic movie starring George Peppard(a fellow Michigan boy)? So you've got to read the book too! However, it is much different than the movie. In the book Bruno Shtachel is an alcholic for one thing, and most of his problems stem from that. I had to look long and hard to find a copy of this book and when I did I was suprised to find how different it was from the movie. Actually I would say that the movie is better but I would still highly recommend the book. It was finally reprinted again in 1996 in limited quantities so is more easily available. All WW1 aviation fans must and probably do have this book. Thats why its so hard to find.$LABEL$1 +hooked my projector up. Ran in my basement for my home theatre. I was very pleased with the picture and the sound. Great cord and the price makes it better.$LABEL$1 +You Know Who You Are!!!. Church of Jack Lord. Laser bras. Cat swimming. Sid Vicious not singing "My Way". Root Boy Slim singing to a lounge full of blow-up sex dolls. This wasn't ready for late night commercial television in 1979. Not quite so sure they are ready for it in 2013. This piece stands as the epitaph for the macabre mind that was Michael O'Donoghue. May God have mercy on your soul, Michael!$LABEL$1 +Amazing. 1.Bullets(A-)-Its deep, dark, and a song that lets it all out2.Freedom Fighter(B)-It's short and a typical rock song, goes along with Bullets though3.Who's Got My Back?(A+)-Easily the best song they've ever done, it's so deep in meaning.4.Signs(A-)-A lot like Bullets in how I like it, an overall solid song.5.One Last Breath(B)-I'll probably like this song a lot more later on. Like freedom fighter, its a typical rock song.6.My Sacrifice(A)7.Stand Here with Me(A-)-This song jumps right into it, it's catchy and a cool rock song.8.Weathered(A)-I love the song for some reason, the chorus is really good, and its a grade above the other typical rock songs.9.Hide(A+)-This song is fantastically done, from start to finish it's a unique rock song10.Don't Stop Dancing(A+)-Probably right below Who's Got My Back, but same type of song. Really solid beat and amazing melodyOh yea, Lullaby is a song correct? It's him and his guitar, puts his kid Jagger to sleep I guess. I don't count it as a song though.$LABEL$1 +disappointment. The book is not even written in Arabic. To use it I would have to spend hours understanding a new tranliteration system It is useless as a link from classical arabic to spoken arabic. Don't waste your money$LABEL$0 +At least they spelled "God" correctly. This finale also kept me turning the pages right to the very end. The book ties up most of the threads of the story at the end in a deft convergence of a bunch of story lines. In fact, approaching the last pages, you begin to wonder how any of these can be resolved by the end. Most of them are, but, as pointed out by others, a couple of the story lines are left hanging. Although I've enjoyed the series greatly, one thing kept jarring me all the way through: Why does every human in the known universe speak in British idioms like "bloody"? This definitely makes this an "alternate universe" story; it's not "bloody likely" in our universe! The other quibble is that I have never seen a published volume with such a multitude of typographical errors. The proofreaders must have been on holiday during the production. English and grammar purists, prepare for many, jarring speed bumps as you race through this final installment.$LABEL$1 +Are you the one for me?. Excellent book for people who have a shown an inclination to make bad choices for a mate. I highly recommend this for any seeking a new relationship.$LABEL$1 +it reads like vanity fair.. this is by far the WORST kurt cobain book i have ever read. the entire thing reads like a tabloid, and anyone who didnt pick up on that fact obviously knows absolutely nothing about nirvana. dave thompson never met kurt cobain, so he didnt have any firsthand experience with the band. he portrays kurt as a total hero, and courtney love as a horrible talent-draining heroin addict. ive also noticed that the only people who seem to have enjoyed this book are the ones who have watched kurt and courtney, believed hank harrison, and proclaimed themselves nirvana experts. if you want a read nirvana book, get come as you are by michael azzerad.$LABEL$0 +Not for Macs. I tried this drive on Macs at home and at work. It wouldn't read floppy disks on any of them.$LABEL$0 +Best Computer Acessory. A year and a half ago, I purchased everything I needed for my first computer. I did a lot of research and went way wrong with highly recommended Dell computer. But, based on what I could see at the store (the clerks at CompUSA are not too eager to help) I bought this printer. It has been the best purchase of my computing experience. Photos are flawless, as is everything else I print with this printer. It seeems to do what it is supposed to and musch more incredibly well.$LABEL$1 +Creative Zen Vision W. This is totally better than an iPod for viewing videos. Easy to use, great sound and awesome picture. I have loaded 3,000 songs and at least 10 rock concert videos with all the extras and still have over 8 Gb left.$LABEL$1 +Excellent. I don't know why I love this collection. I don't care much for easy listening in general. However these albums struck me as containing gems. "Seasons in the Sun," "if You Go Away" (Terry Jacks), and "Love's Been Good to me" (Mark Lindsday) I knew from other artists. Rod's version do them justice, though the words may differ. Overall a great deal and a great collection! I only wish some of his Horizon material such as "Another Country" and "So Long Stay Well," and the "Good Times is all Done Now," were out. I only know of them through a Barry Mcguire import CD.$LABEL$1 +I AGREE. I totally agree. I would love to know what in the world this thing is. I might possibly buy it! Amazon could get a whole 10 bucks from it. A word of advice for amazon; if you tell people what the hell something is the might BUY IT!!!!!$LABEL$0 +Not a good resource. I have used quite a few "Intro to" books to learn various applications, and this one is at the bottom of the list. Granted, some of this may be due to the fact that I'm not overly enamored with QuarkXPress itself, but this book does it no favors. Information is not organized well,and the index isn't helpful.In short, the book doesn't do a good job of teaching Quark as a whole, AND if you are looking for help on a particular topic, its almost impossible to find. Now, to be fair I haven't read some of the other Quark books, so they may all have this problem, but I found this book to be below the standards of other training books I've used in the past.$LABEL$0 +Look for somethign else!. It looks great and the price is good but if you cannot hear the call then what is the point?$LABEL$0 +I thought this was a very good episode.. I enjoy watching all of the Waltons. This episode shows how war effects the children. The Waltons of course are always ready to help if possible. Ben got his two way radio to contact Germany. The orphans got to talk to their mom and they learned that their father was killed. It was very touching.$LABEL$1 +Misleading label... really only 10mg of Lutein. This product has only 10 mg of ordinary lutein per pill. The 20 mg of "lutein esters" is not equivalent to the 20 mg pills you can get at Walmart or other places.However, the pills came on time and were good for vision, even at a lower dose than I expected.$LABEL$0 +No zzzzzzzs in this Z. This movie, which is based on a true story, is a political thriller set in Greece. The chief of an opposition (left wing) political group is killed by hired thugs - with the police doing the hiring and controlling the massive cover up. A newspaper photographer begins unravelling the corruption and putting the pieces together. In reality, the scandal was so bad it brought Pampidou to power. It's a very fast-paced and taut drama. But the movie seems caught between presenting the factual record faithfully and creating a film mystery: we know what's going on while the movie keeps trying to keep us in the dark. Worth a watch, though.$LABEL$1 +Women's Bodies, Women's Wisdom. Dr Northrup has given all women a gift of knowledge. This book is something EVERY young woman should read. It explains our bodies, our cycles, our wisdom in a way that will change your life. It is a MUST HAVE ON YOUR SHELF kind of book for attaining knowledge and referring back to time and time again.$LABEL$1 +Echo Men's Wool Cap. This hat keeps you very warm, but their is no liner inside to protect you from the itchiness of the lambswool. Also there is no elasticity around the cap to keep it from flapping up and letting wind in when it blows. I no longer wear the hat.$LABEL$0 +What more needs to be said?. 700 people, well 699 minus the troll, is loud enough. This series is great tv, and great sci fi. Unless you work at FOX where if its not reality, its not fit to broadcast. Imagine if one of the craptastic reality shows was given this same poor treatment of being shown out of order.Didnt notice if it was FOX that officially released this set, but if they did, and this show wasnt worth every penny, I would wish not a single copy would sell just to give FOX the finger. But what can you do? Its the best show you have never seen. So buy it.$LABEL$1 +Excellent-Highly Recommend. An excellent book-Just what I was looking for. I'm a home educator seeking to understand how to train leaders-not followers. It challenged my thinking, inspired me for change, and pushed me "out of the nest" so to speak. (Or should I say, "off the conveyor belt!") This book is well written, easy to understand & direct in it's presentation.$LABEL$1 +Essential Guide is good for its time. The Essential Guide is a very good guide to the characters of the Star Wars universe. Unfortunately, this book was written before the release of the new Star Wars prequels, so you won't find any info on those movies in this book. If you're an avid fan though, I highly recommend you buy this book anyway, since it has in-depth descriptions of key players in Episodes 4-6. Good buy!$LABEL$1 +Needed accessory. If you have a extra battery as I do for my camcorder this is something you need to have in your bag. I can't believe Sony don't include it with the camcorders when you purchase it. Works great and saves time when you don't have time to stop recording to use your camcorder to charge a run down battery. Sony makes a great product but can't figure out how it they thought it would be a good idea to use the camcorder to charge your battery. Anyway worth the money and it don't take up a lot of room in your bag.$LABEL$1 +Are you kidding!!!!????!!!!!??????. I bought this book because I expected to read some legitimate criticism of Darwinian theory. I find it absolutely hilarious that anyone thinks this challenges anything except for the notion that you can trust the reviews of books on this subject. "David Stove took no intellectual prisoners". Right. Just try to read the chapter on "Genetic Calvinism, or Demons and Dawkins" . "Stove's blistering attack on Richard Dawkins' 'selfish genes'and 'memes' is unparallelled and unrelenting." Oops - they forgot puerile and comical. Don't waste your money! I'm sorry I did.$LABEL$0 +Chauncey Gardiner Reincarnated. They made a movie of this guy Tolle back in 1979 titled "Being There" with Peter Sellers. Tolle has done a miraculous "reincarnation" of the character, Chauncey Gardiner.$LABEL$0 +How can anyone like these guys?. Sorry, but it is impossible to comprehend why anyone would like this music. Even the Amazon editor calls it "bile". The lead singer? Well... he doesn't sing. Period. That's the main problem with this band, the other being that the songwriting is horrible. There's good punk rock, like The Clash and The Ramones, but then there's this. On top of that, we can thank this cruddy band for inspiring hundreds of musically untalented snubs to try their hand at punk rock, ultimately killing rock n' roll and good rock in general. And these guys got inducted into the Hall of Fame? Pathetic! When the Sex Pistols never gave authority respect, why should authority give any to them?$LABEL$0 +One of my favourite!. Aren't we all secretly hoping that there really is a match made in heaven out there somewhere just waiting for us? And that there are forces at work trying to get us together with the right person? Well, that's exactly what I believe, and I'm so glad Nora Ephron makes films that help our faith along, just like the books by Johanna Spyri ("Heidi") or Lucy M. Montgomery ("Anne of Green Gables"). Why don't we finally begin listening to the voices in our hearts instead of smothering them in all the turbulence the world offers us today?This film is refreshing, heart-warming and wonderful. I can recommend it to anyone that needs rejuvenation. Meg Ryan and Tom Hanks are both wonderful actors, and I have immensely enjoyed the films I have seen with them. This one is no exception. Applause also for Ross Malinger and Gaby Hoffmann for their roles as Jonah and Jessica. If you enjoy romantic comedies, this one shouldn't be missing from your collection.$LABEL$1 +Propaganda and lies from the daughter of a traitor.. The first thing to look for when you want to read a book is the credibility of the author. And unfortunatly in this case the author has no credibility. Malika Oufkir had without a doubt been traumatised by her experience to a great extent. She portrays herself as a victim and tries to get the sympathy of the reader. I was born and raised in Morocco and familiar with the story of this family. The author omits to mention in her book who her father really was. General Oufkir tried to overthrow the head of the moroccan government but his attempt failed. ....$LABEL$0 +Take the time to read it slowly. I loved this book; I found that Lysa could relate to the modern woman's life. She is one of us; struggling with the same daily challenges. Read it slowly - don't breeze through like we tend to breeze through everything else in our day.$LABEL$1 +Horrible. These are some of the most disgusting tasting protien bars I've ever had. I was not even able to finish the first bite. They are bitter and leave a horrible taste in you mouth. No one in my family would eat them, except for the dogs. Maybe they taste like dog biscuits. I won't be buying them again.$LABEL$0 +The First Days of School. A must have for every teacher whether new or experienced. This is the one book that I take home every summer to reread. Buy it for yourself or for your student teacher!$LABEL$1 +The version I received would not play.. This version was manufactured for the USA and Canada region. If I`d known this, I wouldn`t have bought it. I got good versions of other films before.That`s really all I have to say. filbin@eircom.net$LABEL$0 +Kathy Smith. This is a great DVD for beginners like me. I'm enjoying it a lot and trying to keep using it 2-3 times week.$LABEL$1 +No Gas!. Bought this on the advice of an expert. However, only about 2-3 seconds of gas - hardly the 120 uses. Maybe a pattern is emerging?$LABEL$0 +Pain in the neck. It's about 1 cm too short. You can just barely zip a U.S. passport inside, by stretching the fabric and bending the passport. Also, perspiration condensed inside the plastic window. After 17 days in Europe, my passport got so bent up that it took about a dozen swipes of the scanner before Customs could read it.$LABEL$0 +vulcan snoring. these writers have done so much better than this. granted this was a book that had to tie together two spots in vulcan/romulan history, but it was so dull, it was hard to keep reading until the end.$LABEL$0 +Disposable. The only reason why any Gorillaz fan would buy this CD is for the throwaway Hip Albatross and the harsh, violent version of Clint Eastwood rapped by Phi Life Cypher. The rest of the tracks were already available on various CD singles. They should have included the full version of ALL the b-sides including Film Music, 911, and Tomorrow Dub instead of the generic 19-2000 remix done by The Wiseguys.[DW]$LABEL$0 +Great Product. We had our twins 12/20/04 and brought them home on a very cold day. Fortunately, I had received this product (times two!) at my baby shower. It keeps the babies warm, and the pouch can be folded in so their heads don't get chilly. Plus, we've received so many compliments on these covers! People always ask where we got them.$LABEL$1 +5 star album; 3 star remaster. I was delighted when, finally, Nilsson Schmilsson was finally getting the "deluxe" release treatment. I'd paid big bucks for the import in the late 90s, and that was such a disappointment, sonically.Well, despite reviews to the contrary, the sonics on this release are not much better, and do not hold a candle to the original LP. My old LP may have a few pops, but it blows this CD release away, sonically. I don't know how that can be, but believe me, it's trueThis, along with Son Of Schmilsson, is a truly classic pop/rock album. Maybe someday they'll do it right. After all this time, I'll done holding my breath.$LABEL$1 +" Includes Everything You Need" - what a crock!!. It clearly says right on the box "Includes Everything You Need". That would indicate to me (and most people) that besides the cake and possibly icing - everything you need is included in the box. This is incorrect. You are expected to purchase dowels and do drilling! in order for this cake to stand up. Very disapppointing! Wilton should be ashamed of itself. Maybe this is good for a professional cake decorator who already has these types of materials and has possibly done something like this, but for the rest of us - not good. The only thing this box includes are a bunch of crappy plastic castle pieces and some TERRIBLE instructions. Save your money and sanity and shell out the money and buy one at the food store.$LABEL$0 +Very bad CD.. the music was amateurish, especially coming from name singers. I would think this CD is made up of studio throw away's.$LABEL$0 +A pleasure!. As a dancer,I think this film may appeal mainly to those who are dancers/performers themselves, or those who have already seen Zumanity. Lots of backstage intrigue and enough scenes of the show itself to be titillating and encourage you to hop a plane to Vegas. Touching and often very funny as well- not an artistic triumph, but it more than held my interest. Wish they had more footage of Wassa and a little less of Miss Jonel's whip! The performers are absolutely spectacular and deserve full marks for their courage in doing what they do in Zumanity: present a vision of sexuality that is more...well,.. HUMAN, than the other banal, cliched and cartoonlike erotic shows in Vegas, or anywhere else for that matter. Spymonkey rules!!!$LABEL$1 +Great value. I was surprised at what a high quality bit this is at such a good price, cut an exceptionally good, accurate plug at a bargain price.$LABEL$1 +A terrible company. I would at all costs stay away from any product made by Phillips. I bought a dvd/vcr combo, it broke, I shipped it to them for repair, they charged me shipping and then sent back another broken unit. They then refused to take it back at their expense, even though they had shipped a broken unit (The first time the dvd didn't work, the unit they shipped to me had a defective vcr). Their customer service people have no authority to help you, and neither does their management. Repeated attempts to move up the ladder were ignored (i.e. being constantly told they weren't available, they never returned phone calls even after telling me they would, etc.). Beware of any Phillips product.$LABEL$0 +parapper the rapper is afun game. kick punch its all in the mind if you want to test this game im sure you'll find that the things it teaches ya will sure greet ya ,never the less you get a lesson of teaching!this game will blow your mind with grooves see the tight music of this action adventure!$LABEL$1 +The worst ever. This is the worst toilet paper I've ever bought. Packed loosely so it's soft, but so few tissues on the roll it uses up fast. It doesn't tear neatly, so there are bits left behind. And, it tears while wiping, nasty. Buy Seventh Generation instead.$LABEL$0 +The Title Fits Them Perfectly!. Ice Cube went solo & had a successful career. Even though some of his songs were pretty harsh language wise, Cube always told a story, painted a picture of a young misinformed Blackman from the ghetto. Cube gave you the negative but balanced it with the positive. Cube's counterparts NWA completely fell into the bottomless pit of ignorance & couldn't recover. NWA's so called "street knowledge" in reality was "street nonsense." Without Cube writing the lyrics, NWA relies on ignorant word play & the most worst display of misogyny I have ever heard. There is nothing landmark about this cd, NOTHING! If I could have given this trash a zero I would. N4L fits these lames because only "N" would degrade their people as well as themselves this way.$LABEL$0 +If you really like 'Tales of the Forgotten Melodies' chances are this disc will be a disappointment. Listen to sound samples before buying! Compared to 'Tales of the Forgotten Melodies' this CD was a big let down. Gone are the collages of movie audio samples placed over dark soundscapes (although a few short 'filler' tracks reflect this style). 'Hope & Sorrow' focuses more on guest vocalist and rappers and most of the tracks fail to impress. This seems to be an attempt at more of a commercial 'dance' release than the well crafted Turntablism record that I was expecting. I 'hoped' this disc would be an excellent follow up to 'Tales of the Forgotten Melodies' but all I felt was 'sorrow' upon my first listen. A disappointment.$LABEL$0 +DO NOT GET THIS PRODUCT!. I bought this cooling pad and after 7 months it started making noise intermittently and then quit all together. When I contacted customer service, they said they would send a replacement. I paid to have mine shipped back and their replacement lasted a week. It wasn't worth the money and aggrevation of shipping it back.$LABEL$0 +Integral to Comprehending the why's of US-Cuban Relations!. As a student at the University of Connecticut I had the honor of being advised by Dr. Paterson and read this book as part of his History of American Foreign Relations course. This book ranks amongst the finest historical narratives that I have ever read. The absolute must-read book to understand the turbulent relationship between the United States and Castro.$LABEL$1 +Not suprised. I usually always want to get the latest portable gaming system that comes out, but when the micro came out i wanted to laugh! this is just a super tiny gameboy advance. Don't get me wrong i don't have a problem with Nintendo. I own a Ds and love it and a psp wich i love even more, those i recommend purchasing.Sorry Nintendo, but in my opinion when you made the micro, it was obvious you where trying to make money.$LABEL$0 +No longer supports Pocket PC's. If you want to upgrade and continue to use Money on your Pocket PC, don't bother. This new version does not support Pocket PC's. Would be useful information for MS to include on their product description since that's a rather important change! Can't figure out why they've cut this off since they also write the software for Windows Mobile.$LABEL$0 +Vocals Are Cheap. Richards writes pretty hooky rock music and uses the same sort of clichéd lyrics that brought the Stones greatness, but Mick Jagger, he ain't. To put it another way, he can't sing. Indeed, his vocals are so tentative and mixed so badly back that it's possible to believe there is no singer (maybe this was the engineer's intention). It seems clear that without Mick there would be no Keith, on the other hand, if one listens to Jagger's solo efforts one could equally convinced that the opposite is true. Doubtless they were wise to stick together; the sum is greater than the parts.$LABEL$0 +You must have Zonked!. Pretty good Dee Dee Ramone CD. Been looking for it for a while, and now that I have it, I'm glad! A must have for any Ramones collector!It has some hard to find tunes.$LABEL$1 +Good, but.......... If you have small area rugs (i.e., by the kitchen sink), this sweeper will suck them right up! I have several of these rugs, so I would have to pick them up and shake them outside to clean. A nuisance when you need to vac every day. Also, it did not clean crumbs, etc., out of the grout grooves of my tile floors. It sweeps flats surfaces just fine.$LABEL$0 +Its O.K.. I bought this book when I saw Ms Vanzant on Anderson Cooper Live. It's basically another self help book an not all that orginal.$LABEL$0 +saitek x52. The joystick sticks like it needs oil and also has tooooo much freeplay & is verry hard to control the airplanes . I have sent 3 messages referencing these problems with no answer to what can be done with this Saitek X 52.$LABEL$0 +wonderful autobiography. I'm a big fan of football, so of course i wanted to read, this book about Grambling's great coach. i'm a big fan of grambling except of course when they play Jackson state, or Alcorn. After reading the book, i found Eddie Robinson, to be a wonderful person who cared so much for his team, and his coaches. I felt bad for robinson when i read that a divison 1 school never even contacted him about a job, but what I liked best of all about this book, was he and his wife's Doris love for one another.$LABEL$1 +Wrong color buckle !. The buckle is silver in the picture but arrived in gold. Quality was fine otherwise. One star was only for color.$LABEL$0 +poor quality. The very first time I used the lingerie bag for my delicates in the wash, the zipper broke. When I looked closer, I saw that the metal fastener on the right side of the bag was ripped and it caught one of my delicate items. My remaining my delicate items were wrapped around the agitator of the washing machine. I am very disappointed that the lingerie bag did not protect my delicates and that it broke on its very first use.$LABEL$0 +Great Performance and DVD!!!. Unlike the previous comments I thought the DVD was pretty close to perfect. I am not a musician nor am I an expert filmaker. I am however a music lover and a newcomer to the classical music world. Anyone interested in seeing a great performance Lang Lang's performance was exceptional including the uniqeness of gestures and facial expression and the DVD camera work.Can't wait for his next performance!$LABEL$1 +A decent Superman read. A very good and well written story, not spectacular or something hasn't been done before, but well worth the read.I'm not a great fan of the drawing style though, especially not the way Superman was drawn - he looks really fat, not muscly at all, and as a teenager, he looks way too old in comparison to Lana and Pete. I really liked the way Metropolis was drawn though - very much like Metropolis in Superman Animated Series.$LABEL$1 +I Would Have Given It ZERO Stars.... This book is trash... the storyline is horrible, and the writing and the grammar are elementary. This book was a waste of my time and money (luckily it was cheap)!$LABEL$0 +Abismal. Not the best album ive ever heard. After what the media was saying i though this would be great, i was wrong, all of the songs sound just like each other and after youve listened to the album once it becomes very very boring. I apalled.$LABEL$0 +poor quality tires. Poor quality tire. I inflated the tire to the maximum pressure specified on the tire, and I made it about 5 miles before the wire separated from the tire which allowed the tube to bubble thru the ripped tire, and then of course the tube exploded.I immediately removed the second tire and replaced them with WTB tires.These tires look like the typical junk that is manufactured to the bare minimum standards.$LABEL$0 +It has many features but the GPS is worthless. If you want a GPS do not buy it. It takes a long time from the cold start to get signal. Several times it took about 30 minutes. The GPS is not precise, when I drove on the highway it was jumping around other streets. Two times it was off over a mile. You cannot see anything on the screen in a sun. I held two GPSs in the sun and I could see the Magellan's screen well, while I could not see anything on Plenio. I will return it for sure.$LABEL$0 +My baby refuses it!. I don't really know if this thing works or not because my 8 mo old refuses to have anything to do with it. Keep in mind that she puts anything & everything in her mouth, will eat any food I try to feed her & is currently teething. It seems like a great idea for that short transition period between mush & solids. This particular one appealed to me because it's not dyed & it's made in the USA. As to whether or not it works? I will never know!$LABEL$0 +Biblia en DVD. Es un exelente recurso especialmente para personas con problemas visuales. Para mi ha sido una gran bendicion y para mi esposa.$LABEL$1 +glad I got another one. I had this style years ago and it wore out. I finally bought another one and love the support and comfort it gives me. It is flattering as well, good bye saggy girls. ;)$LABEL$1 +A Very Funny and quite crude comedian!. I was first introduced to Lea Delaria ot Milwaukee's PrideFest '97, where she performed. My boyfriend bought "Box Lunch", and we simply rolled with laughter. This is a great comedy CD with great laughs. Sometimes, us gay and lesbian folks need to lighten up a bit-- and DeLaria proves it. You won't be dissappointed.$LABEL$1 +Read and live - this will save your life.. If you have illness and incurable diseases, physical, spiritual or psycholocical and you want to get well and live a healthy life then read this book. It will set you on the right path. Reading and APPLYING the principles in this book transformed my life in every way. I no longer have PMS, I can love and receive love from my husband, I have been healed of herpes simplex, I no longer have chronic pain in my hip, right gluteous and leg, I no longer allergic to foods I thought I was and this is just the beginning. It is a must read.$LABEL$1 +I don't regret buying this album. I have had Clay's album for 2 1/2 months (since it first came out), and I have to say I don't get tired of listening to it. Some say this album doesn't have anything special on it, and that it doesn't show off the range of Clay's voice. I have to disagree with those who find fault with the album. Clay has a phenomenal voice, and I am sure that we will be hearing much more from him in the years to come.$LABEL$1 +HOLLYWOOD PROPAGANDA, NOT FOR KIDS!!!!. Simply DO NOT buy this movie for your kid. There is swearing and so many adult themes I couldn't mention them all. Also, Hollywood has decided that THEY are going to raise your kids. They will say when and what your kids know about swearing, violence and sexuality. They force their values down your throat and you won't even know it until you have bought the movie. Don't buy this movie, avoid it at all costs.$LABEL$0 +An enthusiastically recommended, thought-provoking cross-examination of modern society.. The Way of Ignorance and Other Essays is an anthology of writings by cultural critic Wendell Berry - one of Smithsonian magazine's 35 People Who Made a Difference - about topics ranging from what freedom is really being discussed when one speaks of "free market" or "free enterprise", to the costs of so-called rugged individualism in a democratic commonwealth, to sharp-laced observations on the Kerry campaign, and much more. Written in plain terms, The Way of Ignorance takes a cold, hard look at the doubletalk and doublethink that saturates modern American airwaves, stripping them down to bare conundrums, all with a heavy dose of the author's practical evaluation. An enthusiastically recommended, thought-provoking cross-examination of modern society.$LABEL$1 +This book stinks!!!. I didn't care for it at all. I had to read it for high school and I couldn't even begin telling someone what it was about. I didn't understand the point of the story and now I will probably have to write a paper on a book that I don't know the meaning of.$LABEL$0 +ALFA USB Wireless adapter. I use this wireless adapter with the Alfa 2.4HGz 7dBi Booster SMA Panel High-Gain Screw-On Swivel Antenna. I love it!. The only problem I encounter is that the Alfa Antenna is too heavy for the base, so it tilts the base If I leg go of it. I have to "pin down" the connector cable to prevent it from flipping over.$LABEL$1 +THESE ARE MY BOYS!!!. I have to be honest and say that Men Of Standards worst album (which was not that bad) was their first one, which was on a different label. I love these guys, because they can really sing, every last one of them can sing lead and that's pretty rare these days. They have had different producers, but they still produce a quality product. The only problem I had with this album is it's too dawg gone short. I recommend this album and all of the ones before it, even the first (so you can appreciate the evolution of these guys).$LABEL$1 +Delivers What it Promises. Some may quibble over the left-brain, right-brain theory, but this is still that rarest of things-a book that actually delivers everything it promises. Experienced artists probably don't need it, but anyone who yearns to draw and thinks they can't will be amazed.I was 40 years old when my husband bought me this book and some drawing materials as a birthday gift. All those years, I'd been convinced I couldn't draw a thing. Using the instructions in this book and a beginner's class, I was thrilled to find myself producing some excellent drawings, including very realistic 3-dimensional portraits. Thank you, Betty Edwards, for one of the few books that really did change my life.$LABEL$1 +I like this book more than others about this topic. One of the best things i like in this book is the soft and sweet way Katrina describe. For all the lovers of crystals and their beauty I think this must be the first book to read. But there is so much information to know about crystals, but is very difficult to find it, maybe is an experience work.$LABEL$1 +BLISS. This transcendent recording lets me experience the divine far more than any Book. Sheer bliss.$LABEL$1 +Linkin Park-Metera. I bought this for the song "Somewhere I Belong" and that was about it. I was disapointed by the bands first cd and didn't expect to be really moved by this one. But this cd is a step in the right direction with harder hitting beats and lyrics that I can relate to more. I was supprised by this outting. Other songs that cought my attention are "Lying From You", "Hit the floor", "Faint", "Breaking The Habit", " Nobody's Listening", and "Sessionn.$LABEL$1 +Awesome Polo!. I absolutely love 5.11's clothing! These polo's are awesome! They're very comfortable, made out of quality material, and constructed perfectly. I have several of them and will buy more when I wear them out. Highly recommended!!!$LABEL$1 +The book of quotes. Imagine writing a book by simply stringing quotes and references together with your literary contribution limited to connecting verbs and you have this book in a nutshell!Maybe I would have liked it if the author had titled it, Frontsoldaten: The book of quotes.$LABEL$0 +Good Part but how about some instructions?. If it wasn't for the helpful instructions left by some of the reviewers here on Amazon, it would have taken me a long time to figure out the installation on this. Thanks everyone.$LABEL$1 +works great!. Taken on 2 trips so far, works great! It stays put and is easy to stow. Highly recommended.$LABEL$1 +The grandaddy of all bloodline books. Hard to believe this book was first published over 25 years ago--it is still the granddaddy of all books in the Jesus bloodline genre. I referred back to it many times when researching my own novel on Templars in America,Cabal of The Westford Knight: Templars at the Newport Tower, and found it to be an invaluable resource. This should be the first read for anyone looking to delve into the bloodline question.$LABEL$1 +Terrible. I purchased 36x30 jeans. I have worn Levi's for 50 years. The pair I received said 36x30 - But the actual size must have been 25x30, I could not get them on. Very Dissatisfied!$LABEL$0 +nostalgia. I bought it because I remember enjoying it as a child. As an adult I enjoyed it just as much. This is another credit to the excellent work from Ray Harryhausen who's work I really like. I'm intrigued by the ingenuity these early film makers had to created films like this.$LABEL$1 +Not his best......but a good read anyway!. Comparing this to Grisham's earlier work, The Brethren fails to stack up. Written a bit too simple, and lacking the punch & suspense I've come to appreciate from him, this is not his best work. But, I will continue to buy any new Grisham novel and give him the benefit of the doubt.$LABEL$0 +The Little Trash can that could. Really works well each and every time. Batteries seem to holding up well. Nicely matches the rest of the appliances. Good buy$LABEL$1 +Insightful view of Hitler's most fanatical troops. This book provides the reader insight into the men, organization and equipment of Hitler's fanatical SS who were undoubtedly not as fanatical as advertized.Plenty of pictures. Informative reading.$LABEL$1 +Ryan's Return. I just finished reading Ryan's Return and thoroughly enjoyed it. It was interesting all of the way through and not totally predictable like so many books of this genre. I enjoyed the quirky characters and rooted for Kara and Ryan all through the story! Very good book.$LABEL$1 +Raw talent gone stale!!. Where did Jonny's great talent go?? Where's it hiding?? Come back. The songs on this are boring love ballads and not what i was expecting. I am only 14, and if you can imagine a 14 year old hating this cd, how do you think older people feel about it?After listening to half the cd, I almost cried. I was so upset and disappointed that my favorite singer had let me down. Don't waist valuble bucks on this cd, wait for the next one. I'm sure after Jonny sees all the bad reviews, he'll learn his lesson and go back to the blues.WE'RE WAITING JONNY!! CAN'T WAIT!$LABEL$0 +If you want modern-day Holmes, settle only for "Sherlock". I don't why we in the US do not want to watch the original shows! The BBC' "Sherlock", though only having 3 90-minute episodes per season is fantastically well written, and a true pleasure. After watching both seasons of it, I tried to feed my Sherlock need and moved on to "Elementary." I will not waste any more of my time.$LABEL$0 +Disappointed by a long shot. I was quite unhappy to know that this wasn't a "Collection" of shows, but more of a "The making of" series. There were only a few episodes on it, and the rest of it was a disappointment by a long shot! If you are looking for watching actual Three Stooges, DON'T BUY THIS!$LABEL$0 +Eagerly Awaiting the Sequel. This was the first book I have read by either Eric Flint or K.D. Wentworth and I must say that I was hooked from the beginning. The concept seemed fresh to be, man meets alien conquerors and fails to defeat them. This does not conform to the normal style of military sci-fi that I read. There isn't a whole lot of action, there is some and it is well written. The real catch of the book though is the characters. The Jao are an extremely well thought out race of aliens. They are different enough to not be human but similar enough that they are can be reasoned with to a degree. The aliens have their own culture/society that dosn't always mesh well with human culture/society. Aille, the storys main character, grows and learns from his time on Earth and the people that he associates with. I highly recommend this book to any sci-fi fan and I can't wait till the sequel is released.One more thing, the space battle in the sun's photosphere is super cool.$LABEL$1 +Be careful. Be careful. This product will not work with Windows 7 and Cosmi support is so convoluted as to be of no use.$LABEL$0 +I See A Deal....and Shame on Me.... I couldn't wait to get these shoes. I work with children and have to be able to run all over. I ordered two pairs, one in 6.5 (my true size) and one in a 7 (size I can wear in most athletic shoes). They charged me for 2 pair and canceled the size 7. I've been fighting with them and waiting forever for the pair they did have. Now, the shoes came and are made for a concubine who binds her feet and I'm out the cost of the other pair plus shipping. REDICULOUS!!!!!!!!!!! I will never do business with them again. I thought I could trust them because they were selling through Amazon...THINK AGAIN!!!!!!$LABEL$0 +Pure fantasy. Most Indians in Yosemite are Paiutes, Monos or Yokuts. I have seen the census rolls from the earliest point to now.$LABEL$0 +Poorly made. Probably the third time I used this, the shafts started to slip in the nylon gears. Will not function at all now. Expensive, shiney junk!$LABEL$0 +Average at Best. I ordered this radio based on the favorable reviews. Unfortunately, I am not very satisfied with the unit. AM reception as noted, is terrible, but even when you CAN get a station well, the sound is fuzzy and muffled. On FM, the stations are clear, but the sound is....OK. Not really the deal I was looking for, but the cabinet and radio are attractive.$LABEL$0 +Not that good. I thought this phone would be better then my LG, I had. I love that it has a camera and video, but that is really the only good things about it. My phones freezes, drops calls, changes the audio on it's own, and now, it won't hang up when it's closed so my battery dies if I don't turn it off, so I have to turn it off when I am not using it, which means I miss calls. I am definitely looking into another phone right now.$LABEL$0 +A must read!. Like most books of a commentary nature, Richard Manning spends most of these pages describing how agriculture changed the world, and not with the all too common culture hype. Did we live longer, enjoy life more and have free time as member of a hunting and gathering community? It seems so. Manning's thesis is that agriculture is and historically has been the recipe for most of the evils we now look elsewhere for the demons. The dinosaurs of the Industrial Age are everywhere, but firmly in control of agriculture, through massive government subsides. Processed "foods" made from corn, wheat, rice and sugar made from corn compose most of our American diets and make us FAT!There is however a deeper metaphysic in the book that should put it on everyone's reading list, and that is what really makes us human. "Against the Grain," gives us an insight into that history, not available elsewhere.$LABEL$1 +Funny. We enjoyed this movie. Would watch it again would not let 16 or younger watch. Funny good for a date night$LABEL$1 +Kid Rock-A disgrace to everything that's good about Rock. Please don't buy this cd! Spend your money on something that this garbage has ripped off. Rap and Rock are 2 genres that should never be mixed as much of today's music(Limp Bizkit, Korn, etc) proves. Spend your hard-earned dollars on something that will last and not just on some new fad$LABEL$0 +Great Price, Poor Quality. I bought the Envision because of the price and what you get as far as specs.The first one I brought home would not power on. So I took it back and got a different one.The quality of the product is not that great. The plastic casing of the flat panel is just cheap. The cover on the back where you tuck in the cables has really small tabs that break off very easily, so be careful.I wish I would have spent a little extra and bought a Sony or Viewsonic$LABEL$0 +I am using this as a picture book.. I showed this to my 1 and half year old daughter six months ago, and she still hasn't tired of it. The pictures are great and spark a lot of questions. I would recommend this to anyone who has a love of travel and other cultures.$LABEL$1 +useful. We all need a good story. We need to people our exposition with the concrete. The listeners are o/k/ with saying, there was this man that... or I am told that ..., knowing that the preacher is using a storehouse of wisdom. Preaching is not about one's own special story, but about clearly and in an entertaining manner telling our shared experience and needs. This type of book is a must for all who preach or speak.$LABEL$1 +Huge Disappointment. We planned an entire camping trip around the recommendations in this book and were sorely disappointed. "Yellowbottom" campground WAS paved, was cramped and there was no privacy whatsoever. We ended up in a Forest Service campground fifty miles away that was better by far. I don't know what the author considers spacious and private...but this campground was crowded, paved and lacked any of the reasons my wife and I go camping. We burned the book in our campfire.$LABEL$0 +Not For Me.... This book just wasn't for me. I didn't like the wording nor did I care for the dialogue. The plot was just so so.$LABEL$0 +What the @*?!. It's a "true" story...ok It's sad...ok The only person I have pity for in this book is her son{poor baby}Anyhow DON'T WASTE YOUR TIME OR MONEY ON THIS BOOK!!! If you feel like you just gotta check it out borrow this book from a friend trust me!$LABEL$0 +Awesome, quality is 100 times better. All right. Finally, after 17 years, we have a copy of KIMB that is listenable. Graet sound quality, the drums are tight, the guitars kill the ear drums, and the bass is fantastic. Good way to enter 2002 along with the new live album. Go Mustaine.$LABEL$1 +Painful. The best thing about this book is the great cover art. The content...annoying, repetitive fluff. If you wanted to give your grandmother a nice book about a white supremacist who makes good; in a sugary way, sweet enough to rot her teeth out, this is the book for you. This is a very feminine book with the most masculine cover I've ever seen.$LABEL$0 +A MUST for dryer owners. I'm not sure why dryers are engineered to be so difficult to remove lint build-up. However, with the help of this kit, I know I'm able to make sure my dryer is operating safely. I'm always amazed at how much lint is removed after just one month. I think this kit should come with all dryer purchases. It's definitely a necessity.$LABEL$1 +Bad Acting. Ridiculously badly acted, especially by the lead actress playing the role of the mother. The movie amounts to nothing more than incompetent actors screaming and ranting. The story may be true, but this cartoon of a movie fails at getting even an ounce of sympathy for the people in this family.$LABEL$0 +Much better than HP!. This is my first Canon printer. Previously I owned several HP InkJet printers and one HP PhotoSmart printer. The Canon is leaps and bounds above HP. The main reason is that I have not had one single issue with it. It's smooth, quiet, prints beautifully. I like the separate ink tanks. I'm on here to buy a black replacement, which the printer kindly let me know was low. With HP, I always had issues with my PC not recognizing the printer and having to unconnect it, reconnect it, etc. I've owned this printer for about 6 months and am very pleased so far. It was a great deal at the $219.99 I paid. The copier and scanner work fantastically, too. The quality of the color copies is amazing -- especially considering how fast it copies and prints. It's so easy to be able to make a quick color copy of something rather than having to scan it in, then print it out. This printer is a great addition to any home office.$LABEL$1 +Another cookbook. This is an OK type of cookbook but it is one among hundreds most of which contradict each other. Thus, the poor consumer has a difficult time making any sense of it all. There should be many fewer but much better cookbooks/diet plans/nutritional schemes, etc.$LABEL$0 +Outstanding. I got the movie quickly with no scratches and in wrapping. It was like buying it from a store. Not sure that there is a better way to get this movie, but I'm very satisfied with my purchase.$LABEL$1 +Could be taller. I bought these because I have the two-step version and was hoping these would give some more height. They do but by inches. The washable cover is nice and I haven't had any issue with my dog mistaking them for a toy. My cat uses them the most, she's getting older and can't jump up on the bed as easily as she used to. Overall it's a great product but they could be taller. I currently have them set on top of a big shoe box to give it more lift.$LABEL$1 +P90x2. Bad the disc are scratch and are the same price than geting it at beach body and to long to recived$LABEL$0 +Worst game ever - not just among pirate games. This is literally the worst game that I have ever played of ANY genre. Comparing it to the original Pirates! by Sid Meier is very nearly an insult to that classic game. Simply put, this game has a terrible user interface, gameplay is difficult and BORING (gameplay refers to ship-to-ship combat, navigating through towns and swordfighting) and is incredibly BUGGY (as in constant crashing). Honestly, this is an insult for Bethesda to release to the gaming public in light of their other games (as in the Elder Scrolls series). Unfortunately, if a pirate game is what you are looking for, then this is about the only game out right now. I'd recommend, however, that you save your money and wait to get a game worth playing. Or at least a game thats FUN to play.$LABEL$0 +A LITTLE TOO SPOOKIE. WE EAGERLY WAITED FOR THIS NEW OLIE, WHILE IT IS AWFULLY SHORT, IT IS RATHER INTENSE FOR KIDS 4 OR LESS...SPOOKIE OOKIE IS JUST THAT...REALLY SPOOKIE-LOOKING(FOR MY 2 AND A HALF YEAR OLD)...AT LEAST ZOWIE ISN'T AFRAID. WE HOPE THE NEW CHRISTMAS OLIE IS LONGER...THIS IS A GREAT SHOW AND WONDERFUL ANIMATION FOR KIDS PRE-PREPARED FOR SPOOKIE OOKIE.$LABEL$1 +If you pay for this nonsense you are funding the sickness behind it. I don't care if the book is amazing... it is being sold as the biography of a young boy. Not a fiction novel. The idea that this sick and perverted woman would create such an elaborate and twisted lie to play on the emotions and mentality of a nation is just pathetic and sick. I hope this woman does check the responses on Amazon, I hope she cringes every time she reads someone's response to her joke of a book. I haven't read it, won't read it, and would never put a penny into it. There is absolutely no excuse for this book ever being printed in the first place, and under the title non-fiction biography at that. Children suffer such horrors all over the world, and to make a mockery of that sickens me.$LABEL$0 +Product Support is Essential!. I recently purchased Rosetta Stone Spanish from Amazon.com. I was initially delighted by the product and its approach to learning a new language. I then started having problems. I realized that an essential part to writing Spanish is the inverted question mark at the beginning of every question. I could not determine a way to make this symbol and I contacted Rosetta Stone Support via the internet and via telephone. I was amazed to learn that the normal level of support could not solve my problem and was told I would have to talk to a supervisory level. I was finally contacted by supervision 4 days later. In the meantime, I decided that this was not going to work and returned the product to Amazon.$LABEL$0 +Pointless. Tribute albums are like movie versions of great novels -- the genius is in the style of the artist, not the words and notes on a page. Why would anyone want to hear this rather than replay "Nebraska" itself? I don't get it at all.$LABEL$0 +Poor quality. Cable did not work from HP laptop to NEC monitor. I tried another cable I had with me and that one worked. The cable that I ordered, and does not work, connects intermittently and shows a few static lines across the screen.$LABEL$0 +Thrilling!. When this book came out last year, it was acknowledged as one of the most awaited novels of the summer. I read an excerpt online and couldn't wait for it to come out.With such high expectations, the question to ask is..did it measure up?? I would say it did...for the most part. At times, I found the author was perhaps trying to create too eerie an atmosphere, to the point of being unnecessary.Otherwise, the story is amazing. The history behind Vlad the Impaler and the surrounding folklore and myths is absolutely captivating. The geographic locations Kostova takes the reader to are exotic and mystical;Romania ,Hungary and its political ties. These aspects of the book were expertly interwoven into the plotline, which was fast-paced and gripping. The characters got more interesting and provided more depth to the story as the book went on. A great read!$LABEL$1 +Probably the Best and Most Current Book in the Field!. For my money, the best and certainly the most current book on the history of Chemical Warfare. Provides a lot of extraordinary detail on both the U.S. and Soviet Union's offensive Chemical Warfare programs. Easily readable with good, clear prose. Contains more detail than a casual reader might prefer, but for those with an interest, this book definitely satisfies. Deserves a place on the shelf of anyone that is engaged in this profession or with an active interest.$LABEL$1 +"Oh god, mother, blood! blood!". The best sequel of all time. It's 23 years later and Norman is coming home. After 23 years in a mental institution Norman Bates is deemed rehabilitated. He goes home and begins working and leading a normal life. But his past continues to haunt him. Once he's in the house, familiar voices begin to be heard again. The sister of the 1st movie's shower victim wants to put Norman back into custody. So Lila, with the help of her daughter, begin to torment Norman. Murders begin to happen once more but are the murders the work of Norman? This movie contains all the shocks and turns that made the first so great. Alfred Hitchcock's gothic horror masterpiece was not shamed by this sequel at all. It made us realize what a good movie it really was.$LABEL$1 +Most wonderful version of the life of Christ. This is the one movie version of the life, death and resurrection of Christ that I have truly loved watching. I would recommend watching Jesus of Nazareth by anyone who truly wishes to learn more of the story of His birth, life, and interaction with His disciples--and how He was so cruelly crucified, ultimately for all of mankind's sake--then, who wish to thrill at how death could not overpower and contain Him, because they believe Him to actually be Who He claimed to be--the Son of the Living God.$LABEL$1 +Red DVD. Pretty entertaining movie. Nice to see that Bruce Willis has still got some talent, but Helen Miren makes the show worthwhile, as does Morgan Freeman. Enjoyed watching this movie, and of course, Amazon rocks when it comes to price and shipping costs.$LABEL$1 +All their hits. Having grown up just after Queen's heyday, I know the better known songs. This delivers all their hits. It may not appeal the the Queen fanatic, but for the casual Queen fan it delivers.$LABEL$1 +Scrumptiously Illustrated Fantasy For All!. Having always been fascinated by those giants who roamed the planet eons ago, I had to have this one upon its initial publication. "Dinotopia's" tale of a land jointly inhabited by man and dinosaur is a truly captivating adventure.As fanciful as the premise is, the author logically develops the dinosaur characters based on the uniqueness of each respective species. Most are "good" and commune well with their fellow humans; but the T-Rex is still his usual grouchy self, much to the appreciation of us who were raised with the knowledge that the animal was one mean carnivore!By placing the setting in the 1800's, the book could have been written by Wells or Verne, which gives it the feel of a classic.And a classic, it is.$LABEL$1 +Broke too easily. These sounded fine and were reasonably comfortable. But the connector to my computer broke after only a few months of use and was not fixable so it was money thrown out.$LABEL$0 +Bad Idea. I can't believe that anyone would actually buy this. The average price for these DVD's is still around $12.00 each. It's not a deal at all. If they bring it down to $5.00 each ($150.00 total) maybe I'd consider buying it. Even if I wanted to buy it and the price was right, I already have some of these. Why would I want more than one copy of a movie?$LABEL$0 +Very Good Introduction with great pictures. There are many books out there on the same topic, but Soldat features the best reconstruction photos going, plus provides a very good price into the bargain. Comprehensive, well laid out, with good colour photos in a separate section, SOLDAT is good for veteran and newcomer collectors alike. Highly recommended for collectors, re-enactors, costumers and historians.$LABEL$1 +Machine did not work/Service was Terrible. I bought this machine, and it did not work. I called their customer service department. They were less than helpful in trying to resolve the problem. I would never recommend the product. I think their service department was the worst I have dealt with.$LABEL$0 +Wonderful Writing! Well Shot! A Joy Of A Film!. Scarlett Johansson And Helen Hunt are not only beautiful in this movie, but they also prove that they have some powerful acting chops!But the best part of the movie is the writing! There are wonderful lines in that movie you will love to use in your everyday vocabulary.$LABEL$1 +heavy wording. i like the idea of the book but it doesnt deliver what it says. it seems to be pretty liberal so far, and although it has high claims which sound nice, i am not impressed by the content of the book itself. at page 70 now. i find it difficult to read because the person uses difficult language and think it will not be easy for the majority of Muslim women to read, as delightful as the philosophy of self-knowledge and identity are within Islam, this book is a bust (so far). Very disappointing.$LABEL$0 +Neat Stuff !!. Built-In Furniture is a great book for everyone who's ever dreamed of having a secret door to a hidden room or just wants to utilize seamingly wasted space. This book of ideas has been a great launching pad for my own new home design. It's NOT a project book with plans and instructions but if you're in the "looking for ideas" phase this is a good picture book.$LABEL$1 +Transporter Wheelchair. It was shipped and received in excellent condition. Great quality for our needs - transporting to and from doctor appointments, or when traveling long distances. Easy to add attachments and stores nicely in trunk. It was well worth the price and handles great.$LABEL$1 +Not the paddle pictured. The paddle I received did not have the hooks as displayed in the picture and called out in the item description.Returned the first paddle expecting the correct paddle to come in the second time, but unfortunately that wasn't the case.Taking the good with the bad, lower price but automated process that doesn't allow for correction in some cases. Amazon gets it right most of the time, but not with this product.If you're looking at this product, go ahead purchase the one that's almost like it, but is $4 cheaper because that's the one that will be shipped.$LABEL$0 +XM Radio. Way better than my old radio flipping through random stations trying to find a good song with xm no more. I can choose what sounds appealing and listen to all my music with no interruptions. very nice product better price.$LABEL$1 +total crap. i agree with the other review that this is a hunk of crap. dont buy it. i made the same mistake n bought it ... wow it sucks$LABEL$0 +Disgraceful. The reproduction of these rolls is clattery, spasmodic -- altogether a disservice to Paderewski's memory. Stick with the flat disc recordings (acoustical and electrical) or go to the Pianola Institute website for good recordings of the later Duo-Art rolls.$LABEL$0 +Best WWF PPV of 99. Venis vs. Mankind and HHH vs. Austin were OK, the ladder match was good, and everything else sucked. I don't see how this show got an average rating of ****1/2. This was the best WWF PPV of 99 that I saw (Royal Rumble, WrestleMania, Over The Edge, Fully Loaded, this show, and Armageddon) but it was still terrible.$LABEL$0 +not what it says it is. I bought this because I needed a new charger for my nintendo DS. What I got was a box that said ninetud DS and it doesnt fit in my nintendo DS. Complete rip off.$LABEL$0 +Not a Qur'an. Although this volume comes up in a Kindle search for the Qur'an, it is an 1862 book of Latin verse by the brilliant Charles Stuart Calverley.$LABEL$1 +Disappointing. It was good while it worked (for about a year). It stopped working after I heard a sizzling sound and smelled something burning.$LABEL$0 +great cut. We have had this product about a month and made two or three cuts. It seems to work great and be a product worth getting to save money on haircuts in these tough economic times$LABEL$1 +EXCELENTE. Para quienes usamos el ipod con frecuencia, esto es super util, lo recomiendo. Cuando menos lo esperas te quedas sin baterias, en un aeropuerto, en la oficina etc.$LABEL$1 +Dramatically lower your blood pressure & cholesterol!. I eagerly read this book, since my partner has had lupus for over 20 years. As we adopted the vegan diet suggested in the book, my blood pressure has dropped from 140/80 while on 2 medications, down to 110/70 while on NO MEDICATIONS. I have also dropped 24 pounds since April (07). I thought that giving up coffee and sugar (especially chocolate) would be nearly impossible, but now I find that it has virtually no appeal for me. I'd much rather be feeling good!Ms. Harrington's recipes are quick & painless. She also suggests a wonderful, affordable health center in CA that gave us a "jump-start" on the vegan lifestyle. Thank God for this book. It has literally changed my life for the better!Donna PlaskiMilwaukee, WI$LABEL$1 +campy. I'm not a big fan of John Waters or the genre, so I wasn't expecting much. I realize that everything about this was very tongue and cheek. Fans of Divine may enjoy it, but I felt the jokes were stale.$LABEL$0 +Nice idea... poorly executed. Expensive with low quality.. I got this for my son for Christmas a few years back. At first, this seemed like a really cool toy. Its one of the few planetariums that actually project white stars instead of the inverse. Unfortunately, it was plagued by defects related to low quality. At first, a wire became disconnected from the planet projector light bulb. I soldered it back on and it worked. But ultimately what did it in was the failure of a position sensor on the main projector mechanism. The projector would keep turning and turning even after hitting the mechanical stop. I gave up and ended up throwing out this very expensive toy after only a month. My son was very disappointed. Save your money and look elsewhere.$LABEL$0 +Hathaway Fan. I like this CD. I'm a big Donny Hathaway fan so I feel it was necessary for me to have this CD in my own collection. It's different from what we know of his work but I still would recommend it to those that our huge fans of this brilliant talent. Gone too soon! RIP Donny!$LABEL$1 +If the description doesn't sound like it's your cup of tea.. it's not.. This is a movie set in a fantasy world. You will see a group of young women in stylized fights scenes with Nazis, dragons and monsters set to cover versions of classic rock songs. If this sounds exciting, you will like this movie. If you're "not sure" when don't watch it. This movie has a very specific audience and many will "not get it." However those that "don't get it" shouldn't have bought it in the first place.This is a very twisted version of Alice in Wonderland, and if you want to go down this rabbit hole, you'll love the ride.$LABEL$1 +Same as everything else these guys sell. From the number of historical inaccuracies in this amateur attempt at a karate documentary, it is obvious that the presenter knows absolutely nothing about the subject, and has made no attempt at serious research. He even makes errors with information he has "borrowed" from legitimate sources such as "The History of Karate - Goju Ryu" by Morio Higaonna and Classical Fighting Arts magazine because his knowledge of Goju Ryu in particular, and karate in general, is virtually non-existent.The "many little known facts" alluded to in the product description are "little known" because they are not "facts" but fiction. All in all, exactly what we have come to expect from this source.$LABEL$0 +Book. Barbara Metzger is the best. Good story line, humor, no trash and lovely to read electronically. reasonable price, will buy again.$LABEL$1 +A perfect reason why people need to just shut up.. Berit Kjos is trying to push her personal beliefs and authority in this book. She fails to see that the true purpose of education is not to tell people what to think, but HOW to think. Berit Kjos is going the close-minded route and saying that we should tell our kids what to believe in instead of HOW to believe. It's very important for our kids to know HOW to think because that truly holds substance. Telling them WHAT to think , like how Berit Kjos outlines, means nothing. It's a terrible example of the closed-mindedness in our culture today.It's also poorly written as well. It's nothing more than an bunch of personal inferences. I would be inclinded to like this book more, were it not that its all based on one persons opinion. A really bad opinion at that.$LABEL$0 +At last a Bible without guile. To often I have picked up a quote "modern translation" and been disappointed, often the translation is with bias. I picked up the life application edition on a whim and have not left it get lonely since. It is a user friendly.$LABEL$1 +Much about Nothing. This is not a very good book. It goes around in circles and it is not an easy read. Half of the book is a waste. The author could have gotten the information across in a third the amount of pages, and leave out information that is of no value. It took forever for the author to make her point.$LABEL$0 +What a waste of a great plot. I felt this movie wasted the amazing plot line it had. It was a big dismantlement and the ending was terrible. I was really looking forward to watching this and now realize there is about two hours of my life I am never getting back.$LABEL$0 +not for my machine.. I bought these because they are made to look like old 45's. I figuered because of this, they were audio cd's. I put one in my Philips 770 cd rrecorder and it scrolled"WRONG DISC"USE AUDIO DISC". I don't know if it's my recorder or not. If I use a disc that plainly says For Music or For Audio Use, I have no problem. Buyer beware.$LABEL$0 +Saves $$$. I always get one of these when I give a BrewStation as a gift... save money without the paper filter.$LABEL$1 +Jonas Brothers STINK!!!. I don't know why people like the Jonas Brothers so much. Their voices are terrible. I'd rather listen to nails on a chalkboard than listen to them sing. Their songs are always repetitive. I mean--HELLO--When You Look Me in the Eyes repeats the title at least ELEVEN stinkin' times. I don't understand why they're so famous. Hannah Montana/Miley Cyrus is SO much better.$LABEL$0 +Don't waste your time or money. Don't bother wasting your time or money on this movie. I don't care about the quality of the cinematography, the quality of the story is what is lacking. From the elmination of Jack, one of the Robinson children, to the blatant disregard for absolutely any speck of information from the book, this film will make you cringe in horror. Rather, go get the original book, and curl up with your family and read. It's a better use of your time than watching this garbage. It doesn't deserve the one star I was forced to give it.$LABEL$0 +Good Read. The book was highly recommended by two people whose "book opinions" I respect. Enjoyed the read. Really felt the "sisterhood". Brought back memories of my younger years.$LABEL$1 +No Power. The book of Acts is a book of power! Sadly, this is what is lacking in the DVD presentation. The minute I began watching I knew it was going to be a weak (acting) rendition of the story. Thankfully, it is word for word from the Bible, which is why I gave it two stars. Reading through the book of Acts one can almost feel the electricity of the Holy Spirit working in and through the lives of the Apostles and believers. All of that is lost in the DVD presentation.I would not recommend this DVD. Stick to the Book instead.$LABEL$0 +Ooo....I just can't get enough of his stuff! 1980 ME!. I totally dig this track, but it gets pretty tired if you listen to it all the time. I'm not crazy about the two remixes in this import (probably cuz I'm so fond of the original album versions). However, his DUET with Elisa Fiorillo in "Right Dead Back On It" rocks! We all felt that he should have included this in his album "Spin". Catchy lyrics and fun to dance to! And finally, the acoustic version of "Insatiable" almost brought me to tears. His voice is so compelling and I admire the influence of Kate Bush's "This Woman's Work" sung towards the beginning and end.I received this CD through an Aussie mate and I was excited to hear that he released "Crush" in Australia. I actually choreographed a dance number to "Crush (1980 Me)" and when the single came, I had my dancers sign it! If you ever experienced Pop culture in the 80's, you'll dig this song as well.$LABEL$1 +Hmmmm. just to say I have a JPN PS2 + hard drive and you cant copy music or anything to it like an xbox can (i am fluent in Japanese so i know from the instructions). It may be different for this HDD but i don't think so. It dosent do much for other games though (you install FFX to it and it decreases the loading time by about 1 second, and you still need the DVD to play it). All in all, unless you are planning to play FFXI or other games with HDD support its not really worth it.$LABEL$1 +Was good for about two weeks, then.... Top comments you see here are all correct - they let light in around the nose for sure, and the velcro strap is super uncomfortable behind your head. Also, if you leave some of the velcro strap exposed at either end it sticks to your pillow so you basically have to wear it at one length and completely loose the usefulness of the strap.Last bad thing: SEE THE SECOND PICTURE AT THE TOP WHERE THE BACK LINING CAME OFF. THAT HAPPENED TO MINE TOO, AFTER ONLY A FEW WEEKS. So dissapointing.Those bad things being said they are very light and nice otherwise. I never think they are that bad while I wear them as I fall asleep but my body hates them so much that I literally wake up every morning and I have tossed them on the ground next to the bed in my sleep.$LABEL$0 +unsafe?. Well the bottle is polycarbonate, contains BPA, and carries a number 7. Who knows if this will prove dangerous, but why risk it. I have thrown mine away.$LABEL$0 +Great while it lasted. As with a previous user, the connection became loose very quickly (within 2 weeks) and does not provide a good connection between the power pack and cord to the computer. I am purchasing a different product... too bad, I loved the idea and design of this one. Not recommended.$LABEL$0 +Saw II. Saw 2 was a very good movie. If you enjoyed Saw then you will enjoy Saw 2. I thought that Saw 2 was better then the first one but the first one was still very good. I went to Saw 2 with a couple of friends one day and we all enjoyed it. Seeing it in theaters was awesome. It was a little bit loud. There is a heavy bass sound going on almost through the whole movie. I didn't get any sleep the night before going to Saw 2 from spending the night at a friends house and staying up all night. I thought I was going to end up falling asleep but I didn't because it was so good. I can't wait till this comes out on DVD I will definatly buy it the day it comes out! Very good movie. i recommend$LABEL$1 +interesting but pretentious. There's interesting information here, about the role offshore tax havens play in our global economy; much of it is quite revealing, as we learn about the Cayman islands, and what corporations do in order to avoid paying taxes. The author gets pretentious, though (and nearly unreadable) when trying to put a philosophical spin on things... there is a long chapter on that which is simply indigestible, and the interpretations are so forced as to be laughable. If you can overlook that, though (just skip those parts) you'll get some interesting tidbits of information about the way corporations operate.$LABEL$0 +Yeah, this isn't much good.. Conor Oberst's lyrics and songwriting just get worse and worse: while at least in the past he was able to write somewhat-interesting lyrics and come up with creative arrangements (such as the "Every Day and Every Night" EP), here he patronizes the remains of country music in a series of lachrymose, overwritten ballads that constantly strive after universal relevance, but just come off as self-righteous. The album's best moment is probably the single "Lua", but even that one's pretty lame. "We might die from medication but we sure killed all the pain"? Deep, man.Self-pity and self-absorption have rarely made for interesting art, and no musings about "What history gave modern man / A telephone to talk to strangers / Machine guns and a camera lens" will change that.$LABEL$0 +Returned to store. I carefully followed the directions and couldn't get it to work with or without string. Was a hassle to fool with. Tried Dynabee at the PT clinic and didn't have a problem.$LABEL$0 +The Jason and Tara show. I find myself fast forwarding through all the jason and tara parts so I can see the sookie and bill parts. Don't waste your money. The books are so much better.$LABEL$0 +"Tribute" Not One. I cannot in good conscience recommend this disk. I wasn't sure what to expect and am still at a loss after listening to it. It put me in mind of a bad lounge act in the Catskills ala "Saturday Night Live" and Bill Murray. (Is this what 'the Boys' have to look forward to?) If I could've given it less than one star I would have.$LABEL$0 +Glitzy, but frustrating for younger kids. The program requires a lot of fine motor skills. It's too frustrating for my 3 yr old. For example, there is a coloring page ("color all the squares blue"). There are so many of the squares, and they're so tiny, that even I get a little frustrated trying to maneuver the mouse onto each one. In addition, the product is set up around a theme of "save the stars". Kids at the younger end of the age range, such as my daughter, would probably benefit more from a program that lets them "wander at will" a little more. (Try Disney Preschool.) Or, at least, a theme that's a little more laid back. (For example, Pooh Preschool, where the goal is to help everyone finish their work so they can make it to a party.) I also highly recommend JumpStart Preschool.My daughter is at the young end of the recommended age group, so maybe she will grow into it more. For 3 yr olds, I recommend staying away from this one.$LABEL$0 +Is this a male fragrance, being sold as female?. Ordered this product based on reviews. Wow, I was definitely wrong to do that! The order and shipping was on point, however, the the product leaves a lot to be desired. It smells like irish spring soap. I could have gone to the local family dollar to get this smell. Never again.$LABEL$0 +Respectable. Here's a book that read much longer than it really was. By the time I got to page 150, I felt like I had been reading it forever. But make no mistake, this author knows exactly how to pen a novel that I anticipate what the next page will read. With his picture perfect dialogue, Erick S Gray has obvious street credibility and is a master at displaying it in this twisted tale of drugs, prison, sex, violence, deception, murder, and mayhem along with the consequences brought on by the desire of money, power, and respect in the ruthless streets where there is often no escape. You can't help but want the best for Ricky and hope that the angel on his shoulders, Mr. Jenkins can save him from not only Kinko but himself.$LABEL$1 +The Facinating Fusion of Kharma Zhu. Five stars for four amazing musicians! It's fitting how the first song on the album is entitled, "Music In My World." The worldly sound of Kharma Zhu incorporates rock and roll with flamenco, funk and blues. The music is upbeat, sensual, and even playful at times. "And Again" is another great song, using carefully crafted syncopation and Danny Marcus's falsetto to create a surprisingly sophisticated level of listening enjoyment. "Slave" takes the audience by storm with it's funky bass line and sing-a-long potential. This album brings you up and takes you down and makes you want to dance... A must have!$LABEL$1 +Canon EF 50mm f1.4 USM Telephoto Lens. Good value for the price. Have not used it much so I have yet to see how it holds up.$LABEL$1 +Good book on American dolls. This is a very nice book for collectors of American composition dolls. Most books cover this area in less detail.$LABEL$1 +Tempramental. We got this item from Walmart and I was not jazzed about it AT ALL. When we hooked it up to record, we could not get it to record one channel while we watched another. Then the tray stopped working after one week. I sent it to Samsung and they fixed it but it still didn't work right. When it was downstairs, I had to trick the tray to open and then trick it to close (HA! I could only do it... my husband could not). Then we moved it to the bedroom and miraculously, the tray started working.I've never been excited about Samsung products and this type of thing is why. We only kept this thing (for viewing not recording) because we already spent money on it and figured it would do until we were ready to switch over to blueray.$LABEL$0 +Mystery solved. Next!. A sullen girl is imprisoned in France. A young nun in Brazil is tormented by mysterious abdominal pain. Father Joachim (Gerard Depardieu), the priest-surgeon assigned to the nun's case, is mystified by her ailment and fascinated when its cause cannot be determined. Perhaps he sees in the young woman's secretiveness a reflection of his own violent past? What is the connection between these cases and the mysterious words "screel deen" that the nun screams in her agonies?The filmmaker strings us along for the better part of an hour, as we tease out the mysterious connections. We are treated to mysterious voodoo rituals on the beach, a nosy journalist wannabe, an improbably love story and a mother with secrets of her own. There is so much deliberate confusion and unclear switched identities that by the end, I wasn't sure what happened and I cared even less.BTW: This film is rated R only for 1 shot of a nun binding her breasts during the opening credits.$LABEL$0 +You need to read the manga.... The manga is alot better than the anime, and from these reviews on here people don't quite understand the story. This is basically an anime adaptation OF the manga...if you want the full story read the manga. Anime is never the full telling of the story.$LABEL$1 +Not Jane. Jane is supposed to be strong and we are meant to like her. The actors fail to bring the characters to life and fail to get us to even like them. I'm a huge fan for the BBC 4 hours adaptation but this one sucks.$LABEL$0 +Saved My Dog's Life. I have a small 12 yr old death row pound rescue that started to fail so quickly that I was making plans for euthasia and cremation. I took the dog to the vet thinking she had diabetes but blood tests showed a borderline liver problem (elevated enzymes.) My vet was gone on Friday when I found out about this drug from my mother, whose dog was saved by this drug, but I couldn't get in touch with the vet.The vet wanted to wait another 6 weeks then retake her blood. I thought, she won't live that long at this rate.Since it is non RX I just went ahead and ordered it on a Friday night.By Monday it was here and I started her on it immediately. That was March 17. As of the 26th, she's 100% better, eating like a wolf, lots of energy AND buying from Amazon is half the price or less than the vet would charge. It costs about $21.47 a month.Thank you Amazon!!!$LABEL$1 +ive seen military reports more interesting. i got this being interested in the combat history of the phantom and its abilities against soviet fighters,also in wishing to read about how it faired against them when they did not have crippling ROE working against them like in vietnam.I was very very board reading it as its hole text just one sleep inducing jumble of numbers.The decsriptions of the air fights is very brief and usually is SUCH AND SUCH GOT THEIR 3RD MIG KILL ETC ETC.The pictures are good and the plates are acceptable but thats not good enough if the bulk of the text is boring,hence the one star.$LABEL$0 +MadKatz Bluetooth for PS3. Very cheap earpeice (the folding part). It does not hold the headset to your ear firmly. I'd highly advise against this product.$LABEL$0 +My Favorite New CD!. First of all, I loved the movie. So, as I often do, I ran out to buy the soundtrack. The songs by Leanne Rimes are my favorites, but all the other songs are lots of fun to listen to. My only regrets are that they didn't include "I Will Survive" and "One Way or Another". Overall, I totally reccommend this CD.$LABEL$1 +Go for cotton.... The fit of the boxers is great, as Calvin Klein usually does with all their underwear, but the fabric is terrible. When you use them for any sport activity you sweat twice as you would do with any other pair. Make yourself (and your skin) a favour and buy some CK Fine Rib Cotton ones. You'll thank for that.$LABEL$0 +Not so great. As a mom of twins i thought this would be the perfect solution for the beginning. And i used this thing for way too long. It is IMPOSSIBLE to steer and you will find yourself straining and backing up a million times just to make a turn. Id say its pretty handy for 2 months max. But you might as well spend $50 more and buy a Graco Duoglider which accepts two carseats as well, steers great, and will last you because its also a real stroller!This double stroller frame is too expensive for what it is (or isnt).$LABEL$0 +Excellent Mouse - Great Battery Life. I use this every day and have replaced the battery once in the last four months. It was simple to setup and I haven't had any sync issues. No complaints.$LABEL$1 +Terrible - save your time and money. Grisham's worst book by far (and I've enjoyed most of his stuff to date). A mediocre apology for the self-inflicted losers in society (drug abusers and prostitutes fare better than guy working 90 hours a week). Apparently, Grisham, having made plenty of money to date (which he earned), now feels sufficiently guilty about it that he wants the rest of us to help bring social "justice" about, so long as he gets to define the term. I could have lived through the social whining if there had been a story there, btu there wasn't much of one. An embarassment for Grisham and a complete waste of time.$LABEL$0 +Not as good as it looks. This chair looks great. A friend of mine has one that is the same type of design but made from tubular aluminium and canvas that is so confortable that we fight over who gets to sit on it. I thought this chair would be a classy version with the same comfort so I bought 2. Boy was I wrong.The chair looks great but it is not comfortable at all. The end of the seat is too short or too long and your legs rest on the wood bar which is not at all comfortable. I'm not sure how it can be fixed (I think that the seating surface needs to be longer so that your weight rests on the seat and not the end bar) but it really is a design flaw.It also creaks very loudly when you sit on it.Definitely not worth the money as chairs but they do look nice on my deck! I now consider them purely ornamental.$LABEL$0 +By Thier Blood Christian Martyrs of the 20th Century.. This book was also for my husband. He is 81 years of age and preached for many years and still does when he has an opportunity. He likes to bring lessons on the authenticity of the Bible especially for young people.$LABEL$1 +Super collection. Very pleased to have all of these wonderful Dr. Seuss cartoons on one DVD! Great collection of some old favorites! The kids and I will enjoy this one for years to come.$LABEL$1 +Not great for my daughter's hair type...or my nose type. My little girl is two. She has fine, but pretty wavy hair and it appears that it'll grown in very curly when she gets older (like her father). Though it hasn't grown in fully yet, I decided to hunt for a good detangler now to prevent nightmarish experiences with brushing hair later.Suave For Kids Awesome Apple Detangler does seem to make my daughter's hair easier to brush, but that's about it. Even the tiniest amount makes her normally shiny hair look dull and flat. The smell seems okay at first (like green apple flavored gum), but then has an after-scent of cheap hairspray that makes me feel a little sick if I smell it too long (can't imagine how gross it could be for her if she has my nose :) ). It may not impact everyone that way, but if you have a kid with fine hair and/or you or your child have a sensitive nose, keep looking.$LABEL$0 +more features adds a frustration factor. I thoroughly researched cordless phones before buying Uniden and was surprised and happy that the replacement had many more features at a price substantially less than our five-year old Uniden: corded base as well as remote cordless handset; digital screens on base and remote for caller ID and speed dial/redial features and a plug for optional headset use, something that helps me a great deal. The negative: speed dial programming. The old Uniden model programming was intuitive, something that took about fifteen seconds. The new speed dial allows for entering a name with the speed dial number and a process that has my owner's manuel dog-eared from use. Press a wrong button and it's start over time. Yowch!$LABEL$1 +Quit working after only 15 months. Do not buy this iron. It was fine for the first 15 months but today, it just quit working. No lights, no heat, no nothing! Of course, the warranty expired three months ago. Seems that this is a problem with this iron that others have also had. Irons I've had in the past worked at least five years before dying.$LABEL$0 +Excellent replacement for the overpriced originals. This set of ink works great on my Brother printer with no issues.No streaks, no leaks - just perfect. Even printed some color photos on photo paper and it came out very well!$LABEL$1 +The Runaway Jury. Out of all the John Grisham books I have read, The Runaway Jury was my favorite. It had an element of suspense that the others didn't, and I loved the plot. I thought it was very interesting to read about the "behind-the-scenes" of being on a jury, since all you usually hear is a verdict. The most interesting thing to me however, was reading about jury selections. I had no idea how much they research the candidates in high profile selections. Overall I thought it was a very entertaining book.$LABEL$1 +literary criticism. This is literary criticism and analysis, not biography - though there is some good biography in the first two chapters. For me, I was mistaken in thinking it was Baker's biography of H.$LABEL$0 +Amazing speakers for an amazing price. Very loud, amazing bass.. a must-have, especially for only $20.$LABEL$1 +Needs a DVD. The trainer works great. Gives my 12 year old grandson a lot of cuts that he was not getting before. I think it needs a DVD although to correct swing issues. Jeter could do a 15 minute training on how to swing, how to pick up the ball faster, etc. I think that would be a great addition to this tool.$LABEL$1 +Beautiful!. Every year we have a Mother's Day Tea, for our local, West Dennis Library, we used this for the music, and everyone loved it!$LABEL$1 +waste of money. I don't know what sheets the other reviewers here are sleeping on, but these sheets are awful. After the second night, we started seeing red fluff everywhere, and at first couldn't figure out what it was. Then we realized it was coming off the sheets! It is all over everything, including my new comforter. I couldn't throw them in the garbage any faster!$LABEL$0 +Great Read From LLMiller. I loved this book combo from Linda Lael Miller. Lots of interesting backstory and very well developed characters. I had never enjoyed old westerns but Linda brings the old west and the people to life. Great author and another great book$LABEL$1 +Stink, Stank, Stunk!. The author has been watching too much of the Blues Brothers movie where they go to Louisiana to compete in a band competition and meet the "Voodoo Queen". The conversations between the characters are choppy and unreadable. The story line in the hospital in ridiculous, with the hospital administrator being a drunk, the nurses being loony and the ONE police figure being unstrung. The ending is so comical, Blues Brother funny and unbelievable that you aren't surprised when she just ....STOPS the book with no plausible ending, leaving all characters, including the dog - just hanging. Please lady --- come back to the real world. If this is what the creole culture in New Orleans is really about it's a good thing they are rebuilding. Look elsewhere to spend $15.00.$LABEL$0 +Great for electrical work. As an electrician, I have to cut out many rectangular holes for switches and receptacles. This tool is much easier and cleaner than the RotoZip I was using before. It is by far the greatest for use on plaster and lath. I cut the plaster with the grit blade and then cut the lath with the saw blade. Worth every penny.$LABEL$1 +A disappointment. More vinettes than ideas for groups.. Confusing and boring reading. Only a small portion is dedicated to group ideas. A real disappointment.$LABEL$0 +Firewire option does not work. Any video recorded via the DVD-Direct firewire connection in Standalone mode does not work for me. I get unstable video when I playback the same on my DVD Player, laptop and PS2. Camcorders used were SONY DCR-TRV530 and Panasonic AG-DVC30P. Video fed thru DVD-Direct ( standalone ) S-video and composite inputs works fine on the same DVD+RW discs. Also works fine with the included NERO software. But the major advantage this model was supposed to have over others was the standalone firewire input. And that has failed for me.$LABEL$0 +Cheb Mami Rocks!!!!!. I first heard him with Sting on Dessert Rose, then with Zucchero& Co. That made me want to buy an ablum of just him and it was well worth it. I don't understand the languages he sings in but it isn't necessary. The spirit comes through!!!$LABEL$1 +TEACHER'S CHOCOLATE MOLD. Very nice mold, good quality and lots of detail in the individual components. Lot of fun and my teacher friends loved it.$LABEL$1 +Hop in your RIG, and drive like a maniac!. This game is awesome! I have played it in the arcade many times. Very good!$LABEL$1 +WHY? GOD, WHY?. First of all, Avril Lavigne is a corporate shill. She's a no talent poseur who doesn't write her own "songs," nay, she writes her own "lyrics." That's painfully obvious. There IS a difference. Why anyone would do a "Tribute" to Avril is beyond me. I could think of many more appropriate titles for this CD: "Avril Lite," "Avril Lavigne Karaoke," "We REALLY don't have any talent," "Now that's what I call really, really, really bad music."$LABEL$0 +It works, but not everytime. Average instructions, easy to install, but it only works about 75% of the time. And this is with the transmitter and the receiver only about 12 feet apart, with no obstructions or walls separating them. And this is using the power from the original door bell, so the issue cannot be batteries.Not recommended.$LABEL$0 +Not as great in person. I returned this watch because when I received it, I didn't think the quality was that great. It just felt cheap. Also, it's much smaller than I thought it would be. I have very small wrists, and the watch just didn't look right. The face and band should be much wider - it looks weird when wearing it. The watch looks great online, but it was disappointing when I actually received it.$LABEL$0 +A great inprovement on the genre!. If you liked C &C you got to buy this. I played the beta and it has great graphics, sound, and replayability.$LABEL$1 +Love.. This book captivated me from cover to cover. It's so unique from the names of the characters to the situations and lives they each lead. It's a wonderful and I'd read it again.$LABEL$1 +Has no tuner!. I really wish I'd read the user reviews of this product before purchasing, because nowhere in the the product description is it mentioned that there's no tuner. This means that it will only record what the TV or cable box is tuned to. Not good. I had to return the item shortly after hooking it up.$LABEL$0 +Dr. Goodpet Scratch Free Review. Dr. Goodpet's Scratch Free was a good product to relieve my cat's allergy symptoms. I used this product in conjunction to changing my cat's diet. He showed improvement within two to three days. This was a good alternative for my cat who is sensitive to medication.$LABEL$1 +Value for Money. I needed this IEEE 1394 cable to download videos from my Canon MiniDV Camcorder to my laptop. I looked for the same cable in stores and the branded cables were priced as $35+.. didn't want to spend so much on just a cable.. so odered it with Amazon seller "lusopc".. it just costed $7.20 with shipping... works perfectly fine.. basically it does what its supposed to do...$LABEL$1 +Not Bad For The Price.. This is a pretty good air mattress, I use it as an everyday bed on top of my horrible mattress. I sleep pretty good on it. The only complaint is that I have to put more air in it every day or two, but thats not that big of a deal considering the pump that came with it. The last air mattress I had to blow it all up by mouth. That was just rediculous. I thank so much that it came with a pump. If your looking for a decent air mattress, don't hesitate to purchase this one.$LABEL$1 +LITTLE TOO YOUNG. THE GIRL OF BLAQUE ARE WAY TOO YOUNG TO BE IN A R&B WORLD.THE GIRLS ARE ONLY 17 ! AND LOOK AT 702 OR TLC..THEY ARE LIKE 24-30!THE GIRLS DON'T HAVE GREAT VOICES AND THE SONGS ARE DUMB EXCEPT FOR "BRING IT ALL TO ME"(WITH NSYNC) AND "808".$LABEL$0 +101 Common sense steps better suited to people just starting out. The 101 "tips" aren't really secrets, but more of common sense packaged in one place.As a professional speaker and consultant running my own business and personal development business TheInspirationalEdge.com being just one of them, I refer to it once in a while for inspiration and confirmation that I'm doing fine.I think it'll be particularly good for you if you're just starting out in public/professional speaking.Hope this helps and remember to keep having fun - whatever you do.$LABEL$1 +This person is not credible.. If I wanted mental health advice, Christopher Shelley is the LAST person I would approach. He may be well-dressed and articulate but he's got some pretty serious issues.$LABEL$0 +Been looking for this one for awhile!!. Sound is great. I play this one in the car a lot. Reminds me of days gone by. A must buy for Lettermen fans!!$LABEL$1 +Zero star. It's not worth watching at all.. The acting is a bad joke but the special effect is good in some scenes.I think the movie depicts dark humor not horror but it's not funny at all. For example, in one scene, two ofthe best students of a professor killed his bride by cutting her into pieces. It's because they thoughtshe was just a robot created by him. While doing this, they kept telling each other how her body parts looked so real!I did not find that funny.There are much better horror movies which made me shudder. They are: Black Sheep, Slither, Cabin Fever, 28 days laterPet Semetery and the Grudge.$LABEL$0 +A Christian apologist's view of Bible history. Neil Lightfoot has written this slim, and I'm afraid rathershallow book to help Christians bolster their faith ratherthan shed light on the objective and all too obscurefacts surrounding the origins of the most popular bookever written.All in all, it's fine for a sunday school class that isn'tall that serious about the subject, but it doesn't do muchfor someone really wanting to know *all* the facts, positiveand negative, about the history of the Bible.$LABEL$0 +Amazing! What a Wonderful Show!. If you can't see the Rockettes at the Radio City Music Hall, then you must watch this video. The choreography, songs, and of course, Rockettes are splendid. I had never seen their show before and was completely enthralled as I watched the full production. It made me want to head to New York for a Christmas trip and see them live!$LABEL$1 +The real deal on Pudd N' Head Wilson. I enjoyed reading Pudd N' Head Wilson. It was a little slow at times, but it made up for it, with all the mystery going on, within the novel. If you like educating yourself about slavery, and don't mind seeing the"real", I felt for the slave mother Roxy in the novel, I'm sad that she had to make that type of life changing decison for her, and her son. As well as Tom, and if it had been me,then I can't say I wouldn't have done the same thing. I look foward to reading other books, but the infamous Mark Twain.$LABEL$1 +The Academy got it right this time!. I loved this movie: saw it four times. But the screenplay is even more incredible, and it is blatantly obvious how talented these two writers and actors are. Seeing the movie enhances the screenplay, as ad-libbing is major and the hilarious stories are even funnier. Even without the movie, this is a fine piece of work and it deserves to be enjoyed by all who would hold it with as high esteem as it deserves. Enjoy and good luck Matt and Ben!$LABEL$1 +Ehhhh. When I first saw this I was like "SWEET THATS GONNA ROCK".....Well I was wrong. it was....well pretty stupid. See I thought it was gonna really make smoke (call me stupid lol)BUT really it just makes this flaky stuff fly all over the place and it smells like nasty old matches. its really sticky and its not good for a magic trick. dont waist your money on this.$LABEL$0 +What a disappointment. Well I am a fan of the book and I was really excited to see this so I went ahead and bought it. It got good reviews on rotten tomatoes and the cover just made it look good. Well, I was really disappointed. I tried so hard not to be critical, but it was BORING. They left all of the magic out of the movie. I could accept it not being very true to the book if only they had enhanced some of the scenes, but everything was just so bland. I should have rented it, and also the BBC version b/c that seems to be getting good ratings. The ending was in no way a good thing and I didn't feel any kind of true climax.$LABEL$0 +Great Wire. This is the perfect size speaker wire to hook up your surround sound system. It's beefy enough to carry a great signal and still small enough to tuck between your carpet and baseboard. The price is right here on Amazon. Why pay more anywhere else? It took a little more than this 100 foot roll to do my 5 speakers so order plenty.$LABEL$1 +YOU CAN REALLY REALATE TO THIS MOVIE!!!. I REALLY REALATED TO THIS MOVIE CAUSE I AM "JOHN BENDER" I AM THE TYP WHO TOOK SHOP COASTED THRU HIGH SCHOOL AND GENERLLY DIDENT CARE WHAT PEOPLE THOUGHT ABOUT ME OR WHAT I THOUGHT ABOUT THEM . IWAS AN OUT CAST AND DIDENT CARE....$LABEL$1 +Only reading it because I am past my delivery due date. Boooo-rinnnngg. Can you say Dean Koontz with an even bigger ego and smaller imagination? This was recommended to me highly. I wonder why. I am only reading it because I am waiting for labor to begin and have time on my hands. This is a path-of-least-resistance, lowest-common-denominator book with a mildly interesting premise. Flat characters, some are even charicatures, and the violence is so pervasive that one becomes immune to it very quickly. Like a Stallone film. High cheese factor, too. Maybe I'll pick up Pride and Prejudice again. Or read the side of a cereal box.$LABEL$0 +If it is being moisturized that you seek.... If it is being moisturized that you seek...This stuff is great. To be honest, I didn't like the smell of this item at first. It had a strange odor. I thought this strange considering it was fragrance free... but either way I am over it now. No moisturizer compares to how well it works. The smell has either gone away or I got used to it. Even if it was still there, I'd use it.$LABEL$1 +Very pleased. Tom Selleck is like FINE WINE the older the better.So funny his line "I'm happy you had your Fun." When the ADA "dumped him"What woman would dump him?$LABEL$1 +Nice Necklace. I bought this for my 5 year old grandaughter in memory of her dad who was killed in Iraq. She loved it. The locket is perfect for a young girl, however,the chain that came with it is very fine and difficult to fasten. I bought a sturdier chain to go with this locket. I am very pleased with this purchase.$LABEL$1 +Absolute Garbage. Whoever cut the holes with an exacto knife must have had problems seeing themselves Poor workmanship and waving lines. DONT WASTE YOUR MONEY! Make your own.$LABEL$0 +Terrific Worship!!!. I recieved the order within a few days! Very prompt!! Wonderful condition! I was very impressed! Thanks so very much! God Bless!$LABEL$1 +Trekking to Everest Base Camp. As someone who has guided trekking and climbing expeditions in the Himalayas for 20 years, I would recommend the Khumbu Valley Blues DVD to anyone considering a visit to this region of Nepal.The DVD gives an excellent overview of trekking in the Khumbu, Gokyo, and Imja Valleys, and the animated 3-D maps illustrate the geography of the trekking routes quite effectively.Khumbu Valley Blues is not a high financed, professionally produced film, yet it's an entertaining program that provides a good feel for the Himalayan trekking experience.Mick BromleyB.C. Canada$LABEL$1 +my ears did bleed!. what went wrong? is this a cover band? regretfully it seems that belle and sebastian have drained the well dry... if you want only fond memories of this band, don't buy this album.$LABEL$0 +If you want to burn DVDs with your video, avoid this.. I have bought a lot of Sony products over the years so when I was in the market for a camcorder I foolishly just picked this up without researching it. After recording four tapes of my one year old I tried making a DVD and after 20-30 hours and using 3 programs, including Sony's Movieshaker (constant crashes) I have still been unsuccessful. I have just ordered a well reviewed Panasonic camera in DV. MicroMV is a terrible product with zero support from Sony. I won't be buying Sony again.$LABEL$0 +Bad directions, hard-to-find yarn. I agree with many of the other reviews written. I thought some of the patterns were cute and quick, but now that I've knit up 4 of the patterns, I'd have to say that they are just plain wrong! The baby's cardigan sweater and hat was a disaster. The kids rollneck sweater with fuzzy heart in the middle was not true to size at all. And others were just as bad. I checked my gauge beforehand and followed the instructions to the letter; the directions are simply incorrect. Sloppy work, Suss!$LABEL$0 +Truly Dreadful Movie - Get the Original Instead. This remake of the 1939 film, The Women, is truly a terrible movie. If you must see it to compare, at least the fashions are fun. However, while the orginal is a great old movie, this remake has taken the plot and made is inexcusibly silly. Hated this movie. Watch the 1939 version called The Women instead. It's a well-done classic.$LABEL$0 +All the wrong reasons. What a terrible Christmas book! Everyone is motivated by all the wrong reasons and no one changes. Everyone is hateful to the Kranks and they are hateful in return. They skip Christmas to save money. They then have Christmas to help their daughter catch a husband. People on their street decorate grimly--not out of a sense of celebration but rather one of duty. When Krank breaks step they don't throw off the shackles, but urge him to get back in step. One of his neighbors calls the cops on him. Charitable people doing good works are seen as con men. The Boy Scout leader gouges him when he has to buy a tree at the last minute. He and his wife seem to be engaged in a war. I feel like I've been ripped off. Thanks John! What a "nice" Christmas message!$LABEL$0 +Works really good. I've had this headset for about almost a year and it works flawlessly. It is quite comfortable to wear with right size ear bud. Only complaint I have is it's bit too large.$LABEL$1 +NOT Evyan. This is not White Shoulders and the name EVYAN is not on the box or container anywhere...not even the small print. This is by a imitation manufacturer and a deception!$LABEL$0 +Not So Impressed. Our 4 year old daughter received this for Christmas and it was quickly returned. While the concept is great - kids love seeing themselved on TV - the execution on this product is less than impressive. After putting about $10 worth of batteries into the thing, the microphone didn't amplify very well. Our picture quality was about what you would expect for this price range. Overall, a good idea, but if you are looking for a good microphone, skip this one.$LABEL$0 +thank god I checked it out of the library. It amazes me how being related to someone gives you full-fledged access to do things that normal folks would take years of living to acquire. I thought that I would get a really good book but boy was I wrong. My big question is "Where in the hell was Alice when her daughter needed her?" I guess she was writing those other whacked out books after Color Purple. This girl has issues that most of my biracial friends never had to deal with..ex: like a mother who was never there. I'm still trying to figure out how she can wax on for endless pages about "Color War" at a camp but we have a two paragraph mention that she is now in a relationship with a female. When did this occur?$LABEL$0 +about EF! ?. Unfortunately this book is not really about EF! I was looking forward to learning about the operations and organization of EF! but instead was confronted by the authors own autobiography, largley about his work as a private detective. I wish the book had dealt only with EF! and extremists environmentalists instead of the author himself. I feel like the author missed an opportunity to provide an interesting account of his dealings with EF! Aside from obvious content flaws, the book was also written poorly making it a confusing and monotonous read. At the same time, I am glad I read this book because it seems to be the only one of its kind.$LABEL$0 +Vapid Fragments and Horrid Rhymes. Morcheeba's latest is miserable at best. The lyrics are incipid and the sounds are tacky. Morcheeba has regressed from edgy triphop to bubbly pop inspired nonsense. This album reminds me of accidently leaving that terrible Vitamin C song on the radio too long. Don't waste your money,stick with Who Can You Trust.$LABEL$0 +Husband loves it!. I bought the SkyScout for my husband for Chistmas with more than a little trepidation since customer ratings and comments seemed to be all over the place. I was concerned that he would not have the patience to go through what many of the previous reviewers had in order to get the thing up and running properly. It turns out there was no need for worry. After doing the online update, the Celestron has worked like a charm. Getting a GPS fix takes a few minutes, but after that it works amazingly well. He's been able to identify countless stars in the past two weeks and so far, he's totally thrilled with all that it can do. The SkyScout has been wonderful for finding a particular constellation and them identifying the individual stars within it. The informative audio information is not only educational, but surprisingly enjoyable since the recorded female voice isn't too robotic. I agree it's a somewhat costly item, but from my perspective, the WOW factor has been worth it.$LABEL$1 +Great for little guys who like big sticks. My little boy is 2, and he loves to carry things around that are as big as he is. So naturally, he loves the golf clubs and he also likes playing with the ball dispenser. It's a cute kit and I think he'll have even more fun when he learns to putt.$LABEL$1 +Defying any genre rules you think they fit in.. Breaking the preconcieved notions of how music is made in "the buisness" and just producing what comes from inside.$LABEL$1 +I refuse to buy any more Cd's of his. he has been a popular band up in this area, and the last few times he has been here his partying has been more important then the fans that sit and wait for him to get upon stage(I have been at two shows where he has shown up 1 1/2 hours late,some of his band members didn't even know what to think,and here we all find out he was out partying)So until he straightens up his act and quit acting like he's a superstar,this is one ex-fan who he won't be seeing a dime from and I have talked to others who feel the same way,and we all used to be die hard fans.:($LABEL$0 +I liked this book. "FAthering the Nation" is dazzling in its range of subjects--Melville, Cooper, Douglass, Lincoln, political culture, architecture, political oratory--and the way it combines them. It offers sharp analytic tools for interpreting literature and culture in the antebellum period.$LABEL$1 +Crusade: The Complete Series (DVD). I have had the VHS version since it first came out. But I no longer have a functioning VHS player. I would have preferred a BluRay version with 5.1 sound, but it looks like DVD with stereo is it for this now classic Sci-Fi spin off from Babylon 5.$LABEL$1 +A New Johansen Reader. This was the second Johansen book that I read. I picked up Firestorm on CD to listen to during a long drive and instantly, I was hooked. The characters were memorable and the dynamic between them was incredible. I admit that this a little bit of a "chick" book (the fairy-tale ending is a perfect example of this) but I was holding my breath towards the end. Since then, I've read some of her others, but this is one of the best ones she's written. Bernadette Dunn did a great reading of it, which only helped me get really involved with the story. I hope that she writes another one with Kerry and Brad!$LABEL$1 +Very Funny Book. I bought my mom this book for Christmas, and we both could not stop laughing at it. Definately get this book if you are a cat-lover.$LABEL$1 +Another Excellent Book.... The author does a great job with this book, however, the characters don't tie in quite as closely as the other 6 books in her series do. I wish I had read "The Christy Miller Series: The College Years" first before reading this book because it includes a short portion about Seth Edwards. It would have helped in understanding a little more about him and his past. Overall it was a pretty good book once you get into it. The recipes are wonderful in the back of the book! Highly recommended if you love her books!$LABEL$1 +Well.... Patient:Doctor,I feel enclosed in many levels.The first was okay with the free swinging action,but then,there was no room to fight,NO ROOM TO FIGHT!!!(sob)Peter would say things over and over again!I couldn't take it anymore!He wouldn't shutup!That is why I did it.That's right I broke the disk and I'm PROUD,PROUD, PROUD,PROUD.I WOULD DO IT AGAIN TOO! AND AGAIN,AGAIN!HAH,HAH,HAH HA!Police office:Whats wrong with him?Shrink:It seems he has 2 of 5 syndrome$LABEL$0 +the worst reprint possible. the colors are way off and quite ugly, they blur and the lines are quite thick, and lacking of detail. this is basically a reprint of a reprint of a reprint, the book that comes with is fine though. when compared to a friend's deck who got me into tarot, these just dont work at all and i dont get the same intuition as i do from his deck that he let me barrow, and his are over 13 years old, these look brand new but are as said before absent of the same vibrant color and detail. and that is important. just a bad experience for a first time buyer of tarot cards. i did want rider waite deck though, thats about the only thing they got right. could any one recommend the original to me with the same vivid colors and detail that i am seeking?$LABEL$0 +One of my favorite Bruce Willis Movies. I love this movie. I don't know why. It tries very hard to be a serious, black noir ganster movie and it ends up taking itself too seriously. But I can't help it. The whole movie just entertains me. Excellent supporting characters are as one dimensional as cardboard, but they fit the bill. So what can I say, I recognize this isn't the best movie, but I love it.$LABEL$1 +Weak Binding!. While the intellectual content of this book seems to be up to par, the book itself is very poorly made. Within a few occurrences of rather light use, the binding has already started to come apart!$LABEL$0 +Beautiful Journey. This is a great example of what a good DJ is capable of. Takes you on a wonderful journey. Neil Lewis is a skilled artist and sensual master of the mix. Those of us who are lucky to catch him on the club scene know what I mean. Get this CD you won't be dissapointed.$LABEL$1 +Fallout Boy- uhhhh another trendy crappy band. I have heard the entire cd and I couldn't even bare to listen to it again, its just that bad. It's one of those bands with a radio packaged emo punk wannabe sound. The song that they play on the radio "Sugar we're going down swinging" is one of the most terrible songs in the entire world and if I have to hear it one more time, it will be one time too many. If you are trying to listen to something of any value in the Punk/emo genre, please check out Through Being Cool or Stay What You Are by Saves The Day, which are great albums, although not for the people who enjoy garbage like Fallout boy. This album is a waste of your time and money...enough saidJS$LABEL$0 +Over Priced. I totally agree with the reviewer who implied Acorn Media is short-changing the public, who consistently wait for the new Poirot DVDs episodes. This set is minus two episodes, already available in Britain.If you want all four episodes, "Mrs. McGinty's Dead", "Cat Among the Pigeons", "Third Girl" and "Appointment With Death" you can order it as "Agatha Christie's Poirot - Collection 7 [DVD] [2008]" from the Amazon.uk website. It is produced with a Region 2 DVD format; so you will need a DVD all-region player or one that has been adapted to play both Region-coded DVD's. You can probably get this cheaper too from overseas than Acorn Media, which has consistently been over-priced and always behind in putting out the episodes of this Poirot series and other mystery series.$LABEL$0 +sent me the wrong one. They sent me a white one that looked completely different than the one pictured, but it works well nonetheless, but I do wish they would not advertise a different product than pictured. 2 stars because it worked well$LABEL$0 +Best Filter on Earth. As you know the best Air Filter on Earth is K&N. Thats the reason why I trust them for their new product line ( Oil Filter ). I found a good deal on Amazon. Thanks$LABEL$1 +Fatal problems. The good: easy setup, lightweight, sound quality.The horrible: the ear lock flips vertically (dog ear friendly), keeps on calling people by itself which is very embarrassing.Bottom line: get the hs820 instead.$LABEL$0 +Great Idea But Does Not Work :(. The idea of a signal booster is a great idea, but you are lucky if it works. I read the reviews before buying and thought, hey maybe my phone would be different, maybe my service are would be different, but I am lucky if I get an extra bar and if you are in a building, home or basement, I do not get anything different than what I used to. It was cheap and at least I did not waste a lot of money, but still it would have been nice for it to work. Also installing it was a little fumbling jsut because of the way that it has to be stuck on. I would suggest to anyone buying this product to not, it just does not work.$LABEL$0 +I loved it!. This was definatly worth the money, it has 3 great hits in Hard Knock Life, Can I get A....., and Money Ain't a Thing. You aren't going to get better songs on any other CD.$LABEL$1 +Don't judge this book by its cover. . .. I am not new to spellcrafting, but I was feeling the need to give my practice a little boost. I headed to the bookstore and waited for a book to come to me. This one sort of dropped into my hands and didn't want to leave. I was sort of mortified by the Harry Potter references and put off by the cheesy cover art. But since I had "asked" for the right book to come to me, I took it home even though I would not have chosen it myself. Surprise! This is a great little handbook. It is simplified, but as someone already familiar with many magical techniques, I found the brevity refreshing. The techniques and perspective are solid and sound, but the BEST thing about this little book is that the spells can mostly be done using handy, everyday materials. Its a great little reference tool, compact but covering a wide range of magical subjects. Im glad I didn't judge this book by its cover.$LABEL$1 +A mishandled "Voice". Yes, Mr Watson has the raw material for an attractive operatic tenor, but by the evidence of this CD the vocal material is still quite raw indeed. If he pushes, strains, and bullies his music in the manner heard in this album much longer "the voice" will be a mere shadow of itself in no time. Compounding the problem are the ill-considered re-arrangements of original material. The distending of Giordano's miniature marvel "Amor ti vieta" - to point out just one example from so many - shows how much the singer and his music manager misunderstand the music! Pass on this problematic CD and rush out and buy Naxos' superior Bjoerling album for a taste of a "real" voice.$LABEL$0 +A must see Classic!. Imprisoned on infamous Devil's Island, Papillon ( Steve McQueen) is obessed with the idea of freedom. Together with his freind Dega (Dustin Hoffman), Papillon ceaselessly works on means of escape, his spirit refusing to be broken by savage and humiliating treatment from their captors. One of the few epic films which more than lives up to the promise of the great best seller on which it is based - aided by memorable performances of Hoffman and McQueen.$LABEL$1 +Educational but dated. This publication has much information on the subject, but sadly much of it is very dated. Had I realised just how out of date the subject matter was, would not have purchased.$LABEL$0 +How My Family Lives In America. This is a great multi-cultural book! I t deals with three children and their families. They are Sanu from Senegal,West Africa; Eric from Puerto Rico; and April or Chin Lan from Taiwan. It has good information and is done in pictoral fashion. A good resourse for teachers$LABEL$1 +Yep, Ground to a HALT!. Well, This grinder lasted for 4mo. and 5 days. I have to say that while it worked, it worked pretty well. It clogs up pretty quickly though. I kept it fairly clean but after the last clog it just quit working altogether. I gave it two stars. For durability I'd have given it one. It did work well originally though.$LABEL$0 +Spend a little more and get quality instead. Purchased this to replace an old Panasonic Auto stop. Loved it initially, but with two kids sharpening pencils for school--not unreasonable, it lasted less than 6 months. The old Panasonic lasted 10 years. For the cost, I wish I has spent more and purchased something of better lasting quality.We sharpen 24 pencils each at the beginning of the year and colored pencils--sets of 12, then it's just as needed. This will last if rarely used.$LABEL$0 +Batman, guys.. I mean, it's the Dark Knight Trilogy. On blu-ray. No complaints here! The special features are also great to have!$LABEL$1 +Didn't work. I purchased several cycles worth of this product after having read many of the glowing reviews about it, and also at the recommendation of a fellow TTC lady. I noticed no real changes. My CM was no better than it ever had been. I took the supplement as directed, so I don't see that there was any user error. It simply didn't work! I discontinued use of the product, since it's rather expensive, and I wanted to put that money towards some other form of TTC aid. I wouldn't recommend this product.$LABEL$0 +Interesting espionage thriller. One of McQuinn's earlier works, tells a believable spy story with a suitably twisting plot, and excellent character development. Recommended.$LABEL$1 +Great knife.Excellent value. My wife bought this knife,and also asked me to try it.We have an 8"Santoku,we've used for years.The new knife was a very nice suprise.Good balance and easy in the hand.We liked it so much,we bought 4 more as presents!!$LABEL$1 +Ringo Starr Drum Sticks Pro Mark. The best drummer of all time, these drumsticks are nice and solid with red lettering and Ringo's signature on them. Made of solid hickory.$LABEL$1 +LÉO THE LION. No,this is not DAVID BOWIE,who recorded a song of that title,but LÉO FERRÉ,one of FRANCE's enfant terrible de la chanson ,who had several faces over the years.This collection gives you a sample of his work.Four songs can be considered classics of his repertoire:PARIS CANAILLE,MONSIEUR WILLIAM,LE PONT MIRABEAU and PAUVRE RUTEBEUF.If there were a perfect song for him,it was MONSIEUR WILLIAM,the story of a middle age man who suddently is caught in a tragic love affair;LE PONT MIRABEAU is a famous poem by APOLLINAIRE set to music;PARIS CANAILLE makes good use of a sort of FRENCH slang(argot)and PAUVRE RUTEBEUF is a four hundred years old writing(i am not kidding).A good buy to get acquinted with LÉO FERRÉ.You can go deeper after that.$LABEL$1 +Spidey rules!!!. This movie totally rocks!! I have waited 30 years for this movie to come out. Can't wait until the sequel!!$LABEL$1 +What I Thought.... If you've never seen the broadway production, you very well may like this movie. I, however, have. I was highly disappointed with this movie. The vocals were not even remotely comparable and most of acting was just plain bad. This movie, in no way, did justice to the REAL thing.$LABEL$0 +Shag, The Movie. I knew it, I knew it!! When I bought the VHS format of Shag, I was disappointed because I was sure the music was different than the rental version I had seen. It wasn't nearly as good with the "new" music. I told the video retailer and they said I was wrong, that only one version was made. I read the reviews and I WAS RIGHT! One of the reviews says the DVD version restores the original music, so I am going to buy it. Can't wait to see the original version. This movie is one of the best feel good movies I've ever seen. Great for teens, adults...good memories. Like Pudge really needed that Metrical! It's the most fun!$LABEL$1 +Dull. I have read many, many books about vampires, so perhaps I am jaded. This book was slow and dull. There is little plot excitement, little character depth and little originality. Parts of the book read well, but other sections read like the worst pulp fiction. It was a short book, so I was able to force myself through the whole thing, but I don't think I would have bothered if it were any longer. If you absolutely love this genre and have run out of everything else to read, you may find it just ok. If you are new to this type of book that start with almost anything else. I'm hard pressed to think of another vampire as hero/with romance book published in the last ten years that is worse.$LABEL$0 +Small but effective. I bought this for my husband. He loves it. It attaches securely to the mic stand with no problem. It's pretty small but that can actually have it's advantages. I'd say it's a little smaller than a dvd case.$LABEL$1 +the virgin suicides. This short novel is a sad and believable story about a family of teenage girls and the distance between who they are and how they are perceived.$LABEL$1 +She doesn't like it. Our female cat had a favorite squeaky mouse toy covered with real fur. We were trying to find something with real fur, thinking that this was part of the attraction. It's more complicated than just being covered with fur. These Fur mice are hard--not compressible. I think that the cat likes something that her teeth will actually sink into, and that is not what this Fur Mouse is. This mouse looks fine to me, but for our cat it just isn't appealing.$LABEL$0 +So underateddddddddddd. the gameboy advance is so cool my sister broke hers the best games for it are super mario land and bart simpsons ecd buy it for this lowwwwwwwwwwwwwwww price$LABEL$1 +The Best Book of the Series. The Black Stallion is one of those books that have you glued to your chair 'til you finish it. It's about Alec Ramsay's avdventure on a ship with this black stallion. The ship sinks, and Alec and the horse are the only survivors. Stranded on an island Alec tries to get the stallion to trust him. When they get off the island Alec decides to keep the horse. To find out more abouut their adventure read The Black Stallion by, Walter Farley.$LABEL$1 +So Funny!!. Loved this movie. Bette and Dennis are amazing together acting this out. I purchased the HD streaming video from amazon and is the best quality from the orignal DVD. You'll love this movie and want to see over and over:)$LABEL$1 +Review of book. This book was excellent. The stories about the impact that Mary has had on people are very awakening. I know if you read this book and hear it's message you will be awakened too.$LABEL$1 +Wall Charger & Car Charger stopped working after 4 months of use. USB cable works fineCar charger gave out after 4 months or so.Wall charger quit working after 6 months.These were used with caution and the failures were due to poor assembly or parts, not excessive usage.$LABEL$0 +Review. I really have enjoyed this cd. "Strange Magic" was the first song I ever sang, so ELO has some sentimental value for me, but I think this is a good collection of some of their best and most popular songs.$LABEL$1 +Played way too fast. The live recording of the Diabelli Variations by Grigory Sokolov is amazing. It took me a long time to track down a recording of this work that I'm entirely satisfied with. I feel that Richter plays the Diabelli Variations far too quickly. Just listen to the last variation to see what I mean. The less said about Anderszewski the better.$LABEL$0 +Warm Hands It Is. I bought this for my dad who works outside. In the winter it can get really cold where we live. He usually would put handwarmers in his pockets and have to fight with them all day. This muff was the perfect thing for him. He loves the fit and the strap that goes around the wasted. He also really likes the color cause he can wear it hunting as well.$LABEL$1 +Wrong Description. This review ONLY addresses the DESCRIPTION. The blades might be great. I have not used them yet. The product description states 7" & 7 1/4". However, the package only contains 7 1/4" blades.$LABEL$0 +Excellent Show!. I got seasons 1 & 2 on DVD on the basis that literally everyone I know loves Downton. I hadn't seen any of it yet. Started watching the first two episodes after work one night, and spent my entire day off watching as much as I could - so now I'm almost done already. COULDN'T STOP. Anyway this DVD set is alright, it looks nice and works well. However it seems that the first season is not HD while the second is. Also, not sure if this was due to the sound mixer on the original show or how the DVD version was set up, but the music gets really loud when there is no dialogue, haha. But I can't wait to see the rest : )$LABEL$1 +Good books. Tolkien's best! I read the kindle version and it was a decent price and a great book. This is definitely a must read.$LABEL$1 +Beautiful Colors!. I bought this scarf for myself and I love it! The colors are so beautiful and it goes well with many different outfits. The material is good quality and as a previous reviewer said it is 80% cashmere and 20% silk. In the picture it looks like there is orange in it, but in person it looks more like a rusty cranberry red. I guess it says that the colors may vary so this must be why. Anyway it's a beautiful scarf/shawl.$LABEL$1 +perfect fit. Fit and worked just like original. Only had to take the spark plug boot off the old one and slip it on the new one.Thanks!$LABEL$1 +Close, but no banana. (Miskatonic UCLA!). It has more Lovecraftian overtones than actual basis in one of HPL's stories and, in truth, these overtones, along with a pretty cool demon at the end, work best in the movie.It is kind of a hoot to see the University of California Los Angeles' own sunny quad pass for the miasmic, claustrophobic campus of Lovecraft's Miskataonic University, but even so this is pretty standard kids-trapped-in-haunted-house-fare.The sequel (with Maria Ford and Julie Strain as the demon) is considerably better.$LABEL$0 +Only the first cd is any good.. What is this stuff for anyway? Sound torture?The first cd is ambient "space music" although it ends on a light industral note. CD 2 pick up on the industrial part but degenerates into torturous noises and screaming. CD 3, forget it. I had to listen to these in order to test them for skipping since the discs looked like they may skip.I felt like smashing my player getting through disc 3. Since my cd player is a 3 disc player, it was nearly heavenly when Clay Aiken's cd just happened to come on after that 3rd cd was over!!!!!!!!! Folks, if Megadeth came on it would have been a relief!It is also good that I did not listen to all three discs at once!!!!!Now for the price of a used copy, disc one is worth it for the ambient music. Maybe use the other two for Halloween parties or to torment someone for pi--ing you off.Speaking of torment, opening the packing is a torment.$LABEL$0 +Awesome !. This book was a really great read, and a great find. Raccoon Tune had all my siblings laughing until tears came to their eyes. They memorized every word, and can recite it if asked! Really great for kids of all ages!$LABEL$1 +DO NOT BUY the cd. Okay, this is getting out of hand. My girlfriend's daughter started lessons, and the teacher said to go buy this book. So I pick it up WITH THE CD. Oh no giant mistake. Each track on the cd (gee, only 150 tracks) has no "count." Useless. Guess when the track starts. Now? How about now? Oops, you missed it. What a hunk of junk. A waste of $20. "Corporate" America at its finest.$LABEL$0 +A Neil Diamond lover's dream!. I bought this for my sister-in-law for Christmas and she just loved it! She said she sat and watched and cried and sang and danced. She's been a Neil Diamond fan forever and she said this was as close to being at one of his concerts. I can highly recommend this to anyone who loves Neil!$LABEL$1 +awfull. I ordered think thin bars from this seller, arrived today, but product is extremely old, went to trash, will never order from this seller.$LABEL$0 +Sigh. this would have been a much, much, much better movie without the twist ending. A mother and father want to punish the serial killer who tortured and killed their son. Honestly, who wouldn't sympathize with that? So Mom and Dad kidnap the killer while he is being transported to a prison and lock him up in a empty cabin's basement and torture him.This is not easy for them, as they are not evil like the serial killer is, the mother especially has a hard time sometimes. Makes sense. Realistically done. Super.However, the twist ending blew everything out of the water. Now, there is not necessarily anything wrong with twist endings, as long as they are delivered and executed well and enhance the plot. In this case, it did NOT happen. It only ruined the movie and completely cheapened the story.$LABEL$0 +What an expensive bust.. What an expensive bust. My twin boys are 12 months and they just rip them right off and they don't fit behind their highchair tray.$LABEL$0 +Givin' It To Ya Straight. I thoroughly enjoyed this book. The contributor really allowed Mason to express himself. This book was written the way I would imagine a conversation with him. I could almost hear him speaking as I read. Many people have their doubts about why he has given his life to God and I believe that this book addresses that well. I am glad that I read this book, I always knew that there was something special about him. I see his love and dedication to God in his words.$LABEL$1 +Serenity. This film is a great wrap up to the series "Firefly". Action, adventure, romance, sci-fi, cowboys...what more could you ask for?$LABEL$1 +No selling out for Charlie.. You read reviews saying Charlie sold out with this release; I beg to differ. Mainstream radio wouldn't play this if their life depended on it! While he explores a couple of different avenues on two songs, this is far from selling out. You rarely hear the kind of rough and rumble, kick-ass style of country twang displayed here anymore. Some folks keep comparing this to his previous disc, and that's too bad for them, cause I can't see what the problem is here. Fickleness keeps some people from enjoying damn fine music. In this case, it's fine Texas music.$LABEL$1 +Waste of money. Used the product 4 times, and on the fourth try the motor stopped working. Furthermore I wouldhave to run the grindings thru to get more juice. Makes more mess and is not worth the cost. Thestrainer is very difficult to clean although a wire brush helps. I bought for myselfas well as to give as a gift, and would be embarrassed to give as a gift it is so bad. The partwhere the juice goes in has to be held or it will slide away.DO NOT WASTE YOUR MONEY, NOT WORTH IT AT ANY PRICE.$LABEL$0 +Warning - this book will give you a headache. This is, without question the best investment text I have ever read. The headache comes from realizing that the solutions for investing are not difficult and the book makes you want to kick yourself for not following the logic sooner.Malkiel is a veritable genius and his comments are like an unending rainbow of gold.This is a must read for all of us. Read it, follow it, and your opportunity for financial success OVER TIME are, in my opinion, unrivaled. WOW.$LABEL$1 +Music to mellow out to. I'm still a high school student, so I have loads of homework to do each night. The thing is, I really like to listen to music while I work, but most music really distracts me. That's why I love U2's ALL THAT YOU CAN'T LEAVE BEHIND. I can listen to it and just mellow out and concentrate on what I need to. The melodies are soothing and relaxing, but they also have some nice, mesmorizing melodies. My favorite tracks are BEAUTIFUL DAY, STUCK IN A MOMENT YOU CAN'T GET OUT OF, ELEVATION, and WALK ON. I would recommend this CD to everybody. Just a note though, U2 isn't the kind of band that you really sing along to or anything, their songs are to be listened to and enjoyed, not vocalized by the listeners :-) Enjoy!$LABEL$1 +The worst kids' video I've ever seen. This is the worst kids' video I've ever seen. Whatever you pay for it isn't worth it. The 30-minute video began with about 10 minutes of sales pitches (previews) of other videos made by Kid Vision (all equally excrable). When the "feature" started, an incredibly loud, phoney woman came on as host. She made my toes curl. When the primates finally showed up, one was wearing diapers, which gives you a clue to the educational value of this "Real Animals" video. In other places, the primates cavorted with the kiddies. How it ended, I don't know. I couldn't bear to watch the whole thing. I bought the video for my 5-year-old grandson, but I have too much respect for his intelligence to give it to him.$LABEL$0 +It's a "companion" Not a Bible. I've had this book in my life for well over 10 years. When I first began studying Buddhism and the idea of Zen I was introduced to the Little Zen Companion. This book is a stepping stone. An introduction to bigger things. It's not a bible and it's not a guide to living. It's simply a tool to help beginners grasp certain concepts while at the same time reminding Masters that sometimes the mountain really is just a mountain.$LABEL$1 +Blurry/Soft photos. No matter how I set up the camera, the pictures are just not very crisp. They are very "soft" and blurry. My Dad's 2 year old, 4MP Kodak takes WAY better pictures. I have a feeling that I may have gotten a bad camera and will try to return it for another one just to give it one more chance. Most people seem to love this camera, but there area few of us that are not getting very good clarity it he pictures.Other than that, I love the camera's size, features, feel, & ease of use.$LABEL$0 +HOSTEL part 3(hopefully the end of the series). if there was ever a law in hollywood that should be enforced is labeling movies with a previous title. HOSTEL and HOSTEL part 2 are instant dark cult classics that brings the meaning of fear and asks oneself can this really happen?HOSTEL part 3(i have to call it that...) starts off like a ripoff of the hangover throws a BHC symbol and there you go!! The movie doesnt develop. The characters are weak, and the ending was so-so but it doesnt hit the point,If you a have a buck to spend at redbox and liked the other two. go ahead and rent it. its worth a buckIf Eli Roth doesnt do anything with the series, LEAVE IT ALONE!!!!$LABEL$0 +Adrenaline Rush Action. Blade was a treat to watch. I took my girlfrind, who though we were going to "Ever After", and she loved it too. The begining 10 minutes and the last 15 are the best. After the movie I left the theatre ready to fight a few vampires myself.$LABEL$1 +Ultimately Just Dull. This sounds like it could be really cool, in a David Lynch sort of way..., but strangely, after a couple of listens it becomes very irritating. The sound quality is pretty awful. Sometimes it comes across as exploitative (at least that's what I thought). This is one of those CD's you pull out when company comes over, but since it's nearly impossible to listen to an entire song you might want to save your money.$LABEL$0 +Set your goals? Now all you need to do is achieve them....... If you've set all your goals, and need to figure out how to achieve them, this is the book for you. Full of sensible, practical advice and procedures for drafting (and sticking to) plans, it surpasses every other book on goal acheivement that I've read. It's not too hyper, if you like a book with a quiet 'tone of voice', but it's never-the-less inspirational with it. Buy it, read it, apply it.$LABEL$1 +Wouldn't recommend for trimming the nether regions.... I didn't buy this for my beard, I bought this for shaving below the waist. True story.What I don't like about this is that it is a trimmer but is sized like a pair of clippers. Normally, trimmer blades are about half the size of clipper blades. The blades on this are way too wide to do intricate trimming, beard or otherwise.This just doesn't fit comfortably in my hands, it is just way too thick and I can't comfortably trim with it.They need to market this as actual hair clippers instead of a trimmer. It's just too thick and bulky to be a trimmer.$LABEL$0 +Yet Another, Season 5 Disc 2 Victim - Disc Unreadable. I'm another victim of the poorly pressed disc #2. Anyone who buys this should check disc 2 to make sure it reads. They should do this a quickly as possible to make sure they can return their set, if they end up a victim. I highly recommend not buying this as a gift for anyone. No one is going to like getting a bad dvd set. Definitely not for Christmas!!!$LABEL$0 +Ornish has the answer to better health. Like Dr. John Mcdougall, Dean Ornish proves that the diet, we as humans have eaten for millions of years in the key to good health. We have only eaten a high fat, high protien diet for the last 100 years. These food were limited to the wealthy and they paid the price with things like, breast, postate, colon cancers. These diseases are unknown in those cultures that follow all low fat, low protien, dairy free diet. He proves that most all cronic illnesses are related to the rich American Diet. A great book and a life savor for many.$LABEL$1 +Horse Lover. Love Horses. Great family show. I hope it continues. The show can be a little cheesy at times, however, I really appreciate the wholesome nature of the show.$LABEL$1 +See "Saw". Sociopath movies usually aren't my bag but this film came recommended to me by a few unlikely sources so I checked it out. When the film started out it was suspenseful but the inevitable comparisons to "Seven" started to float through my mind. About the midway point the film kicked into second gear and delivered some twists that are superior to "Seven". Outside of an above average script for this genre type there is superb direction by James Wan. Wan really has a sense for establishing mood and paces his film well. About the only really qualm I have with the film is that the characters aren't really fully developed. For those who are a little squeamish, the film does contain some intense and grisly scenes but on the whole it doesn't go over the top.$LABEL$1 +toothsome but enjoyable.... I agree with another reviewer. Miss Quick's newer romances are a bit longer wordwise. But the longer length is not needed and I hope she goes back to her older writing style. That said-With This Ring's was still filled with Quick's signature humor, quirkiness, intelligent characters and sensuality. It was also refreshing to have a 40 yr old hero and 30 yr old heroine. This book seems written more of a adventure than and "I adore you" romance but is still quite enjoyable. The love scenes are well written, especially the first love scene-against the wall, woohoo-is smoking!All in all-even a mediocre Quick book is better than most other romances out there:)4 stars-recommended:)$LABEL$1 +Sucked - do not buy this book. Rating the author is senseless because the book (especially car books) never have enough pictures and detailed descriptions of the unique features of the selected car... however this book is a waste of a read. The author is way off base, his conclusions are nonsensical and he is ranting about something nobody cares about. I ordered it by accident, gave it to a friend as a present and he returned it... just my 2 cents$LABEL$0 +wonderful product. My son loves chinese food but I am not great with chop sticks. so this way he can have his chop sticks and when I visit, I can use the other side. They are great$LABEL$1 +Very Disappointment. This is suck and very very disappoint in Final Destination series. If you want to buy I really recommand to rent first.$LABEL$0 +Probably a waste of money.. Not so sure this is great stuff. I gave it to my 9 year old arthritic Leonberger, and it made her sleepy and VERY grouchy. She didn't even want to take it and I gave it to her anyway. Normally I give her a potato bread sandwich with Glucosamine, Chondroitin, MSM, Vitamin C, Turmeric and blackstrap molasses, which she loves and which quite obviously helps her feel lots better and quite perky. I only gave her this because I was running late and didn't have time to make her sandwich. I'll put it in the First Aid Kit, but we won't be using it every day.$LABEL$0 +Not bad for the price. I installed this on my Rhino. It fit fairly well, however I can not zip the doors closed all the way. I also found the windshield hard to see through, so I roll it back up over the top (I installed snaps to hold it in place) It stays in place while towing.$LABEL$1 +Good for the $$$. Hey, they're 50 bucks. What do you expect for that price? For this price, they provide decent sound, play loud enough for most environments, have good bass response, and decent highs. It's hard to criticize for the price. If you think you're an audiophile, you shouldn't be buying $50 speakers anyway. Break out some serious greenbacks and buy something that is designed for your "discriminating ear".$LABEL$1 +a Little bit small. Delivering was ok but my only issue with it is that its little but small... I saw one at a friend house it was bigger then what I received so I had to give it to my nephew...$LABEL$0 +Quaran...zzzzzzzzz. I rented this movie because i'm a huge horror fan...plus, i like Jennifer Carpenter...but to be honest, the movie just (literally) put me to sleep. That's all I have to say. I wouldn't write it off though...watch it for yourself, to each his own.$LABEL$0 +epilator. Before buying this product I read all the reviews on Amazon and the theme was basically the same. It hurts like hell the first time you try it but it is worth every penny. The first time I used the epilator it took me about half an hour a leg. I almost gave up, however the second time was less painful and the third time was like normal. It's a similar thing with waxing, but in the end it really is worth the initial pain$LABEL$1 +a fun crime caper set in south Florida - Miami Blues, part 2. Charles Willeford has definitely improved with age. His earlier works were a mixed bag. Competent, but no humour. However since the 1980s Willeford has developed a sense of humour which matches his ability to crank out good crime stories, complete with memorable characters. 'Sideswipe' carries on in this tradition.In 'Sideswipe' with have a violent ex-con, a disfigured ex-stripper, a retiree who just lost his wife, and a talentless artist caught up in some shenanigans. Solving the caper is Hoke Moseley, our quirky cop from the novel 'Miami Blues'. Actually most of 'Sideswipe' concentrates on Hoke and his odd family whereas the crime story itself is a relatively minor element to the book. But overall it works well. The overall effect is funny without being stupid.Bottom line: competent and fun.$LABEL$1 +If you like bike stunts you'll love this!. I liked the fact that this isn't a studio production and totally homemade on a camcorder. It' all real and nothing is faked including a couple of crashes. I would definitely recommend it.$LABEL$1 +IN STINK. n sync is just another baby band. They are such poseurs. One of the babies said he was going to pay Russia to go into space on one of their Soyuz rockets. Of course, it was just a publicity stunt. He was too scared and the Russian space agency is still waiting for him to say yes to the stupid stunt, which he won't, because he is a poseur like the other members of NSYNC.They do not play instruments, they do not write their own songs, the babies probably cannot even dress or feed themselves. They were spawned by the mega corporation "Disney", and they are one of the many contributing factors to the decline of this once great civilization.Baby Bands will fade in popularity like the leisure suit and the pet rock methinks.$LABEL$0 +Love it. Instructions a bit lacking in detail when trying to assemble but with a little patience and perservearance :) once all put toghether it is GREAT. We love it.$LABEL$1 +And people call this music. For all the people who are things like this is my new favorite song about "Everybody's Free," you need to check up on your definition of a song and also check p on your definition of music while you're at it. Even if you like the speech, uuhh excuse me song, how many times can you possibly listen to it? It's like listening to President Clinton's State of the Union adress with some really bad music in the background. This song and this album are a disgrace to the world of music. The only enjoyment I have gotten out of this song is when my local radio station took took the music and wrote a new, enjoyable speech that makes fun of everything Baz says.$LABEL$0 +Entirely too hard to do, but definitely not the "no pain no gain" concept. Using this wheel is EXTREMELY HARD, especially if your are severely over weight.Its difficult to work your abs out with this product because it strains the hell out of your back!. The wheel is also very small, and it gives little to no support of your upper body weight, and its very hard to maneuver.I bought it, rolled it once, and threw it in the closet so it could just collect dust.Its just entirely too difficult and the only "gain" in this workout is some sore knees and some back pain. There are other products out there much more effective and easier to use.$LABEL$0 +Mostly good, but breaks easily if dropped. I'm on my third one of these and will not being buying it again.The problem is with the design, specifically, that it breaks easily if dropped.The small loop attached to the main plastic bone is very fragile at the attachment point (which is very small) and, since it's part of the mold, cannot move. (it's like an "O" that attaches at the bottom, rather than an upside down "U" shape, as other brands have).It's also made of a more brittle hard plastic, rather than a more forgiving soft plastic, meaning that it tends to break rather than give under pressure.If you accidentally accidentally drop your leash with this thing attached (even a short distance from your hand to the ground), you'll probably cause the ring to snap off, rendering it useless.This happened to me twice already.Otherwise, it's not a bad product and works well, but until they address the issue with attachment ring design, I can't give it a full endorsement.$LABEL$0 +packaging. Packaging is a disgrace. Discs are hard to remove and are scratched. How i regret the purchase of this box set.$LABEL$0 +Yuckola. This is one of the worst books I've ever read, which is a drag, given that I really enjoyed "Like Water for Chocolate"$LABEL$0 +The DVD does not play in my computer. I got a DVD of "The Importance of Being Earnest" for Christmas, but the DVD was defective and I could not watch the last part of the movie, so I exchanged it, hoping that the problem was with that particular DVD. The second one didn't even play at all in my computer. While this version of "The Importance of Being Earnest" is highly entertaining, I'm really frustrated with the poor quality of the medium.$LABEL$0 +Not Worth It. This was the first clip art package I purchased, and I wish that I'd made a different choice. First of all, the images are not terribly high quality. The vector image can't be used in other program. The browser application is non-instinctive, and does not allow you to view thumbnails of images without actually changing disks every time you want to search a different category. There are a few images, photographs, mostly that are usable, but the majority of them look dated and ill-concieved.My recommendation is to check out Big Box of Art. A much better product at pretty much the same price.$LABEL$0 +vegetarian treasure. This is one of my all time favorite vegetarian cookbooks. Lots of yummy and easy to prepare food. Every time I get in a rut I find something new and wonderful to try in here.$LABEL$1 +A huge improvement from Burnout Revenge. It takes a few tries to get used to the map and the Compass and all but it is so worth the time. This is one of those games that the more i play the more i want to play untill i cant see anymore! Dont be afraid of the change its like an album you have to listen to a few times to get it but then it lasts for a long time instead of getting it right away and getting sick of it a week later. This game is awesome to play online as well. I cant get enough.$LABEL$1 +If you don't like it.....watch it again.. This movie grows on you. I thought it was just ok the first time, but upon further review I thought it was hilarious. Watch out for the gas station scene and the walk-off among others. Ben Stiller's facial expressions are classic and I find that Owen Wilson is always an excellent sidekick.$LABEL$1 +Pre-order is canceled (Make a statement with your wallet). I was very excited about the release of Star Wars on blu-ray until George Lucas decided to get involved with the damn process. Once again he thinks making changes to the movies are for the better when in fact all he is doing is pissing off his fan base. You would think he would have learned the last time he made changes, but "NOOOOOOOOO". Pre-order canceled and I want nothing to do with this now. The once brilliant man has completely lost it. For anyone else who is upset about this, make a statement with your wallet. DON"T BUY.$LABEL$0 +Andrea Yates Heads to the Country. This psychological drama has a paper thin plot, one dimensional script, and has been falsely advertised as a horror movie. The excellent cinematography and strong performance from the young lead actor cannot save this snooze fest.$LABEL$0 +Resentment? More like revulsion. The title may see it all--Gary Indiana seems to resent everyone, especially if they're attractive or intelligent (like Dominick Dunne). He has no insight into the people he so recklessly attempts to portray (even minor characters that are easily identifiable), and he seems to think that he can aim poison at them without regard. The whole thing backfires--including his weird views about Southern California--and the reader ends up laughing at this silly concoction, not at the characters involved in a real tragic event.$LABEL$0 +Missing pages. My dictionary arrived in good shape. I didn't use it until last night and found that there are 80 pages missing in the English section. I wouldn't be concerned, but I use this dictionary to tutor students for French projects and oral proficiency exams. I would like it replaced if possible.$LABEL$0 +This model sucks. Don't buy.. My wife and I purchased two of these units for our daughters' families last year at Christmas (2003). Just as everyone else explained, they lasted about 6 months and the DVD player quit working.I don't know why the guy that posted a 5-star rating on this unit, and says to not complain about Philips or Magnavox, can make such a claim considering what all of us other "non-experienced electronics users" have to say about this unit (I'm a both a computer services program manager and video/dvd producer, and have never considered myself so unknowledgeable about electronics).Perhaps he bought from a different lot. It would be interesting to find out. Mine says "Manufactured:D August 2003". Maybe if others are from the same lot, we can contact our Attorney General and file something to cause a recall.$LABEL$0 +A magazine article writ large. Unless you have more than one body type, this book will give you a mere three pages of advice for how to dress. I was pretty disappointed. My fashion advice: don't pay for a whole book when you get a magazine article amount of information.$LABEL$0 +Strictly for newbies. There is very little information in this book that I found helpful even if I were a beginner. Lots of common sense. I found the format annoying ("dialog-based"). My recommendation - use the web for information. I returned the book. PS: There is no "easy" way to make money on Adsense... it takes a lot of work.$LABEL$0 +Great book. More people should read this! I worry about what we are doing to ourselves, our environment, and our kids. It is shocking.$LABEL$1 +Every parent in the U.S. needs to read this book!. I was anxious to receive this book since my own son has been diagnosed with Kawasaki Disease twice. Ms. Collins story about her grandson is a touching one. She does a nice job describing the impact this devestating disease can have on an entire family. She is obviously a very devoted and caring grandmother, and the story she paints of her grandson's life is moving and inspirational. She is the first of thousands of families in the United States to express the horrifying impact of this disease and I applaud her for her efforts. The information about the disease and the consequences of not receiving treatment contained in this book is something that should be readily available to every parent in the United States. Sadly enough, however, there are still millions who have never even heard of Kawasaki Disease.$LABEL$1 +Never Even Got to Play it. I am a Sid Meier geek. I love Civ and all previous versions of it. I also play Pirates. I was so excited, as were previous reviewers, when I received this game, I ripped it open in anticipation. It installed fine, no glitches there. but I was never able to play it. I own a nice computer that exceeded the system requirements. I called "technical support", what a joke that was. After being disconnected 4 times, I finally got a human who told me to try a fix that had nothing to do with my problem. After 5 hours of applying that fix, the game still would not work. I am returning my copy and it breaks my heart.$LABEL$0 +Not my cup of tea/coffee/water. This thing is so full of drama you need a no-doze capsule to stay up thru it. The story of a miserable wife, seeks fling on the side with man who is emotionally unavailable.$LABEL$0 +Do yourself a favor, Check it out first. I would strongly urge anyone to check this product out before buying it.... This is one of the first we bought. It is very slow. Our bright enough baby was unable to establish any relationship between mouse movement and what happens on screen. The characters talk to the baby and tell her or him what to do. Babies do not get it. Our baby is now a toddler and this softwere is still useless. I suggest Reader Rabbit Baby, Reader Rabbit Toddler, or Sesame Street Baby and ME. Stay away from Sasame Street Toddler. It is very old, probably a Windows 3.1 progrem that needs a lot of updating.$LABEL$0 +Incredible Performance by G. Larry Butler. Great movie but a damn shame G. Larry Butler's performance was so short...one of his first movies too...a great reaction shot of him as a deputy sheriff help make this movie memorable$LABEL$1 +dragged me in. I can't say enough about this book...and its successor The Glorious Cause. This book is what dragged in me to try to join DAR and learn all I could about the birth of our nation.Jeff tells this all in a voice that is not condescending but informs while entertaining. I feel these books are a must for any American History class or history buff. As a matter of fact I think all Americans, or those wanting to be should read these and understand the odds, the struggles, the remote chance that any rag-tag army could defeat the most formidable army on earth at the time!Exceedingly well written; I could not put it down and had to wait for The Glorious Cause!$LABEL$1 +Not Recommended for the Serious Backpacker. I wouldn't recommend this book for the experienced backpacker or experienced dog owner. The author of the book writes regularly for Dog Fancy... fine publication I am sure, but neither myself nor my dog are particularly fancy. The information is overly broad (though I don't know what I expected for the price) and is not really applicable for anything other than the casual weekend trip or car-camp.If you are anything resembling a regular backcountry traveler who enjoys the companionship and security of your mongrel and are looking practical tips on how to keep your dog healthy, safe and happy on the trail, look at other publications.If you have a monthly subscription to Dog Fancy and a collection of brand new backpacking gear, this might just be the book for you.$LABEL$0 +Superb!. 'Hitler: the Last Ten Days" is a very realistic portrayal of Adolf Hitler's days in the Berlin bunker. Alec Guinness plays history's most famous evil goofball very convincingly. The film presents verified events in a very engaging manner. It's an expensive movie, but if you have any interest in Adolf Hitler you will find it well worth the price. A film like this makes one appreciate how incredible it is that a weirdo like Hitler could have risen so high and done so much damage to humanity. To sum it up in three words-buy this movie!$LABEL$1 +fantastic. The only fault I find in this series (Outlander)is the length of time between books. The last one came out in 2009, the next book in the series won't be out for another year. Four years is pretty awful. The series itself, (that means every book in it) is one of the best series I have ever read. Each book is almost impossible to put down. Having said that I wish I hadn't bought the first one till the whole series was published.$LABEL$1 +Have I Heard This Song Before?. I like Alicia Keys, but I can always tell what artist she was listening to before she wrote/recorded this song. Even though I am young, I listen to music from the 50s, 60s and 70s. This song sounds a remake of an Aretha song with some Donny in it. In other words, this song is NOT original at all!! I do love the message of this song, but this sounds like a song I already heard before.$LABEL$0 +Still An Enriching Experience. They may have cut the overture and intermission, etc., but what was restored in the directors cut lengthens the original. And I don't really feel the previously edited songs enhance the experience. Just like my dislike of "Apocalypse Now Redux." A poor addition of far inferior scenes in my opinion. Fortunately, "1776" still remains a patriotic and historical delight. Almost like watching a stage production, another example of how film adaptations done right, can add to the limitations of stage scenery. Should be required viewing for school children of all ages.$LABEL$1 +Hello Garmin Customer Service?. I would NOT recommend this product. I bought a garmin nuvi 200, and it was great for the 1st year. It is now conveniently out of warranty, has a firmware error, and Garmin's customer service is the most inconvenient and unfriendly that I have seen of any company. Their contact us page should read in bold "we do not care about your problems".$LABEL$0 +along time coming. this is one of those 80s movies that could of been better but was good enough to have a cult following.this is just a fun movie with over the top acting and almost good special effects.$LABEL$1 +Don't buy with the remote control included. This unit should come with a corded remote control attached. However many resellers don't have the remote and sell it without.You'll have a tough time controlling the unit without it. The buttons, especially the fast forward and reverse, are tough to handle and even worse the editing buttons are on the underside of the unit!I have one of these, without the remote, and learned the hard way that you really need it. NOw I'm scouring the net looking for a remplacement.$LABEL$1 +Pretty but Not Sturdy. I bought this a year ago and have had it continually fall apart. It's very stylish and looks great, but the way the rack itself attaches to the wall mount is by one tiny little surface screw. The mount is secure in the wall, but the weight of the double towel rack bends the tiny screw its leaning on where it attaches to the wall-mount and falls down. I've even purchased larger surface screws that won't bend and that held it up for the past 6 months, but those are failing now too.Bottom line is that if you get a double rack (which is a worthy convenience) make sure to investigate how the rack attaches to the wall mount and that it is more than what you would use to attach a TP holder.Don't recommend this product, and subsequently the manufacturer.$LABEL$0 +Sharp and effective, but the release is in a bad place. The release to retract the blade for safe storage is a great idea. But it it's right where your thumb grips the tool so you'll be cutting and CLICK - blade retracted. Other than that design flaw the concept is great and the tool works perfectly. I've saved so much time cutting material over scissors.$LABEL$1 +Real Men Read Iron John. This book had been recommended to me for years. Finally, at the suggestion of my samuri sword teacher, I picked it up and read it in long sittings. What I like first and foremost about Iron John is that it combines memoir, translation, poetry, mythology and journalism all in one book and then delivers powerful messages about men's individuation from mother and journey into manhood. It not only provides a new vision of psychology and archetyping, but does so by dissecting the old, cross-culturally familiar "Wild Man." It helped me to better understand men's psychology and their initiation and rituals into manhood. It also provided me with thematic ideas to explore in my own fiction.$LABEL$1 +Webkinz Chihuahua, my kids loves this guy. I have bought several of these for my 5 yr old autistic son. He loves to collect things that interest him. He has approx 7 of these chihuahuas...that should last him a while..lol$LABEL$1 +M.A.S.H. Season 8. Anyone who has enjoyed watching M.A.S.H should find Season 8 just as funny and heart warming as they found the previous released Season episodes.$LABEL$1 +A desaster Battery. The Battery never works and finally was impossible to return to the dealer, because is very expensive for me (I am at the end of South America)$LABEL$0 +Stopped working after 7 months. I bought this toaster 7 months ago. Recently one side no longer heats up.$LABEL$0 +Great game for kids!. I purchased this game to use in my son's third grade class Christmas party. The kids had fun. One note - it does not have place holders as shown in the picture, so bring some buttons or candies or beans for the kids to mark their places.$LABEL$1 +No talent.... Unlike Jennifer Lopez's Rebirth. True RnB, since when cutie pie Mariah Carey has street cred? Please, most fake artist ever...(and overrated too)$LABEL$0 +An Early DWJ Title. From the previous review I think this was the book published in the UK as Wilkins Tooth. It's a fun story about two children who run a 'Revenge Service' to make some pocket money. As you would expect in a childrens book the scheme backfires. It reminds me of 'Ogre Downstairs' as it's set in an apparently normal town where extra ordinary events occur. I'm not sure why it's been out of print for so long; many of the issues surrounding some bullies in the story could be helpful to schools today.$LABEL$1 +Dark Knight collapses. Terrible all around. Not engaging, not much of a spectacle, no messages or peculiar questions per se, the plot is beyond trivial. Compared to Dark Night I'd give it minus two stars. Compared to an ordinary comic-based movie it's 2 stars.$LABEL$0 +Nothing special. I really don't understand all the hype about this movie. I am a personal fan of musicals, so its not the genre that bothered me. It is an entertainig and well executed movie, but not much beyond that. It sort of tricks you into thinking that its a good movie when really its quite flat. It has no message or theme, and you can't really come to care about the characters. 20 minutes after I had left the theater I had forgotten all about the movie, definitely a sign of a bad movie.$LABEL$0 +WARNING! Not a Good Experience.. I purchased 5 thermocouples listed as "Honeywell #cq100a-1021 18" Thermocouple" and received 3 24" and 3 30" ALL of which had been previously opened, damaged, were missing parts, and poorly taped up. A couple even showed signs of use.....maybe the broken thermocouple returned to the store after a new one installed??? Either way I order 5 18" and didn't receive a SINGLE 18" and since the listing said NOTHING about used, damaged, opened, or parts missing products I rightfully assumed I was buying new product.The good news is they promptly refunded my money without any problems. Obviously they had had this problem before and were not surprised by my complaint. They did comment that they thought that is what I wanted..........NO, if I wanted 24" or 30" thermocouples that is what I would have ordered!! Overall a complete waste of my time and energy dealing with an incompetent and/or unethical seller. One star because ZERO is not an option.$LABEL$0 +A really good and supriseingly hard science fiction novel. A great start to Michael Stackpole's Battletech novels, this one serves as an introduction to the whole Clan invasion, and is great for any fan of Battetech.Battletech itself seems odd, as few people would guess that giant robots blasting each other would be a good example of hard science fiction yet the novels are a a vocabulary building exercise in hard science fiction with just faster then light travel and the prime conceit that giant robots are the kings of the battlefield as places where it strays from very hard science fiction. Read it, it's good. It will teach you what magnetohydrodynamic means.$LABEL$1 +Terrific utility stool. I don't have to be called from another room to get something from the top shelf of the cupboard. The stool does everything as advertised. It moves across the floor easily and offers two different heights. So step up and purchase one for yourself, you'll be glad you did.$LABEL$1 +Does Not Work. The instructions were poorly written and it took a half hour even to get the watch set up with my specifications.Once I finally figured that out, I put the chest strap on and it did not read my heart rate. I tried this several times with no luck.I returned the watch and will try a Polar brand since the reviews seem to be better.What a waste of time and money - I was very disappointed.$LABEL$0 +Delicious.. I wonder why I hesitated so long? I heard them first on a best of grass records sampler my aunt the DJ gave me in 98. I finally found where to get it almost a decade later. It's shimmery and rich. The vocals are clear and airy allowing you to drift away into a noisy, ringing dream. I especialy liked "Sunny", "Blown Away" and "Liquid Star".$LABEL$1 +Earlier Versions Definitely Better. While this is still a decent product, they have removed a number of the utilities that were offered in earlier versions. When I asked Norton about this, their response was "You can uninstall the new version and reinstall the old one," which is like saying, "Oh, well, guess you wasted your money when you upgraded!" Norton claims to have taken away some utilities because they weren't being used. Hey, I used them, and I bet a lot of others did, too. All in all, I was very disappointed in the "upgrade" I bought.$LABEL$0 +Any one episode of JL is better. Here was an opportunity to put a little more time and effort into an animated feature as compared to the half hour episodes of Justice League (basically handled by the same team). It was an opportunity missed. The only "added value" you get from this direct to video movie is some mild cussing. I guess throwing in some foul language makes it more "interesting" or "edgey"? Anyway, to get to the point, any half hour episode of J.L. is better than this movie. And if you watch the ads you'll see a season set on sale for $19.99 at various retail stores. Pick up a season set of J.L. instead of this missed opportunity.$LABEL$0 +This one's a WASTE- Is this even from Baby Einstein?. First let me say--my son LOVES the baby einstein videos--all of them--but this one. This doesn't come close--different format, weird animation and songs? it is totally random and doesn't have a good flow. It def. does not keep his attention (or mine). Save your money or buy Baby Neptune, MacDonald, Shakespear or any other one.$LABEL$0 +What is so funny?. Please look the back of the DVD cover and see if they have subtitles or CC (Closed Captions). I am deaf and want to read what they are saying.I appreicated it and thank you.$LABEL$0 +DISAPPOINTING. I should have rented before I bought. Interesting but just not what I thought it could be. A boy and his horse. HO HUM.$LABEL$0 +Overall best pocket pc.. This is the smalllest, sleakest, fastest, pocket pc on the market the only downside to this product is the lack of third party software. Hopefully more software will be available soon.$LABEL$1 +Excellent CD. Fly is an excellent CD! Goodbye Earl may take a few listens to have it grow on you, but the other songs stick right away. Sin Wagon and Hole in My Head are two songs that get skipped, but the other songs are blared! Fly and Without You are the highlights! Highly recommended!$LABEL$1 +Total paradox!. This book is very interesting, it tells the voyage of Varka, while he searches for his dead love, 'following' the tarot's major arcana cards. It's very simple and at the same time very complicated, in a manner that shows Louise Cooper's talent and originality. The word paradox will follow you throughout the book.$LABEL$1 +Have muscles?. I bought this stroller so I could go for walks in the park and the stroller I purchased also had the feature "music on the move" which is the built in CD player. That feature was nice, but the stroller itself weighed a ton and putting it in my trunk was a task. This stroller is definitely for individuals with an SUV. Plus, the air pump they give you for the tires doesn't work at all. I was stuck going to my locate gas station to air up my tires. Honestly, I started off with the Graco Metrolite and I should have stuck with it. Anyone want to buy a HEAVY awkward stroller?(smile)$LABEL$0 +Britney Bares Her...Soul. Poor Britney. No matter what she does, she's not going to get any respect from the critics. But In The Zone is as good as contemporary pop gets - it's fun, sexy, danceable and mature. Her voice is not a great instrument, but neither is Madonna's. What she is is expressive, sensual and energetic - she makes you feel what she wants you to feel. She had some great producers on this album, and it shows. It's probably a four star album, but I give Britney the extra star because I know she's going to take so many unfair shots from the haters. Which is too bad, because she's adorable and talented.$LABEL$1 +Crap, don't buy it.. Got the pen and first thing I did is open it and this is what I have found... rust everywhere, and it smelled like crap. See picture above.$LABEL$0 +programming reader. The book is terrific!!! The tutorials help me to learn the programming syntax, and users can try the case problems to apply what they learned. The case problems downloaded from the book website already contain basic code segment, so users don't have to type everything. Also, excellent references of HTML, CSS, and JavaScript at end of book. As the title implied, the book is primary for learning HTML and DHTML. Reader that would like to learn JavaScript need to get another book, also recommed Beginning JavaScript from Wrox.$LABEL$1 +Disappointment. If this is a "documentary", then every amateur U-tube video should also be called a "documentary". It is about that quality. All this amounts to is a few (very few) shots of some guys going down trails, almost no dialogue or explanation, and some heavy rock music - for 9 (nine) minutes!! The whole DVD is 9 minutes in length !! Almost no substance. So you spent over a dollar a minute, plus shipping, watching something of a quality you could have filmed yourself on almost any bike trail around.$LABEL$0 +Powerful. It is a compelling story about a fire and it's quest to remain lit while in its home, a fire place.$LABEL$1 +Great movie!. I had never heard of this movie, but the description was interesting, so I brought it and I'm glad I did. This is a great movie and definitely one to add to the collection. I've watched it several times and it never gets old.$LABEL$1 +Big piece of junk!!. I received this in the mail...........it was bent in half to fit in the packaging..............kind of takes away from the usefulness of the sword when it is broken in half to begin with. Not even able to use it as a prop for Halloween. Does not say much for the quality control of the shipperI will never buy anything this cheap again.I am sorry that I spent the money on this one.I would like to warn anyone thinking of purchasing this item as a prop for Hallwoeen or any custume................PLEASE FORGET IT!!!!There are numerous other prop supply companies out there............do not buy from this one.$LABEL$0 +Christmas. as usual Mannheim Steamroller is innovative in their presentation. It is not usual Christmas carols so the music sounds new and fresh/$LABEL$1 +Big Long Book(that's a plus). Well, as any person would first notice about this book, it's HUGE! Or, at least it looked that way. I found the random use of French words irritating and i think that if a book is going to be translated they should at least translate it all of the way. I understand that the French is supposed to make an impression on me, but i like to know what i'm reading about. I love the plot. I love being able to constantly have to remember people who have not been mentioned in around 400 pages and have to test my brain to keep the plot straight. The other great thing is to be able to realize what's happening befor eit has been pointed out. READ THIS! pace yourself, and, if you don't like remembering too much at once, make a flow chart!$LABEL$1 +Mine got ruined quickly. At first I was very excited about these headphones, mostly because of the comfortable fit and the retractable cord. I really couldn't tell the difference when I had the noise cancelling on, but then I thought, hey, this has a retractable cord, it's worth it. Well, I only have had these headphones for a couple of months, and now the cord is damaged and the sound is terrible, even though I have consciously took good care of these headphones. I think the cord got damaged through, oddly, the retraction system. Well, now I have to throw these away and get a new pair. I'm disappointed, for sure.$LABEL$0 +Where's my magazine?. So I ordered this magazine along with Cosmo and Sport's Illustrated on November 29th. It is now Jan 28th and still not one issue. I would love to give this 5 stars since I think it will be a fantastic magazine, but I can't because I don't have it :-/$LABEL$0 +Disappointing!. The watch was not working when it arrived. The battery was dead and there was leakage. The face was all frosted. This was supposed to be new but it was not. Please do not purchase anything from this vendor as it was a frustrating experience.$LABEL$0 +Sound The Alarm for a Great New Musical Force. Sound the Alarm is a powerfully strong EP. The band formerly known as Sleepwell has put together a melodic blend of cool vocals and strong harmonies that mix tempos punctuated by heavy explosive guitars. Most of the songs start out slower and build to intensity with a crescendo of great guitar breaks blended with smooth powerful vocals.All the tracks on this disc are great. The production is clean and crisp.Although most people hate comparisons, I would say their sound is somewhat similar to bands like: Name Taken, Just Surrender, Race the Sun, Acceptance and at times reminds me of As Tall as Lions. Fans of those bands should definitely check this out. All killer and no filler on this promising debut under their new moniker.$LABEL$1 +a great novel.. An orphaned boy goes to live with his relatives, and he slowly finds a new home. I enjoyed this book. The paperback with the cover of the porch scene is wonderful.I think the other reviewers were too harsh on this novel. I really liked it.Also, even if you've seen the movie, read "The Milagro Beanfield War," by Nichols. A super story!The Milagro Beanfield War: A Novel$LABEL$1 +Divine Surrender. If you never buy another book, you need to be sure that this is one that you own, read, reread. Very well written, brings new thoughts and perspective to an ancient topic.$LABEL$1 +Great Winter Workout. I do not race but I like to ride to keep in shape. The video is dated (circa mid 90's) and the music leaves plenty to be desired but the overall reason I bought this was to vary my workout. It delivered a great workout and I use this video on a regular basis.Enjoy!$LABEL$1 +Revaluation of Values. I just have to ask: why is it that when a women has a torrid week of elicit aldulterous sex with another man she has found "the one true love of a lifetime," but if a man has a similar escapade, he is a shallow letcherous pig? The premise of this book is simply this: love is a blissful paradise which is at every turn impeded by such vile ecumbrances as committment, honesty, integrity and self-sacrifice. This book is the centerpeice of the vile "Oprah Syndrome" booklist. Intellectual depth is now merely a melange of "getting in touch with one's spirit," new-age psycho-babble and dizzy romantic love. To believe that such a book offers any intellectual substance is to assert with fervent honesty that one can survive a week's trek in the Sahara with only a glass of salt water and a stick of cotton candy.$LABEL$0 +EVERYTHING is in this book!. 'A Bride's Book' is very complete and contains a page for just about anything a bride might want to remember about her wedding. There are pages for the wedding party, the guest list, the bridal shower, the rehearsal dinner, the reception, the cake baker, the DJ, the photographer, and that's not half of it! The book itself is a spiral bound hardcover, and it is very beautifully put together. My sisters and I gave one to our engaged sister for her bridal shower. If your bride likes to journal and scrapbook, this is the book to go with!$LABEL$1 +I'm Eikichi Onizuka, 22 years old!. Before I bought GTO, I wasn't expecting it to be so good... Onizuka proves to be a pretty nice guy that likes to help students, and it's fun watching all the trouble he gets into on the way. His journey to be a great teacher is loaded with obstacles, such as trouble classes, teachers, etc. How will he ever become a great teacher if he can't even hold his job with peace of mind?$LABEL$1 +SDRE continues to grow and amaze.... SDRE has managed to craft another masterful yet different album. This album is a logical extension of "How It Feels to Be Something On" but unique in its character and composition. The song-writing is top-notch. I have to say on my first listen I wasn't really that impressed - but I decided to give it another chance or two. Then it happened, a hook there, a beautiful melody over there and the spell was cast. The subtleties are just amazing! Combined with the craftmenship of the music - it's really a grand album.$LABEL$1 +Very pleased. Usually like to purchase items like the iron at the big box stores.I was pleasantly surprised that the iron works as well as advertised.No problems and fast service from amazon.$LABEL$1 +Hitler buffs might own it; the curious should visit library. This book is disorganized and the various topics, although related, are not cemented together with anything resembling a well-thought out, well-written structure. In what direct way, for instance, are Hitler's water colors related to the circumstances of his death? This book's most important information (who found Hitler's body, how Hitler died, where Hitler was buried, something I found of particular interest) should have been summarized in a two-page weekly news magazine article somewhere. Obviously, however, the authors felt that to read their exclusive but well-padded research should cost at least $20 or so, therefore, here it is, in book form. History buffs may want this book for the inserts and for what few pages actually contain fresh, well-presented information, but the curious who just want to know more about Hitler's last days should visit their library or borrow a copy from a friend-- who, I'm sure, won't mind lending it out.$LABEL$0 +Great Product. Great product, excellent price. Couldn't believe how large the net was, along with a chipping net and mat all in one handy bag. Nice combination at an excellent price!!!$LABEL$1 +a shame.... good looking, but not what i expected. Very weak, the second hand broke off at the first fall. The Velcro closure fray very quickly! very disappointed!$LABEL$0 +BIIG PIMPIN. OOOK, ive been waiting for this game to come out for a long time, thinkin yeah, secret of mana was awesome, so legend of mana is gonna be twice as good. WRONG. For one the game has no story line what so ever, and u really don't get involved in even your own character. Its just a bunch of pointless five minute adventures that lead to no where. You also have noo freedom of movement in the field world at all, its from one place to the next, no fighting. I'm sure all of your remember when your weapons get upgraded...well nope not in this game, which was one of my favorite options. Really i guess its the story line im disappointed in, i guess the first just won't be beat. I did have to give it two stars though because it gets kinda cool near the end when you get to do cool things with your "town". Overall id say that you'd be more satisfied with Superman64 or going to see Battlefield Earth.$LABEL$0 +Good Investment. I am very happy with this baby sling. It's a little intimidating at first because of all the straps, and I had to have my husband help me adjust it to fit. But all the straps make for a very secure fit.My newborn is very comfortable in this sling. She gets to lay close to me. We tested this out by going to the mall. The whole time baby slept comfortably and not once did my back start hurting. I was very comfortable the entire time and both baby and I felt secure.For me the sling is less trouble than a stroller at this point and has been a nice option.I would recommend this sling. Just be sure to have someone help the first time adjusting it to your body.$LABEL$1 +I'm NOT a fan of TW. But I loved this one. Perhaps its the tortured, rare relationship at the heart of it. (And the historical setting.)$LABEL$1 +Shoulda paid more for something else.. I'm somewhat happy with this pressure cooker set. It takes a while to seal, and won't seal if it's not on high heat, so it's hard to make food you can burn, like rice. I think this is because it has safety features not found on old pressure cookers, but perhaps more expensive brands/models don't have this flaw. It's also hard to figure out how to use. The pressure valve label is confusing to some - the correct positioning is 180 opposite from what it appears. Only cooks at 8 psi and 12 psi, not 15 psi (250F), so it requires about 20% more cooking time (at 12 psi) than a 15 psi cooker. Didn't realize this when I bought it. For the $ I paid, it is OK. I wish I'd bought a better cooker; I'm pleased with the results.This is a copy of my review of theManttra Smart 8-Quart Stainless Steel Pressure Cooker. It seems the products are the same but for color, and I bought the silver one.$LABEL$0 +This is a really bad movie; no refunds given at the door.. Curtis Hanson has made some very good movies(Bad Influence, LA Confidential, even Losin' It was cool), but this movie suffers from some kind of false scholastic irony and deadpan baby boomer humor that thinks can substitute for an entertaining story.Michael Douglas plays a loser. Tobey Maguire doesn't convince me that he is a genius underneath a loser exterior. And the absurd plot and weak relationships give the audience 120 minutes with no where to go.It is all a shame. This movie bombed for good reason.$LABEL$0 +MDR-NC60 Doesn't Cancel Noise well. I had a pair of Maxell MAX190400 noise canceling headphones that broke. Instead of replacing them I thought I would try other noise canceling headphones. I bought (and returned) the following: Shure SE210, Sony MDR-NC60, and the Phillips headphones from Best Buy.The noise canceling on the Sony headphones is terrible. I work in an office that plays music that I don't like. I didn't expect total silence when wearing the Sony's, but the sound should be significantly decreased. However, I heard everything even though the NC feature was turned on. I just bought Maxell's HP/NCIV and they work much better and block out almost all noise. Don't waste your money and time with the Sony. If you really want noise cancellation get the Maxell.$LABEL$0 +This book makes me feel stupid. I was so disspointed with this book considering i read and enoyied Dubliners and Portrait of a Artist as a Young Man and it is on alot of best books of all time list. The reason i liked Joyce's previous work is that both are not too long, he was a good writer and i am against the catholic church so any book that critizes it is okay with me. With his other books you really did not mind the parts when nothing really happens and his heavy prose style. But trying to read Ulysses is such a chore you end up scratching your head and having to read passages over and over again untill you get it. I gave up after after 300 pages and just went to [...] to read the study guide instead.$LABEL$0 +World's shortest DVD. I expected this to be a 45 minute production or at least a 30 minute show. Instead it is like 5 minutes long. Can you call 5 minutes of flat video, shot locked down on sticks, a "documentary?" No awards pending here!I've never felt ripped off before because a DVD as to short! I certainly did when I played this - the world's shortest DVD production. The shots are fine for the duration of the 5 minutes, but there's nothing new here you couldn't find on the internet for free. Burn me once, shame on me! Perhaps it's time for someone to do a serious show on Cymatics. It is -- apparently -- an open market (no competition from this product).Cymatics is an incredibly important subject as it verifies the existence of the aether in a simple mechanical manner. This is topic in need of a serious documentary show. This is not it.$LABEL$0 +A must have for any video collection. This is one of the best concert videos I have ever seen. The concert footage is fantastic and it also contains stories about the band and their travels. The guys from Matchbox 20 tell the stories themselves and they are a very humorous bunch of guys. It brought back memories of the concert I went to, including the feelings of excitment and exhiliration that I felt on the night. It truly made me feel like I was back there again. An un-forgetable experience. I have this video in my collection and I suggest you should have it in yours.$LABEL$1 +Ehhh..... This is a well written and clever book, and the author is very talented. The thing is, I'm a little irritated and bored by the story of a 20-something, commitment phobic, seemingly adolescent kind of guy who is such an emotional midget that he can't even say "I love you." The protagonist reminds me of the quintessential young (immature) single guy whose self destructiveness is matched only by his narcissism...the kind of guy women (girls?) really go for until they get a little older and grow a backbone. Harry's a horrible jerk until she draws a line in the sand...then he realizes how much he cares and wants her back...have all of us not lived or heard this scenario in some way a zillion times since we began dating? Are we not tired of it yet? Maybe I'm getting old...it's just not very cute or alluring anymore...it was hard for me to sympathize and consequently hard for me to stop rolling my eyes.$LABEL$0 +Magnets damaged my Treo. Quite happy with the case, which I use in my pocket (I have the case without the belt clip), so the weak magnets are not a problem.The magnets did damage my Treo (scratches). Sena responded to my email: maybe it happened because I take my Treo regularly out of the case?I thought this answer was not very useful, and their offer to replace the case neither, because my use of the product would not change, and the scratches were there already.Two stars because of quick reply to email and because I love the color (I have the brown case) - also cases do not come slimmer than this one.One more thing: I dropped my phone and since the top corners are not protected guess where the impact hit ...$LABEL$0 +Awful. Being a big fan of prog-metal, and some prog-rock, I must say this was the stupidest excuse for music I have ever heard. If you like bands such as DT or even Spock's Beard, you'll be dissapointed. I have heard good things about this band, but they were obviously bias views. The entire album is eerie sound effects, that don't even come close to giving you that feeling of pure enjoyment. Music to me consists of a band utilizing their skills in song writing and playing their instruments, not making random creepy symphonic sounds with some lyrics. Only if you're interested in the traits in which I listed, DON'T BUY THIS ALBUM!$LABEL$0 +Top this. Solid design, cleans easy- but only fit 1 out of my 4 ten-inch pots, and the handle gets HOT.$LABEL$1 +Heartwarming. I definitely connected with the characters. Their highs and lows were intriguing and I followed it up with the purchase of the DVD. A solid believable story line. Not once did my mind wander away from the plot which covers encompasses many contemporary issues.$LABEL$1 +answers answers. From what we have seen, this is a straightforward vocab rote approach. This approach has both positive and negative aspects and works with some children and not with others. MY BEEF with this book is that it does not have an answer key and finding one has been more than difficult (still haven't at this point).$LABEL$0 +Fiction That Hits Close tot he Heart and Home. I was amazed at how easily this book traveled into the world of the homeless with reality that bites hard into your soul. The characters are very realistic. The emotions are real. Some parts are not suitable for young readers but this was approved for outside reading for one of my high schoolers. Very educational and very uplifting.Pete Love, Author of "On The Scene" & "Hummer: Flight to Freedom"$LABEL$1 +why so much???????????. My wife and I love this dvd. We have taken classes in the past and this dvd is a nice alternative to leaving the house when kids won't let us. We had previously borrowed it from my mother in law and decided to purchase our own. However in searching amazon, we found the dvd listed at well over $40. ???????? When looking at other websites this dvd is priced at $10-$12. I was just wondering if the case was made of gold or if it came with a real life yoga instructor? Waiting for price to be altered or will be purchasing from somewhere else as well as my future business.$LABEL$0 +homicide for good old fashioned viewing. this is a down to earth tv series that holds you to the end of each episode; most enjoyabl e viewing cant wait to watch the next episode$LABEL$1 +Works like a charm. Our fish kept dying because of constant algae blooms. At is turns out, we have high nitrates in our tap water. This stuff removed the nitrates and we have had healthy fish for more than a year now. It really works.$LABEL$1 +Cherokee Proud - Tony Mack MCCLURE, Ph.D. Book Review. I just rec'd the this book and after only flipping through just a few pages on my great grandmother's MCCLURE lines, I'm impressed! Not only am I looking forward to reading this book but I plan on using it for future reference, as I see a few made at the end of one of the chapters and I haven't even read thru it yet - and can not wait! Thank you Dr. Tony MCCLURE. You did your homework because you know your homework. Buy this book! You will not be disappointed!$LABEL$1 +Dr. Wilds' magic.. Chuck Wilds music is the flux that will put you in touch with your inner self. I have an amazing connection with his compositions. In the late 70's when I lived in Orange County my wife and I used to drive down the coast on Highway 1 (PCH). We had friends in Laguna so we would always stop and visit or have lunch. One of those friends was Wyland. Invariably at some point in the day we would end up on the beach, usually late in the day at dusk. We would sit and play guitars for a while and then just lay on the beach and meditate as the sun went down. I now live on the other side of the country but every time I want to recapture that feeling I put on Chucks "Laguna Indigo" and in an instant Im back there. Thanks Chuck. God bless you for your kind soul and the sharing of your wonderful music. Namaste. NklSk@t (SadhuDhaya) Nashville, Tn.$LABEL$1 +Looks cool w/ iSight but is a huge disappointment. What you're paying for is the same thing as a cheap 40-watt desk lamp that can hardly light up a face in a dark room! Not only does the light hardly work, but the light casts you in a weird blue complexion, even in a well lit room. The ambient light sensor sounds like a good idea but doesn't really work that well (the light comes on even while in relatively well-lit rooms). Despite all of these shortcomings, the SightLight is very easy to install. Bottom line....Use an exsiting lamp or buy a cheap one on ebay.$LABEL$0 +Most Excellent. This story is magnificant. I have read the book numerous times and this movie truly brings the characters and story to life. I first saw the mini-series as a child and I have always wanted it for my home collection. This movie is a must for all James Clavell fans and adventure / drama fans alike.$LABEL$1 +Great for carpet, not as great on hard surfaces or detail work. We've had our Sebo for 5-6 years and bought it for a fully carpeted house with very limited hardwood/tile. It was amazing, it is really an excellent vacuum with exceptional parts and performance on carpet. It does adjust to go on hardwood, but it doesn't really do a great job there, also, the standard attachements aren't designed to help you vacuum on any hard surface, just for occasional detail work (short reach, no hard floor attachment). Now that I'm living in a house with primarily hardwoods, I'm looking for a different player as it's not designed to be efficient in this environment.$LABEL$1 +Same as Master the LSAT (with Software and Online Course). I bought this title expecting to see something different, but I got the same thing as Master the LSAT (with Software and Online Course). Waste of my money, and badly labeled for someone wanting to buy the best study books for the first time.$LABEL$0 +Oh Puhleeeze. This book is the worst. The main character is so vapid and boring it's not even funny. This is a novel that is clearly 378 pages too long. The characters are poorly developed; the subplots are dull and this transformation the Duke takes on is hardly original. The Duke is a self absorbed child. At one point the Duke was run over by a carriage....I was hoping the book would over and down with but then I realized that I had over 300 pages yet to read. Dont' waste your money or time.$LABEL$0 +Not durable. These grippers work well but unfortunately the rubber cords around which the wire coils are wrapped are not durable. After wearing these about a dozen times the rubber cord broke making the grippers useless. Too bad because they fit well and worked well while they lasted.$LABEL$0 +incomplete. This book does not address "racehorse" the game most of us play with double sixes. So useless to many.$LABEL$0 +Robbed. Basically, 26 min run time for $14.95 +S/H you robbed me.I did not look close enough. Fool me once shame on you.Fool me twice, shame on me.$LABEL$0 +This book made me wet my pants - with laughter!. Are you looking for one of the craziest, out of whack books on any religious topic? Then you found the right book. Written by a former member trying to make his former faith look good, this author goes so far overboard one would have to be clinically insane to believe it - or to believe the religion found in it. I found my self crying at points I was laughing so hard at the insane ideas portrayed by this book. One has to admit, the author did a great job of creating a new religion. However, the one talked about in this book is more like Scientology (in that it is unbelievably insane) than "Mormonism."$LABEL$0 +Best peak oil book out there!. I have read all the peak oil books out there and can say that this is the best of the bunch. It covers the likely consequences of peak oil like no other book out there. James Howard Kunstler writes in an authorative manner and comes across as a realist who comprehends the huge changes that are almost upon us. One of the best books I have read! Highly recommended!$LABEL$1 +Shouldn't this title be discontinued?. I purchased both this book as well as the newer title, "The Carbohydrate Addict's Lifespan Program" only to discover that much of the advice in this earlier book is considered outdated and erroneous by the authors! It is disingenuous to continue to sell this book without a disclaimer, and I hope the authors/publisher will make that correction soon. Meantime, I'm returning this book for a refund.$LABEL$0 +NEVER READ ANYTHING LIKE IT!. When I bought this book it was about six months before it became very popular. Acutually my dad bought it for me because he saw something about it on TV. Before I read the book I didn't think I was going to like it because it looked kind of thick. When I started reading it my mind changed immedeatly! I couldn't put it down! I loved how the author used big words I couldn't understand that led to big adventures that would get you so absorbed that you thought you were actually in thet book. I liked it so much that every time a sequal comes out I buy it immediatly. I highly recommend this book to anyone......even adults.$LABEL$1 +IT'S FICTION! KIDS ARE NOT STUPID!. I am a huge harry potter fan and I'm very insultedthat Wholberg thinks that kids are too stupid to understandthat THIS IS FICTION! NO ONE I know who loves these books areturning to Wiccan faith. In the books I would like to point out that Harry and his friends celebrate CHRISTMAS, aCHRISTIANholiday.The arguments are shaky at best and downright stupid at worst.Children want to do magic not to defy Christ but to dothings they cannot ordinarily do, such as flying unrestrainedand playing with unicorns.Personally, I would rather do that than read this fire fuel.HARRY POTTER IS FUN FICTION!$LABEL$0 +Get the DVD instead. THIS IS AN EXPENSIVE AND POINTLESS CD.This is an expensive single disc CD. One side is music and the other side is enhanced so you can play the video on your computer. It is only 52 minutes long.This CD consists of the short songs from the complete concert that is featured on the DVD of the same name. This CD contains the lesser work from the concert. The only thing of interest on most of the songs, is that there is Randall Bramlett on saxophone.This show came just after guitartist Mike Howser died. George McConnell has just joined the band, but is so new, he is listed as a guest musician. He sounds out of place on most of the songs on this CD. He fits much better on the songs that were not included on the CD.Get the DVD instead. It has many great moments. The only real good song included on the CD is Rock.$LABEL$0 +Too many items missing. I just spent 1.5 hrs entering 80 items. Only half of my donated items were included in the ItsDeductible database. I had to manually enter the other half and estimate the value on my own.Even with items such as clothes, I had to just pick an item from the database. It was rare that my donated item actually matched something in the database.This software is not the cure-all that Intuit says it is. I should've saved my money and entered all of my donations in a spreadsheet like I did in previous years.$LABEL$0 +It is my favorite. I love Celine, but this one is the best. I love lullaby music. I am the grandma, but I'm still not old enough to go to sleep without beautiful music. This one is a must for babies of all ages.$LABEL$1 +One of their best. One of the group's best ever. Andy Fraser is doing his usual highly creative job on bass. Every song is listenable and memorable. Not quite as bluesy as "Tons of Sobs," nor as mainstream as "Fire and Water," but just right.$LABEL$1 +I also received the wrong item. Ordered the 150w and got the 135w that does not work with the new Xbox Connect...read some of the most recent comments from others. Drats!$LABEL$0 +Great alternative to anti-static cloths. Use it all the time. Works as advertised and I don't have to contaminate my clothing with chemicals to do it$LABEL$1 +Not as expected. This book is not at all as I expected. It am definitely returning it. The overall quality of the images and even the paper the the book is printed on are very disappointing. I also find the poses not very practical, taking a lot of space and a good bit of experience from both partners to be feasible.$LABEL$0 +When you are old and gray and full of sleep. . .. I know, Yeats--but listening once more to the Barry Lyndon soundtrack some 24 years after a first awestruck hearing has cast me back to my long-lamented lovestruck girlhood: what lost Celtic lass can listen to the Chieftan's version of WOMEN OF IRELAND without recalling Marissa Berensen reclining in her bath, and one's own shattered pilgrim soul. What a time it was to be caught up in Kubrick and Bach while my highschool mates played (what?) Mott the Hoople! I've hummed the song to my wee one every night for two years; finally I can play the lovely mix of passionate, rousing, and in turn melancholy tunes to him complete! The flute alone can break your heart. And oh the remembered passion of the line "But I cannot find the ribbon. . . ." What a movie! what an album! Listen to it and remember "how love fled, and hid his face amid a crowd of stars."$LABEL$1 +Jumped the shark. Completely unbelievable.. Some of the "hacking" things that were done can, in fact, be done.However, not the way that was stated, and the reactions of people who do know computers (e.g. Angela) are horribly wrong.Also, almost everyone is acting out of character.Angela can't believe Pelant was able to edit a video to change the timestamp. She didn't say that it was edited too cleanly, but "how was it done?"The timestamp was inside of a black rectangle. That would be extremely easy for anyone with video editing software to change.I think I've given up on this show.Too lazy to continue this review.$LABEL$0 +How about the solo albums on CD. With the Peter, Paul and Mary CD's selling between fourteen and nineteen dollars on Amazon, there is obviously a demand for their music. How about releasing the solo albums on CD?? If Warner's doesn't think there is a demand, make them two fers. Two albums on one CD. I would just love to have the "Mary" album on CD.$LABEL$1 +Thoroughly unwatchable. I decided to give this movie a shot. After 15 minutes of terrible graphics and laughable acting, I just couldn't take it anymore. This is a must *NOT* see film.$LABEL$0 +NASB Black Leather Bible. I think this is a wonderful Bible and am enjoying it greatly. I was however, surprised to find that it is not a red-letter edition. I was not even aware that there is an edition without Christ's words in red. Other than that, this is the best Bible I have ever had. Thank you,$LABEL$1 +cheap looking. this is really not a sorting hat....it's just a black felt hat...and is very cheap. Don't buy!$LABEL$0 +it's not for mac!. it's not for mac and I can't open any file on the disc= =! I feel really disappointed of this product$LABEL$0 +Maps and information missing. The Book includes a lot of hikes and nice spots on Maui but it was not a big help anyway. Some parts are written nicely, but this applies mostly to the car parts.The different hikes are not rated by difficulty and also no estimated time is given. Even worse is that maps of the hikes are missing so you lack orientation when you are on your way - I personally would even appreciate topographical maps - but not even knowing which trails I would cross or whether there were any alternative routs was very annoying. Furthermore description of the trail heads is unclear. Different hikes that are not alternative routes are described in the same chapter which makes reading confusing. All together I can not recommend this book, especially not as a full travel guide to Maui or as your only hiking guide there.$LABEL$0 +Terrible pronunciation. The story drags along slowly no excitement.I normally love having audiobooks on my ipod to listen to while I am swimming / housework etc but this was dreadful.The reading was stilted many words were mispronounced I will never listen to another book read by this reader.$LABEL$0 +won't leave home without it. Just returned from a fab trip to Rome, and it was all the better for having Suzy's book with me. She was accurate about many of the stores (Francesco Rogani did lock the door while I was there), and having the addresses handy was helpful, as I don't speak Italian and sometimes have trouble reading the handwriting. From now on all I need to travel is one of Suzy's books, and a MapEasy's Guidemap!$LABEL$1 +Packaging is Incredible. I bought this for my grandson. I had seen people on here slamming the packaging, but when he actually confronted it, it still surprised me. It seems to have been conceived ala PIL's "Metal Box"; deliberately designed to scratch discs or tear cardboard. I've never seen anything like it.$LABEL$0 +Poor Results - Cannot Recommend. Sorry, but this product not only did not work, but it also killed the surrounding centipede grass and while the crabgrass is returning, the surrounding centipede is not. I used two bottles per the instructions and while the results showed within 2-3 days and it rained on the 3rd day, everything was killed. I was very disappointed in the results.There is no way that I can recommend such an expensive product that just doesn't work as advertised. Too bad, because there is a good market for this product.$LABEL$0 +Look for something more sturdy.. This is one of those "you get what you pay for" items. (And I think I still overpaid). I would expect to find an item like this in the dollar store for about $1...in fact, if you look, there is probably one there. More than that, I don't think I would waste my money. It is very cheap plastic...like what plastic hangers are made of. This will not hold a lot of heavy belts...I'm sure it would not withstand any amount of weight. I was hoping it would hold more belts, but is not working for what I intended. I will keep looking for a much sturdier item as this one definitely will not fit the bill.$LABEL$0 +Perfect Camera Bag. This bag is perfect. We were abe to securily get our professional camera,all of the lenses and accessories, our video camera and all of it's accessories and a Kodak Easyshare in this backpack. We love it!$LABEL$1 +Straw does not fit NUK. I bought 4 of these thinking that they would fit my wide neck NUK bottles like the manufacturer says they do. Would not fit into bottle at all. Not even close.$LABEL$0 +Its over... finally!!. A greatest hits album from pearl jam , probably means the end of grunge for good! Thank god! This music is good for acne-clad teenagers with severe inferiority complexes....$LABEL$0 +Intrator's book captures the teacher'r heart. Sam Intrator has collected a diverse sampling of stories from teachers of all types. They inspire and inform and are enjoyable to read. I would strongly recommend this book for anyone who teaches, from preschool to graduate school.$LABEL$1 +Fantastic writing. I got this book after I won a contest. I initally thought after reading the title blurb that it would be a boring yarn about an autistic boy and did not read this for about 2 months. Later as I ran out of good books to read , I started reading it & I couldnt put it down. Personally I prefer thrillers and whodunits but this book really hooked me in. The character development is fantastic. The way the book goes on through the perspective of the boy is great. I also read the Rule Of Four which tries to kill time by writing loads of rubbish about the characters. The authors of "Rule Of Four" should read this book to understand what character development is.This book would make a fantastic movie too. Not a Hallmark channel one but an actual feature film.$LABEL$1 +love the series. I still pull these out to watch. Always a great story line. Don't mind watch it over and over.$LABEL$1 +doesn't hold dinner plates well. I really like this dish rack for its attractiveness, and I like the way it is set up to hold cups all down the long side. The only problem with that is that the placement of the crossbar under the cup holders doesn't leave quite enough room for a large dinner plate. It's doable, but a bit precarious. Unfortunately, that makes it not very useable.$LABEL$0 +All nonsense + No suspense + No horror = No good.. There is no suspense and no horror. Yet, there are a lot of nonsense.The acting is boring.$LABEL$0 +The dullest yet.. When I read the last Jury book I promised myself I'd never buy another "hard cover" however in a weak moment I bought "The Old Wine Shades." This is, by far, the worse of the series. After this I doubt I'd even spend the money for a paperback. If I wanted to read about physics I'd go to an expert. Also, Jury and his friends are getting rather "long in the tooth"; older but not wiser. Another reviewer mentioned the ending - I never got that far.$LABEL$0 +All the comedy was given in the previews. Previews made it appear to be a comedy mixed with drama. All the comedy was given to us in the previews. It was a drawn out movie that I was just waiting to end!$LABEL$0 +Well..... I guess I gave this the one star for disappointed expectations. I at least hoped he MIGHT try to actually play music. Oh well.$LABEL$0 +Very poor edition. I enjoyed the book due to the fine writing of McMurtry. The paper back edition vas very poor ie type small printing had defects and the format was too small for a 900 + page book. Don't by this edition$LABEL$0 +Seems like a good idea, but don't trust the pre-taped rolls.. I've used window shrink wrap products many times before, and when I saw the pre-taped roll, I thought it might save me some time. It doesn't.1) The tape on top doesn't stick as well as it should, and the double-sided tape for the rest of the window doesn't stick well either.2) The roll itself bunches in on itself, meaning that you have to cut the film much wider than you'd think to prevent creating little zig-zag cut-outs in the space you want to cover.3) The film doesn't seem to shrink as wrinkle-free as other products I've used.4) This one is a little but my fault, but I trusted the height a little too much. The pre-taped top is actually part of the height, which meant that the bottom came out too short on the first window I did. Re-doing the whole thing made me a bit grumpy.I wouldn't buy anything that comes in a roll again. I'll stick to the premeasured films that come in folded rectangles and do the taping myself.$LABEL$0 +Great Techniques. I agree with the previous reviewer that the cardigan in the DVD is not to my taste but the DVD focuses very little on the design and knitting of the sweater. Instead, this DVD centers primarily around the techniques of cardigans including steeking, finishing edges, neck and front button bands, etc. If you have never steeked before or would like to see some expert tips demonstrated, this is an excellent reference!$LABEL$1 +Big gloppy gloopy icky sticky mess. I read at a few different places that this would be good for papercraft, but it is definitely not. The glue brush/handle is just drenched in the goop and it's impossible to apply it with any precision. Definitely not for smaller type crafts. The applicator is just messy, no way to do it with any accuracy. Possibly only good for larger projects but I don't know.$LABEL$0 +The only thing we have to fear.... I enjoyed this book immensely; both the story and the scientific lessons it attempts to inculcate. Unfortunately, the tale is all too believable. The day after I finished, a headline on CNN.com proclaimed "Global Warming is Real, Human Activity to Blame: Scientist Claim" Indeed!$LABEL$1 +How to apply for and obtain an Employer Sponsored Green. Most of the informations contained in this kit are also available in many immigration web sites. The only information which was in this book but not available on line was how to apply for RIR(Reduction of Recruitment) at the labor certification procedure. Some of the information (especially about immigration petition as a priority worker) are not accurate and misleading.$LABEL$0 +Confused by Utterly Confused. I concur with Mr. K. Galligan's review above, I too spotted some of the same mistakes, moreover, on page 12 the author introduces the subject of Linking Verbs by using the term "predicate", although this is an introduction chapter and she has not yet defined what a predicate is, so for those who are unenlightened, or just learning grammar, they need to go to the index where they will find that the definition is on page 52, in chapter 4. I thought the approach illogical. One does not teach the basics by beginning with terms that have not yet been defined.The author begins the selection on verb tenses by explaining that there are six tenses in English, although another grammar book I consulted explains that there are in actuality twelve tenses altogether. The section on the distinction between "who" and "whom" was not particularly well explained either. For a grammar book that was supposed to help those who are utterly confused I found this book confusing.$LABEL$0 +Not Worth the Money. Our while family found this toy incredibly annoying, and it doesn't move around much. My daughter was bored with it after the first day. Also, if you have small animals, be prepared for them to freak out!$LABEL$0 +Very poor wireless range. The first unit I bought did not work. I returned it for another one. The second unit worked, but the range for wireless was less than 10FT. Again, I returned the second unit for another one. The third unit had the same wireless range (under 10FT). I would not recommend this at all.$LABEL$0 +samurai drama. Starts out as an average samurai drama but devolves into a pathetic Computer-generated imagery (CGI) battle fest that is too long and idiotic. 170 swordsmen can't beat 13 skimpy swordsmen. Okay, so if you have the brain of an 8 year old drooling mongoloid you'll love this, but if you love classic Japanese samurai films of the 60's, avoid this.$LABEL$0 +Better out there. We have the wooden Melissa and Doug set. They are much better than these and cheaper. For example, look at the carrot. You can only cut it one time. In our wooden set the carrot is four or five pieces. Also, several of the peels and "throw away" parts of the vegetables are held on by tiny pieces of flimsy velcro. The husk of the corn and the leafy part of the cauliflower barely stay on after a few months of play. We originally thought that some of the peels and things might make this a neat set, but now it seems like those are the things that we don't like. This feels like a cheap plastic set.We own this set and the betterMelissa and Doug 31 Piece Cutting Food Box. If I were you I would go with the more durable and more fun to cut wood set.$LABEL$0 +Just for your kids. It was incredible to see my 2 year-old son jumping and singing with the music of this television band. He remembers the moves and part of the lyrics so every time I play this CD I can see a great smile in his face.I really recommend this CD for your kids. You won't regret it.$LABEL$1 +Couldn't put this book down!- & I never liked reading before. All through my life, I never saw the use in reading. The only Literature I ever cared to see was strictly for school purposes. This book gripped me from the beginning, took me through Dolores' tumultuous years and at the end, I was sad to leave her.$LABEL$1 +Weird Al's Style at the abnormal level. This was a interesting cd with tracks like Living with a Hernia(which is appropriate for kids). Overall it is a great get for your Weird Al Collection.$LABEL$1 +Trust Amazon. You can trust Amazon in particular when you purchase a new book. The book was received on time.Thanks,$LABEL$1 +Not what we expected. before we ordered the Oster 6058 toaster oven, it sounded like it had everything we wanted. Wrong. When standing at normal height and loking down to a counter top it is imposible to read what each button does. There isn't ever a light behind the buttons nor is the printing easy enough to see. In the window at the top there are red bars with something printer above them which I still have not been able to read because the printing is about 1/16 of an inch and not even clear. They don't tell you these things when you read about it. We like Oster products and always found them reliable. This one works fine, but it helps if you are 4 feet tall.Mel Bronston$LABEL$0 +Dissapointing. After all the rave reviews was expecting a bit more than this.I would rather go with any sphongle, OTT, Blutech etc than this.$LABEL$0 +Stay far away. These are excellent if you like the texture and flavor of chewy bark dust. I would rather go hungry next time...$LABEL$0 +Don't waste your money, I did.. Can you spell limberger.... I wish amazon had less than a 1 star rating.$LABEL$0 +Excellent Product, slow delivery. My grandson loved the product. I was rather nervous that it wouldn't get there by Christmas.$LABEL$1 +4 1/2 Stars-The People's Champ. Very good CD. I was very impressed by Paul Wall from the moment I heard him. I've never been a huge mark for the Houston music but Mike Jones I liked, Slim Thug's album i thought was garbage, and this Paul Wall I love. The beats are great, his lyrics are slick, and the overall presentation is very good, if you never saw this guy you wouldn't guess he was white. Paul is a big standout from the Houston crowd and now that he's on the mainstream I think he'll really break out because he's definitely something special. You wont be dissapointed picking this one up.$LABEL$1 +For dog lovers everywhere it's a tug at the heart.. My daughter read this book first and passed it on to me, knowing that I would love it. And I did. Lou Dean writes in such a way that I felt that I was seeing the world in a way that was new yet familiar. Any one who has ever loved a dog will relate to her tale of growing up with a best friend whose tail always wags when you enter the room. A friend who loves you for yourself and for no other reason. I cried and hugged my own two dogs during the last chapter. Cuddle up in your favorite chair with your best canine friend and lose yourself for an afternoon. This is a short, well-written coming of age story that I recommend unconditionally.$LABEL$1 +I love this guy!. I have several of Kendell Hogans workouts and I enjoy every one of them. I can even get my husband to do Kendell's workouts. Kendell is fun, the routines are easy to follow, his crew is good, and the music adds to the workout. You might also check him out on All Star Workout on FitTv.$LABEL$1 +Great collection. I love Eartha Kitt, but can't afford to accumulate all her work. This was a good sampling for me--it had a lot of my favorites, and now I have some new favorites, as well.$LABEL$1 +Thar She Blows! And what a beauty she is!. I love whales and dolphins. They are good looking and hilarious animals. This book told me lots about them and showed me terrific pictures too. Anyway, you've seen my review. Now buy the book.$LABEL$1 +Awesome Shades. If you work outside, these are the shades for you. They are extremely light weight and comfortable to wear. The wrap-around shape provides good protection from flying debris. Tenting effectively removes glare, but does not make the image too dark. Anti-fogging feature seems to work too.$LABEL$1 +Look elsewhere. This book was not good. It was conversationally written and thus easy to read, but if you are really paying attention and trying to learn something, you will notice inconsistencies and places where the chronology of events is not clear.For example: the Due Obedience Law is passed (exempting low-ranking soldiers from prosecution for dirty war crimes, as they were following orders). Next paragraph: "Despite government actions favorable to their interests, the officer corps remained unrepentant." Next paragraph - a group of soldiers protest. Next paragraph: "The Due Obedience Law followed." Huh?And that is just one example... one chapter was so jumbled I couldn't even follow it. If I could do it all over again, I'd choose one of the other histories of Argentina.$LABEL$0 +Wordy, too little finance. Someone recommended this as a taut financial thriller. Well at over 500 pages it's NOT taut! I realize people reading financial thrillers envy their protagonists (the "wannabe" effect), but the portrayal of the protagonist here is annoyingly silly and shallow: keeps gloating about his Ivy education, berating everyone else, travelling the world etc etc etc.As a result the FEW chunks of financial and political plot (the dynamics of distressed debt default in syndicated loans, elasticity of oil with other markets, the details of algorithmic trading by what is known today as VWAP, TWAP etc.) are watered down with too much annoying, long winded, completely inconsequential tripe pertaining to the "high culture" of the protagonist. You get the idea. Bleah. The tripe to plot ratio in this book is over 60%. This book could be a "good" 200 page read. Instead we are treated to the author's diarrhea.$LABEL$0 +Life saver. Really practical peace of software, it comes really handy on trips and when you are new in the area, really accurate maps and directions.$LABEL$1 +The guy who gave this CD a 1-star rating was wrong. This CD sounds great, offering different versions of some of the songs we've come to know from previous albums. Townes remains alive and kickin', thanks to the loving production of Jeanene VZ. Thanks to her for her hard work and devotion, and to the sensitivity of the musicians she selected to work on the album. I think this version of "For The Sake of the Song" is the best yet. It made me really feel sad, all over again, that Townes has left us so soon.$LABEL$1 +Ash Wednesday. As an Elijah Wood fan, I stupidly spent the money to buy the DVD "Ash Wednesday" thinking that if Elijah was in it, it would be worth spending the bucks to see more hours of 'that face' on my television screen. Boy, was I wrong! What an awful movie! And frankly Elijah didn't do well in it because he didn't fit in! Surrounded by dirty, bitter, foul-mouthed losers, he could not quite find his niche. Further more, the storyline is ridiculous. At times it seemed that dialogue was being invented...which actually would be an easy undertaking by depositing a particular four-lettered verb between each and every syllable. If you like Elijah as I do, skip this movie. Buy the much more superior "All I Want".$LABEL$0 +1080i instead of 1080p. this film on blu ray was mastered in 1080i resolution instead of 1080p resolution INTENTIONALLY. it was done to compensate for the framerate of this film and had it been mastered in 1080p it wouldn't have been compatible with north american television's frame-rate capabilities! amazon, PLEASE BRING THIS ITEM BACK! the one star review is just to get this review noticed so more people speak up, and it in no way reflects my opinion of the title itself***EDIT 10/21/11***hey! someone listened! amazon brought the item back!$LABEL$0 +You get what you pay for. I wanted this watch because I wanted a slim, all black watch that would bit a small wrist. It is that, but the battery died in about two weeks...given that batteries cost as much as this watch - it's a wash.$LABEL$0 +This is a "Short Stories" review since there isn't one. After all that's been said above about this heroic album, "Olias," it would be silly to go on. Since I haven't found the first Jon & Vangelis album, "Short Stories," on Amazon, I thought I'd give it a go. At the time, knowing that Yes had disbanded yet again but in a way that signalled a true breakdown of the 70's musical vision, I was a desperate man. "Short Stories" should be made available by Amazon because it is the LAST Yes-vision album to be written. Vangelis rises to the occasion orchestrally and rythmically while Jon delivers the cleverest melodies. I only wrote this to tell you it's one of the last jems from the Yes-related folks at their best. That's all.$LABEL$1 +Fun book for kids. We liked this book and my 23 month old (well she was 19 or 20 months old when we go the book)liked the colors and the interactive parts in the book. The only problem is that she liked to rip out the pop-pout parts of the book, so it was a struggle to read the book w/ her. I'd recommend this book for children over 2 years of age.$LABEL$1 +Oh Puleezzzeee!!!. Look, this is another badly researched conspiracy books. The links are not diffinitively diffinitive. It comes down to this, there were no links to Islamic terrorists beyond the intangible. It is just another attempt to make us feel safe that we cannot have domestic terrorists in this country. That is the same kind of ostrich reaction that gave us 9/11.$LABEL$0 +BlackBerry 8100 8100c Pearl Leather Pocket Case. Awesome! Fits 8100 perfectly. Keeps phone scratch-free and looking new. Great quality case that has held up better than I expected. I truly recommend this if you don't like belt-clips.$LABEL$1 +Not worth the price. I bought two of these to stack and wish I had saved the receipt and box to return them. The space between the racks is very small. I can barely fit the shoes in them. The depth is also limited and does not fit adult sized shoes very well. The edges are sharp - my husband scratched his leg going around the corner. An almost useless product and way over priced!$LABEL$0 +Mostly sleazy with a few good moments. There are a few good laughs but mostly it is exploitive and sleazy. This is especially so of the grandfather who is advising his teenage grandchildren to have all the sex they can.As is typical of much of Hollywood, it is well produced and acted, but he content is quick and shallow.$LABEL$0 +Blenders Christmas Album. This is the second Blenders album we've purchased. Their sound is contemporary, but doesn't lose the spirit of Christmas in their singing. I guess this group is gospel, but their sound is wonderful, cheerful, uplifitng and makes one happy that it's Christmas.$LABEL$1 +Garbage. ComPlete bland soulless tripe. Especially unfaithful, that has the worst beat possibly ever its simPly annoying. Corporate turd polishing at it's best.$LABEL$0 +This is not a classic!. The Philadelphia Story is pure garbage. People and critics have always raved about this movie so I decided to watch it and see for myself, to my utter disbelief this film is nonsense. The plot is childish and goes nowhere and the non-stop talking drove me insane 30 minutes in. Jeez Katharine Hepburn never shuts her big fat mouth, talk, talk, talk! James Stewart is pretty good but he didn't deserve the Oscar. This film is for whiny, spoiled upper-middle class nutcases! I hate it sorry but I can't pretend this is cinema art.$LABEL$0 +WONDERFUL FOR CHILDREN!. I bought this for my 3yr old granddaughter. She has watched it again & again. It's her favorite movie. She puts on her Tinker Bell Fairy Costume and has so much fun!$LABEL$1 +Load of Crap. One of the worst books I've ever read. He wrote it hoping to get a movie -- just plot and action--NO character development. He's supposed to be a novelist. Let me tell you, I've read much, much better non-fiction crime writers; books that aren't novels but read like novels. I'm so glad I paid only 1 cent for the book. We should demand more from our writers.$LABEL$0 +poor quality, but "I got what I paid for". Knives in picure are not what was sent-very similar though. Pay a cheap price, get a cheap product. Locking mechanisms on knives are poor. I took the best/sturdiest knife sailing for 3days, despite the fact that the blade says "STAINLESS" the blade was rusty from the humidity alone. If in fact it is stainless, it has to be the lowest quality stainless in the world. No stainless knife should show rust from humidity over 3days. I would not buy again. I would have been better off spending the $$ on one higher quality knife.$LABEL$0 +Nearly a waste of time!. This story is a very typical "makeover and get the guy" romance. The characters I could have really cared less about and the author spends more time talking about shopping sprees and interior decorating than she does on who these people really are. I was expecting more from Howard, but didn't get it. I recommend this book if you have nothing else left on your bookshelf.$LABEL$0 +There is no place like home and friends. All writing needs a beginning, middle, and an end. The adventures of four unlikely critters longing for excitement stretches the imagination to believe they are real people in real life situations. The story would appeal to children. I read it as part of my bucket list to visit books l DID not read as a child. It was enchanting and had political undertones.$LABEL$0 +Dis Thang iz gon' bee blazin' hot !. Although I only know the 1st single ALL I KNOW I think the album of the GODFATHER OF NOIZE will be the bomb! Keep the HIP-HOP Sh*t real in 99! Peace!J$LABEL$1 +Too Cute!. This cell phone holder is adorable. The only problem is that it doesn't allow you to attach it to anything; you have to have something to attach it TO. I use a gold "caribeener" to hook it onto my purse straps. What's nice about this holder besides its appearance is that there is a small pocket inside that will hold a Bluetooth earpiece. I love it and have received a lot of compliments on it.$LABEL$1 +i love them, but they're not durable for excersize. Well, I love these headphones, about 3 or 4 years ago I started buying them, because they don't allow any interference to enter your ear. I love the bass sound, and the overall loud sound they provide. The only complaint I have is that the cord is very frail, and because of this, these headphones cannot be used for running, or any other physical activities. I've purchased other similar koss headphones to see if they can be used for this, but they all seem to have the same issue.$LABEL$1 +not well made. The suit is poorly made and the helmet is lame. It is a flimsy plastic, comes in two pieces that then velcro together. The velcro doesn't stay on the plastic very well, and the helment is hard to get on and off for a child by himself.$LABEL$0 +I'd like that shower now, please.... There's an amazing quote on the back cover of this book, something along the lines of, "Without obscenity, our cities are dreary places and life is bleak." And wholeheartedly agreeing - the Disneyfication of NYC 42nd Street to my mind rips the heart out of the city - I plunge in. What do I find? Nothing much that's terribly obscene, merely sorta sad and tawdry. The only thing that seperates it from a technically accomplished photodocumentation of a fratboy bachelor party is the mild millennial frisson the [gaijin] reader gets from the Tokyo floating-world setting. The Kenneth Starrs of the world (and there are lots, wouldn't you know) will find plenty to gasp at - "Look! She's got his penis in her mouth! Shocking!". But for the rest of us, Araki-san and his many imitators will have to do better if they truly want to save us from our sterilized, sanitized, thoroughly G-rated future.$LABEL$0 +Works perfectly!. I get a few video dropouts from importing video to my laptop from my MiniDV camcorder. But since this is the only time that I've ever had to deal with firewire, I rated it 5 stars because the video looks amazing! So I don't know if the dropouts are due to my hardware/software or this cord. Either way, the dropouts are negligible for personal video production so I highly recommend this.$LABEL$1 +works as it should. This was easy to install only took a few minutes after removing the old tank. This tank is working fine after a month of use.$LABEL$1 +Cold Creek Manor DVD. I never was able to watch this movie. It was made for some other "region" so would not play on any USA device. When I contacted the company the return policy was so complicated I just said "forget it". Very disappointed. They should have stated in the description that this would not play in USA.$LABEL$0 +Great introduction to Queen, this tape changed my life.. After hearing Bohemian Rhapsody on the radio some time ago, I stormed into my parents cd collection and pulled out Classic Queen to listen to that marvelous Freddie Mercury hit. Soon I began to listen to the other tracks on the album and instantly fell in love with the band's unique sound. Right then I knew I had to see this band in action. When I popped in the tape right from its fabulous plastic wrapped box I sat for 80 minutes straight in awe. This provoked me to start a band, even though I only played the didgerido. Soon enough I had joined a real band, bought a cheap Johnson bass, and practiced incessantly. Now I sit back and jam with my band on my Fender fretless sunburst jazz bass pondering where I would be without that splendid video.$LABEL$1 +Hollywood Hogwash. The thrilling action sequences do not make up for the complete lack of historical accuracy, and anti-British tirade. Will American audiences swallow anything? The portrayal of a peace loving, patriotic, slave-freeing Hollywood hero is enough to make Ghandi vomit. Not that Mel Gibson is a bad actor, or the directing is poor, it's just that the message is absolute garbage.I'm a student from England, and am particularly interested in the British Empire and the colonies in the Americas. But this portrayal of valiant and innocent rebels standing up to evil, Nazi-like redcoats is laughable. British soldiers burning people alive in a church? On what grounds do they base that? The American rebels were early terrorists, not freedom fighters. Half of Americans liked British rule and King George, bless them!See the film if you must, it's quite enjoyable, but dig out your history books later and learn a few home truths about the American revolution. Long live the British!$LABEL$0 +Lots of fuss over very little. I really just don't get the fuss. So far this year this is the most mediocre book I've bothered finishing. And the only reason I finished is because a friend recommended it. I ended up skimming huge chunks just to get through it.The plotting was transparent. With perhaps two exceptions I could pretty much tell what was going to happen. Boring.The characterization was nonexistent. The heroine had no personality, the hero was perfect and had no personality, the secondary characters were archetypes. Boring.The world building was thrown at you in undigestible chunks at the beginning. A good author weaves the world seamlessly into the plot, IMO.And how hokey - she gets a normal face and doesn't know if she's ugly or pretty . And worst of all, this book ends in the middle of nowhere. It. Just. Ends. ARGH!!If I hadn't gotten this book from the library and had actually paid full cover price for it I would be frothing at the mouth.$LABEL$0 +great while it lasted.... This coffee grinder made great coffee...for a while. After two years, it started acting up and now does not work at all. Quite a shock the day I went to make my coffee and couldn't! Ended up using my food processor for my beans that day...yech.$LABEL$0 +Love it!. My grandsons love Bibleman. I have bought 5 of the videos so far (and the costumes, at their request). This is my all time favorite so far. The villain, Shadow of Doubt, is a scream. He plays it just right and his dance number with the two dark sisters is hilarious and inspired. Everything just works in this video, a real treat to watch and has some good lessons.$LABEL$1 +A must for children of all ages. This was excellent!!! Tina Arena was very beautiful. Glenn Close was wonderful too. Micheal Ball has always been my favorite broadway singer. He was wonderful in Les Miserables, and he can do no wrong! Sarah Brightman was terrific, and Micheal Crawford was missed. Lottie Mayor is so wonderul,she is my new favorite. Everyone should leave Antonio Banderas alone. He was wonderful. He did a terrific job, and he would make a great Phantom. Andrew Lloyd Weber is wonderful, eventhough he stole most of his stuff from the early Italian composers.$LABEL$1 +It's just plain WRONG!!!!. How could anyone make Barbie Arwen and Aragorn dolls, that is wrong on so many levels!Tolkien did not write the Lord of the Rings to have dolls made out of his characters to be played with by 2 year olds who can not even start to grasp what the Lord of the Rings is about and the fact that Tolkien was a genius!People should not by this it is just offending! I mean honstly Barbie itself is just lame, but they don't have to bring in a brilliant film and book into their stupid toys made to amuse stupid 2 year olds!!!! Come on now honestly, I just can't believe they did that!!! Grrrrrr...$LABEL$0 +A Gem. My sister turned me on to this cd years ago, when it first came out. I didn't even know who Christinia was. She stole my heart. And till this day, I still pull this cd out and listen to it. What great talent, a treasure.$LABEL$1 +excellent and souful music. I thoroughly enjoyed the first cd although it was kind of pop sounding. But this cd is very well written and performed. Joey's voice has really matured. The lyrics have a great deal of meaning and depth. I normally listen to OZZY, MARILYN MANSON, and NIN, but this CD is a definite change of pace. If you can get it, do so because it has a beat and it is a cd that anyone will like. When I told my niece about this "new" discovery, she asked if I had been living under a rock. This cd is probably one of the better ones I have, so do get it, you won't disappointed. I am looking forward to his next cd. :)$LABEL$1 +Love It!. It is so refreshing to receive a product and it's just as it was described. I love this grill and and it works just as they said it would. I recommend watching the care and cleaning video offered on the web sight as it will make a difference to your grilling experience with this product.$LABEL$1 +GABO, AT HIS BEST, REJOICING IN MAGIC REALISM. A tropicalized Abelarde-et-Heloise-like story, in which a rabies epidemic is confused with diabolic possession. A beauty of Spanish + African ancestry, already incubating rabies, is pursued by a monk who was in his way to become a saint. Both the young woman and the monk fall for each other with a passion that challenges State and Church, the latter intent in destroying them through its instrument of terror, the Inquisition. They cannot win, of course, but they shake both structures. Her hair does not stop growing even after death. The estate of the decrepit Marquis and his love/hate relationship with his un-titled spouse of mixed origin are only surpassed by GABO himself in his Autumn of the Patriarch.$LABEL$1 +Ripped me off... Bait and Switch PRO's!. I ordered this item and it was a complete bait and switch... I was charged 51.00 US and was shipped the ONE piece (hand masker ONLY) and was NOT given my change back nor DID AMAZON do anything about it once I complained to them of these guys pulling the bait and switch. This said I STOPPED spending my hard earned money here altogether, as they need us/our money much more than we need them. Until they either give me the product that I actually PAID for I am not spending another dime within Amazon which is unfortunate because most vendors here do indeed have great products and morals as to NOT pull the old bait and switch. The major problem I have here is that Amazon did NOTHING after I placed a complaint in their system... You think they have your back until you actually get ripped off to find they actually don't care.Bu-buy Amazon.$LABEL$0 +Camp Counselor Needed Equipment!. When I was a camper, my counselor would read Tajar tales to me at night. I loved to hear about the misadventures of Tajar and when I was very young and had a very huge imagination, I swear I really did see Tajar right before I left camp! Now that I am a Girl Scout counselor (at the same camp I went to as a child) I continue the tradition and read Tajar Tales to my campers every night!$LABEL$1 +Petsafe Battery Review. The Petsafe Battery does not live up to the specs that indicate that it will be approximately 3 months life. One of the recent batteries I purchased was completely dead in 2 weeks. Typical is 2 months.$LABEL$0 +Fantastic!!!. Since purchasing this original for my son, it has gone through three children, all of whom can't get enough of this book. Even my eldest whom does not enjoy reading, will gladly read this to his younger sister. I recommend this book for any age. The pics are simple and colorful. The language is relateable to all.Great enjoyment!$LABEL$1 +NOT VERY HAPPY. I BOUGHT THE DYSON VACUUM AFTER HEARING SO MANY GOOD THINGS ABOUT IT AND READING ALL OF THE REVIEWS. I MUST SAY THAT WHILE IT DOES PICK UP A LOT OF DOG HAIR AND DIRT IN YOUR CARPET IT DOES NOT GET IT ALL. I HAVE A HOOVER WIND TUNNEL, AND I WENT BACK OVER WHAT I JUST VACUUMED WITH THE DYSON, AND IT PICKED UP A WHOLE CANISTER FULL OF DIRT AND DOG HAIR. SO WHAT CAN I THINK BUT I JUST WASTED A WHOLE LOT OF MONEY ON A VACUUM THAT I SHOULD HAVE NEVER BOUGHT, AND JUST STUCK TO MY HOOVER. THE CANISTER IS A LOT EASIER TO EMPTY ON THE DYSON VACUUM. BUT IN THE END I AM A LOT MORE CONCERNED WITH GETTING ALL OF THE DIRT AND HAIR OUT OF MY CARPET AND THIS DYSON MODEL DOES NOT DO IT.$LABEL$0 +Good and funny!. Anyone who's ever planned even one wedding knows how out of hand things can get. This poor woman is a bridesmaid in three separate weddings in one summer, so she's tearing her hair out even before the murders start! If you're planning a wedding, and about to kill the caterer or your future in-laws, read this instead.$LABEL$1 +Good book good insight. Very insightful. Looking forward to reading his other book on war. Hate how you have to have a word count to leave a review.$LABEL$1 +Respect and admiration for a brave bibliophile. Wow...this lady can READ! If she's read half of those she's recommended in two volumes, RE-read many of them, AND found the time to write these books-listing-books atop that, well...I'm truly impressed. That's a life well-lived in the world of reading.It's all a matter of opinion, but a few of her suggestions were outright bombs where I labored to get to page 10 (Amazon probably will strike me down for saying so, but thank God the library's free). Then again, there were a few which more than made up for them-and which I'd never have tried otherwise. I was delighted to find a few of my own favorites among her lists, and some that I'd found to be blatantly missing.The important thing is to keep reading once you find an author or a style you love. If it's not on Nancy Pearl's list, it could-and should-be on your own.$LABEL$1 +awful. worst microphone I've ever used. lots of noise, loss of signal within feet of the receiver. had to order new microphones same day. yes it's cheap so I don't expect nearly as much... but cheap trash is still trash.update:ended up buying this: Nady DKW Duo VHF Handheld Wireless Microphone System and it was worlds better and still very affordable.$LABEL$0 +Finally got a copy.... After hearing this on XM radio for well over a year, I finally got a copy in the Amazon market place. This is some great, jangly guitar pop. I hope they're still around, and make another album.$LABEL$1 +Well, I had some reservations, but not anymore.... It's not Soundgarden, and it's not Rage: it's just Audioslave. The name may be cheesy, but the music speaks for itself. It's a blend of thundering guitar riffs in "Set It Off" and "Show Me How To Live" that only be from Tom Morello and soul-pounding songs like "I Am the Highway" and "The Last Remaining Light" that have established Cornell as the most versatile singer of the past two decades. There are a few slow moments in the album with "Like A Stone," but make no mistake, rock has finally returned to the ariways. I really didn't care for the CD upon the first listen, but after the second, I was on board.$LABEL$1 +Great VALUE!!!!. I purchased this frame as a Valentine's gift after doing a lot of research online. I am very satisfied with the overall quality and appearance. The internal memory is great and easy to fill using the suplied USB cable. Also the ability to use the SD card right from our camera was a plus.The only con I have on the frame is the instructions included. I was a little disappointed in the depth of the included instruction sheet, but the ease of use overcame the lacking instructions.I would buy this product again without a second thought.$LABEL$1 +The Eyes of Gray Wolf. I emailed the sender to explain that I needed this item quickly. It was shipped right away and exactly as promised!$LABEL$1 +Classic. Nice, was all the classic cartoons i remember as a child + some extras like Chilly Willy, Andy Panda, & such!$LABEL$1 +Wonderful to give to a new mom!. My mother gave this book to me right after my son was born. She liked the general mothering idea it proposed - sort of a "whatever you do, so long as you do your best, all will be OK." It was wonderful to read Maria's thoughts on motherhood (and all of it's ups and downs) while I was still adjusting myself. I read most of it while breastfeeding (the early months can be marathon feedings)!$LABEL$1 +Sylvania 6615LE - Excellent choice for small crisp picture.. Unpacked the item, and immediately plugged it into my HDTV Set top box using the component output. Voila! a beautiful 1080i picture as stated in the technical specs!.. I then hooked it up to a 2.4Ghz audio/video sender connected to my satellite dish and voom! now have crisp satellite images from the living room TV in our Kitchen, with a very nice, compact 15" self supporting GREAT television set!!. Did I mention it is now a WIRELESS TV?.. Tons of great things you can do with this TV/HD Monitor that many stores that sell the item don't even know about. Fry's electronics said that this set couldn't be capable of displaying HD at that price! Ha I say!$LABEL$1 +Fine for killing time on a 5-hr flight, but mostly boring.... Grisham's "The Street Lawyer" won't keep you turning the pages with excitement like his earlier novels ("The Firm", "The Pelican Brief"). There's not a whole lot of suspense, fear, or emotion in this novel -- the main character has an epiphany that leads him to leave his high-paying, power law firm for a street clinic, helping out the homeless with their legal problems -- not the stuff of a thriller. To be sure, there's some contrived tension arising from some shady characters threatening physical violence and the hope that you're still reading The Firm. But the story mostly just unfolds and then gets resolved. At least the main character doesn't end up living in Aruba at the end of this story :-)For true Grisham fans (and I'm one of them), it's a quick and easy read that you might as well add to your collection, but it won't leave you talking about it the next day like many of his other novels...$LABEL$0 +tassimo cleaning disc. my original disc disappered.... i bought this one and it works as well as the original one. the color of the disc is yellow, which makes no difference$LABEL$1 +too much M$, too primitive. This book is horrible, too much IE5 loving. Has no or very little XSL references, but has a couple of chapters exclusively por IE5. Otherwise, it's too primitive a book, and doesn't allow to extend knowledges. Has interesting appendixes, however$LABEL$0 +the secret of her success. Gail Evans sets down the rules, both spoken and unspoken, that it takes to get ahead and be successful in business. Because they were created by men, following them as a woman presents a different set of challenges.Luckily, Evans lays out these rules in a practical, sympathetic manner. I guarantee that even if you're already a successful business-woman, you'll find at least a few things here that are helpful and surprising.Sexist-sounding or not, men do see the world differently than women, at least when it comes to business. Women, Evans argues, are socialized differently and because of this need to be aware of how men have set up the game, otherwise they will continue to be overlooked. That's why a book like this is such a help.$LABEL$1 +Great for cooling down your steering wheel!. This is an elastic, fuzzy cover for your steering wheel. Nothing fancy, but it does what I wanted it to do, which is keep my steering wheel from getting to searing temperatures during the summer in Houston. It slides around a very little bit on the wheel, but it doesn't bother me at all. My last one (same thing) lasted about 3-4 years before the elastic broke. It didn't fade or degrade during that time either. It was one of the few options that didn't have dragons, or butterflies, or flames on it too. So if your looking for a nice plain cover to keep the wheel cool, this is the winner :)$LABEL$1 +Surprising disappointment. I gave up on King when he stopped writing horror a few years ago, but had to pick this one up. The Talisman was one of the best King (/Straub) books, so it seems that a sequel would be a sure hit. Unfortunately, this is not really a sequel to the Talisman. Its more of a horror/mystery story with some talisman references tacked on to the end. It was a good story, but the whole time I kept thinking how much better it could have been (Imagine Jack, Henry and Beezer on a journey through the territories).The first 500 pages could have been a lot shorter, leaving more room for what we really want - Jack in the territories again.I think the high point was the tie-in to the gunslinger series though, wonder how he talked Straub into that?$LABEL$0 +Not sure of star rating since not opened yet, so. can anyone tell me if this cd is in english?I know that might sound like a dumb question,but I'm not sure and it's a stocking stuffer.Thanks, Arleen$LABEL$0 +About as funny as cancer!!!!!. She sucks and so does this video. I thought that I would give her another chance...well I remembered why I didn't like her.$LABEL$0 +Great book, should be required reading in all public schools.. If it isn't true, why wasn't he sued?This book shows how low the American people have become that they have no clue what is going on. This book proves that America has seen its best days.$LABEL$1 +Disappointing. Having purchased nearly every ballpark book in existence, I have to say that this one falls short of the mark. The author, evidently a Dodger fan, (pages and pages on Dodger Stadium and Ebbets field) gives scant information on many of the parks with some really poor pictures, when pictures are provided at all. For example, the author never shows an interior picture of the new Miller Park. There are much better books dealing with ballparks - skip this one, its not worth the money.$LABEL$0 +Point and Pray. Poor latch on battery compartment will eventually admit water, ruining the camera. Lack of a viewfinder forces you to rely on the LCD screen which washes out completely in sunlight.$LABEL$0 +OPEN YOUR F#@#!$G EARS!. I think that reviewer s. woodson is a dumbass and wouldn't know good music if it kicked him in his ass. These guys are as good as it gets in my book and they deserve the respect that they have earned.$LABEL$0 +i have no complains. i have rated it 5 stars i have no complains or problemsthe item came i the time as they say it woud, and in god shape$LABEL$1 +Great first part story. Much like his earlier work "Disinherited / Legacy / Debt of Ages" in scope and feel but with a deepening sense that the main characters will not "live happily ever after". This book seems to be the historical background of a multi-part epic and I await the next installment with anticipation.$LABEL$1 +Unintelligible. The sound for this toy is so bad as to renderit useless I. Regrettably, I had to return itand eat the postage. Nice concept for a toy, butunintelligible audio is not acceptable in a teachingtoy!$LABEL$0 +Small but cute!. Nice attention to detail, as with all Schleich products. I have this cute little guy on my desk at work.$LABEL$1 +Excellent product. I am the clumsy sort who spills red wine on carpets, furniture, etc. on a regular basis. I have been using Wine Away for over a year now and am amazed at how effective it is - and not just on wine but on a variety of other stains as well.$LABEL$1 +Britney is terrible. This is more proof that Britney is a joke, she'll be out of a career in maybe...a year or two. Once the little boys and girls who love her grow up and realize that there is real music out there, they'll desert her. I thought the DVD prooves that she is terrible. Anyone thinking of buying this DVD, DON'T. All the 5 star reviews are from little kids who would give Britney 5 stars if it was great or bad, and bad in this case. Don't buy this DVD.$LABEL$0 +Bifocal shades. Excellent product, performs as advertised. I use them for cruising and everyday use while riding my motorcycle.My only issue is the ear pieces seemed a little tight in the back, but a hot water soak and a little bending relaxed them and fixed the problem.$LABEL$1 +So very odd.... I bought this book because of the good review I read in 'Preview' and was really kind of confused when I actually sat down and read it. I have never read anything like it, the whole set up and style was foriegn to me. I found the story itself pretty depressing. At least the parts of it I understood. I can see how some people would consider it deep and moving, but when I finished it I just felt like I had been tricked out of fourteen bucks. Read the first few pages of the preview on this site, it gives you a pretty good idea of the tone of the book. Wish that I had done that.$LABEL$0 +Gotcha journalism. For documentary, this movie is far from objective. It's almost as bad as watching a Michael Moore film: a bunch of cleverly edited gotcha questions and responses$LABEL$0 +This game rots!. Decent Graphics. The worst gameplay I've ever seen. This game looks like the engine comes from a starwars game. The car glides above the pavement. There is no tire contact feel at all. Mine will be on E-bay very soon.$LABEL$0 +Unbelievable Talent. I could listen to this talented musician all day! Wish some of her talent would rub off on me.$LABEL$1 +Great little knife. I have two other Ken Onion knives that I truly like but wanted a smaller knife. this knife is perfect for what I use it for.$LABEL$1 +A Big Disapiontment. I was really looking forward to reading this book, but half way through I was still waiting for it to kick off. Unfourtunatly it didn't, the book is very slow, and the ending was quite poor. I don't think i'll be reading any of her other books, not impressed at all.$LABEL$0 +Typical China Junk. Most of the good reviews are on older models. The new ones are made in China. Typical Chinese quality control. The "0" ring on the lid will leak after awhile, if you use the lid to drink from, the coffee tastes like plastic. Who knows what chemicals China uses in the plastic liner of the cup.Also, it says it holds 34 ounces. Maybe, all of the way full.......but not with the stopper screwed in.I had one that lasted 2 years. Thermos would not give me a replacement. I am looking for a new thermos, but I will never buy another Thermos branded item.$LABEL$0 +Poor performer. I have a smaller spt sh-1507 model heater and I've been happy with it, so I bought this thinking its big brother must be better. This heater feels and looks like cheap plastic similar to what you get with those cheap toys you win playing skee-ball. The unit ran for hours and never heated up the small room 10x12 room it was in, even though the smaller sh-1507 could heat it up just fine. The digital controls also appeared to be flaky. As the unit oscillated, I could see it change the temp 4 times in a single oscillation. We used this for about 2 days before we boxed it up and returned it.$LABEL$0 +NIce. I love these poems! The people that come up with the poems, do a wonderful job. I bought so many of these for family. Everytime it brings a tear to there eyes!$LABEL$1 +GREAT DISAPPOINTMENT,DON'T BOTHER WASTING YOUR MONEY. was expecting this to be uncut and instead was disappointed by it as it is the same as the television broadcast,considering on sueing adult swim,seth green and company for false advertising of this product.so, if you want to hear everything being bleeped out or if your as mad as i am about this then don't waste your time and money on this product as it is the same on your tv as it is here.$LABEL$0 +A nice change. Actually, I'm not a very big fan of the Stars. But when I picked up this album I loved it. It's refreshing, different, a little twangy but not overly-so. It's definitely a departure from the Stars...but isn't that the point of going solo? I say bravo...and frankly I think she has done just as well as Emily Haines.$LABEL$1 +Don't waste your money and time. Junk - Professional junk, Don't waste your money and time buying this garbage, it's really noise, slow, it doens't do thin slices at all and you only can work 10 minutes, after that you have to live 1 hour to cool it off. What kind of proffesional equipment is this?? Shame on Amazon, selling this kind stuff. Please be more carefull on what you sell. If is possible try it out before selling. I'm really, really desappointed.$LABEL$0 +No diamonds at all. I have bought this watch as a mothers day gift, especially for the diamonds that were described. It is a chic watch but there is no diamonds at all! (You can estimate how big my dissapointment is) I don't think it's real price worths more than 30 USD.If you want to have a watch with diamonds DON'T BUY THIS WATCH.$LABEL$0 +one of the best role playing game ever !. i have a ds and i wish this was on it but to bad! i got it as a suprise for my gamecube and its a blast. you get to be any bratz girl. you can even text message to other bratz! its so fun because in there is cloe, yasmine, sasha, and jade! those are the girls you can be but here are the others. roxxie, maygen, phobe, cameron, dylan, coby and a new girl! its amazing because you can go to 15 diffrent stores for fashion! you can talk to others and to diffrent tasks! you can collect special money to go to the movies or get your hair done or get makeup! you get an office so you can finish your magazine and the fashions are so cool. there is hats glasses and you can take photos and so much more! its a role play but you also have to do some jobs too. its a great bratz game that will be hot in christmas.$LABEL$1 +Playing with Chessmen. Not too heavy, not to light.Some are black, some are white.The pieces, I mean, and the board I guess too.I would buy this one again, if I were you.$LABEL$1 +I REALLY REALLY WISH I COULD HATE THIS GAME. Being one of my most wanted items on the top of my Christmas wish list last year I was really happy when my Survivor game arrived courtesy of Santa himself and I couldn't wait to play it. The day after Christmas the trouble began as the game froze while trying to load an immunity challenge and I ended up starting the game again and the day after that the game froze AGAIN at the very same part and starting the game over again was very tiring for me. Finally tired of messing with the game i took Survivor out and popped in the Sims and I was really happy. Mark Burnett should be really ashamed of what Infogames has really done to the computer games of his creation. And people and diehard Survivor fans will be disappointed with this game. Let The buyer beware,P.S. Mark Burnett could you ask Infogames to create a game starring my crush Rocco Dispirito plese?$LABEL$0 +A Pretentious Mess. This book about the shallow, pretentious, loathsome super rich in Manhattan is, in itself, equally shallow and pretentious. A bitter chore to read and impossible to finish.$LABEL$0 +HORRIBLE BOOK - WASTE OF TIME AND MONEY. I am a network engineer with almost 10 years experience. I have typically shied away from certification tests because I have always found them to be of the "right answer, wrong answer and TEST ANSWER" category. Security+ is absolutely no different but my job required that I take this certification. I signed up for a class at the local college and this was the textbook for that class.I read the book cover to cover twice, skimmed it twice more, answered the end-of-chapter questions, took the practice exam included on the cd over 20 times and passed everytime with scores 85% and higher. I failed the security+ exam. The difference between the questions on the test and the topics in this book was amazing. DO NOT RELY ON THIS HORRIBLE BOOK TO GET YOU THRU THE TEST. IT IS A COMPLETE WASTE OF TIME AND MONEY.If I could have given it negative stars, I would.$LABEL$0 +Disappointing. After reading the claims that this book would turn the world on it's ear, I was expecting a whole bunch more. There's been more than 50 years of scientific research into fossil fuels, I find it difficult to believe that all of a sudden everything we know about oil is wrong. A few quoted technicians versus 1000's of teams of geologists and research specialists doesn't seem like a fair match.This book didn't prove it to me, oil is fairly obviously becoming harder and harder to drill for, and more expensive to bring up. The Canadian Shale takes almost as much energy in natural gas to produce the oil as it's worth, and they can only generate a million barrels a day. Hardly enough to make a difference in a world that uses 89 million barrels of oil per day.For another book in this category I highly recommend Michael Ruppert's "Crossing the Rubicon". THAT book makes sense, and scares me as a see the effects of our diminishing cheap oil supply.$LABEL$0 +Great Naval Aviation Sim. So you want to fly a Navy Jet but you don't have the time... no problem just buy this gameIn this game you fly the F/A 18 E/F superhornet which is s navy jet take off the carrier shoot a few bandits turn back call the ball and land. Sound exiting well if it is from Jane's it's got to be.Sure its not as good as USAF but that was a once in a lifetime game.$LABEL$1 +works. i believe it does work .but i take a bunch of stuff to increase milk so i am not sure which one does the trick.$LABEL$1 +Forward thinking. I believe we are all given a brief time to share the gospel with others. And in the process, we should always be looking for others to "take our place"...so to speak. The Leadership Baton gives a practical view on how to do just that. These are people (the authors) who have obviously "practiced what they preached" and are genuinely serving God, remembering we are all here for a brief time. And we all should be asking the Lord how we can help others become servant leaders. I recommend it to anyone in leadership roles in the church, be it as a profession or a layman.$LABEL$1 +True Appalachia. If you have an interest in Appalachian cultre, history, literature, or women this is a must. I discovered this book while doing research on female Appalachian writers (a genre largely ignore by the literary communiy). These writers will touch your heart, bring a tear to your eye, bring a smile and make you laugh out loud. The best collection of Appalachian writing I have had the good fortune to come across. A wonderful way to experience Appalahia if you are a stranger to the culture, an even better way to remember it if you've left the area, and finally a wonderful stroll down memory lane if you are living it.$LABEL$1 +Not what I had hoped. I was hoping this would take care of my ball of foot pain but it hasnt done the trick. I guess I will need to find a full length insert as this one isnt cutting it.$LABEL$0 +Ho-Hum, the humor is kind of mean. I watched this once and wasn't too impressed. I did not see the original so didn't know the back stories, but I still felt like I knew what was going on. Nothing jumped out as being good, however, as a mom, I don't think I want my son watching this.Hood goes into training with a group of women known as "Sisters of the Hood." There's women there of all ages but there is one old lady who seems to be the comic relief. As in, a rolling pin hits her and that's supposed to be funny. I'm not sure why, but it's supposed to be. Then later on she falls (not sure why, maybe something else hits her) but then the head lady steps on her. Hard. In fact she walks all over her. It's like she did it purposely! Why is being mean to an old lady funny? Is there a back story in which this old lady did something that I am unaware of? I didn't like my son seeing this kind of behavior. Which actually worked out well because even though we saw it once, he never asked to see it again.$LABEL$0 +Works as advertised. Ignore the product photo. This is a more basic model, teal green with rotary dial controls, not pushbuttons.Still, it does what it claims and comes in handy for timed watering needs. Reasonably priced for what it does.$LABEL$1 +challenging theme, bad writing. For those who feel the dramatic difference between the 1950-1960 generation, and that of 1970-1980,and are troubled by it, this book is the answer. It compiles all the possible reasons - psychological and sociological, explaining why the young are what they are and behave these days. The facts and figures cited are interesting and convincing.However, the writing is dry and technical, semi-scientific, could be much more lively and artistic if case-reports, personal stories or interviews were added.$LABEL$1 +Battery Life is horrid. I was given this drill/screwdriver as a gift. Right off the bat, it would not hold a charge for more than 24 hrs. And to top it off, the battery is not user replaceable. This is the worst kind of NiCad device; when the batteries go bad (memory effect?) and the device is useless. I will not ever get anything with NiCad's unless the batteries are replaceable.$LABEL$0 +Good.. This product was in the exact condition that the seller described it as. this was a very pleasant interaction and deal.$LABEL$1 +Learning to Read with Reader Rabbit. I ordered this software for my almost 4 year old who loved the Reader Rabbit Toddler software, but had outgrown it. To get the most out of it, your child should have the ability to hold and click a mouse, and should already have basic recognition of capital and lower-case letters. The lowest level is perfect for my child but would have been too difficult at ages 3 - 3 1/2. The software teaches both letter and word recognition as well as phonics. The games are cute and when your child gets tired of learning to read there are fun songs and graphics to listen to with "reading propaganda" lyrics about how fun and important it is to learn to read.$LABEL$1 +Very Nice Watch. Excellent Serivce. This was my first Amazon purchase and it turned out to be very pleasant. The watch is excellent for the price. Also the service was as promised. Thanks Amazon!$LABEL$1 +Riki-Oh I just wasted 25 bucks!. I had high hopes for this film--based on the reviews I read here. I'm a big fan of kung-fu and silly horror films like Evil Dead. I thought this movie would be the best of both worlds. WRONG! This is not a kung-fu movie, it's just a gore film. The "fight" scenes don't even last 30 seconds. Riki simply makes one attack and punches through the bad guys' chest or head. Buy this only if you're a fan of Dead Alive, not if you're into kung-fu.$LABEL$0 +A confusing, poorly written book. A very poorly written book. Many grammatical errors. Tries to justify the Jews as the cause of all problems. No coherent theme. Does not make the difficult Middle East situation any clearer. I'm glad I didn't spend the money to buy the book.$LABEL$0 +More than I expected. I have had this watch now for about a month and it has definitely exceeded my expectations. I was not expecting the quality to be as high as it is - the band alone is probably worth $25.00.I was very surprised that the dials stay readable(not bright)all night long. I have had more expensive watches that wouldn't do that. Also the date magnifier is really nice.I am very pleased!$LABEL$1 +Nice. This is a good piece of workout equipment, especially because it is so slim and portable. My mom uses it and then folds it up and leaves it in the garage. Very handy and looks durable too.$LABEL$1 +A Good Read. The book is told in first person, storied format, which made it really enjoyable to read. I could care less about whether or not it's non-fiction (which the author claims), it's a good, suspenseful espionage type story, that teaches you a little something.I didn't read it looking for political knowledge for debate, I read it to have something to read, and it was good, plain and simple.$LABEL$1 +Its Not As Good As Everyone States. After reading the reviews, I immediately went and purchased the CD. The CD has a few (maybe 3) good tracks, however, it is not the greatest CD that I have heard. I purchase alot of R&B and I would rate this CD on the lower end of those purchased. Maybe he'll improve over time.$LABEL$0 +Big Rock Candy Mountain!. I remember watching these videos when I was a child, and I hope my children will enjoy them just as much as I did. Especially Big Rock Candy Mountain and Wee Sing In Sillyville. I never knew what these movies were called when I was younger so being able to find it today and remember what they were just by looking at it..brought back tons of wonderful memories.Especially since I go around and ask people if they remember "little bunny foo foo." Now I finally know what movie I was reffering too. :]$LABEL$1 +Absolutely Amazing. I absolutely love this stuff- I don't suffer from dry skin but I use this as an all over body moisturizer including my face- I take a tiny bit in my hand and add a splash of water to it and am able to moisturize my whole body- a little goes a long way. Really great product$LABEL$1 +Absolutely Atrocious. The self-aggrandizement is downright nauseating. Randal can easily put you to sleep with his "knowledge" and "insight". The title is a little misleading since you dont even hear a thing about Bin Laden till the sixtieth page practically. All you get from this is how the Bush administration is comparable to the Nazi propaganda machine with it's "Big Lies" and that Israel is the Great Oppresor. His constant chastizing of the Bush administration as simpletons toward their policy on Terror is quite comical since his grand idea is appeasement/containment. Wow , do you think he thought that one up all by himself. Bold thinking I'll tell ya. His blather is extremely numbing anchored by his favorite word, comeuppance. I would give it a negative star if I could$LABEL$0 +Hard to read. Not very interestingThis is not the type of book I enjoy and would not recommend it to anyone to read$LABEL$0 +Excellent music!. This Kate Wolf anthology has many of her best songs. There are some from each album.It has the words and chords. You can make up your own strumming or finger picking.$LABEL$1 +Not too naughty. Not very exciting stories, and barely "naughty". Not as good as lots of other erotic books.$LABEL$0 +The Book of Fate. This was the first time that I read this author. I was intrigued with the Masonic reference and was extremely disappointed in the scarity of masonic references. I also felt the book started slowly and gradually gained speed, but by that time, I just wanted to finish. In fact, I almost put it down mid-way.$LABEL$0 +I must have missed the part about the blood.. I know there was a lot of literature with this product, I did not get through the literature before I found the product hazardous. (Two days.)I am only slightly overweight, but I have found pregnancy weight difficult to get rid of, so gave alli a try. Now I am quite unhappy, and mildly fearful, for having tried it.I can handle a little bit of gross farting and loose stools, but the spots of blood made me very nervous.I threw my pills away. Good luck everyone else.$LABEL$0 +A quick reference to those forgotten legends. First thing you will notice is that this is definitely a picture book. I has pictures of great works of art that depict different interpretations of great legends (and I believe them all) from around the word and throughout time.This book is a keeper. As time passes and your interests move form one location to another this book will get you off the ground with the basics. I checked out Persephone as I have a copy of Dante Gabriele Rossetti's Persoperine in the library. I found references and related art peppered through the book. However, I seem to remember her eating six pomegranate seeds, not one.The book has a clear well organized table of contents (also with pictures), an extensive cross-referenced index and easy to read layout.$LABEL$1 +A "MUST-READ" for parents with extremely difficult children!. My husband and I both shed lots of tears during the reading of this book. Finally! Someone who really understood what we were going through! And to read actual case histories of children just like ours.... I can't tell you the extent of the relief we felt just READING this book. We knew, before we even tried it, that it was going to help our family. Dr. Greene writes in a crisp, easy-to-read format, interjected with humour here and there. This book will be your bible in helping you to manage your chronically inflexible, explosive, difficult child.$LABEL$1 +Didn't like the material. Its press board I wish i had paid more attention before i purchase. The product has gr8 reviews but i am regretting after buying this item.$LABEL$0 +Not quite what I expected!. One might think that since this book is a "tribute" edition it could be a colorful and ambitious item. Don't be fooled fellows! Close to 95% of the pictures are black and white and of very poor quality. I`ve been trying to get my hands on this book for many years and now that I have, can't help but feeling let down. Probably because my expectations were set on the pictures. However if you`re only looking for a retrospective essay this might actually help.$LABEL$0 +Delicious and salty. It's very delicious and I love salty foods .. But I wish that contains olive oil instead of safflower oil :($LABEL$1 +Bad Advertising. I ordered this product before christmas and i put down Gamecube for the system and i got a PC disc my son can not play the PC disc because he does not have that, I would advise you to ask the seller questions before buying. I am not happy with this product until the seller sends me the disc i bought which is for Gamecube.$LABEL$0 +Of Mice and Men. Of Mice and Men by John Steinbeck was set during the Great Depression in CA. In this book there are two characters called Lennie and George. They are the two migrant workers, who had travel together and they want to save some money and buy a ranch of their own. George is a small person, ¡quick and dark of face¡. He always takes care of Lennie and he act like a father to Lennie. Lennie is a huge man and has a mind of a child. He always gets into trouble. Every time when Lennie gets into trouble, George always gets him out of the trouble. Lennie acts like a son to George. Will George and Lennie make their dream come true or will Lennie¡s weak mind and strong body destroy their dream?The book Of Mice and Men is a good book. I will rate it as four stars. In this book, it has a lot of conflicts and events. Also it tells us how important friendship is event if it is a very hard time. Friendship will help you get through anything.$LABEL$1 +waste of money. I bought a product from Calphalon Commerical Non-stick product line and it was great, so I thought the new Calphalon One should have better quality as they are promoted. It turned out to be a big mistake. I used the product once and it was discolored, besides the cleanup is not as easy as the non-stick edition. I decided to return it right away.$LABEL$0 +Great deal for universal charger. Very good price for a USB wall charger that actually works. I use this for our iPods and phones. For some reason it doesn't seem to charge my iPad which is strange because it's basically a USB charger and should charge all USB devices. Not sure if this is a defect or my case is an anomaly, but all in all very satisfied with this product.$LABEL$1 +not worth buying online. these tattoos look fine, but only have a very few in a pack. definitely not worth buying online bc they get sent in this ridiculous, wasteful packaging. just go to your local museum or little toy shop to pick up a pack.$LABEL$0 +Poorly written...not the usual witty humor. I bought this thinking my 5yo son would love it, as he loves all things Scooby Doo. Well, Scooby and Shaggy are in it, but not very much. Also the Arabian characters all sounded American, and the khalif was a whiny little white boy with glasses...who thought that was appropriate??? And after watching 20 minutes and seeing none of the rest of the gang, no mysteries or puzzles to solve, my 5yo asked to turn it off. That was a first. And I had to agree with him...this movie is just plain boring, and certainly not respectful of the culture.$LABEL$0 +Defective merchandise. The base of the feeder was cracked and the water poured out. Had to be repaired before use.$LABEL$0 +Makes a good cup of coffee, BUT.... I was disappointed after spending $90.00 for this coffee machine. Cons: It is cheaply made, no insulation, very loud, and no water filter. Now the thing that makes me most crazy is the screw down cap on the carafe, it is extremely hard to open after you brew the coffee because the heat from the coffee distorts the cap,, making it next to impossible to unscrew to get your first cup of coffee. The cap has a thin edge with small bumps to grip, very bad design. It slowly gets easier as the coffee looses it heat. Pros: The water comes out at 200 degrees which is a good thing for making a great cup of coffee. The coffee stays hot for a long time like 5hrs. If you don't mind all the negatives than this is the coffee machine for you.$LABEL$0 +Dirty when received.. I was very disappointed when i received this item. I received one that had a stain looks like a blood stain. I cleaned it and it did not go away I was disgusted by it. I was very upset and return the item.$LABEL$0 +Tootsie does not suck :). I have to admit, I was never really a fan of 80's movies. Very few movies filmed in the 80's have ever appealed to me. So after watching Tootsie, I was glad that I had found one comedy made in the 80's that does not suck. In fact, it was one of the best movies I have ever seen. Dustin Hoffman plays Michael Dorsey, an unemployed actor who pretends to be a woman in order to get a job on a soap opera, and raise enough money to produce his roomate's new play. Bill Murray plays his roomate, and is very funny in this role, one of the funniest I've seen him in actually. Dabney Coleman plays Ron Carlilie, a character you can't help but hate, because of the way he treats Julie. Jessica Lange as$LABEL$1 +A Little Quirky. The book is a little quirky. If you like quirky and a beginner HTML person, this is the book for you.$LABEL$1 +thoughtful, in-depth daily study. thoughtful, solid, in-depth daily study organized to cover passage/topic over the course of several days/weeks - application questions and prayer suggestions are well crafted.Superior to many daily devotional books in its depth because of the multi-day attention to a single challenging passage; MacArthur is always solid Biblically!$LABEL$1 +Easy, effective.. Loved it so much for my one foot's Plantar's Fasciitis, that I got another one to keep my other foot healthy as well. Better than the "against the wall" stretch - a deeper better stretch. This along with getting inserts helped my symptoms go away. (Took 2-3 weeks of just consistent 5 mins 2 x/day, but keep doing it - don't give up!) Also, ice before/after exercise & I did Epsom Salt footbaths as well before I would go to sleep.$LABEL$1 +Terrific product. I wish I would have had this years ago!!! I've tried every method of hair removal available, this is far and away the best!Far less painful than waxing, more practical than shaving.Within an hour of first getting this I had done my legs, arms and face. It is very fast and works right into my regular routine.I noticed that it worked best on 1-2 day stubble after shaving.Tip: Use a loofah sponge to reduce ingrown hairs.$LABEL$1 +Let down. I have read just about all of this collection. I actually was happy when I forgot it on the plane. I did not have to complete it.$LABEL$0 +The Way I Feel. I have become an instant fan. WOW!!! This is the best albumI have heard in a long,long time. Remy Shand is a twenty three year old muisical genius. Every single track is awesome, I can't even say I have a favorite,they are all my favorite. I have already purchased 2 CDs and plan to purchase more to give as gifts. Remy is a wonderful fresh mixture of the old school,Marvin Gaye,Al Green,just to name a few. This guy is here to stay! WOW,WOW,WOW!!$LABEL$1 +Great quality. Really good quality. Shipping was fine. I was surprised that the actual L.A. Woman desing is bigger than what it looks on the picture. Alot bigger. It's a good thing though.$LABEL$1 +Simply inspired. I bought this item as a gift for a woodworker friend and he said that some of the material was very helpful and the rest was "simply inspired." I guess that means that there are helpful tips that are explained in a very user friendly fashion.$LABEL$1 +My Baby kitty really liked the beef flavor.. I have not yet tried the Tuna flavor yet but I will keep you updated on her reaction to these "Greenies".$LABEL$1 +Good but needs some more explanation. I have been reading this book for a couple of weeks and have found it very helpful in my journey towards understanding Java Development. There are lots of examples and the book is generally very readable.I do have a critiscism though. The book in some area's could have done with a little bit more detail in its description of some of the tasks provided by ANT. For example in it's covering of the task the use of the , and tasks within the context of the task was only 2 sentences. Although the authors had covered in a previous chapter they could have discussed them a little bit more in the context of thier use within the task. I had to sit down and work out how to use them rather than relying on a clear explanation by the book.All in all though I have found this book helpful and I now feel as if I understand ANT quite well.$LABEL$1 +Revelation in fiction - awesome. I read the entire series and loved it! It is a great introduction to the book of Revelation and what the End time may look like, on a personal level. If you have seen the movie, don't write the books off yet!The characters have depth, the situations are believable and line up with scripture. It is easy to see this happening in the near future. This is a great book for evangelism as well!$LABEL$1 +you have to read this book. Amazing. Try to remember what it was like to live in your heart. Your future depends on it. A must read$LABEL$1 +Miserable, boring book. I picked this book up with the hope of finding a strong, moving story of a child fighting death. And, for a while, it was pretty good. But the problem is it's basic plot: child fights death. For 100-something pages. The book basically begins with "Johnny is going to die. Lemme tell you all about it. Every day of it." And so on. The plot is alright, but there needed to be more added to it to keep things interesting. It tells you of his slow struggle with death by nearly each excruciating day. Most of the time, it's nothing interesting at all! It's like: Johnny went in for testing. Now I'm going to tell you all about his cancer, all over again. And the testing that happened, and what witty things he said to the nurse, and so on. It's awful. I skipped twenty pages, and I found I was able to pick up exactly where I had left off twenty pages ago. I had missed nothing. That's how much it drags. It's a miserable excuse for literature.$LABEL$0 +Eerily Refreshing!. I watched the movie on TV & am now going to add the DVD to my collection! You're constantly pulled into the plot but never quite know until the end, just exactly what's going on. It's one of those that keeps you on the edge of your seat, all the way to the end, of which the outcome was also a different surprise! It keeps you constantly guessing who's good & who's evil!$LABEL$1 +long time favorite. i bought this for my nephew who hadn't read the story as it was a favorite of my family. he loves it too!$LABEL$1 +fantastic book on the Galapagos wildlife. Thorough, easy to read; technical but easier to read than other books; a great amount of helpful information and some of the information we haven't found anywhere else.$LABEL$1 +Polemic Leavened with Invective. Islamic terror and its roots are an important and fascinating topic worthy of someone who actually speaks Arabic and is a scholar of the region's history. This gadfly book is composed mostly of invective and polemics. I recommend to anyone who seriously wants to consider this subject the work of Professor Bernard Lewis.$LABEL$0 +A ridiculous, hateful and missinformed piece of garbage.. Anyone who is not a complete idiot or blinded by their own religious allegiances knows that the reasons Arabs despise the United States are our ridiculous foreign policies and unabashed imperialism.To suggest that Islam is concerned with the destruction of Christianity and Judaism is complete nonsese. One quick look at the historical record should prove to even the most ardent Lindsey supporter that he is utterly wrong.$LABEL$0 +Substandard product. The cable is skinny and no mark to indicate the wire gauge or any standard body approval. However mark on the male head indicate 250V 6A, which obviously mismatch with the cable capacity. Furthermore, the male metal prongs thickness is so much less than the standard US plugs and cannot stay in the wall socket. It falls off from wall socket very easily.$LABEL$0 +USA Today the Complete 4 Sport Stadium Guide (2nd Ed). An useful book in 1998, getting bit useless in year 2000. A lot of that has to due to old stadiums long gone and new ones coming on line. A book like this needs to be updated every other year or something. 1996 is simply too outdated to be useful to current travelers. I also wish there were more information on nearby lodging instead of one or two entries and a map on how to get there. For a guide book, its rather limited in scope and information. Still, its the only book of its kind right now so we are stuck with it.$LABEL$0 +Petsafe Battery Review. The Petsafe Battery does not live up to the specs that indicate that it will be approximately 3 months life. One of the recent batteries I purchased was completely dead in 2 weeks. Typical is 2 months.$LABEL$0 +Not for babies with sensitive skin. These wipes are very rough. We bought these when our daughter was first born and I ended up not using them on her because she would scream everytime I used them. If your baby has sensitive skin I would recommend the Huggies Newborn or the Huggies supreme wipes. Wipe your face with one and you will see how scratchy they are. Imagine how your baby's bottom feels afterward.$LABEL$0 +Not What I expected.... I ordered this for my husband. It is not good. This Tea has a funky smell and tastes the same. I thought it might just be us so I gave a box to a friend.(I've got alot of it) She came to me the next day and asked if I had tried it? I lied and said "No, Why?" She told me "It's kinda funky tasting and it stinks" She gave it to her Mother-In-Law who is Vietnamese but I haven't heard how that went. I'm hoping the MIL likes it so I can unload the other 5 boxes.Very Disappointed.$LABEL$0 +Too much cheese!. I was disappointed in this production. While it had all of the elments needed for a good video, even some humor, it lacked in performance. It was over-acted and cheesy!!! I was hoping for something fun, uplifting, and decently performed. Veggie Tales beats this by a long shot! Turn down the cheese factor and put more solid acting and you might have a decent film.$LABEL$0 +incredible!!!!. This is by far and away the most impressive album to date. Not just for the music, this album succesfully hits the mark for real feelings in relationships, love, hate, greed, and lust. Nothing compares in the music industry with this man's music.$LABEL$1 +Really.... I'm a Nora Roberts avid reader but this one left me very disappointed. Really think if was my first read of Ms. Roberts it would also have been my last. Thankfully, have read some of her great works and am just counting this as an oops on her part!$LABEL$0 +WHY WHY WHY. Okay, I was willing to overlook the music changes this time around, because I really enjoyed this show, and I grew up with this school. For better or for worse, Dawson's Creek will always remain in the back of my brain. Season 3 has alwasy been my favorite, but when i heard that they music changes where so drastic that the theme song is being replaced, I had to put my foot down!!!Columbia why would you do this, or better yet, how could you? Don't you know that fans would rather have a MSRP of $80 or so for an additional disc (to lower compression) and to make ***MOST*** of the song???I can't in good conscience recamend a DVD with the WRONG THEME SONG... Two stars is because I could never give DAwson a 1.$LABEL$0 +Boy(band) was I disappointed.... I guess I got completely swept up in my new love affair with Robbie Williams. I really was excited to order this retrospective of music of the band that help shape and mold the funk/pop/sex-god/in-yer-face Robbie Williams into the master of Escapology. Nothing on this CD remotely reminds me of Robbie. All I can say is thank God he was able to escape with his talent! Not only is the music here sappy (and, believe me, I expected that to a degree) but the recording is weak. I have to turn the levels up on my system so high that when I play any other CD the volume scares the hell out of me. Weak songs, weak voices, weak harmonies and a weak recording make for an investment I regret. I do enjoy owning, if not listening to, the peppy remakes of "How Deep Is Your Love" and "Could It Be Magic" so I guess it's worth the two stars.$LABEL$0 +Doesn't live up to the hype. The first time I read this book I thought it was great, then when I re-read it I realized that just too many wierd things happened to the Piper family. If you want to read it, read it for it's depictions of New Waterford and Sydney, N.S., which are dead on.$LABEL$0 +Tres Jolie. Beautiful as always. I love Daniels voice no matter what he's singing. He is an amazing artist with incredible versatility. I prefer this and Comedies Humaines(my fav cd in general) to some of his early work, which can sometimes feel a bit dated. You can tell they were done in the early 90's. It's funny, I don't speak french but for a couple words and I prefer his french albums to the English, they seem more poignant. This ablum is a bit lighter than comedies, more upbeat. For a good preview visit his page on myspace, and as always, I have to say: If you haven't listened to Notre Dame yet, forshame, and if you like his voice at all then you must listen to Le Petit Prince.$LABEL$1 +This CD rates. I first heard this concert in the late 70's on the radio- it was also my introduction to the Strawbs. I thought the playing was very powerful especially the keyboards and I particularly liked their rendition of No Return and Simple Visions. I still have a soft spot for it (I was thrilled when it was finally re-released on CD) and would strongly recommend it.$LABEL$1 +Good, even if defective. I bought the double sun/insect mesh even though I only have one child in anticipation of the future. It works fine even with only one seat. It goes on pretty easily and my 2 month old can see out of it just fine.My mesh came with a missing snap in the back, but there seems to be no issues, we generally only snap the top snaps to keep it in place. And I do wish it had a flap to get to the baby easier. Overall it is a great product and I don't have to worry about my baby getting sunburned or bit by bugs while I am running.$LABEL$1 +NOT made in USA, even though description says so!. While this rack set is nice, it is made in Taiwan, Not "Proudly made in the USA by Nordic Ware" as the description states on Amazon's website."Made in USA" is THE reason I chose to purchase this specific product. Shame on Amazon and shame on NordicWare for the false advertising!$LABEL$0 +Classic document. You don't know about boogie, about Canned Heat and about this period if you don't know this album. The 40 minutes Refried Boogie is the ultimate jam session I know of. Parthenogenesis shows that Canned Heat can also do something else than this nonstop boogie, Going up the country will stay as a classic tune, other tunes are good standard Canned Heat. I enjoy the booklet with a good complete presentation written in 2003, saying that this album is a "extreme double LP": I agree. Now it's time to boogie !$LABEL$1 +My dog loves them.. My dog is very very picky but loves these cookies. Very good for training too as they're a good size to take a few along on walks and give to the pup without making her obese.$LABEL$1 +Outrageously-priced shipping. Don't pay the RIDICULOUS amount for shipping for this item. You can get the exact same product at a better price at www.mybrandsinc.com. Just look under "O" for Otter Pops. For the same amount of Otter Pops at this site, it was roughly $12 cheaper than what this guy wants. (For this guy's product, my total was $32 with shipping. At www.mybrandsinc.com my total was $20 with shipping.) This product is a rip-off! If I could, I would give it zero stars.$LABEL$0 +Legendary.. Are you kidding? What else can be said about the best series of RPGs ever. My love of the post-apocalyptic realm started with Wasteland on C-64 and culminated with these classics. With only the excellent Stalker:SOC to tide me over until Fallout 3, its been a long wait. If you've never played them and turn-based is not your cup of tea then I would recommend Fallout:Tactics, faster paced and real-time.BTW not being able to get the game to run on your system is not a reason to give a game a bad review..patches are easily found by competent users.$LABEL$1 +Clifford family fun pack. I ordered this product more than a month ago and paid for it as well. I have not heard from the vendor, and heard from Amazon last week that I would get a refund if the product was not shipped within 30 days. Of the 4 products ordered the day I placed my order, I did not receive 3 of them! I have never had this happen! Poor service and lack of communication by vendor. Amazon at least followed up. I am in an awkward place, I need the item and have paid for it, and don't know if I should reorder from another vendor. Awkward place to be in. Be warry of this vendor.$LABEL$0 +A husbands Journey to save his marriage. I was so pleased with this novel. I was very anxious to read it, after I had read the Notebook. I absolutely adored the character Wilson. He was so determined to convey his ardent love for his wife in the most exquisite way I have ever read on paper. The story revolves around Jane and Wilson's daughter, who Jane thinks is rushing into a marriage with a boy that she has been living with. Throughout the novel Wilson endeavors to become a better husband by cooking elaborate dinners and attempting to lose weight. The novel also includes Janes affable father, Noah, who aches the loss of late wife, Allie.This novel will not dissapoint Spark fans...it delivers a strong message that marriage is sacred and should never be taken for granted.$LABEL$1 +Clone Wars makes up for what was lacking in the prequel trilogy.. Season One of the Clone Wars is simply put, outstanding.Voice work is great, CGI is beautiful to look at, and the music (even though it's quite a departure from William's standards) is also perfectly done.Even though the epsiodes are each less than a half hour, they all have a huge scope and nice character development.While it is animated and broken down into the short episode format, the Clone Wars has greater story strength and is even more "adult" than the prequel triology ever was.For Star Wars fans new and old, and even those left with a bitter taste from the prequel era films, you owe it to yourself to check out Season One of the Clone Wars.$LABEL$1 +Decent ear-buds, especially for it's price range. These have decent sound quality - while it doesn't sound like a 200$ or even a 50$ earbud; it's still a significant improvement over stock earbuds.Especially with bass - I didn't expect bass like this from a 20$ earbud, let alone a 10$ earbud.The design is simple and rugged: the case even resisted my purposeful attempts to crack it.Now as for the downsides: The case's cover pops off easily after a while, and the cord is really, really short - I sometimes have to tilt my head when it's plugged into my computer.Secondly, the sound is very sensitive to positioning if you don't have the cover - it gets muted if I tilt my head in the wrong direction, and it feels awkward. And it's still an open-ear earbud, so don't count on this when you're mowing the lawn or something else noisy.Still a good choice if you aren't willing to pony up an additional 10$ for better earbuds.$LABEL$1 +great product. Great product, shipped very quickly, not too slippery straight out of the box, so good to use right away. The 1/4" thickness is nice on the joints. Nothing special, but no carrying strap, which would have been nice to have.$LABEL$1 +Pain. The book is to simple. does not offer specifics in areas like MRI sections or EMG. Is not a good review for the people studing for the boards$LABEL$0 +Genuine Transformative Art. Transfigurations is a beautiful book that does an excellent job presenting the work of Alex Grey, one of the most important artists of our times. There is no artist quite like Alex Grey. For many years, I have used this book and an earlier Grey book, Sacred Mirrors, as a transformative tool both in my own life and helping others.$LABEL$1 +Not really a new album!!!. If you already own most of the Gipsy Kings CD's this one is a waste of money. Other than a single (unremarkable) cut, nothing on this CD is either new or obviously remastered. Save your money.$LABEL$0 +Simply Outstanding! You will not be able to put it down!. I settled into the large Volume 1 on a transAtlantic flight and was thoroughly immersed in this story 9 hours later. The plot is excellent, the characters well-developed and likeable, and most noteably, the characters exhibit common-sense and do not do things which leave you commenting, "That's ridiculous!"...$LABEL$1 +1 Star is 1 Star too many.. Even though this arrived in perfectly undamaged packaging, the table top had an ENORMOUS gouge across it that looked like someone'd lost control of their Dremel grinder. And since the packaging was fine (even that thin, gauzy plastic covering the piece) that means it left the factory in that condition. I thought I'd assemble it anyway. Just for kicks. The screws aren't quite long enough to use the washers and still be able to catch the wood. The cabinets doors aren't wide enough to cover the cabinet opening - there's about a half ince gap there - and one door is warped or something so it doesn't stay closed anyway. This worthless contraption could never have sold for the $350+ stated original price. Save yourself the trouble.$LABEL$0 +yellowcard does it again. with power-pop beats and true punk sound, the boys that are yc have cemented their status as great artists. with songs like believe realting to 9/11 to other tunes like view from heaven, this cd concludes the prospect of taking deep lyrics and light sound and creating a dazzling mix in the end.-cali_surfer009$LABEL$1 +more info please. I won't buy any supplement w/out first seeing a complete list of ingredients and hopefully a more developed Product Description, of which this product offers neither. If the product description holds some weight, substantiating the merits of the product, then i next look to see the products' list of ingredients, preferably by being able to view the back of the bottle. Reading the reviews is not enough; at least not in this case, though the comments about the expired dates were certainly disturbing.$LABEL$0 +a 'Bend it Like Beckham' fight movie. I really enjoyed this movie.I found it to be a 'Bend It Like Beckham' figher movie.The ending was good too.$LABEL$1 +I have waited years for this. Finally it's here!!. The show is great, probably in the top 5 of all time best cop shows. The quality of the picture is great. The only problem I have is that it's not the full season. For the price we paid, it should have been the full season or a couple of bucks more. This entire series, if bought on DVD, will cost more than any other out there. I know many are waiting for the distress sale from Amazon when the price will be cut in half and that's a real shame. It's great to see this quality TV show.$LABEL$0 +Best CD of the Year. This is by FAR the best CD I have purchased in the past year. No Mermaid was the first song I heard on the CD when it was first released, and I instantly fell in love with Sinead's mellow, wistful music. And the CD is very complete. There are some catchy, faster moving tracks like No Mermaid, Whatever it Takes..., and Diving to Be Deeper. Then there are slower, more penetrative tracks like Don't I Know, Hot on Your Trail, and Loose Ends. The song What Can Never Be actually made me cry. I love EVERY song on this CD; and there are few CDs I can say that about.$LABEL$1 +Great book!. Great book and for a great price. I recommend the Cat's Cradle on Kindle version. I never read Kurt Vonnegut book before and this is a good start for anyone who wants to delve into this venerated satirist.$LABEL$1 +TaxCut Next Year. I've used TurboTax since 1986 and this is the last year. I would rate this product a 5 except for Intuit's activation scheme so I'll rate it a 1.While I had no problem activating TT using the internet, I now find that I'm going to have to reformat my hard drive in the immediate future. This will require that I reactivate the product to continue to use it. The same will be true if I change out the HD or buy a new computer. Also, each time I use the program, my registry is modified on the next boot which is a direct result of Intuit's activation scheme.I haven't let others use my copy of TT but I feel like I'm being punished anyway.$LABEL$0 +It's not a story about a Lost Eden. It is about a Restoration Plan. I thought it was really something about Africa's Lost Eden, like they were able to capture on film the last "Eden" Animals in Africa, without humans. I don't want to see humans in "Africa" or "Eden"-themed films. I waited for about an hour for the real story to begin but as soon as the bull elephant died, the story was over even before I knew it. What a total waste of money! And there's only one story in it. Oh wait, I couldn't have waited for an hour because it was just 50 minutes. The only redeeming part of this film is that you get to help National Geographic when you buy their films. When I think about that, I do not really regret buying it.$LABEL$0 +Only for a long flight to San Jose, CA. Somewhat interesting, but I should have known that there was trouble brewing when I spotted a typographical error in the second paragraph of the dust jacket of the book. The main character's name was mis-spelled. The book reads like a dream...disjointed, rambling, and out of focus...probably best forgotten the next day. Good for a flight across country, but only if you have already read the day-old Tribune that you found at the airport. This book seemed to have been created from the cuttings of the editing floor of another book and stitched together with a very fine piece of twine. Two stars if you have little else to read on your journey.$LABEL$0 +A Great Guide to the Mysterious World of Trent Reznor. This book has an in depth way of showing you around the world of Nine Inch Nails and it's mysterious creator, Trent Reznor. The book is filled with pictures,interesting facts you can't find anywhere else, plus it has a complete history on the band and its ever-changing members. This is the number one Nine Inch Nails book and portfolio. Great Job Martin Huxley!$LABEL$1 +Combat Flight Simulator. ITs to old the graphics are horrible and there are way less controls than modern sims$LABEL$0 +Not a great movie. My friend and his hot air balloon were in this movie which is why I bought it, but I wouldn't consider it to be all that good of a movie.$LABEL$0 +Wow. What a P.O.C.!. I'm not an audiophile, so the sound is fine with me. My problem with this is the design of the cabling. I'm not a fan of the assymetrical cord lengths. Besides the assymetrical cord, the worst part of airbuds is the rubberized cord. This material allows for the cable to easily tangle. If you are tempted to put your earbuds in your pocket, please be ready to spend a few mintues untangling them. Very frustrating.$LABEL$0 +Good AP book. This book was just a little disappointing in that it didn't have alot of concrete advice, just kind of general ideas that I already had in mind for parenting. I still would recommend it though because I really like Dr. Sears and think that what is in the book is pretty good, it just wasn't exactly what I was looking for. If you are new to the idea of AP parenting then this is a good one for you, or just struggling with what to do, it might be a good reminder.$LABEL$1 +Eternal. "Not as well known as Moorcock's other books - e.g., the Elric and Corum series, but this is just as good."-- Glenn G. Thater, Author of 'Harbinger of Doom'$LABEL$1 +Vinyl Version - Bad Sound Quality - Sounds like a CD. I like the songs. This review is about the vinyl album. It sounds like it was cut from a normal 44khz CD. It sounds dull and lifeless like CD's do. Might as well buy the CD instead of vinyl.$LABEL$0 +worse HP ever. Over the years I have always purchased HP Laser printers for my business. This is the third generation, and one would think that they would improve, but not in this case. I have never had so many problems with a printer in my life. I have 2 of these running (and i use that term loosely) on a Mac and Vista. They both constantly hang up and I have to power them off and then on. HP support said I needed more memory, but my previous HPs with less memory never had 10% of the problems that these do. It is because of this printer that I have had to install "Baseball bat free zone" stickers around my computer. Otherwise they would have been trashed. This is my first review ever, but with the frustrations I have had with this printer - I couldn't not rate it. If there was a zero choice, I would have picked it and even that would have been generous.$LABEL$0 +HomeBelly Groove {LIVE}. The Spin Doctors HomeBelly Groove {LIVE} is their second best album. I love the into when they play What Time Is It this CD is great if you love the spin doctors im sure you will love this one. This also includes some other hits they did expesically Little Miss Cant Be Wrong. The sound on this CD is the best quality ever so take my advice and buy this on amazon for the best price believe me you will love this CD.$LABEL$1 +Terrible product. I wish I would have read reviews.. This memory card literally failed the second time I used it in my camera. I was on a once-in-a-lifetime trip, and lost over 400 meticulously created photos. I/O error appears to be unrecoverable even after trying several data recovery programs. I am absolutely furious. I haven't yet talked to customer service, but from the sounds of it, that will likely be fruitless.DO NOT BUY THIS CARD!$LABEL$0 +Not good!. I don't get what all this hyps is about this cd. It's not even that good. Very overrated. i have to admitt that "Yeah" and "Burn" were good tracks but his third single "Confession(pt2) has to be one of the worst tracks i have ever heard in my entire life. It has no point and it lacks substance. The beat is just awful. And the other ok songs are "Caught up" and "Bad girl" and thats it. This cd will be in the rash can soon. All usher talks about on this cd is relationships. Man give us something we haven't heard yet. Dont' buy this cd. trust me. You will be disappointed. U mind as well just buy the singles "Yeah" and "burn", but dont buy this cd. Its not recommended and even my best freinds heard it and they don't even like it.$LABEL$0 +No problems great video. Installed on my second generation HD rear projection TV without the DVI input. I had to connect through the old HD Composite connections but the video it projected was several times better than the last DVD player I was using. I would recommend this version or the latest one unit to anybody that has a HD television.$LABEL$1 +I kept waiting for something to happen then it was over.. I purchased this movie on pay per view for 7 dollars.The previews looked great but the movie was just stupid.Loud thumps someone standing in the hall one second and gone the next,very cliche.The ending was not very suprising and really didnt explain the rest of the movie.The acting wasnt all that bad but not enough to make this movie good.If you want to see all the best parts just watch the preview for free.$LABEL$0 +STAY AWAY. This game is constantly changing for the worst. As son as you get confortable playing your profession BANG! They take away your good skills and make your other skills useless.$LABEL$0 +Go figure.. If you are looking for a book that will explain point and figure charting, keep searching. This book is sketchier on the actual construction of p&f charts than a full service broker.$LABEL$0 +Insightful Indie Film: Pattern Behavior inspiring new Patterned Behavior!. "Lift" is a great film addressing organized urban crime. The more significant message, however, is the depiction of inter-generational patterned behavior. Kerry Washington and Lonette Mckee shine as mother and daughter each acting out of their own individual emotional turmoil.The interaction is remarkably true to life. Director Demane Davis brings inter-generational issues to the surface and forces viewers to face behaviors most people would rather hide in their closets. Watch it!$LABEL$1 +Downton Abbey. Watch it every week now that I've caught up in the first two seasons.Excellent program. There should be more programs like this.$LABEL$1 +can u love a candy cup?. just fine cups, i like the earthy color, cause it makes my white candies look good :)) recommended product nice$LABEL$1 +Another Rip-off. No matter how many Punisher movies they make or comices they sell, two things do not change.1. The Punisher continues to be a clear rip-off/imitation of the Executioner, Mack Bolan, series. All the way from the character's background and motivation to the uniform and weapons he uses to even a war van which was another Executioner series original. Except the Executioner has a sense of right and wrong, emulates the true meaning of justice, yet does it with heart.2. For approximately every 5-30 "bad guys" the Punisher kills, he ends the life of one innocent person.If you believe the end justifies the means and do not mind a few innocent people getting in the way, then you're the type to enjoy this immitation of the largest selling book series in history.$LABEL$0 +Wow - that's really fresh goth!!!. That is really excellent stuff, I liked the older Darkwell releases, but this one really kicks ass...It is a completely new approach to the genre...It is a bit like Evanesence but still more innovative and "metal". On the other hand there is classic Goth Rock?!?Don't know what to say more, I'm just impressed...Check this out!!!$LABEL$1 +HORRID FAILURE RATE!!!. I have 160+ DVD that won't read anymore. I have try to read/write them with TEAC, NEC, SONY, LiteON internal DVD-RW as well as TOSHIBA DVD-RW deck and a SONY DVD player. Same lousy results.Some of them played once...barely! The vast majority were giving a defective disc or no disc message.Stay away from Ritek/Arita and whatever other off-name they use.I now use Taiyo Yuden and I have never had one single problem with their media. They cost a little more but, it's worth a thousand times over!$LABEL$0 +Terrible Company. First it took forever for my package to arrive. Then, once it arrived it was the wrong thing. I got the quote i wanted but on a ugly white background. Clearly the advertised product is purple. The liars then refused to refund my shipping.$LABEL$0 +An awesome review of the life of Jesus. A truly remarkable writer. I especially appreciated the thorough research into biblical facts as well as Jewish and Roman history. He went to great lengths to explain things even using non-biblical accounts. Very interesting.$LABEL$1 +I truly believed she didn't have a bad book in her!!!!. Like all of the other reviewers, I have been a Barbara Michaels, Elizabeth Peters, Barbara Mertz fan since the terrifying days of Ammie Come Home and the truly hilarious Devil May Care. I wait with baited breath for the next Michaels/Peters offering and have met the author several times. I even have my 12 year old daughter hooked on Amelia! What happened? After reading a brief synposis of the plot, thank goodness I didn't buy this but patiently waited the two months to get it from the library. Summed up? Don't bother.$LABEL$0 +Such a warm, sexy sweet scent.. Rich, sweet scent that smells like caramel and warm vanilla. This is not one of those cheap teen perfumes that fades away quickly. This fragrance lasts and a little goes a long way. I can't wear the strong floral, heavy musky perfumes simply because they give me headaches, so Pink Sugar saved me from that. So glad I've finally found my signature scent. Thank you Aquolina!$LABEL$1 +Don't waste your money. I've had the same problems as everyone else, trouble tracking satellites, trouble maintating a signal. The main reason I'm returning it though is power consumption. I can't feed my visor 8 triple A batteries every day just to play with gps, and even then the sporadic functionality is very frustrating. The fact that no car adaptor is available for this product is ridiculous. Wait for a better company to release a springboard gps.$LABEL$0 +Had no idea he was this good!. I just recently bought this CD, and My Flame melts my heart every time I hear it. I'd never heard it until about a month ago--no joke. It took 21 years to get it, but now I have it and I SO love this man's music. All of it.$LABEL$1 +We'd buy another one.. Cute watch. Wish the plastic was a little more thicker like Lego bricks. I like that you're able to change out the watch bands.$LABEL$1 +The Best!. I used one of these at the Marriot, and I loved it so much that I had to have one! Love the power that it has and the folding handle.$LABEL$1 +Steam Trains: An American Portrait. The title is somewhat misleading. These are American trains in foreign lands. Many have been modified for use in the third world and have only some resemblance to what left the foundry.$LABEL$0 +Best Movies!. One of the best movies of all time! A look back into the 80's, this time with a good movie!$LABEL$1 +Last Junior Year. I read this book for the first time when still in grade school. I loved this book because I could relate with the horse subject that it contains. So many times the "horsey" books are written by authors who are not really familliar with how life really is in this strange horse show world that some of us live in. This book, although was in places very fictional, also had many realistic aspects to is as well as many true to life locations of horse shows as well as people. I hope to find a copy of this book for my daughter, because I am sure she will love it as much as I did.$LABEL$1 +Does Not Work. I ordered this according to my husband's phone which is in the list above and it does not work at all...$LABEL$0 +Disappointing. As other reviewers have noted, this is a very disappointing version of Sudoku. In addition to their complaints, I would state that I get the same board offered multiple times (both Sudoku and Kakuro). I don't know if this is because I haven't met some minimum time? Speed is inhibited by the navigation of the game (at least it does let you wrap around from the top of the screen to the bottom, etc.).One thing I do like about the game is that, being new to Kakuro and not very quick with math, the game tells you when your math does not add up. When I get more proficient with Kakuro, this may become a "leave me alone, darnit" feature, as it is currently on the Sudoku side of the game.Brain Age's version is soooo much better - can't those folks just put out an independent Sudoku?$LABEL$0 +Doesn't harden very quickly. This product seems to be durable, but doesn't harden very quickly (to the point that you could sand it). The hardening process takes a few days, maybe because it was cool here at the time of the repair (around 55-60 F)...$LABEL$1 +Low water mark. There weren't many occasions when America's greatest film actor, James Stewart, was flat-out terrible in a movie but this is one of them. For reasons no film historian has been able to explain, Stewart's remarkable skills as an actor deserted him in the early Sixties, and he was never the same. It's an atrocious performance in a Civil War film that is full of them. Only James Best as a Rebel veteran manages to bring some life to the proceedings. The script is sickeningly sanctimonious and made all the worse by the incompetent direction of one of Hollywood's all-time hacks, Andrew V. McLaglen, who also blighted the later years in John Wayne's career.$LABEL$0 +HDMI does not split. As far as I know this product may work as advertised. However, I don't think a HDMI signal can be divided by a simple splitter such as this. At least it did not work for me in trying to split HDMI out from a cable box.$LABEL$0 +mine died as well. I loved how quiet this compressor was... note was... until the motor smoked.. karen- did you already throw yours away.. I am in need of a motor... my unit was barely used.. one day I went to do a light amount of air tool work and started to smell burning wires. thankfully the house breaker blew.$LABEL$0 +No longer a good product due to cheapening of design. This used to be a great baster - the best. I am sorry to say that the manufacurer decided to make the walls of the bulb out of thinner silicon than they did just a short time ago. This change has made it nearly useless as a baster as it now lacks "sucking-power". It is truly unfortunate that an excellent product has been rendered useless by a short-sighted decision to save some money. Shame on the pin-head(s) responsible.... shame. I have little experience with other ISI products but this baster says a lot about what you can expect from ISI.$LABEL$0 +For Retro Fans Only. With their screeched falsetto singing and synth based disco beats, it's obvious where the Communards roots lay. They are eighties dance pop mavins from the gay pick up scene (think Pet Shop Boys or Bronski Beat), not surprisingly, there music has not aged well. Those nostalgic for the time may enjoy them, but their dated boogie will win no converts, at least not until 80's retro really comes into it's own.$LABEL$0 +2 failures in less than a year. We bought this unit to use in our daughters room. We use it specifically for the CD player to "sing" her to sleep at night. The first one we had died after about 4 months of use. Putting any CD in it resulted in it saying no disc. Philips replaced it at the cost of shipping which wasn't too bad, but now our second one has met with the same fate after another 4 months.I have no idea what the cause is other than poor quality components. My wife has a philips CD clock radio (earlier model) that is more than 6 years old. She uses it every night before bed and it is humming along just fine.I wouldn't recommend this model. Until you see a change in model number I would assume that the same poor QC has gone into all of them.$LABEL$0 +Great Gift for Rock Lovers!. Definitivamente provoca agradables sensaciones al oido y al gusto musical, todas las piezas son ?nicas coincidiendo con el comentario de Sergio J Castro es indiscutible el sonido de Caifanes, lo cual para los rockeros de los 80's, 90's nos hace revivir cierta nostalgia en cada nota...La voz de la chica es tan ?nica al igual que los arreglos, ojala podamos tener un alb?m con 10 temas, aunque Nocturnal es la mejor de todas... si a?n lo no tienes! deberias! : )$LABEL$1 +Horrible Product. The light-bulb is very low voltage, the "lava" is very poor quality, and the water is cloudy. Don't make the same mistake I did, I thought that there was no way Amazon would actually allow the selling of such a defective product, but I was wrong. These lava lamps are horrid in every way, as evident from their horribler and cheap manufacture from China. These are not worth $14. These are trash.$LABEL$0 +This book helped me. I couldn't figure out why I was having such problems with my mother. She was always difficult to deal with, and was very mean to my sisters when I was growing up. I finally figured out that my mother is a borderline, and so am I! What a revelation that was. Now I have to figure out how to move out of my mother's home, and cut the apron strings!Steve$LABEL$1 +It took my dog 5 minutes to bust through the zipper.. The zipper is something you would find on a backpack - very flimsy. My ski jacket has a heavier duty zipper. It took my dog 5 minutes to dislodge it. Seriously, 5 minutes.$LABEL$0 +Very flexible. This device will turn your computer into a TV/Tivo anywhere. A must have for anyone that travels. Local sports, local news and weather at your fingertips. And not monthly cost. nice$LABEL$1 +Rockin' Gospel Blues of the Best Kind. Ruthie Foster is a dynamite gospel/blues vocalist. She cuts to the heart with every song. She sings with huge emotion and incredible energy. This recording will give you a lift every time you listen to it!$LABEL$1 +Beautiful lamps. Love the look of these lamps! I was worried about how bright they would be but they are perfect and really make the room look elegant! Very happy with this purchase$LABEL$1 +A Guide On How To Be An Irresponsible Owner!. Even after 14 years in animal control, I still am sometimes surprised at how well people can rationalize their irresponsible behavior where pets are concerned. And this lady made money off of it! A woman who has no regard for either the dogs nor her neighbors, I also find it hard to believe that her behavioral insights can be respected when even her own dogs ignore her "leadership" by the end of the book. A very regrettable book that glorifies dangerous, unthoughtful and uncaring treatment of dogs.$LABEL$0 +Too Much. I use to be a big fan of Britney, but now shes all about being sexy. I really don't know much about this CD, some of the songs may be actually good. But, since I no longer like her, especially for her appearal, I don't take the time to listen to her music anymore.$LABEL$0 +What happened???. I can't believe that I actually spent money on this before listening to it. If I had, I'd be $8 richer and believe me, I wouldn't mind, money's so tight right now! This is by far, one of the worst cds I've bought this year-its' actually painful to my ears. The lyrics suck and the music, well, I wish I could say something positive. I guess the only thing going for this cd is the first 2 tracks, but you can find "Friends & Executioners" on Wired Injections (Cleopatra Records) and that cd is a much better investment than this, dare I say, album. Save your money kids.$LABEL$0 +Voice like Velvet. Sarah Vaughan is my favorite jazz vocalist. I like Ella Fitzgerald, but I like her best when she is singing slow, moody tunes. I can listen to Sarah any time and any place. She brings the goods!This cd is from her later years and she doesn't use vocal acrobatics all of the time, like most young vocalist do, she knows her instrument and takes the tricks out of her bag when the feeling hits. You've got to hear her do the "Trolley "song. I don't want to compare her and Judy Garland, because I like them both, but you've got to hear it. Also, her version of "The man I love", mmmmm! you haven't heard anything so fantastic if you love this kind of music.$LABEL$1 +great!. this is one of the best teen movies EVER! among the greatest teen movies these are the best teen movies,shes the man,benchwarmers,just my luck,josie and the pussycats, and the greatest teen movie ever is bring it on! bring it on is the best!$LABEL$1 +DO NOT BUY MUI. Be forewarned This unit works fine at first. It is the probe which is very poor, needs replacement frequently (expensive)$LABEL$0 +good for a stick nailer. This gun has been used and abused and I have never had a problem with it. The only downfall I have is that the capacity is not even close to a coil nailer. If I had my choice I would have one of each, due to the fact that both have their advantages and disadvantages. Overall though, after using it on actual job sites, I would recomend this nail gun especially if you are only going to purchase 1 framing nailer.$LABEL$1 +A waste of money. I bought the WinTV tuner to use primarily as a video capture card. Frankly, I believe using a computer as a TV monitor is a waste of a good computer. I intended to use the WinTv-PVR 350 to convert video tapes into digital format but when attempting conversions the computer freezes up. I have lots of RAM and plenty of room on my hard drive. The longest capture I have managed so far is 15 minutes, but most range in size from one minute to six minutes. After spending a day splicing together the fragments of a VHS tape I converted with the 350 and which I then burned to DVD, I discovered the quality of the image far below DVD quality. It is far below video tape quality.I am willing to spend some real money on a good video capture card but it isn't the WinTV 350. It's not useful as a capture card and it's too small to be a doorstop.$LABEL$0 +Great show!. This is one of the best shows that I have seen by far. I recommend it to everyone and I hope they keep making it!$LABEL$1 +Not as good as..... This product used to work great, I am very disapointed! I used to be able to use it once or twice to get the color I want, and now I have to use it all the time, and I still can't get my hair light enough, it seems to just stop lightening after it gets a certain color!$LABEL$0 +A waste of plastic and metal..... This is without a doubt the most brainless movie ever made. Created for the "Frat Boy" demographic, Coyote Ugly is packed with scantilly clad hoochies dancing around on bar tops and acting very badly. The hoochies are impressive but that is the only halfway worthwhile aspect of this dreadful film. The plot is a stupid retread of the "small town girl goes to the big city" story ,the producers did'nt even try very hard to make a decent film around all the "T" & "A".Why would anyone want watch Coyote Ugly at a theatre or buy it on DVD when movies like this can be seen on late night cable seven days a week? At least the "acting" is better on those cable shows.$LABEL$0 +Not just for kids anymore!. I enjoyed the series as the adult that I am. Anyone who likes a good novel would love this one!$LABEL$1 +Loved it until.... I loved this product, and didn't have the issues other reviewers seem to have with leaking or mold. We used this cup happily and without incident for 6 months until my 1 yo hid it in a cabinet overnight. When I found it the milk inside had curdled, now I can't get the smell out of the cup even after several attempts to sanitize it. I am afraid the cup is a lost cause and we can't use it for anything anymore, my son refuses to drink out of it because it smells.$LABEL$1 +Call it what it is.. Clearly this was a termination. Most of us would be honest and call it an abortion. For those who claim that since the baby was born alive it was not an abortion, not true. Many abortuses are born with a heart rate. For people who are so "right to life" I think they have walked a fine semantic line by not confronting the truth about this baby's death. An to use your personal tragedy for political gain is reprehensible!!!!!$LABEL$0 +NO INCREASE IN MY LIBIDO!. Being over 50, I had high hopes for this product. I so wanted to recapture that excitement with my husband. I tried it for 2 months, taking as directed. I noticed no change whatever. I'm still in love with my husband and he with me regardless.$LABEL$0 +Forgettable. I didn't like this book. I found it really boring. I had to force myself to finish it. The heroine was too perfect, and I didn't feel that she and the hero had a lot of chemistry. I prefer passionate love stories. They were so dull together. I don't think I'll be buying another book by this author.$LABEL$0 +Interesting Title but Little More. Coming on the heels of "Icebreaker" this ranks as a major disappointment from John Gardner. The plot and prose is a collection of disjointed and very uninspiring ideas for our hero James Bond. However, several of these ideas did seem to make it to the screen shortly after in some of Roger Moore's later Bond films and Timothy Dalton's first outing. "Role of Honor" ultimately has a rambling plot that leaves the reader totally disinterested. I was very disappointed with this novel.$LABEL$0 +History forgot this one because IT SUCKS.. If you look at the majority of the reviews on the other DVD page, they all complain about this being too campy and too cheesy. Well let those reviews warn you- Bond and space do not match.I'm not going to mention the plot here since it's just plain ridiculous. But this is indeed the third worst Bond movie ever. When Cubby came up with the idea for this abortion, he said something like "It's not science fiction, it's science fact." Well if we're supposed to believe that Space in real life is Star Warsish, than this is indeed "Science fact"- a Turd of one, that is.It's just a complete and utter disaster. A completely inane and stupid plot, a bored looking and sweaty Moore, a cheesy-as-all-hell final fight, this all equals an incredibly cheap and cheesy Bond that's disgusting and just plain awful. And what was with the "Bondola"?In short, just avoid this one. Time abandoned this movie because IT SUCKS.$LABEL$0 +Really, really exciting.. In #18, Ax and the Animorphs find out from Erek that a certain top guy in the President's Secret Service was knocked down by a car. So? The big thing is the car belonged to Chapman and his family and his boss don't even know he's in hospital. When Ax and the Animorphs check him out, they totally erase the morphing technology history of morph mass replacement when they try to acquire our man H.A Third and land up in Z-space. Luckily they were rescued by Andalites. But now Ax is back with his own people. And he doesn't know if he wants to go home...$LABEL$1 +Not impressed. My experience was not good with this product. I think I temporarily ruined about 3 different knife edges with this. I would attempt multiple times on each blade, but the knife would just not end up sharp enough to cut paper. I followed the instructions perfectly, but I think the one size fits all design just doesn't work well enough on a variety of knives. Go with diamond and Arkansas stones and you will be much happier.$LABEL$0 +Nikon D80 from Adorama - beware. Ordered this camera body as new, what was received was a rebuild. Beware of Adorama!$LABEL$0 +fast moving story. Nora Roberts has proved that she can tell a story. The details make you feel for the characters. You will find yourself rooting for some of the characters to pull through. You will find you will relate to these characters as though you have know them, or maybe wish you had. (I did enjoy the ghost visits, as I feel our love ones are near, whether we choose to notice or not.) The only objection I have is I do not feel it necessary to go into details with steamy love scenes! It is not that I am a prude, but I don't find this to be necessary to tell a good story. I can't wait to read the next book of hers.$LABEL$1 +Sub-par guitar rock drone - their other records are better. "Magnified" is a very average record. Failure's 1st record "Comfort" and their 3rd "Fantastic Planet" (their last record before they broke up in 1997) are much more worth your hard earned cash. Still, if you like your guitars thick and loud, you may dig this one too. Coincidentally, there is a band named Magnified who have had their name before Failure used it. They are in New York City and are starting a huge buzz with their energetic, unforgettable guitar-based songs. Their independent CD is much more worth checking out!$LABEL$0 +didn't realise it was particle board. I have to say I move allot so I hate particle board. I purchased this for dvd's which it didn't hold close to all of my dvd's. I also forgot to put the little wood stumps in so I broke it during assembly. If don't ever plan on moving this would probably be a good item for you especially if your good and reading directions but for me it's crap.$LABEL$0 +Should be a standard reference. Dave Perkins and Evan McGinnis have put together what has to be one of the most useful books I've ever shelled out my own money for. I've been writing MIBs since 1993 and find this is the reference that I use the most. It covers the basics and also advanced topics. The authors include notes of caution and don't mind giving their opinion - which is actually labelled as such.$LABEL$1 +Product is ok but. I used my marinator twice a month. After a year of use, the lid cracked and container would not hold its seal. Lid cracked along top, near rubber vac. hole. Clearly it broke from the suction action of pumping, not misuse. Loved the thing but it definately did not marinate well in 5 minutes (or even 30 minutes) but worked very well when I'd prepare foods in the AM before work and stuck in fridge. At least it made me THINK I was doing a better job.After it cracked, I threw it out and bought bag/jar sealer...much more versatile.$LABEL$0 +You can't hear the caller!. It's a really good looking phone in a good size.Major con:- You won't be able to hear the caller unless you use the speaker or hands-free!- There is a major error in the user manual that took me hours to find "Settings" of the phone.- The only availible holster is in leather - not very attractive.$LABEL$0 +"Operation Rogosh" on video--finally!. The great "Operation Rogosh" episode of "Mission: Impossible" featured the series' first time-displacement scam, with an environment completely recreated from scratch and a mission that, to be successful, had to be completed within a strict time-frame. To one extent or another, this first-year installment set the tone for the rest of the series, and after 37 years, "Rogosh" is still fresh, and still a model of staging and editing.Director Leonard Horn was a veteran of the sci-fi classic "The Outer Limits" ("The Man Who Was Never Born," etc.), as was writer Jerome Ross ("The Man with the Power"). Other "Limits" tie-ins include directors Lee H. Katzin and Paul Stanley, as well as co-producer Alan Balter.The second episode on the video, "The Train," is more gimmick-reliant but quite entertaining, with one especially nerve-wracking moment. To quote an early reviewer of "Mission: Impossible," fine stuff!$LABEL$1 +Simple and excellent. What you need from a VCR is this modern age is simple: stereo, excellent picture quality, s-video output and an easy to use interface. It also appears to have MACROVISION handling for backing up forgotten video favorites that are no longer sold in stores or available in DVD format. Anything more extensive in a VCR (like PAL or SECAM features) involves a bunch of other issues to be considered and might clutter its simplicity. For what it is, it is a terrific (and reasonably priced) piece of equipment.$LABEL$1 +Poor Quality. I received the bracelet and took it out of its packaging to place on my wrist. Upon placing it around my hand it immediately snapped in half. The bracelet was not too small but of poor quality. Also, it took the seller two weeks to respond to my refund request and then they demanded I send the broken bracelet back to them (two weeks after it had broken and had been thrown away). Poor product. Poor customer service.$LABEL$0 +Il Divo Divine. This music is amazing and just think - we have Simon Cowell to thank! The blending of the four voices in harmony and melody is wonderfully soothing to my old ears and the guys are pretty easy on the eyes. I would heartly recommend this CD!$LABEL$1 +It's ok. Look just buy Meteora and Hybrid Theory from Linkin Park. Now if you only listen to rap then you'll probably just buy to this album. The point is that this is pretty much the same thing as the normal songs except in the middle they'll cut and put in part of a Jay Z song or vice versa. It's better if just listen to Linkin Park album cuz it sounds better without Jay Z.Best: Numb/EncoreWorst: Big Pimpin'/Papercut - LP's best song totally ruined.$LABEL$0 +Ruben "The next big Star". Ruben exemplifies grace & talent. As he sings he brings about a smile & shiver. As I've watched him, he's grown more powerful & still maintained his grace. He is a wonderful talented singer with a warm & gracious disposition. There couldn't have been a better pick as the American IDOL than Mr. Ruben Studdard. May God continue to be a blessing upon him.$LABEL$1 +They leak all over the place!!. I used Avent with my first child iin 2006 and I was very happy and had no problem. BUT the new BPA free bottles that I am using now with my second child leak all over the place. It's very frustrating. DO NOT buy them until Avent fix the problem.$LABEL$0 +didn't work for me. I bought this thinking it would give the neck support I need. I'm VERY picky about pillows. I tried to use this and ended up getting a cramp in my neck. Now it's over in the pillow grave yard in my closet.$LABEL$0 +Remarkable! Sure to be a classic!. This is Martin McDonagh's masterpiece---actually, I take that back. I hope he has more and greater works in him for years to come. We need them. This is a superbly theatrical tale that examines the nature and purpose of storytelling. Why do we humans feel it necessary to invent fictious worlds and examine our life not through direct observation of the real but of the invented? And in a land where personal freedoms are virtually nonexistant, how long can the storyteller survive, before he is done away with by the forces of control and order? The blackest black comedy you'll probably ever read, The Pillowman will remain with you forever. Don't just read it, see a production of it when it comes to your town, for surely it will.$LABEL$1 +if you found this, please read on. I don't know how anyone will find this, but if you do and like soul music, don't miss this disc. There are songs here that are impossible to find anywhere else, and the mastering is the best I've ever heard, and that's the truth. I have a few of these cuts other places, and the sound there doesn't hold a candle to the sound here. I give 5 stars rarely and grudgingly, but I would give this collection 6 stars if I could. Worth it for the original version of Some Kind of Wonderful (boy, is it! ) alone. Snap this up before it's gone!$LABEL$1 +you get what you pay for. i guess the cheap price on this should have clued me in. i ordered this for my wife. looks great on the model in the picture most likely because the use different sizes, meaning you get it and the bottoms are huge and the top is small....not anything like the proportions in the picture.$LABEL$0 +very disappointed. I really wanted to like this book. I love series and especially series involving the supernatural. It was mentioned in reviews of Charlaine Harris's books (which I love) and I wrongly assumed (you know what they say about assuming...) that the Anita Blake books would be similar. Hamilton introduced an interesting universe but it went down hill from there. I didn't particularly like the heroine and the book was just so inconsistent. A group of vampires hire Blake to do a job for them and instead of actually letting her do the job, they keep trying to kill her. Doesn't quite make sense huh? Honestly this book just annoyed me to no end. When I was finished with it, I threw it away rather than inflict it on unsuspecting people at the library.$LABEL$0 +Good product, good price. Arrived quickly, decent condition, works great. Just plug it in and go, didn't even have to install anything or set anything up. Finally, I can use my cd drive again! :)$LABEL$1 +I love this CD!. I love this CD. I had originally heard Charlotte Church on the TV movie Joan of Arc (I love that movie!). I fell in love with Panis Angelicus. I asked my mom to get me Voice of an Angel (so I could pay her back, of course), but she purchased Charlotte Church instead. I fell in love with it. My friends may think that I am crazy and listen to 'wierd' music, being I am only 15. I laugh at that. I hate pop music! They are the ones who don't listen to good music. I at least gave their kind of music a chance. This CD is perfect. So it is played switching places with my Edwin McCain and Motzart CDs. What a combonation of music! Charlotte Church has a beautiful voice, especially for one so young. I can only imagine how her voice will improve as she as well as I grow up! --Carol aka "Lyra S."$LABEL$1 +high school teacher. The content of this video is wonderful. My students just finished reading Night, by Elie Wiesel. I was hoping that this could help enhance their understanding of the themes involved with with Wiesel's experience. My students had a hard time understanding Wiesel, and being 15 year olds in their 1st period on a Friday, they weren't willing to try to understand it. Next year I will show it again, but have some questions for them to answer so they actually try to understand. I will check out the PBS supplemental items as well.$LABEL$1 +i was not getting it. this is the first time i have seen anamated movie with keanu reevesand i was just not getting it it dedent work for me at all there had tobe somthing more to the movie but there wasent$LABEL$0 +Love it. Love it cant wait to show it off. Very easy transaction they made it very easy. It arrived early and packaged perfectly. Thanks.$LABEL$1 +bad electrical plug and very noisy. I had the item for 2 weeks and used it three times. The plug went bad and I had to replace it. Also the washer is very noisy almost too loud to speak when using it.$LABEL$0 +Unlike the ghost and the darkness, this book will bore you. When I read this book, I was horribley disappointed. I thought it was exciting like the movie. But it wasn't. Don't waste your mone$LABEL$0 +Find a proper history instead. Perhaps it's a case of, "It's the sort of thing you'll like, if you like that sort of thing", but I can't say that I liked this one. The author presents a very-nearly-interesting concept, that Custer survived the Little Bighorn fight, only to be court-martialed for his failures. However, he presents it in third-person, present tense; an unusual choice in modern literature. Also, the narrator offers the inner thoughts of a different character each chapter. The result is a style that I found tedious and forced. As to plot elements outside the realm of what one might read in a history, they appear to have been left out. Although one of the characters refers to the case as "having more intrigues than the Arabian navy", I suspect that I've known houseplants with more interesting lives. Finally, lacking any notes from the author, I'm left not knowing what was fiction and what was not. In the end, I wish that I'd read a proper history of the incident instead.$LABEL$0 +Not what I expected. This game is absolutely for the younger gamer. I have never owned a Sonic game, but the box looks like some of the more exciting games out there. I feel cheated.$LABEL$0 +I love Mafalda!. A wonderful movie I was waiting to watch for years! Eventhough Quino is from Argentina and that's just at the other side of the mountains I was never able to find good deals for books, or the video it self here. Just lovely!$LABEL$1 +Love the series. This item was shipped quickly and I was very satisfied with the DVD series. The menu fonts are quite small but it's not that big of a deal for me.$LABEL$1 +Works fine. Doesn't need additional tamper.. The machine works fine. I just wanted to comment that the included tamper also works fine and the comments I'd read about needing a "good" steel tamper are unwarranted. The plastic tamper mounted on the side of the machine is hard and sturdy and more than sufficiently rigid to tamp coffee plus its the right size. Comment about "needing" a steel tamper are just pretentious dribble. If you like the looks of separate steel tamper that's fine, but it won't improve the flavor of the coffee.$LABEL$1 +terrible. It is not that often I feel my IQ level goes down after watching a movie, but I think we are talking at least 3 points here. This movie is utter crap.$LABEL$0 +Good for the job.. I bought recently this product and I have to say that it is working fine. I tried it with pork, beef, bread, onion and pepper and it is doing fine. It is heavy solid made product from stainless steel. However the knife and the grinder itself are catching rust, so probably they are not a stainless steel parts. For this reason I dry these parts after I wash the machine. As the product is cutting well everything I put inside I guess I shouldn't complain. I didn't try it for sausages yet, so I can't comment if it is doing a good job there. In genereal I consider the product as a good buy.$LABEL$1 +Con Job. This is another example of a low-quality item passed off using a high-quality brand name as cover. This mattress is of a lower quality than most of the "store brands" I've used, and is certainly of a lower quality than the Coleman brand widely sold for less than half the cost of this Eddie Bauer version. Watch out - in this case, you're going to get less than half of what you pay for!$LABEL$0 +Not Worth the Money. The case itself is sturdy and the pockets are quality but if you intend on filling up this case, don't bother zipping it up because the zipper will break and become useless.$LABEL$0 +Product works great!. I bought this product based upon reviews on Amazon and have been very happy. I'm not a car freak but can appreciate a good wax. I used this after using the car clay kit I bought at the same time. The combination of the two really left my paint looking deeper and richer than ever before. I have a 2008 Altima with standard Nissan dark gray paint but it looks better than new now! Very impressed...$LABEL$1 +I can understand the methodology..... I see what the insert is trying to accomplish by decreasing the pronation; However, my flat feet are so severe that this product only causes pain when worn for a long period of time or when working out. I've worn the inserts for about 3 weeks but will continue to wear them in hopes that the pain will lessen.$LABEL$0 +Tedious, poorly organized, etc.. This book contains excerpts from several of Hubbard's other books, and in a couple cases from lectures. For a book the Church of Scientology pushes heavily, it's pretty awful. Almost all the 'sections' are preachy, most of the insights are unoriginal, and there are a few things which are patently offensive. For example, in one passage, "The Vocabularies of Science", Hubbard calls Japanese a "baby talk language" and proceeds to espouse his almost complete ignorance of the language. I find it difficult to believe the CofS includes that in their translations for prospective Japanese scientologists. On the other hand, if you think Japanese is a baby talk language, and also believe some of the other bizarre assertions in this book, maybe scientology is for you... In sum, I cannot fathom why any thinking person would join the CofS as a result of reading this book. Lousy, preachy, ignorant, and boring. To put it bluntly, a complete waste of money.$LABEL$0 +cute...but!. I was given a set of these cards by a friend who knows how much I appreciate the Sacred Circle Tarot by Anna Franklin. Unfortunately, the Fairy Ring oracle cards are not even as half as good as the Sacred Circle Tarot who is not only beautiful but also gives extraordinary messages when used in combination with the book it comes with!The 'art work' of these cards is cute, but the messages of the cards are...not useful at all! And this is being kind! This deck is a cute past-time for those who like to play with the Fairies, and to be honest I believe the author and creator of the deck has just done that - gone off with the fairies!Satisfaction guarantee...good for a laugh but not to be taken serious!$LABEL$0 +almost perfect. This is the third gravy separator I've owned. The first two were made out of plastic and I doubt that I got to use them more than 10 times before they cracked. I gave up on replacing them, since they were made out of plastic that could not stand the thermal shock, until I found this one. This one is made out of laboratory glass and has survived over a year of frequent use in my kitchen.The only gripe I have is that the spout is not profiled very well, and it's more or less impossible to pour out of it without spilling some of the liquid.$LABEL$1 +Don't waste your money. I bought one of these to replace my old WearEver Popcorn Pumper (RIP). Boy what I would give to resurrect the old pumper!! The first problem is that this popper is built with the airflow straight up so it blows unpopped kernels out into the bowl. The second problem is that it has such low airflow (necessary due to the direction) that it doesn't get the popped kernels out into the bowl so they build up and scorch. Add to that the fact that, again due to the airflow direction, it pushes a large number of unpopped kernels out with the popped corn. Then add that the butter melting container is also the corn measuring cup, so you need to stop and wash it between every batch. The butter melting cup is plastic, instead of aluminum like the WearEver, so it doesn't have good heat conduction and won't melt butter that isn't already half melted.Overall, don't waste your money.$LABEL$0 +Euro Music at it's best!. Quoted by Oasis as the band who will save rock music, Coldplay is the new age Beatles, mixed in with a bit of Oasis and American influence. Definately one of the greatest pieces of musical art today!$LABEL$1 +My sister loved it!!. My sister had been looking everywhere for this movie. An she couldn't find it anywhere. So when I found here I was so happy. Got of for her birthday an she loved it!!$LABEL$1 +Pretty dull. This game is of little interest to my six-year old, who has other Disney software that he loves. While there is some animation in the tiles themselves, there's not much else going on. The backgrounds are basically blank, and after you've played for twenty minutes or so, you've pretty much seen all it has to offer.$LABEL$0 +Killer Album Of Blues Covers. Where Me and Mr Johnson focused on acoustic blues ( great job btw ) , this album is quite different . It's plugged - Very plugged . If you want to know why Eric Clapton is held in such high esteem , buy this album .It's an album of covers by blues greats like Eddie Boyd , Lowell Fulson , Freddie King , Albert King and Muddy Waters among others .Clapton's guitar is at the forefront on this album .He does an incredible job with these songs and if you don't agree with people who put Clapton at the top or near the top of the greatest guitar player list ...this album will have you jumping on the bandwagon .If you like blues ..just buy this . you'll love it.$LABEL$1 +Easy to use. Looks and feels good. I am not a fan of the arm bp monitors so decided to spend a little more & get this one. I really love it. I'm able to connect it to my PC to where it keeps track of my readings so I can actually get a clear view of my BP trends. It has helped me with maintaining a healthy bp level because I know when during the month I may experience a slight increase so I'll do a bit more exercise and a few more Resperate sessions during that time of the month. Also, it's Omron. You're dealing with a great company as well.$LABEL$1 +Opened my Eyes to Facebook,and great story and actors ... I went to go see this movie in theatres with avg expectations at best, but let me tell you this movie delivered and then some. I had no clue the actualy story of how Facebook got started and was unaware that the guy who started Napster was even remotely involved. I am not sure how accurate this movie is to the true story but none the less, it was a well written story, and this movie wss CASTED perfectly having Jesse Eisenberg (who I feel doesnt get the acting credit he deserves, being compared to Michael Cera WAY @ MUCH), and Justin Timberlake did a incredible job portraying the guy who started Napster.I have a Blockbuster online membership,but this is the kind of movie you want to own imo, and they have a great deal for their 2 disc special edition DVD,but since I have a Blu Ray im getting it on Blu Ray which I hope includes the same material.Check out this movie.$LABEL$1 +Battery needs work. I purchased this item this summer and at first it was great, picked up everything, until the battery life went south. It would work for a few minutes on full-power and then it was going dead but would run for 20 minutes. Thought I might have over charged the batter and ruined it so I purchased another one and this one I made sure that I didn't over charge the battery and the same thing happened again. Maybe I got two batterys that were lemons but what are my chances. It was great while it lasted. $20.00 a battery is not worth it if it only works for a few months....$LABEL$0 +Died after a year.... Great little gizmo...but it died after only a little more than a year. Not what I expected for the investment.$LABEL$0 +works until it melts and the cooking plates fall off. Got this thing about a year ago, and the removable plates, timer, and adjustable temp are big improvements over earlier versions. But after a few uses, the plastic cover on ours melted a bit and is now a bit deformed and ugly. AND the top cooking plate tends to disconnect when opening the thing. Today it fell off clanged onto the floor just missing my foot, spattering grease all over the place.Hamilton Beach and Cuisinart make similar products, and they are probably better engineered. Even though this one is no long under warranty, it's getting boxed up and shipped back to the manufacturer.$LABEL$0 +Great premise, but disappointing overall. Four very different individuals accidentally meet on the roof where they had all planned to commit suicide.The writing was abysmal and the characters were all very flat and unlikable. There were a few insights I found interesting, but they were presented in a somewhat forced and cliche manner. This is the first book I've read by Hornby and even though it was terrible, I still might give him a second chance with one of his more popular books, such as High Fidelity.$LABEL$0 +Surpasses even the sparkling brilliance of "Black Woman".. Not to take anything away from Judy's "Black Woman" album (which is an absolute classic) but songs such as "Ethiopia Salaam", "Mother Africa", "Lovemaking" and the stunning title track surpass the above-mentioned classic album's splendor and brilliance. Judy has never made a bad album and I highly recommend all of her works.$LABEL$1 +30 years later, and still nothing like it.. Very few people have ever been able to write in such a way that can render nothing of the imagination or fantasy more compelling than the realities of what actually is. Incredibly, 30 years later, very few things in this book are truly outdated, and there is still no book out there which can so accessibly and comprehensively serve as a "You Are Here" starting guide to all that is. It remains an essential and irresistible read for anyone with a natural intellectual curiosity and desire to understand.$LABEL$1 +Poor resolution and sound:(. Great Movie, But surprised at the quality of the Blu-Ray! One star is even too much. Also where is the sound on the movie itself? The special features and new Clash of the Titans 2010 preview has sound, but not the movie. They need to re-release this and take time doing it so we can really see Hi-Def in all it's glory. This is VHS quality, if that.$LABEL$0 +eh. ... ..not awful by any means and there are very pretty moments, but the overall album just lacks in emotion and depth compared to the original. many times the arrangements are very thin and have to leave out important harmonies and sometimes entire lines. it's still enjoyable, mind you. there's just no thom yorke. the absence of his voice really leaves you wondering what to think. if the makers of this cd read these things, can i offer a suggestion that you get a whole string choir with lots of members to beef up some sections and bring back a few things that had to be left out because of your numbers if you ever want to do more radiohead. and get the real man for the melodies.$LABEL$0 +Read this to be paranoid throughout your pregnancy. Although this book is written from the standpoint of presenting the facts, it does so in a warped and paranoid way. The "facts" presented in this book are not the facts but the author's extreme ideas presented from extreme reported examples that are perfect to make any mother-to-be paranoid about her pregnancy. This book will make you believe that having sex WILL cause you to have a miscarriage (which is extremely rare!) In addition, the author speculates that having one x-ray at any time in your life will cause all of your future offspring to be deformed... which could not be more FALSE. This book sells lies instead of the helpful information a mother-to-be will need. In my profession I have already had to council the fears of a young mother who read this book and received all of the wrong information.$LABEL$0 +Oh god.... How the hell can they even make a movie this bad,didnt they read the script first! This is like one of the worst movies ever.Only "Turbulence" was worse movie than this one.This has absolutely nothing,bad huomour,bad effects,bad acting etc. dammit this was a really bad send off for a good actor like Raul Julia,he would have deserved much more... Only some of the Vietnam refrences were pretty good...$LABEL$0 +This is well worth the money. Tickled pink with this particular manual.This one's paid for itself many times over.Very descriptive and helpful,and I have not found many things lacking.Being an ex-mechanic who hates to pay 55$/hr at the shop unless needed,this is a good one for even the novice.$LABEL$1 +Biased Ivy League reviews. This is a decent guide for the most part. The trouble is that the authors' biases are clear when they review Yale's "rival" schools. Is anyone surprised that this book makes Yale out to be the flawless shining star of the Ivy League and Harvard, Princeton, et al. to be overrated, filled with unhappy students, etc.? The not-so-subtle advertising compromises the book's integrity where the Ivy League is concerned. If those are the schools that interest you, Fiske and Princeton Review are better bets.$LABEL$0 +I think it works. It works to shrink existing zits and I think it softens the scars as well. I haven't used it long enough to know for sure. But for the price, it's definitely worth the try. Go easy on the first few applications.$LABEL$1 +Use it to clamp my Contour Roam. Great for mounting my Contour Roam camera while sailing. It articulates nicely in all sorts of directions and I can clamp it to lots of different things on the boat.$LABEL$1 +Excellent, strong bags w NO Failures. I have been using Bags on Board for at least 8 years. I walk our dogs (2 Shar-pei's - 45 and 55 lbs) every day and have actually NEVER had a failure of a bag. These bags are large enough to be able to pick up 4 poops with a large hand inside as I have done many times - (usually 2 per day). I heartily recommend these bags for durability, reliability and size - What more is there? I trust them and will continue to use them.$LABEL$1 +Kept freezing on me. Couldn't even install. After hearing about how easy and intuitive an ipod is, I eagerly opened the package and after charging popped the installation CD into my computer. When the PC asked for the Ipod, I connected it. At first it was just the software crashing, then the ipod froze and I couldn't reset it following the instructions in the manual. It was a long frustrating experience. I will be returning this and will buy my player from Sony.$LABEL$0 +Feed Your Chickens Too. I wanted something to feed my chickens with that didn't require me entering their cage. Having rabbits as a kid, this fit the bill. (Chicken pellets are exactly the same dimension as rabbit pellets.) My only grivance is that the wire mesh on the bottom used to filter out the pellet dust is too fine, and more of the pellet dust stays inside the feeder. Otherwise it works great.$LABEL$1 +Who Needs a Family Like This?. I usually love Ms. Krentz' books but this one was a turkey. Why? I found the hero completely unlikeable and couldn't imagine why the heroine wanted him. Self-centered, cold men and women without much pride don't do it for me.$LABEL$0 +The best children's book ever. I just read the other reviews of this book and feel compelled to add that it had a similarly profound effect on my life. It is only published every 20 years--1947, 1967, 1987 and hopefully again in 2007. It is the best children's book ever--an unrivalled compilation of timeless--and non-commercial--poems and rhymes. Only Shel Silverstein has come close to achieving the same greatness. I learned the whole book by heart as a child and my grown up sisters and I still recite the rounds together when we are feeling silly. Everyone should have this book in their permanent collection.$LABEL$1 +Product Great but Seller is Shady. The phone that I purchase is great. It met all of the expectations of the razor phone. BUT, the product description was misleading. It said that it was "Unlocked for use with your existing GSM 850 MHz, GSM 1800 MHz, GSM 900 MHz or GSM 1900 MHz service provider" To the untrained purchaser(me) I "assumed" (you know what happens when you assume!) that it was good for ANY service provider. My son tried to use it with his Verizon account and was unable to get it hooked up. At the very least, I think that the seller should have had a link (Like the one he sent me when I tried to return it!) to explain which providers it was good for. The seller was very shady in his presentation of the product. But if you have one of the GSM providers the phone is wonderful!$LABEL$0 +Star Trek Movie Set. DVD Set was very entertaining.DVD Set arrived in a very timely fashion.DVD Set arrived in excellent condition.$LABEL$1 +Funny, Fast paced. Dacinda(Daisy) Ann Minor, a character who can only exist in a little southern town, is the archetypal small town spinster librarian. But this particular old fashioned, next thing to a virgin, wants to get married and have babies. On her thirty fourth birthday, she decides to do something about it, and that's where the fun starts. She gets a makeover, moves out of her mother's house, witnesses a murder (unintentionally), buys a puppy, and starts something up with the town's hunky sheriff, who is far from a "good" ole boy. Now the romance in this book is more of the slam-bam-thanks and lets get married-ma'am variety than a Grand Romance, and the action is very secondary. What drives this story forward is Daisy, and then eventually Jack, and how Daisy's evolution changes them both. This is a very fast paced book- everything takes place in less than a month, but it's definitely worth reading if you enjoy a character-driven plot and laughing.$LABEL$1 +REALLY REALLY LOUD. I have just called today to get a second replacement for the refurbished kitchen aid I purchased a month ago. The first was really loud and growly, but the second one is really loud and ear-piercingly annoying. It is hard to even be in the same room with it on. The Kitchen Aid person I spoke will said they are all noisy due to metal gears. Let's just hope the next replacement is tolerable or I spent an awful lot on a lemon.$LABEL$0 +woodcarving book1 basic tecniques. nice book for beginners and advanced alike who wish to learn another technique. very well explained$LABEL$1 +Pre-K teacher. I teach pre-k and the children love this toy! I found out about this toy from another teacher who said that the children really enjoy it. It was a bit expensive but a few parents chipped in for it and when they saw how much the children enjoyed it, they decided to buy it for their homes as well. It is a fun and safe toy. Many magnet toys are not safe for young children but these are big toys (not swallow-able) and the children can build beautiful structures with them! If there are more than three children, I would recommend getting the pack of 100 since children enjoy using many tiles to build structures!$LABEL$1 +Bad design - it will crack at no time. I bought two of them. While installing them into my license plate frame, the thing did not fit over license plate. You actually have to cut your license plate edges about 1/8" at the sides to fit it into the cover.It didn't help and the cover cracked at one place near the license plate screw. Honestly, I didn't over tight the screw.I put it over my front license plate (I live in Illinois) only to protect myself against Laser radar. I think everybody who installed this cover over the license plate take a chance to be ticketed for obstruction the plate as it can be seen clearly only when you look at it absolutely straight. If you have a cop looking at your plate at the slight angle, at least couple digits would be distorted or hidden from being seen them at all. Plus I am not sure that Laser beam will be reflected from the license plate solely and not from the rest of the car.I would NOT buy this cover - waste of money!Michael.$LABEL$0 +Great read. This is a very inspiritational story of one mans quest to make it right for so many other people. A great little story of determination, will, and the pursuit of the ultimate dream....Freedom.$LABEL$1 +Britney Fan. A more mature Britney. The title track "Oops!.. I did it again" is my favorite song. I like this CD better than her first album ..."baby one more time".$LABEL$1 +No complaints. I received my HDMI cable quickly and I have had no problems with it. Very satisfied. I recommend ordering from this company.$LABEL$1 +I tried to like her, but she has no vocal range. remember when Joe Piscipo imitated Sinatra & everything sounded the same ?he could do the same with her. She's attractive, great at the piano, should hire a vocalist. I've never heard her cover an octave. To be fair I did give up listening to her.$LABEL$0 +The running man DVD. i have been wanting to get hold of the this copy of the DVD starring Arnold Schwarzenegger since i was a young boy.However, where I am staying I cant find this dvd at all and I have been searching for this movie for years.Finally,i came across this website and I found what I was looking for.I purchased it immediately.I eventually arrived at my doorstep.The only issue was the dvd case had cracks on it,must be due to the ship handling but the 2 disc edition dvds were perfectly fine.I watched the movie and I was amazed at it special features,extras.So i decided to purchase for 2 other movies from amazon.I am now waiting for them to arrive and I am a happy customer wanting to buy more from amazon again.The one stop place for the huge database of movies.The Running Man (Special Edition)$LABEL$1 +Wow. I think Teri Woods is an excellent writer. Although i think DutchI was better. Dutch II had excellent power as well. Angel is one crazy girl . Can't wait for the final dutch.$LABEL$1 +Same as The Language of Emotions. I purchased The Language of Emotions and was so intrigued by the book, I searched for additional books by the same author - I was absolutely thrilled when I came across this book! Imagine my surprise - and disappointment - when I reviewed the Table of Contents to discover the book is almost IDENTICAL to her newest book, The Language of Emotions. If I had known that, I would not have bothered to purchase Emotional Genius.$LABEL$0 +sounds like too much medical advice. I would rather go see my doctor because I think just doing things as said in this book could be dangerous and goes against what my doctor says to do, so I think you should always see your doctor before changing what you do.$LABEL$0 +A "must" for all Remedios Varo fans and art students.. A recommended pick, Janet Kaplan's Remedios Varo examines the paintings of Varo, a Spanish avant-garde painter. Black and white and a few color shots accompany a very detailed survey of the artist's life and times.$LABEL$1 +beautiful bratz doll. she is one of the best bratz i own, she is beautiful and i love her so much!!!! if youve got her dont lose her! this is best in the collection, the yasmin, then phoebe!!! this collection is B.E.A.U.T.I.F.U.L!$LABEL$1 +An outstanding book THAT DOESN'T cover up the Masonic Connection to JFK's murder. The most important line in the book is the oneabout how the FBI used the Masonic Lodge tomeet in 1960...laying the groundwork for JFK'seventual removal by the 'Shadow Government...Ask yourselves, Mr. and Mrs. America, is itjust a coinsidence that LBJ, Hoover, Major ofDallas Cabell, the former Gen. Cabell, et, alwere Masons? I think not. Then they brought inthe Zionists, et, al and finished the job!$LABEL$1 +USB A Female to MiniDin6 (PS/2) Male, Adaptor (Purple). Doesn't Work on my wired keyboard... I used one before that worked fine but I lost. should be simple enough...$LABEL$0 +Love it. I bought this for my baby boy 4 years ago and the blanket/fitted sheet still look like new, even after all the washings. I loved the colors and patterns, it's what attracted me to this bedding set. It's so adorable..I'm expecting a little girl now and if they had this in pink I would so get it for my baby girl, but sadly they don't! Very good quality even after 4 years! =)$LABEL$1 +Best money spent on a pet item ever!. My cat sheds like crazy. He is a short haired cat and the only animal in the house but everything I own has cat hair somewhere. It even makes it way out to the car. While searching around for recommended pet brushes, I ran into the Furminator.....I, of course, balked at the price -- that is a lot of money to me for a brush BUT I bit the bullet and ordered anyway.I received the brush today and I LOVE it! The amount of fur it removes is simply amazing. I was careful not to brush too roughly but I would think anyone with a brain would get that it is a hard metal brush and not to brush too hard. The cat loved it and I love the fact that I get to greatly reduce the hair in my house. Definitely recommend this to anyone with an animal that sheds at all.$LABEL$1 +The Corrs are awesome!. The Corrs are a young and talented band. Their music has a great uplifting spirit which will brighten your day. I just wish that they stick to their Celtic sound and don't head to where other 1990's artists end up: forgotten and in the bargain bin. If they stick to their unique sound, they will stick around.$LABEL$1 +Head is still attached!. My three year old hasn't managed to rip her limb from limb. That's got to count for something.$LABEL$1 +Rear Window is great Hitchcock. Hitchcock at his best. Builds the suspense and it never gets old. I've watched this movie many times over the years and it's still a great movie.$LABEL$1 +annoying. The content of this book is probably ok. I was really disapointed with it as I have been to Nanchang and was really looking forward to someone elses experience of the city and of course their adoption process. The problem I have with it is that it is very badly written. I realise that being a writer is not this guys job but how it was printed like this is beyond me. I can get over grammatical mistakes and bad punctuation to a point. This book is written so badly that at times it is very difficult to get the meaning of sentances. The author changes tenses mid paragraph while talking about the same moment of time. Two stars for effort and putting the story down on paper.$LABEL$0 +Hmmm.... Now THIS is weird. REALLY weird. In fact, I'd go so far and call it the "The Velvet Underground and Nico" of our generation. Okay. Tricky, onetime Massive Attack rapper, teams up with gravelly-voiced singer Martine, and makes one of the weirdest albums you'll ever hear. I'm sitting here staring at the keyboard trying to explain what it sounds like and I'm unsuccessful. Some call it "trip-hop" but I say this sounds NOTHING like "Dummy" or "Mezzanine"! Ever heard the song "Downs" from Big Star's "Third Sister Lovers"? That's what a lot of this album sounds like. Unique percussion and static melodies. And lyrics along the lines of "I drink till I'm drunk and I smoke till I'm senseless" and "I f--- you in the a--." with song titles like "Ponderosa" and "Suffocated Love". Pot hallucination experiences put on record, I guess. It's all very VERY surreal.It's also very VERY unlistenable. But hey, so was "The Velvet Underground And Nico"!$LABEL$0 +Tommy Chong Died Too Early. This was not a great movie. It's usually a 50/50 chance that a National Lampoon movie will be good or horrible. The best thing this movie had going for it was casting Tommy Chong as the bus driver "Red". No surprises here.... he did a lot of drugs and looked like a roadie for the Dead, but he still makes me laugh. The problem was the character died off too soon as with any chance of the movie breaking even at average.$LABEL$0 +good to a see an old friend. It's good to see Lolita Files back in the writng game. I have missed her books and her stories. This book gives great in- sight to where the characters have been and where they are headed next. This book screams for a sequel!! I like that she managed to bring readers up to date while showing a glimpse of the past throughout the book. I read this book in two days it was sooo good. I ony gave it four stars because the ending does leave you hanging for answers. Otherwise, great read!!$LABEL$1 +More Christmas Magic. Hats off to John Corbett, Stacy Edwards, Michael O'Keefe, Jack Palance and the Producers of Prancer returns. We've enjoyed Prancer for so many years and were so excited to see "Prancer Returns" come out. Again, the movie has taken "every day" people, has placed them in "every day" life situations and has created a masterpiece filled with Christmas magic. A wonderful movie for everyone in the family. A must see!$LABEL$1 +good for all ages. Great extras on this DVD. You gotta love the Squirrel in this movie. Check out the time traveling extra. Classic!$LABEL$1 +Delighted to see how many love this book.................. I love THE MIRROR and believe it is the best book ever published with my home town Boulder, Colorado as its setting. Those who are not big time travel fans (I confess I am not usually) can enjoy the book for its page turning plot and the historical detail Millhiser uses to make Boulder in the year 1900 come to life. I was under the impression this was a fairly obscure book but what a pleasant surprise to see it is still in print and loved by many. Great reading choice for Boulder lovers whether residents or visitors.$LABEL$1 +Great Product. Received my Ponds Eye Makeup remover exactly as asked for and in a very timely fashion.Thank you$LABEL$1 +Great book. I bought this book for a contemporary philosophy course at college, and found it very fascinating. Wilson uses science to explain a wide variety of human phenomenon. I read this book not only for class, but I found it so interesting that I read it for fun!It can be hard to get through if you don't have a strong science background. I study science for fun, so I had no difficulty. However, the less scientifically-inclined in the class had a tough time reading it.$LABEL$1 +Pet specific only. This may be okay for people interested in rabbits as pets but for meatkeepers it's worthless.$LABEL$0 +Not worth the money. This book is a waste of time. It does not contain exercises to help you apply the principals to your specific issues with customer or employees. It was very general and did not teach me anything that I did not already know. The book was way too expesive, as well.$LABEL$0 +Very disappointing. This film is very disappointing. Everything is weak. Tchaikovsky fans will be perplexed by this terrible film. The story is confusing and hard to follow and the music is placed without any context. A wasted opportunity.$LABEL$0 +Brushes okay, but.... This toothbrush does an okay job with teeth and gum brushing but it is DIRTY! I take the top off after my twice a day use and rinse it out in hot water. I replace the two parts in their proper places each time. Weekly, I separate the parts of the brush head to clean it and inside is the slimiest black stuff...stuff I have seen inside a sink drain. I had to use another toothbrush and a q-tip to clean it. I would never recommend this brush nor would I buy it again. I am going to try to spray the insides with a weak bleach solution to see if it cuts down on the black slime. ICK!$LABEL$0 +Platinum leather case for i530. Good product. Came in new condition & works great to protect our phone.$LABEL$1 +Bad Seiko Watch. Purchased this watch 12/7/2009 and gave it to my wife for Christmas present and on 2/1/2010 it died..........I took the watch to a mall and had a new battery installed just in case but it still will not work so I'll send it back to Seiko and hopefully it will be repaired..........this was an exact replacement of a watch I gave my wife 25 years ago that worked like a charm up until a couple of months before Christmas so I'm hoping I purchased a legitmate Seiko and not a cheap knockoff!!! I'm sending back to Seiko and will update this if it's repaired timely with no problems!They repaired the watch no problems and it's still working great.........as of 11/11/11$LABEL$0 +This Game Is The Worst Ever. It has some Legendary wrestlers on it, but the gameplay is the worst Ive ever played. I am more used to the gameplay of games like wrestlemania 2000 and wwf no mercy. Do yourself a favor and rent this game before you buy it.$LABEL$0 +This toy is a keeper!. My son is 3 years old and is beg. to like thomas the train- I purchased this toy as a starter to see if he would take the time to play with a train set. It is very cute - however, it is on the noisy side. The legs do come off very easy and cannot be glued (they come undone) He plays with it all the time and I would recommend it to others. The cars are very small so if you have other young children in the house you may want to think about that. It was definately worth the [money] we paid for it.$LABEL$1 +Not worth they money. Very cute and bright pictures but this is really not worth the price. It's very slim - as the other reviewer stated. As soon as I got it I sent it right back...it's about the thickness of a preschooler's book. I'd only buy it again if it were under $7 - and I'm not especially cheap! Lots of other great dog/pug books out there that are worth the money.$LABEL$0 +So far this is AMAZING!!!!!. I got the for my son after reading Dr. Bock's book on the 4-A disorders. My son is a sickly child and the winter is usually a horrible time for the entire family. He has had croup more times than I can count and basically gets it every time he gets a cold. He has asthma and many food intolerance's on top of a weak immune system. Every winter of his life he has gotten the croup at least once a month if not more. Since taking the transfer factor he has not been sick even once!! It has been two months since his last episode. I hope I am not jumping the gun, but this is a first for us! I am very pleased with this product and it is the best supplement we have tried (and we have spent tons on supplements and food already). This is worth every penny!$LABEL$1 +Lasted less than 6 months. We've had a very bad experience with this blender. After not even six months of mild use, the body and the bottom part do not lock together anymore so we had to throw it out as there is no way to open it and try to fix it. Our feeling is that it has been designed with short life expectancy. Buy, use, and... buy again. We'll wait and buy a good brand whilst travelling abroad.$LABEL$0 +Expected better quality. I bought this item after a bit of research over the net. I have an HP computer, and since the bag is also from HP , I expected it to be well designed for HP computers and of course durable. It is well designed but it bit too heavier than I thought it would be. On the durability side, I am surprised to find that handles are coming lose. The threads are unraveling and as of now, the bag is not usable, because handles might break off. This has happened only after a normal usage and normal loads. The load included only a laptop, few documents, power adapter and a book of about half a pound!!Quite disappointed with the quality of this product. But there are chances that this might be defective piece. I am going to send it back to Amazon/HP and see what happens.$LABEL$0 +Best Music Ever. If you like Jarre music, this is the album for you. Made of one of the best of his scores ever. From the beggining to the end. Just put the CD on, sit down, relax, close yor eyes, and let the music do the job. If you're a newbie, you've probobly heard his music before. You're just not aware of what's behind. Hear it, experience it, belive it, learn it.$LABEL$1 +A very good,durable toy.Really gets your brain working!. Mindtrap is a game that consists of really challenging puzzles.I would recommend it for over 12's.It is good fun trying to get the answers & finding out what it is after you puzzling over it for a long time.Highly recommended.$LABEL$1 +Hamlet. Though dozens of versions of Shakespeare's best-known play have been filmed, none rival this moody 1948 adaptation by master dramatist Olivier, who produced, directed, and acted. Streamlining the text to achieve a leaner, tighter feel, Olivier wrings tremendous feeling out of his indecisive, ever-brooding Hamlet, while the radiant Jean Simmons makes an exceptional Ophelia, the dour prince's doomed lover. Distinguished by its inventive camerawork and lush black-and-white photography, Olivier's "Hamlet" won four Oscars, including Best Actor (Olivier) and Picture.$LABEL$1 +A Very Superficial Book. I returned this book after reading half of it and skimming the other half. I can't find a single original observation to point to, and many of the observations about "Chinese etiquette" are really just observations about etiquette in general - such as the universal practice of starting a conversation with small talk.One particularly annoying part of this book is the author's practice of compling long lists of Chinese vocabularly, phrases, place names, and historical references, and then failing to provide the character or "tone" marks. As anyone with an even cursory knowledge of China knows, Chinese is a tonal language and, hence, without tone marks a vocabulary item is completely useless to a foreigner. Moreover, the author misspells many of the pinyin transliterations, and often provides phonetic transliterations that are non-standard or inacurrate.$LABEL$0 +Poor product. I purchased one of these computers only six weeks ago. On the second time out I detected black spots on the screen, where there should have been pixels. Pressing the screen brought some of them back, but as the day progressed the marks became cracks in the LCD screen itself. I reported the matter to HP the next day and they agreed to collect the unit for warranty repair. Some 10 days later they called me up demanding $650 to replace the screen, saying they were not prepared to honor the warranty for a crack.The lid is totally too flimsy to take the stress of holding the closed unit and lifting it from a carry bag. There is a connector right where you grasp the case, and this can dig in and crack the screen. For a portable laptop the design is not fit for purpose.NB the electronics work great but without a screen are of little value!$LABEL$0 +WARNING: Do Not Buy!. A much needed warning on this item: if you are searching for a way to cool down your computer because it overheats when using intense programs, this product will not stop it from overheating! This item MAY slow down the process of overheating but it will STILL happen. These "cooling pads" don't have enough power to keep your computer cooled. If your computer is suffering from too much heat and programs requiring high CPU stutter and stop, this item will not help! Beware!$LABEL$0 +billw2. fast shipping-great product-aaa+ takes the sand right out of my eyes and is useful for the bathroom duties too horay$LABEL$1 +I almost feel embarrassed, but ..... I'm sure that this is a good book and that it is so famous for good reasons. And I do like reading classic authors and long-winded novels. But this one was soooo boooring! I tried and tried and tried, but eventually, after 200 pages or so, I gave up. Maybe too much testosterone ...$LABEL$0 +Book is ok but kindle edition is pretty bad.. The file is almost unreadable on my kindle because it will not aallow me to enlarge the font. Reading it on a computer is ok but a pain in the butt.$LABEL$0 +worked flawlessly for me. Just finished doing my taxes with it. It imported my last year's data with no problems, and continued to work without a hitch. (MacOS 9.2.2, lots of memory). (haven't tried the state version, or printing to an HP printer.) If I had a nit to pick, it would be that the point in Taxcut's interview where you enter your state tax refund begins by saying "Did you or your spousereceive a form 1099-G for2001?" It eventually goes on to mention that this is the place to enter your state tax refund even if you didn't get a 1099-G, but I missed that the first time through.On my wishlist for Taxcut would be the ability to "print" a PDF of the finished tax return. This is not so pressing, however, as there are various commercial/shareware/freeware ways of getting this functionality, and MacOS X has it built in.$LABEL$1 +Double burner reversible grill/griddle. I decided on this product after reviewing many both in stores and online.I chose this griddle as it is made in the U.S., is the "just right" size we were looking for, and is reversible which is a bonus.I also like the fact that is an easy to clean surface but is also durable and sturdy. That is very important to us as it will be used on our outdoor grill most of the time. We also have other family members that will use it and it will get some rougher use that way.$LABEL$1 +Undersized 2Gig card. I bought for 2-gigabyte EXTREME-III cards, because my application requied at least that much space. It turned out that the cards were undersized - only about 1.88 GB was available. I had to divert them to another application that only needed 1 GB and buy some 4 GB cards for the original application.$LABEL$0 +Not what I was expecting. I ordered the book pictured, but received something totally different. The book pictured was a book my sister and I had and loved as kids, so I was really excited to recapture a piece of my childhood. I was really disappointed when the book I received was a completely different version of "A Christmas Carol." I will be returning the book for a full refund.$LABEL$0 +Wonderful!. This isn't the kind of book that I can read quickly. It has a lot of new information (to me anyway) and it needs to be digested slowly.There are such important truths in this book about intimacy with Christ. You don't want to miss this one!$LABEL$1 +Scatter the Shot!. Well, Scattershot is amazing, but he has a weird Japanese name: Backpack. But the painting looks good! Whoever painted him gets a BILLION dollars!!! I love him! He is pretty cool.$LABEL$1 +A good magazine article, stretched way too far. There is a good story here, but it is padded with ancillary information, and the story has so much filler that it became a chore to finish. This should have been a good magazine article, not a book.$LABEL$0 +Piece of crap..... What a pain in the A$$! Does not work with MCE properly and even using its own software you are very likely to get "failed to initialize hardware" messages from improper driver installations. There are also audio problems that require the card go through a hard reset and have jumpers moved. Way to much effort!$LABEL$0 +Very interesting reading. Mr. Weist's proven "scale trading" method is a very interesting but unconventional trading approach that I personally could never attempt. However, I think it's important to get different perspectives and this is a well written book, with clear examples and many of the author's own personal experiences as a professional money manager.$LABEL$1 +A Clint Eastwood-charachter Version of Enlightenment. A very male-told tale. A tall tale at that. In this version of enlightenment complete out-of-body/out-of-life detachment seems to define the experience. The women do the work though they have, of course, not attained the same level claimed to pass for enlightenment. As more than one person has said, if you think you're enlightened, you're probably not.$LABEL$0 +Great if you're really into food shavings. I had the same experience as many of the reviewers here. This "slicer" is totally useless. If you put ANY kind of pressure down on the item to be sliced it will not cut through; otherwise you just get shavings. I have tried an onion, a green pepper, and a sweet potato; none of them were cut. The video from the company demonstrating this product (up on a certain popular tube site) is a gross misrepresentation, this thing just got tossed into the trash.$LABEL$0 +Not a big fan. I liked the YES products, their first two albums were really good. This product was mixed very badly, and the songs are very weak. But I'm a big E.L.P. fan, but I'm also a recording engineer too. This product should have been thought out alittle bit better. That's just my opinion. I was never a big Rick Wakeman fan, and I've listened to some of his other works. I can't really recommend this product to others, it just doesn't cut the mustard.I've worked with other musicians who just throw some crap together and kick it out the door. Sorry guys, you should have taken some time to put together a better production. This product doesn't show a good investment of your time.But nither did some of the E.L.P. products, every dog has his day. Alot of times this happens due to label presure to put out a product on a deadline.Sorry mates, maybe next time.$LABEL$0 +Ca_ y_u he_r m_ n_w?. If u can understand my title, then thats what to expect from this headset. When paired to my i860, it doesn't work no farther than 2 feet. About 5 feet on my Treo. The rubber earpiece doesn't really stay in the ear. constantly playing with it to hear. Hands Free? not so, it may free your hands from holding fone, but they will be needed to constantly adjust or hold this POS in ur ear.$LABEL$0 +this cd rocks. i had this cd for 6 years and i still jam it on my way to school and at home dr. feelgood is one of motley crues best cds ever.$LABEL$1 +Excellent CD. I've been waiting a long while for EBTG to release the follow up to Walking Wounded. I wasn't let down. Come to think of it, I have realized that almost every gourmet coffee bar in NYC now plays this cd!$LABEL$1 +Just like Pogo under the sea!. C'mon! Don't be shy! Meet Sherman, the world's most lovable shark with a big, fat belly to snuggle up against! He thinks he's a big, bloodthirsty terror of the seven seas, but actually, he's just an arrogant old glutton with brains to match! And come, come meet his buddies, Fillmore the bookish sea turtle and Hawthorne, the stuck-up old hermit crab who just loves to pinch human toes! Oh, and say hi to his lovely wife, the mean-spirited Megan who's got her poor, gullible mate by his nose! So go ahead and enjoy all those zany adventures as visualized by the handsome young Jim P.Toomey, who happens to be a seafaring hero himself, too!$LABEL$1 +It's a first effort.. I actually found this book on a plane, someone had left behind-probably purposely. For a first effort it's ok. Hey it looks like it's a self published book to me. I did not find the poems very special. The poems seemed very "elementary." This probably explains why it's self published- what big publishing house would ant to put it's name on it. I do commend Aiken for the effort, although a lackluster one.$LABEL$0 +Up Up Down is the funiest story i've ever read.. . I liked the book Up, Up, Down because it reminds me of my friend. My friend Valeria went to her house and was hyper and she went up the refrigerator and fell off. She started to scream at her mom that it was her fault. I would recommend this book to smaller kids.$LABEL$1 +Highly Effective Tool!. I just finished reading The 25 Habits of Highly Successful Salespeople by Stephan Schiffman, and I found it not only to be a helpful and informative book, but also highly entertaining. I was afraid that this would be a dry, technical book that I would have to "choke down" in order to get the information that I needed, kind of like a kid eating spinach for the vitamins! But boy, was I wrong! I really enjoyed Mr. Schiffman's style, and I learned a lot from the information he included; a lot of it is common sense if you think about it, but he triggered the thought process. This is a handy and enjoyable reference book that I plan to keep handy, and have with me on so I can refer to it as I make my sales visits. I especially liked his summary of the 25 habits at the end -- a great "quick reference" to give you a last minute "pep talk"!$LABEL$1 +Sadly disappointed in this product. After reading the reviews, I was syked to receive my order of Ibarra chocolate. I love hot chocolate, and look forward to trying new flavors and brands. I've never had "Mexican Chocolate", so maybe this is what it is supposed to be like, but I didn't like it at all. It was hard as a rock, tasteless, and messy. I followed the instructions of boiling some milk, chopping the chocolate in my blender, and mixing it together. It came out foamy, like one reviewer described, but I was surprised to find it tasteless and flat!! I ended up adding 4 T. of my standard coco mix just so I could finish the drink. This was not at all what I expected, so if any of those three reviewers are looking for an open package, you can purchase mine! In one word: YUCK!!!$LABEL$0 +Not for children. The cover of this game is dangerously close to the innocent family game. We bought it at a "breakfast with santa" event, never considering there was a adult-only version. Pretty surprising for the grown ups and eye-opening for the kids! The only hint on the box (after we looked closer) was it said it was for "4 or more adults". Shame on the manufacturers - there should be a better "heads-up" warning. From the other reviews, it looks like we weren't the only ones caught off guard.$LABEL$0 +Opeth - the other side. Purchased this based on the bands association with Steve Wilson of the band Porcupine Tree. I heard the instrumental passages and the mellow vocals of Mikael in some of the longer Opeth songs. It was the death metal "singing" style that turned me off. BUT all of the other stuff was great. This Damnation album is a tad too mellow for their core fans but it's a great standalone listen for anyone who loves good music. I wish the band would abandon the cookie monster vocals and just go straight forward singing - his voice is so great to begin with. Anyway - LOVE THIS ALBUM ! BUT IT !!$LABEL$1 +Poor quality on these swings from Penn Plax. Although ZPets delivered these as promised, the quality is poor.The swings separate from the hooks that hang them. Ordered 24 of these and 12 of them are not usable. I will contact ZPets about this fault.Canaries love this swing and ufortunatley it is dangerous to them when they come apart and they go crashing down unexpectedly.$LABEL$0 +Interesting Book with Depth and Style. Ivy Cole and the Moon by Gina Farago is not the usual type of book I would pick up on my own. On the surface it seems to be of the horror genre, not one of my favorites. But this 'werewolf' book is far more than it seems on the surface. I was immediately struck by the beauty of the structure as the writer weaved her tale with flashbacks and revelations about the characters. The setting, familar to me as my own backyard, only added to my interest in the story and the names of the characters were right for the area and for the story. The fascinating theme of the story lifts the book far beyond genre fiction.If you're looking for an interesting read with some chills but also with some depth and style, think about Ivy Cole and the Moon.$LABEL$1 +just my opinion.... At first glance I thought McTeague was going to be a relatively boring read. However, as I progressed through the novel I found myself enjoying it and I discarded my initial thoughts about the book.McTeague is actually a brilliant, little, fiction story about the innate savagery of mankind. In the novel, McTeague is large, and seemingly harmless, man. McTeague's docile qualities are slowly shed throughout the novel and his underlying, predominant atavistic qualities and behaviors take hold.One of the great things about this fiction novel is that it was derived from a non-fiction event. In the back of the novel there is an in-depth depiction of the events in which the ideas from McTeague were taken from. For those who seek to delve deeper into the novel, there is also a section of criticisms and lots of other useful and interesting discussions in the back of the book.All in all, I enjoyed reading this novel and I would recommend it to anyone.$LABEL$1 +Poor Photography Ruins Book. Very disappointing book. Comes across more as a gimmick to make some fast cash by self publishing a book that includes the authors photos combined with Christian "inspirational wisdom" scattered across the pages from Lewis, Mullins and others.The best thing this book has going for it is the cover design. It's downhill after that. The photography is poor at best. Several images are blurry, while many suffer from poor exposure, lifeless composition, and a printing that renders the photographs dull.If you are looking for a gift book or coffee table photo book with eye popping photographs with "inspirational wisdom", this book does not deliver. Do not buy this book based upon it's cover.Highly disappointed. Not recommended.$LABEL$0 +a solid tale from an up and comer!!. RED RIGHT HAND is a story that tells the goings-on of a Bonnie and Clyde-type duo and their ending in a California town. It's a very exciting ride and the ending is a true killer. The characters are original, the dialogue funny and scary at the same time and the action and drama are intense. Recommended.$LABEL$1 +Well marketed but lacks substance. This book really lacks the substance needed to pass the Test. Its poorly organized and not recommended. The best way to do well is to go to web-sites and read stuff and buy Sun's publications.$LABEL$0 +Disgusting, didn't even bother to finish it. This author certainly left nothing to the imagination, and I really wish he had. It was disgusting pretty much from page one. I didn't even bother to finish it, and haven't watched a Bogart movie since. Thought about donating to the library, but would feel bad if someone actually read it. This one is worthy of the trash can and not much else.Bogart may have been that much of a degenerate, but this book is really too much information. And I'm really disappointed that the TCM (Turner Classic Movies) web site even suggested it.$LABEL$0 +for all fans great and small. very good series, it is great to have the whole set including the two specials they made. the first 4 seasons are the best the last three have a different actress playing the role as Helen which doesn't quite work for me and there are a lot of episodes without Tristin in them and you really notice his absence. they try to make up for this by adding the character Callum but he does not fill the void, really only makes me wish to have the original Helen and Tristin back. but all in all very charming series.$LABEL$1 +Careful. I couldn't believe dark craz's comments on track 4, hot bars, and track 9, All I can do. I'm writing this review simply to defends S&M, and two of the best (among others) songs on this EP. To say that hot bars doesn't flow it ludicrous at best. Bump this track in the summer time with your windows down and life won't get much better. Both of their flows are unparalleled. Granted, there isn't a deep message here; it is such a feel good song though. This track reminds me that everything is all good. Not to mention, when grouch is on the beat, there is rarely--if ever a disappointment. But that is just opinion I suppose. Maybe. Track nine, all I can do, is another S&M classic, with a solid message flowed eloquently over another dope Grouch beat. S&M, especially Murs can flow to fit any mood, they can always make you reflect, and feel good about most any situation. Basically, please be careful when writing CD reviews, there are reputations on the line.$LABEL$1 +Handsome Blender, But..... Purchased this blender because it was sold as a display at 40% off. Knew nothing about it, but did some research online after purchasing. Seemed to work fine for me at first, but this morning, only it's second use, I noticed it was leaking just as many reviewers had complained. Also, the "smoothie" function produced more of a "chunky" than a "smoothie" which was very disappointing. Other reviewers have noted that the blade assembly tends to freeze up, and emits dark residue over time, as well as the motor failing after only 1 or 2 years. With only a 1 year warranty I don't feel too confident about this product. If only this $100+ blender worked as nicely as it looks I might keep it, but it's going back ASAP.Update: Finally decided to go for it and ordered a Vitamix 5200. Yes, it's expensive, but so far worth every penny. It outperforms every other blender I've tried.$LABEL$0 +Da Cube:by a kid who likes Cheesemonkeys. I got GameCube, and it rocks! I got it at 7:30 p.m. and played till 11:00 non-stop! Exept for a bathroom break of course. I think PlayStation2 and Xbox are junk. Xbox should be called Crud-box! And TrashStation2! Now, back to the Cube. The Controller rocks, the games rock, what could be better? So, dont play your PlayStation2 or/and Xbox so much! Play your Cube! I bring it with me on all my trips! You should too! If you dont have one, get into your car and speed off to the nearest video game retailer! Remember, PS2 and Xbox [stink]!$LABEL$1 +A GREAT READ. A great "story" based on obviously a thoroughly researched topic. I knew little about the subject at first, which is why it got my attention. My wife was also a little incredulous at first, but then we realised it was all factually based. I will be looking out for this author's next book.I also wonder if this book will turn up as a swashbuckling movie down the road. I plan on sending copies as presents to friends who love history based books. It makes one want to go to the Carolinas to check out the scene - perhaps we have our next vacation destination determined.$LABEL$1 +To Arms! Wake up, Christendom!. Thank God for people like Janet Folger, David Kupelian (Author of "The Marketing of Evil") and others, who use their pens as clarion calls to those of us who love God, our country and our right to religious freedom...FOR NOW!We must either wake up and take action, or accept the fact that, by remaining silent, we assist those who pave the way straight to Hell using stones of Political Correctness.$LABEL$1 +The author could be more specific.... I don't know you, but I don't have time to lose.The author of this book could be more "specific"...direct to the point, instead of defining defenitions.$LABEL$0 +Not a good product .. The cups of this coffee maker has a very strong plastic smell. After less than 5 use, it stop working.$LABEL$0 +broke after 5 minutes!!. We were so excited to get this going- THEN it just would not turn on anymore AFTER 5 MINUTES!! Changed to new batteries and everything--- so disappointing! I'm bringing it back.$LABEL$0 +Dog Lover Having Second Thoughts. I am a huge dog lover, but this movie had me looking at canines in a different light for quite some time while I was little. For some reason, I always relate this movie to "Sandlot," but this dog really was ridiculously mean. The scene in the junkyard made my eyes widen a couple times, and I'd give this movie four stars for being entertaining. Scary? Not at all. The book was even more grotesque, and I enjoyed every minute of it. All I kept thinking through the book and the movie was "What is taking so long for someone to shoot this dog?!"$LABEL$1 +My 6 & 3 years old love this movie. My two girls 6 & 3 years old love this movie. The sang the main song for hours. Kept them entertaned during our road trip to disney.$LABEL$1 +Good but Expensive!. The Walden Farms products are very good tasting but they are way too expensive on Amazon. Go to the Walden Farms website and get their stuff MUCH cheaper!!$LABEL$1 +Right Wing Propaganda. I just canceled the subscription I had. The tools are OK, but the right wing constant rhetorical diatribes are just nauseating to say the least. If I wanted these views I would listen to Rush Limbaugh Or Sean Hannity who sometimes seem moderate to the obvious biases.$LABEL$0 +Will never buy another Epson!. I have the Epson CX5200 and loved it at first. But everyone is right...it starts to clog and then you have serious problems. I can print black and blue but no yellow or magenta, which means you can't print anything in color. I have tried everything...new cartridges, cleaning the print heads, aligning the heads, etc...nothing works. It seems like several other people have had the same issues with this series. Epson needs to correct this issue before putting other printers on the market! I am now looking for a new printer but you can bet it won't be an Epson!$LABEL$0 +I liked Old Spice classic. It worked great .... I liked Old Spice classic. It worked great and lasted all day. It had a nice scent to it -- not too strong. Even though it was white when you put it on, it doesn't rub off on your shirt. Great for when you're wearing dark clothes. I'd buy this and recommend it to others.$LABEL$1 +Stardust. Maroon Killashandra on Doona, have her meet an even more empathic and supportive Sean Shongili, extract all suspense and danger, and you'll have _Nimisha's Ship_. Unlike memorable McCaffrey heroines of yore, Nimisha has no need to grow and change, as she's brilliant, beautiful, poised, and powerful from the early pages. Even being marooned on a planet with defeated exploratory teams barely ruffles her hair or mars her manicure. It's a good thing the early settlers of Pern did not have Nimisha's ship-design skills, as they would have developed a high technological civilization in approximately 25 minutes, and we would have been denied some of McCaffrey's best books.$LABEL$0 +Powerful & Profound!. I taught a class on this book--it was life changing! These essential questions serve as a compass for creating the life you want!$LABEL$1 +Exceed my expectations. I had searched local nurseries for a great bonsai tree for my office with no luck. I ordered this tree and was totally amazed at the health and beauty of the tree. It arrived promptly and in perfect condition, even the soil was in place. For anyone looking for a beautiful bonsai to bring a little peace to their home or office, I completely recommend this tree and company!$LABEL$1 +Useless book for the serious collector. Save your money and buy a current book with current pricing. This historial document shows how rapidly prices and information changes, and provides a sobering look at the need for collectors to keep up to date. ...$LABEL$0 +Downton Abbey Season 3 preview. I rated this 5 stars baised on the first two seasons. I am looking forward to season 3, and expect that it will not disapoint. I do not see any weaknesses in this production, writing, cast, everyone associated with it.$LABEL$1 +I bought it for one song. Bill Cosby's "Little Ole Man." My mother had a 45 of this song. This is the only place you can get it on CD.$LABEL$1 +Self-Indulgent Garbage. Having been a Junior Brown fan since 1991, I looked forward to his new release. Junior is a national treasure, and is arguably the greatest country musician alive today, maybe the best ever. However, I can promise you that this album will never be put in my CD player again. It is an insult to country music fans, and a waste of his talent. I don't object to Junior testing the limits with rock, rock and roll, and rockabilly, it's one of the things he does best. However, this effort belongs in the trash can. This album should have been titled "We Got Really Drunk One Night, Played Some Stupid Songs, And Somebody Left The Tape Recorder On". Don't waste your money on this one. Ernest Tubb wouldn't have.$LABEL$0 +Wonderful!. I was a bit surprised at how much I enjoyed this performance because the pictures on the front put me off a bit. But this is a manic, thorough romp through Shakespeare as I have never envisioned it. Definitely a keeper.$LABEL$1 +Smartdigital USB Repeater not 2.0. I just bought two of these. They do work but the throughput is slow. USB 2.0 is supposed to allow for up to 480 Mbs, while USB 1.1 allows for between 1.5 Mbs to 12 Mbs. These cables clearly state on the back of the package that they support 1.5 Mbs to 12 Mbs max. Thus they don't perform as 2.0. What this means is whatever you have hitched through this thing will be slowed down; example, I tried to put my webcamera on it (which does 24 Mbs) and my movements are slowed down noticeably.If you look at the cable connector box, they have stuck on a little sticker that says "USB 2.0" in red. The sticker tries to make it look like that was printed on the connector along with the rest of the labeling. Basically, everything points to this being mislabeled, previous generation product. If you want USB 2.0, and you should at this point in time, you should buy another cable, not this one.$LABEL$0 +Video card not supported? Seriously?. I tried to install this game on a Samsung laptop made in 2011. I have the newest Medal of Honor game installed, made in 2010, as well as Battlefield Vietnam, made in 2004. So I figured installing this game, which is 5 years old, wouldn't be a problem. However, after finally getting the game installed, I received an error message saying that my video card was not supported. If my 2011 graphics card is too outdated for this game, I would like to know how the heck anyone played it in 2007. It makes no sense. I can run an EA game from 2004 and another from 2010 on my video card, so why can't I play one from 2007? Don't buy this unless you are absolutely certain that it will run on your system. Despite being an old game, it is EXTREMELY picky about what systems it will run on.$LABEL$0 +Not for DMC-ZC3 camera. This battery cannot be used on Panasonic Lumix DMC-ZS3 camera. The spec is similar but it won't fit. Be aware.The package comes with a casing for battery and detailed instruction. If this fits your camera, the battery would be good.$LABEL$0 +The best Billy Jack Movie. and I believe the first. Poor script, poor acting, poor camera work but God, what a great movie this is. Buy it. Nothing special about the DVD but the quality is okay. I was disappointed that there was no widescreen version.$LABEL$1 +Right up there with Commando. Had hopes given the cast. Sadly, Arnold only had a cameo. Wow is Dolf awful or what. The movie did set a record for cheesy looking blood splatters. We started playing a version of "Bob' ....$LABEL$0 +Indispensable. I am an acupuncturist and massage therapist and use this product on my patients everyday. It is a traditional Chinese formulation that works very wells for joint, tendon and ligament issues that result in pain (arthritis, healing sprains/strains etc.) I recommend the spray bottle version as it is easier to apply multiple times a day as is needed for optimal results. Just be sure to wash hands thoroughly before touching one's face, eyes and private regions to avoid a "rude" awakening!$LABEL$1 +as described. Came on time and works. Grey part is rubber so it grips!The quick release is slim so you can just leave it on your cam$LABEL$1 +Extremely slow... Utterly horrible movie. I honestly can't believe that Robert Patrick wasted his time on this piece of [junk] movie. Ugh! One of the worst movies I've seen in quite a while.$LABEL$0 +Is your mom boring? What if she was a sword fighter?!. Two kids living very normal lives -- who would have thought mom was actually a sword fighter under a powerful spell? What every kid dreaming of adventure longs to happen! Certainly Wrede's best work -- the characters stick with you forever, and the magic of the environment is entrancing$LABEL$1 +Great book for fundraisers. This is an excellent book for those in ministry who are not natural "fundraisers". Highly recommended$LABEL$1 +Good Show, Better than Current TV (But not perfect). I have three seasons of this. It is not perfect, but better than most of the garbage that is on current TV.$LABEL$1 +Knock off. I don't believe this is the real product. My hair is beginning to fall out after use. It is not the same product, the real cleanser 3 is pearly, this is clear. Also, the label on the front is pasted on. Manufacturer on the back says Wella Corporation and made in Mexico. That is not on my 'real' bottle. Not happy with this purchase.$LABEL$0 +Good value. Bought this adapter to power my Koolatron fridge when travelling. It works well and is much lighter than my original one (due to the fact that it is solid state based). The only drawback is that the outlet plug is a car lighter socket and the Koolatron has a 2-pronged DC plug so I had to get an extension cord to make it work. Luckily I had a spare. Koolatron should at least provide the correct plug with the unit.$LABEL$1 +Will he finally make it here?. He's a mega star all over the globe, 5 years strong; but in our little world he's Robbie who? Will he make it here this time? Chances are NO! I bought the Euro version months ago and love it. Even thou his US label changed the org. tracks (for the better I think) the Radio Gods (programmers) still wont give him a chance. Keep up the hip hop,rap and the same tired rock. I for one know better. If your a fan of RW obtain both versions.$LABEL$1 +Not Bad. Product came quickly and works great. Works as described. Gets most blemishes and marks out. Note Product is Not for scratches.$LABEL$1 +Eye-opening story. As an American who has never traveled to Australia, I thought the author painted a very detailed picture of the scenery. I felt that the story could have taken place on any continent invaded by an outside population, and it certainly demonstrated the ethnocentric, close-minded mentality of my forefathers. The story was slow to develop, but once the conflicts began, it was gripping to the end.$LABEL$1 +AP (Alternative Press Magazine). I purchased a subscription to the AP Magazine as part of my son's Christmas present on 12/11/10. It's mid March and he hasn't received an issue. I called the magazine and their explanation is that because I didn't subscribe directly with them but with a third party (Amazon.com),those orders go to an agency and they only received mine in January. Unacceptable explanation but my son will have to keep waiting for an issue.$LABEL$0 +Good deal. Got this case for my Mossberg 500. Was looking for something affordable that came with a locking mechanism. Case has four locks. Only issue I originally had was the first case I received would not close properly. Product was defective and the two pieces didn't align properly. Had to use your entire body weight to close and lock it. Reported the problem to Amazon and they sent out a new case that I received promptly. New case has had no issues.$LABEL$1 +Over Rated. Other than Layla, there isn't much of interest here, just more British white boy blues, I'd stick to the comps.$LABEL$0 +Terrific Entertainment!. We've had this on VHS for so much time and viewed it so often, we wore it out! The movie is intelligent, humorous and thought-provoking (re: social mores). Can you wear out a DVD?$LABEL$1 +Good, quick, fun.. While this story is a near carbon-copy of others in the genre, it remains an embarrassingly delicious aperitif to Cook's later, more original, works.$LABEL$1 +Return To Form. After releasing some mediocre records in the early to mid 90's Sonic Youth returned to Sonic brilliance with this 1998 release. Not quite as good as "Sister" or "Daydream..." but damn close and the amzing thing is that SY have the ability to release a great record 18-20years after their inception a feat that none of their peers have managed to pull off......get it now....$LABEL$1 +Plenty fo stuff to like, a few misses. How Men Are was, coming on the heels of the Luxury Gap and their massive UK hit "Temptation" something of a challenge. The production had moved from funky to more orchestral in nature, the songs less hook driven and more introspective. Still, I remember this being one of my favorite albums in the late 80s, I constantly played it and grew to love it. The Skin I'm In and Shame Is On the Rocks are classic Heaven 17 songs, full of bright pop sounds and yeah, funky I guess. The album has one of my all time fave Heaven 17 songs "Reputation," a shamefully over looked -should have been a hit single. ...And That's No Lie is a massive, almost Brian Wilson-type epic that has promise but seems half finished.If anything, compared to the first two albums this one is more mature and less hit driven. Some tracks seem like filler, portents of things to come in hindsight. Not a bad album, certainly nothing embarrassing. But just wait...$LABEL$1 +Ignore the Title. This book is not what the title sugests. It does not contain how to's on learning faster and remembering more. It is a summary of other's scholarship on how the brain works. That's it.$LABEL$0 +Quit with the psychobable. If I wanted to read a book about the psychological reasons for fantasy and an anaylsis of how women are changing through time, I would have read one by a psychologist. Reading a small sample of fantasies mailed to you does not make you an expert. Stop analysing and just report like you did with the first two books!$LABEL$0 +Uh....simply awful. While I appreciate the effort that goes into making a feature film, it's hard to say much good about this film.....silly story, trite characters and an actress who looked way older than her character's stated age.....the jokes were generally lame, and overall it had an Afterschool Special kind of feeling.....sorry, I applaud the effort, but thumbs down on the film.....$LABEL$0 +Bought the cut down the forest version. The book is well written. It presents the various topics in a way that you can examine the code and determine for yourself what it means$LABEL$0 +Horrid! Just like the town!. West New York is horrible ( i should know i lived there for 29 yrs, & recently got the hec out!) just like this low-budget movie! How in the hell can you have Frank Vincent & Vincent Pastore in a lemon like this? FUGGEDABOUDIT! PURE 100% bad acting! The trading in bonds for loot plot was CHEESEY! Most of all,,,i felt like throwing a shoe at the screen when you see how Colleti (F. Vincent)gets shot.....I am glad i only paid a dollar for this...The funny thing is,,,the garbage bag i am putting this DVD in,,,costs more,,,,,go figure..........$LABEL$0 +Las Canciones mas famosas. I ordered this product twice and both times it was refunded without an explanation, I really want this book!$LABEL$0 +NOT a fabric floral applique, alot ribbon embellishments. I had thought the book would contain much more on appliqued fabrics for flowers, birds etc. What was given was many forms of appliqued hearts, and a few other background applique projects to show off ribbon applique/embroidery. In that, I was very disapointed, by ordered online.But if you want the book for those ideas and projects, it is excellent.My seller was TOPS! Couldn't ask for beter.$LABEL$0 +don't waste your money on Cheap meters!. I have been in the RV repair industry for a long time and one thing is for sure, I cannot do my job without a top quality meter. I have in the past bought Snap-On, Mac, Matco,ect, but have never been as pleased with a meter as I have with this one. Beyond the normal functions of a meter, I love this one for its temp probe, no more are the days of carrying a therometer to take readings inside fride, a/c/ unit, all I do is plug it into the meter put the probe inside and shut the door within 30 seconds I have a very accurate reading. But probably the most important thing about this merter is the "true RMS" readings I get, this is very important when working with power converters and inverters..This meter is very well protected also with fuses (fuses are pricey though) have not blown one yet but I would recommend purchasing a set to keep on hand.$LABEL$1 +Elizabeth Lowell is GREAT. I loved the characters in Amber Beach. The way they interacted with each other added to the story. I also liked the fact that romance was not the only theme in the book.$LABEL$1 +Small book - big price. I was a little disappointed that this book is so small. It fits in your shirt pocket. For the price, it should be a regular size book$LABEL$0 +Better than expected.. We purchased this Coleman Fireplace and are very pleased with our purchase. It is well built, easy to set up and use, convenient size, uses the small propane tanks and is also very attractive. Amazon shipped the item quickly and I would gladly buy from them again. I would recommend this item to anyone looking for an affordable firetable and if space is a concern, this may be the one for you.$LABEL$1 +Definitely a DYNASTY!!!!!!!!!!!!!. Michael, Scottie, Phil. Do these names sound familiar? Soemtimes one name says it all. From 1991-1993 and 1996-1998, the BULLS won the championship. This dvd set not only takes you through their arduous journeys during their championship years, but it also includes some of the NBA's Greatest Games (i.e.-Game 5 of 1997 Finals; Game 6 of 1998 Finals). This is definitely a must have for any basketball fan. Are they alongside the storied Los Angeles Lakers or Boston Celtics? That can be left to opinion, but you have to show the Chicago Bulls credit. They are one the best teams in sports history in terms of players and titles.$LABEL$1 +Pretty corny. Well, why not? Growing up with the superman TV series I just decided I wanted to see for myself how it was. I have to admit it was pretty corny. Oh well. The acting was terrible and the plots were so obvious. What is it that they say you can never go back home. After purchasing and watching this series again I would have to agree with that statement. Fun anyway to see how it really was.$LABEL$1 +Essential Stravinsky. No student or lover of Stravinsky's music should be without this book. It is a rare opportunity to see into his thought processes, and it makes one realise just how much music meant to him- that he sought to serve it by understanding it as deeply as he could.In communicating this understanding, Stravinsky makes for an engaging, if somewhat challenging, read. The book is a transcript of six lectures given by the composer to French students, and the translators have seen fit to cast his words into a large quantity of "verbal Victoriana." If at times it seems boring, it is all due to that style of language. Apart from that, it is an excellent account on the part of a man who (for all his known self-contradictions) clearly used his heart as well as his hands and his head.For students of Stravinsky, this book is essential. As a record of his personality and thought processes, it takes some beating.$LABEL$1 +Buyer beware, deceptive invoicing tactics. Hearst Publications sent my mom nasty bills and letters saying she agreed to a renewal which she did not, and which she specifically wrote to them to say she did not want (something she should not even have to do).I would NEVER buy this magazine now that I am aware of their unethical practices.I fear for people without the skills to be able to assert their rights and suspect many go along with the renewal they never wanted and capitulate in the face of the nasty reminder / billing letters.Sad. My mom wonders how someone like Oprah can even be associated with such practices.You can contact Oprah subscriptions at 800-846-4020 apparently but they don't even put the phone number on the invoices and it took me much searching to find it online, no thanks to them. It's not even shown on the website they direct you to for payment.$LABEL$0 +Not good for LCD monitors. I bought this for my kids. They have a 21" lcd monitor which normally uses a 1600x1200 resolution. Within seconds of starting the software there was huge disappointment to see a tiny little window half the size of the screen which was the drawing area. Ok, I thought you should be able to resize it like most modern windows programs. It turns out you can't which I find amazing. 800x600 was the standard nearly 10 years ago. Things have moved on since. Ok, you can change the monitor resolution but this is a pain for my kids to do and frankly it looks terrible - the text is almost unreadable. They should really point out that the resolution can not be changed. I would not have bought this if I had known this before hand. Very disappointed.$LABEL$0 +FAB!!. A relatively new knitter, I have been afraid to try a sweater on my own....but this book gave me the confidence to actually figure it out. My niece has a gorgeous set-in sleeve sweater that she is thrilled about, as am I.This is a MUST OWN!$LABEL$1 +Would not work. Would not work well with any of our computers. Made a loud humming noise and slowed down computer. We do not use it. Did like the graphics though, dissapointed.$LABEL$0 +Great!. Probably one of the best surf documentary I ever saw, gripping and engaging! Very fun,there are a lot of big waves and big surfer..and overall a great soundtrack !$LABEL$1 +Bellow expectations. This is like a bedroom phone, with radio, clock and alarm.No problems related to the radio, but the clock does not have the light up during all time.. its difficult to see.. you need to touch any bottom to have lights on.The alarms have options to set 1, 5 or 7 days a week, but they are confuse to set.The CID is very nice, and when you are out the lights flash to let you know whne somebody really called you.If your goal is a CID phone go ahead but if its to have a bedroom phone, I would suggest the GE models.$LABEL$0 +New England all the way. Stick with it, it begins a bit slow. Like Russo's other novels, though, Empire Falls is quite entertaining. Not as good as Straight Man, though consistently good.$LABEL$1 +A Real Treasure of a Classic!. The wonderful story of a unique real-life 1920's family with 12 children. Myrna Loy the mother of this close knit family, will steal your heart with her dry, deadpan humor. In one scene she sits patiently in her living room listening to an unsuspecting birth-control advocate spew over-population nonsense in an attempt to get her to join their nefarious group! The father is an efficiency expert and runs his household accordingly, but not without a lot of unavoidable laughs and surprises. Very entertaining film you and your family will love. Takes you back to the wonderful time of 1910's and 1920's pre~Depression era America. The way a family ought to be. You'll simply love this classic treasure.$LABEL$1 +CFLs appear to be total scam. GE seems to be the only brand I see in stores. I have had terrible experiences with my GE CFLs. They DO NOT last as long as they claim. The ones that claim to be instant-on may start quickly --but the illumination level takes MINUTES to be remotely useful. Others take more than a second to actually turn on. I hope LEDs are better and the price comes down quickly. GE is setting themselves up for a major backlash if someone can deliver a better product.$LABEL$0 +Don't waste your money on this battery. Don't waste your money on this battery. The battery that comes with the unit lasts about 30% longer then this one does even though it has a lower MA rating. The battery that comes with the phone is a Lithium Polymer battery. This one is only Lithium Ion which has less capacity for same size.The 1000 MA rating must be incorrect because field use proves otherwise. If you are looking for an inexpensive backup battery and not looking for longer run time, then this is a good choice.$LABEL$0 +Amazing. I got this 5 days early and it was.... I love it! Crazy with a bit of sweet definally worth watching. PASTA!$LABEL$1 +Boudica. Well researched. Well written. Provides a wealth of background information to explain the period and the circumstances leading to the rebellion.$LABEL$1 +Never really got going. I didn't enjoy this book. The story line never really got going and I could always tell what was going to happen next.In a nutshell, it's about a single 30-something career girl that needs a date for her upcoming school reunion. Predictably, she bumbles through a series of almost relationships in search for the perfect man to have by her side. There is also a somewhat random side-plot involving her not-so-happily married best friend that I don't think adds much to the story except padding.I have also read Marisa Mackle's "The Mile High Guy" which I preferred.$LABEL$0 +3 1/2 * good romance. MOON WITCH FELICIA ANDREWSSHE FOUND PASSION - AND A PLAN OF VENGEANCE - UNDER THE DARK SPELL OF THE MOON...Amanda Munroe. She was known as "the witch" riverboat captain, gambler's wife - but most of all, as the independant beauty whose sharpshooting exploits set the frontier aflame...Now widowed and wealthy, her heart turns further West, to the wild San Francisco of the 80's, and the charm of Trevor Eagleton, the taunting wheeler-dealer she must possess.But desire has it's price, and soon her affair with Trevor drives her deeper into a dangerous labrynth of deceit where an old, deadly enemy lies waiting for revenge, and to a rendezvous where destiny shimmers beneath the moonlit Wyoming sky....$LABEL$1 +Great Little Cookbook!. This little book is a nice addition to my collection and the recipes are easy to follow....the only thing I was disappointed in was the fact that it didnt have that many pictures of the finished product...However, I am an experienced baker and cant wait to try some of these recipes...Thanks Amazon!..another great deal from your warehouse deals!$LABEL$1 +Misrepresentation. Sorry, but anyone who claims that standard Arabic '''''' is actually used in conversation by friends and families in relaxed settings is misrepresenting the language completely (which is a nice way of saying he's a complete liar).You can't start to learn a language based on lies. You can I suppose start with some simplifications. Also not distinguishing between hamza and 'ayn? Really? Give me a break. Go spend your money elsewhere. I don't care how good the CD is.$LABEL$0 +the best show on tv.. reno 911! is the best show on tv. network, cable, pay cable, you name it, this show is the only comedy show that keeps me laughing throughout an entire episode. many may say it sounds too gimmicky, having the lieutenant wear short shorts, having a short-haired woman that is the butt of all the jokes, an ex-stripper, a trailerpark living redneck, and other odd characters that join into the mix. but the funny this is - it works. the show is all improv, or at most they all follow a loose script. i have to admit that i had never seen any of the first season episodes, but began watching when the second season rolled around and couldn't believe the kind of show i had been missing. i picked this dvd up the first day it went on sale and could not have been happier with my purchase. the show is an absolute riot. you will not be disappointed!$LABEL$1 +junk. broken. will only move about 5% points in any direction...tried a few different ways to calibrate. not even worth shipping back to amazon for a refund...just count it as a loss.$LABEL$0 +Not for long term occasional use. We bought a version of this a few years ago to use for guests and after just having used it last night the guests had to actually crawl onto the sofa half way through the night. We've noticed for a while it wasn't holding air well but it wasn't even sleepable after a few hours. We're disappointed because this was rarely used but much needed when it was and now we have to purchase another one. Otherwise we really liked it but something about it just makes it not hold air which defeats the purpose!$LABEL$0 +Dissapointed. I purchased this unit to replace an old SU2 unit that I really liked. Here are the things with which I was disappointed:The clock is very difficult to read unless you are looking at it straight and level. Angle viewing while lying in bed is impossible.Radio antenna dangling out the backThe unit is bigger than I expected (I should have checked the size)Sounds with same name are different than the old unitContrast adjustment is crude and not very usefulEven on dim the backlight is fairly bright. On bright you certainly won't need a nightlight in the room.$LABEL$0 +Very Nice Product. Great quality and great looking product. Had a little trouble installing on Windows Vista, I couldn't get the Mic to work. I downloaded the software/driver from Logitech website, followed the instructions and wa-la, mission accomplished with no hassel. Love the Right Light technology and the video effects except for the Avatar video effect which tends to lose the face tracking sometimes but that's not the reason I got this webcam anyway. I'm completely satisfied with this Webcam and I only gave it 4 stars because of the size (not suitable for Laptops), it could have been a little more compact but it's OK for a 19" LCD.$LABEL$1 +Great introduction to the author and his characters. A ripping yarn, I was immediately moved to buy more of the Reykjavik Mysteries, great characters, and lots of interesting insights into Icelandic society, of which I previously knew nought. Recommend it for lovers of Scandi Noire.$LABEL$1 +Glorifies adultery.... Very romantic, but glorifies adultery. I just can't like a movie that does that.$LABEL$0 +Don't Bother. Inferior performances, bad sound. I can't imagine these wonderful artists approving this release. Even at $6.97 it's not worth the price. Absolutely dreadful.$LABEL$0 +GREAT!... Almost as good as Voyager. I LOVED this season! It's probably the best one of TNG. My personal preference is Voyager (Female Cpatains ALL THE WAY!... and not to meantion great plots, and a fantastic theme song!!!), but this is definetly sencond best. TOS is dull, TNG's great, DS9 is pretty slow, Enterprise is NOT good, but Voyager is great! If this is your first time watching Star Trek, go for either this or Voyager.$LABEL$1 +just what i needed. we have an older model humidifier, about 5 years old, can't find this size filter in stores, thanks for having them$LABEL$1 +Long Live Dark Shadows. I loved Angelique. She was played as I always thought she should be. Dark, mysterious, and intriguing. I too was upset when they killed the series. I vote we petition NBC anc CBS to recast the series. At least so we can record it for postarity.$LABEL$1 +This is a catalog!. My husband made fun of me for spending $10 on a catalog for expensive toys. I'm a sucker, should have read the reviews. I have to say though, given the opportunity, my one year old loves to pretend sweep and helps unload the dishwasher. She likes to "help".$LABEL$0 +Not a Sophomore Disappointment. I've just listened to this album for the first time, and I'm writing this while listening to it again. This is a well-played, well-sung, well-produced album; a worthy addition to Five Star Laundry. The backing strings are a nice complement to their rockin' sound. My only disappointment is that I don't seem to have one of the limited edition CD's with the multimedia. But that's ok. The music stands on its own. Now I have two Motor Ace albums to listen to on my hellish commute, which is a good thing.These guys deserve to make it big in America, if that's what they want.$LABEL$1 +Fun Movie. Great fun with Charles Laughton and story line that is well built. Marlene Detrich is a bit stiff but all in all we enjoyed the movie.$LABEL$1 +Toilet-riffic! (And I mean that in a good way!). My family and I just moved to the states from Japan and we brought some Japanese toilet sets with us. The Panasonic model I picked out has a max draw of 460W, and is designed for Japanese power. While the toilet seat worked just fine hooked up to the US power outlet (which is controlled by a light switch, which wasn't on for extended periods), I didn't want to risk using the heated seat or heated water options. Once I got this product, I plugged it in, and have continued to use the toilet seat without issues. (I am still not using the heated seat due to the weather, but the heated water works without problem.)Honestly, I just have to assume it works, since my toilet seat also worked plugged into the wall...but it's supporting the <500W device I plugged into it, so until it breaks, the seat breaks or some other issue arises, I'll give this high marks for doing everything I expected it to do.$LABEL$1 +Aromatic Ignorance. Ms. Austin obviously has no knowledge of the safe usage of essential oil therapy! Many aromatherapist's use this book as an example illustrating disreputable practice when teaching classes on aromatherapy. I would strongly urge potential readers to steer clear of her potentially dangerous recommendations contained within this book.$LABEL$0 +Leaks Like A sieve - Buy something else!!!. I don't often get as angry at an inanimate object as I did at this P.O.C. Only the second time I used the machine, and when I attempted to mount the clean water tank/soap dipanser the clean water just rushed out the bottom of the tank and sturated my carpet in several areas. I've read other reviews on this product which state that the clean water tank cracks and causes the leak.So tonight I'll inspect the clear water tank to see if it is cracked because I suspect it is another problem. If I find out exactly what is the problem I will post the answer on this review board.$LABEL$0 +a book for the best web comic. Sinfest is the best web-only comic I've read. I've been reading Sinfest since 2002 and I'm surprised that it's still not syndicated.This book contains comics from 2000 and 2001. Tatsuya Ishida's art has improved since then, but even his older material is good. The Sinfest comics are all online, so you can check it out and decide for yourself if you like it before you buy.$LABEL$1 +Just plain bad. This product is not capable of making double flares for brake lines. I've tried to make at least 25 flares using 3/16" brake line with this thing and all of them were uneven and lopsided. I had a friend try and he had the same result. The brake line was properly prepared before each flaring attempt. Very disappointed, but you get what you pay for.$LABEL$0 +A Death in the Family. The ending was not very good, seemed that too many things were left unanswered for me. Would not recommend this book.$LABEL$0 +F-ing Fantastic. I love this CD and anyone who is a fan of the cult classic Repo Man you'll love it too.$LABEL$1 +great product. Worked perfect for combining signals using RG6 coax cable from two different antennas pointed in different directions and sending those signals to one amplifier. Received over the air stations up to 80 miles away. Had tried a signal splitter from a local radio shack, but it would not allow all stations to come in. Was easy to install.$LABEL$1 +Wonderful. My husband as rheumotid arthritis and his neck & shoulders really gives him a problem. This wrap is wonderful. Once heated in the microwave the heat lasts about an hour.$LABEL$1 +I did not like this book at all!. I thought that this book was not so interesting. The author went off into to many different directions, and never stayed with the same situation. Also, the book didn't really get interesting until the end. The end of the book was really messed up, it didn't really make sense. Also, I thought that the story didn't seam to have a lot of thought put into it, thats why it was so boring!$LABEL$0 +Blink 182 is the Backstreet Boys of Punk. Note: This is a review of the band as well as the album.That's right. You heard me. I compared your favorite "punk" band to a bunch of no-talent prettyboys whose songs all sound the same. Now why would I go and do a thing like that? Probably because Blink 182 is a bunch of no-talent prettyboys whose songs all sound the same. I can't begin to comprehend why so many people like them. They're just a bunch of stupid frat-boys who sing about their exes and humping dogs. Even songs that show the slightest bit of potential are ravaged by De Longes grating vocals. The fact that they've recieved so much attention from sell-out programs like MTV and TRL should prove the point I'm trying to make and quell any arguments immediately. So please wake up and buy a real punk album like "London Calling" or "Give 'Em Enough Rope."$LABEL$0 +NON-DURABLE, REFURBISHED SAYS IT ALL.....!. There are more refurbished Gigasets by Siemens's esp 2400 & 2420 on the market... Does that tell you something....(Duh) Both handsets stopped functioning properly after only a month....repeated registering to base failed..handsets are easily damaged...Do yourself a favor get a DIFFERENT brand. Wish I had read more reviews, before I got mine...they'll work, but not for long.$LABEL$0 +This Pump Rocks!. Wayne Pumps Rock. This is a durable and sturdy little pump. so far it has worked like a champ.$LABEL$1 +?. I did not receive the item that I ordered. PC Universe knformed me that they did not stock subject UDB hub. They sent me a substitute unit that was satisfactory. I sent several e-mails to Amazon which went unanswered. Eventually got a refund after several phone calls to PC Universe. Could not get in contact with Amazon at all. The whole thing has been a nightmare. Probably will not order again from Amazon, the right hand does not know what the left hand is doing, etc, etc....ESJ$LABEL$0 +they STUNK!!. These were HORRIBLE!!! My daughter was SO DISAPPOINTED!!!The Ad said they were suppose to come from Shindigz. Instead they came from Oriental Trading, whose quality is nothing but horrible lately!! So of course out of 24 cups only 6 went together and STAYED together!!!! We couldn't use them and know I am getting ready to get my money back!!!!! It is a shame that Amazon stated they would come from one company and used the cheaper one. I still got a Great Price, but they couldn't be used. Do NOT order these from Oriental Trading!!! You can get them together, but as soon as you fill them a quarter way and hold them the top comes off, which isn't good since the top is half way down on the cup$LABEL$0 +OBVIOUSLY TO THE RIGHT. I clearly do not have to read this book to realize it is totally to the RIGHT. Obviously garbage and a ploy to degenerate the other HALF of America. Hmmm...did Goldberg list himself for the fact of writing garbage that degenerates this country?$LABEL$0 +A Star That Shines On. Sarah Brightman has a profoundly beautiful voice, along with wonderful presentation. "Symphony" "Live In Vienna" is breathtaking all the way through. She has a way of enchanting most audiences all over the world I believe. Sarah's accomplishments are far to numerous to mention. This particular DVD is going to be a Happy Birthday Gift to my husband as Sarah Brightman has been our favorite for many years.$LABEL$1 +presto no hardly sharp. i have to give this one lower scores the knife i have so far have not gotten any sharper with the presto eversharp and 2 of my very good knifes its mest the edge up on the knife ,, so im done using this junk$LABEL$0 +W810. I love this phone, it is everything as advertised and more, at a fair price. Great picture and music abilities, only 2.0 megapixels but I still use it as a replacement for my digital camera AND ipod nano!$LABEL$1 +Great groomer. This is a great groomer to get really close cut---I use it everywhere it so good and there's no pain. The pivoting head helps and it really is great!! I want to get a second one!!$LABEL$1 +The Godfather. I loved this book. I read because a friend said it was a good book. I also read it because, I didn't understand the movie. This book has a lot of detail in it. This a great book, for anyone. But I would have little children read this book, because there is sex and violence. It is about the Corleone flamily. They are a New York Mafia family. It is mostly about the head of this family, Don Vito Corleone. He is dies and his son, Micheal becomes the godfather. The reason they are called 'Godfather' is because they are godfather to different people in there family. The movie were based on this book.$LABEL$1 +Wonderful. This cd is simply wonderful. The arias are well-choosen and they are very representative of Maria Callas' habilities and ways of singing. It's a pleasure listen to her.$LABEL$1 +What a pretentious drag. Or -- a pretentious drag that's just not to my tastes. Will probably be forgotten in another 5 years, an obsolescence in contrast to the unusual amount of attention it received upon release. Nice cover, though.$LABEL$0 +Funny and sexy with a great paranormal twist!. CALDER'S ROSE is a wonderful and funny contemporary romance with a neat paranormal element. When western writer Shane McNamara is teamed up with romance/western author Devin James, the sparks fly. They have completely different writing styles, and opposing viewpoints on how the two main characters should behave. Shane and Devin are also opposites in real life: Shane is a hunky, `live-it-up' type of a guy who wears T-shirts with wild slogans, and Devin is button-down-shirt conservative, and wears her hair in a tight braid. While Shane rises to the challenge of loosening up his writing partner, the characters of their book, Rose and Calder, realize they're going to have to take matters in hand to get the book written, and they come to life in a unique paranormal twist and a book-within-a-book story. Warm, witty, and sexy, CALDER'S ROSE is a definite keeper.$LABEL$1 +Whoever wrote this should be shot. I can't believe FASA would dare to tarnish the BattleTech franchise with this drivel. Ridiculous plot, paper-thin characters. The much-hyped Solaris planet, which could have been such a great plot device is reduced to one remarkably un-astounding battle. Overall, a walking 300-page nightmare.$LABEL$0 +James. I bought this item to remove some links from a Tag Heurer watch. While it did work, it did not work well. The pin removers are cast and one broke on the second link i took out. While I was able to resize the watch for me, I doubt I will be able to size another watch without breaking the already bent pin remover. I would not buy this product again. I will be looking for a better quality resizing kit.$LABEL$0 +THIS IS A BOOTLEG, DO NOT BUY!!. This is a bootleg!! Do not buy from this person. They are selling illegal recordings. If you want to buy this item the only way to buy it legitimately is from the artist himself. Go to PeterKaukonen.com and purchase this item from his web site. If you do not buy it this way it is a bootleg and therefore illegal to sell and the artist receives no money and criminals like this seller get richer.$LABEL$0 +Great buy for the price. I have tried other brands that were designed so they did not match with my ear -- hearing was a challenge at best. Not with the 320. Its unique design assures that it will fit and the speaker placed where you get the best quality sound. Great bargain.$LABEL$1 +A place for you. Amongst other things this novel is a love letter to Gloucester, MA, its people, its architecture, its world old and new. It's also about the layering of lives and stories that make up history, the accretions of time and of the imagination. Frank brings a unsettled life with him when he comes to the Gloucester of the 1970s, memories of a dead friend and a failed relationship, and builds something more solid amid the many colourful characters who frequent the restaurants and bars along the waterfront. New friends and loved ones are found and old friends and loves are reassessed. All is not how it seems at first. This is a rich novel and an enjoyable one. Buy it!$LABEL$1 +Essential utility. I use this on a Jornada 525, and I must say you really need that if you want to avoid scrapes on you handheld.But it is not so easy to assemble without making fngerprints on the display (I started using gloves for that). Also the instruction are not so clear. There would be some words helpful.And they are a little to expensive for my taste.$LABEL$1 +Strewth!. Well I am sorry to do this to you, but let's face it, this is an absolute load of tosh! The woman who's voice could break crystal has finally sold out to the big buck once and for all! This is easily one of the worst albums I have ever heard and a complete waste of my hard earned cash! I only gave it 1 star because there's no option to give it none. I have a lot of Streisand CD's in my collection and a number of vinyl albums from the good old days, but I think this wil be the last...I'll concentrate on the old stuff and singers who are still capable of keeping up with the times, like Diana Ross etc. Sorry Babs...not good enough!$LABEL$0 +The Doors go unquestioned. A lot of songs on this album you will love immediately if you are a Doors fan like "Waiting for the Sun" and "Roadhouse Blues" "Queen of the Highway" and "Maggie McGill" with it's satisfying crescendo chorus. "Peace Frog" is another undeniable rock n roll song underlined with Morrison's dark poetry. If I happened to be a desert loner and I had an old car with an 8 track player I would bring this album with me as I drove across the country. That sounds odd but I think you will understand if you listen to this album.$LABEL$1 +Ancient Roman history at it's very best! Fascinating!!!!. What a majestic find after 1900 years. It was predicted to Claudius that something of value that he wrote would be hidden and then found 1900 years later. What has been found is the fascinating history of a family who's end was to rule the Roman Empire. Robert Graves has done a wonderful job of putting this manuscript together. He does it in a way that has the reader re-living history "up close and personal." I can't get enough of it.$LABEL$1 +heres what to do. 1. buy BATMAN BEGINS Power Tek Figures (Style=H1335:ElectroStrike Batman)2. take off all the weird gear3. take a sharpie and color on EVERY little bit of him then he will look cool$LABEL$1 +Comes in handy all the time!. I bought two of these quite awhile ago... one for my sister and one for myself. I bought it as more of a novelty item than a real tool, but I must say, I use it all the time! My son always wants the tags / strings taken off of shoes, clothes, toys, etc. the moment we pay at the counter... out come the scissors! I look in the rear view mirror and realize I've missed a hair when plucking my eyebrows... out come the tweezers. The fingernail file goes without saying. And, no lie, I was just at the zoo with my son and the zookeeper was putting a bale of hay out for the goats and forgot his knife, so I handed mine through the fence! I'd be lost without this kit!$LABEL$1 +Too silly to finish. Although the thought of time traveling to another century to find a the man of your dreams seems appealing, the story was so utterly unbelievable, it spoiled a perfectly good plot! I couldn't finish this book and I always finish what I start. Try reading Diana Gabaldon's "Outlander" series for a really believable but unbelievably intoxicating experience!$LABEL$0 +WONDERFULLY CUDDLY. The sheet sets I recieved are wonderful they are very warm, which we need in our 20 degree weather. The fabric is soft and durable and have held up wash after wash. They still look and feel brand new. What a deal I recieved for the price and product.$LABEL$1 +Lomo Super Sampler. This 4 imageLomo camera is a lot of fun. Four images lined up together on one negative make an interesting format. The 'look' of the camera made many people think I was pointing a squirt gun at them! The speed choices are nice but I found myself using only the longer speed. Of course, it is frustrating not to have a real view finderbut simply aiming the camera made for some intersting shots. Personally, I wish the images were divided along the horizontal plane (panoramic) rather than the vertical plane. ....The film advance system and the exposure of each individual lens is inconsistent. In my camera the first image is underexposed by about a 1/2 of a stop and I believe that the film advance gears have already broken contributing to the advance problem. (I have only had the camera for one month.) Overall I would say this is a very expensive plastic toy that does not work well. I like the images but wish the camera worked consistently.$LABEL$0 +Great Game. The closest game Nintendo Wii lovers will get to a Grand Theft Auto style game. I was surprised, in a good way, how close it resembled GTA. I never thought the family friendly Nintendo would put out a game like this. Let's see more!$LABEL$1 +Back Off Brake Light Signal. I began riding a motorcycle again after an absence of 30 years. As I aged, I became far more cautious and safety minded. The flashing signal monitor works as described, and provides a far better visual alert than a steady brake light. No complaints; very easy to install.$LABEL$1 +Love, love, love!. This was a great buy. The product trays are STURDY, which is hard to tell from the photos. I have not used the juice part of it yet, but I could see the nozzle getting clogged. Comes with great instructions, shredded paper and coconut shreds to help you get started, and has handy reminders of worm care on the lid. I have it in my kitchen and the only time there are odors are when I open the lid to add food. I got my worms from Uncle Jim's, and after a month in this tray, with food, they look as happy and healthy as can be. Looking forward to my first compost harvest!$LABEL$1 +So Kawaii!. Wow! This has to be the best of Kawai's books thus far. I can't stop reading it! It's amusing how Hamtaro is so hopelessly in love with his owner throughout the book. It's not based on the Hamtaro we know from the TV show, but this book is so much better than any one episode from that series. I'm not sure you can say this book is just for kids either. And if you got either of the previous two hamtaro books, and found them to be somewhat of a bore, you'll find this book to be much more enthralling, especially if you're an older reader like me. ^_^$LABEL$1 +BIG MISTAKE. All i can say is that if i could have given this movie zero stars i would have. HUGE DISAPPOINTMENT! Any fans of the tv series should feel the same. I pray that they don't decide to do books 2 and 3. jeez, it hurts just to think about how suckish this movie was.$LABEL$0 +my jone. i saw benji brown in touch with reality on bootleg copy. My auntie had it from the bootleg man, anyway i thought it was so good and so funny i knew i had to get me an original copy. It took me like 2years to get it but i found it on amazon and Im very satisfied with my selection. Also the coolest thing about it is that i ordered it while in korea and sent it home to my wife. she recieved it in less then 4days... thats wussup.$LABEL$1 +Work as advertised and provide a very nice seat cushion as well. My wife and I were surprised the first time we used these. We took them to a nearby beach which can be cold with the wind coming in off the ocean. Not only did the Lava Buns keep us warmer the gel actually provided a more comfortable seat which was an unexpected bonus.They are not difficult to use, removing the gel pack and placing it into a microwave for heating and then putting it back into the cloth pouches. I use a dish towel and it is enough to deal with the heat when pulling them out of the microwave oven.Good quality construction so they can be expected to be used for many years.$LABEL$1 +Download is corrupted. I downloaded this book in March 2009. Unfortunately, the Kindle version is corrupted - paragraphs are out of sequence. Wait until the publisher fixes this before you buy. Amazon did refund my money immediately when I made them aware of the problem.$LABEL$0 +Magical Christmas Story. This film magically captures the essence of Christmas. Set in Finland's stunning Lapland, the scenery adds to the power of the story. I watched this with my kids and they loved it, then I watched it with my parents, and they loved it too! The dubbing can be a bit off-putting at times but otherwise it's a fantastic Christmas film for everyone.$LABEL$1 +lovely book!. I love to browse the children's section and I found this book. I do not have children yet, but want this book to keep for them. It is filled with imagination and creativity and beautiful illustrations. The world is a better place because of this book.$LABEL$1 +Not convinced.... The Author negates most of his premise by starting off saying that Danes are the happiest people on earth. Denmark is very socialist, has incredibly high taxes, and is also very secular. Only 5% of Danes regularly attend Church compared to 43% of Americans.The author's conclusion based on his statistical analysis is that religion and conservatism are the means to a happier nation.It seems like he cherry picks his data to support his conclusion. His analysis is often speculative and surprise surprise, his speculation always supports conservatism and religiosity.It's an interesting read non the less, which is why I gave it two stars. If you are conservative, you'll love how he backs up your beliefs. If you're liberal, you'll leave unconvinced and questioning his methodology.$LABEL$0 +Short on time AND flavor. I couldn't believe that the other reviews for this book were so positive. Minutemeals is a good book for those who are only looking to top frozen meals and canned soup, not for people who truly enjoy cooking. I tried the manicotti and the chicken chasseur. They were unpleasant and REALLY tasted like they took 20 minutes to make. I pretty much gave up on the book after that. Why not spend a little more time and cook something with some real depth and flavor?This is also a very bad choice for anyone on a budget. 20 minutes comes at a cost: the recipes call for all sorts of pre-made items ("dessert included" often translates into "buy a pre-made cake")Not exactly a celebration of good, fresh food. And I'm a college student with a budding interest in cooking, no Julia Childs. Invest in quality of life, not this book. I wish I had.$LABEL$0 +Translating The Name Is A Must. There is no question that Saosin is the best thing to happen to Hardcore Emo in a very long time. They actually can get the song to go with the lead vocals and properly fit it in with the screaming vocals (which sound much better than the other bands that attempt to do this but fail miserably). Saosin is how Hardcode Emo is supposed to sound.$LABEL$1 +Don't Go Under The Bed. Electrolux EL5020A Intensity Upright Vacuum CleanerYeah, that's right, this vacuum may have good suction, but if you were thinking it'd fit under a bed to gather up those dustbunnies, just because the handle will flatten down to the floor, YOU WERE WRONG. The unit's main vacuumhead sits too tall to allow it passage under anything but the tallest of beds. I mean, the carry handle's nice and all, but it also raises its profile too much to be of much use universally. Got it for a good price though, woo-hoo! Dumb.$LABEL$0 +Change your shoes, change your life!. Absolutely hilarious. I'm obsessed with Anne Taintor material and this book did not dissapoint. In fact I cut out a few and put them on my wall and even used one as a lining for a coffee thermos.Had she punished him enough? How could she be sure?$LABEL$1 +A must read for all men!. My doctor counseled me to buy this book. Easy to understand. Wise. Insightful. Helped me determine a course of treatment. Great service from seller. Super price.$LABEL$1 +Aesthetically pleasing, but no good for iPad. I was looking for something that would bundle up all of my USB needs, but also have enough power for my iPad.If it weren't for my need for iPad power, I would definitely give this guy 5 stars.But, I plugged this in via power support + USB, and still not enough power.The spec indicates USB 1.1 or 2.0, but does not specify the power (Amp, Watt, Volt)Honestly, at this point, I have no use for this thing any more... nonetheless, it is a great product for those that know what they want and aren't in need of something for the iPad or a power-sucking tablet of the like.I won't be returning it since there's nothing wrong with it and I'm sure I'll be able to find some use for it in the future...$LABEL$1 +Quality and value. The Condoms are of good quality and a great value for how many you get in the varied pack. Unfortunately i found out i only like one type out of the four, but that has nothing to do with who theyre sold by.$LABEL$1 +Classic Dubstep. This is classic true dubstep at its finest and one of my favorite dubstep records by far. Really not a weak track here in my opinion, but several (Rutten, Kut-Off, Summer Dreams, Blue Eyes, Check-It) are absolute essentials!$LABEL$1 +OLIVE OILS - OLE'. This is a great way to sample the oils from different regions in Italy - see how discriminating your taste is!Each of the oils is very fine - more than suitable for dipping bread, salads or cooking.I would say almost as good as a visit to that wonderful country, but that's not quite true.$LABEL$1 +Not for a true beginner. If you are familiar with a GUI report builder then maybe thiswill work for you. If you are a true beginner with no GUI expereience then forget this book.$LABEL$0 +Good. It can be a little repetitive, but otherwise I really liked it. I read it in less than two weeks. I bought it as a Christmas present for my dad and my sister. I bought Praying the names of Jesus for my mom. I haven't read it yet but I will soon.Worth the money. A good read.$LABEL$1 +So good that it's GREAT!. My predecessors in this review-line have said it all quite well. Suffice it for me to add that I was expecting "so bad that it's good," a la Shatner's "Rocket Man," "Mr. Tambourine Man," & "Lucy in the Sky"...but found this new record to be beautifully conceived, written, performed, and produced. It's moving; it's funny; it's insightful -- & it makes me feel as if I know Bill, & as if he's more "Real" than most NON-celebs I know. Dare I say it? Yes, I do: masterpiece.$LABEL$1 +Good game, even on older PC. I won't comment much on how much fun the game is (lots), but I wanted to note that this is one of the few games that will install and run on a machine with less video memory than "required". My 8MB laptop machine came up with a note that it was defaulting to software emulation and reducing video settings. The picture isn't high resolution, but it plays fast and smooth. The picture is still clear enough to play. Thank you EA for allowing those of us with lower end systems to still play games!$LABEL$1 +I don't think so. Well I checked this out on several sources before thinking about buying it. I went to a friends home and saw that she had it so I took a hands on tour. This is the biggest waste of money I've seen so far by Maxis. I personally download alot of content off fansites that are 100% better than the offerings in this "edition". I've even dabbled in making my own objects,recolors, etc for the game. I think this should have been included with one of the other packs instead of a stand alone, or at least offered fro free at the official site. I've been playing sims since the very first pc game came out and this is a disappointment for us long time gamers.$LABEL$0 +The Best Of. Kinda silly and slapstick. I guess I kinda expected the other side of British humor from Cook & Moore, more like Beyound The Fringe$LABEL$0 +No, just no. I was expecting to see a horror movie, and what I got was a movie about ballet pretending to be a horror movie. Sorry but it just doesnt workf or me$LABEL$0 +Better than the rest. Listen,go get a six pack and listen to this cd! Great energy great hooks,you wont be disapointed!$LABEL$1 +Silk?????. not a great feel, was a gift and i am not happy, so i will keep it and prolly no wear it but use it as a dresser scarf, now to shop for my friend. don't let the pic fool you.$LABEL$0 +A Must Read for Network Marketers. The principals are simple. You can read this book in a day. Makes network marketing simple, makes you look knowledgeable, and sets the ignorant FREE. The truth about MLM's, Network Marketing and Direct Selling are plainly written out so there eliminates the fear or misconceptions that you face or that you will face from others when you present or even just discuss your business(s). Enjoy the read and be set free from the false stigma of being in a Network Marketing business. Here's to your success!$LABEL$1 +Stroies telling book, lacks specific. You can do better with a military manual, thats what the military does and those books are to the point!$LABEL$0 +Book lacks detail. The book informs you of various sql commands, but fails to give you the general syntax. If what you are trying to do has not been explicitely done in the book, it is unlikely to find what you are looking for in the book. The book is truly a workbook, and nothing else, and should not be purchased as an oracle sql refrence book.$LABEL$0 +Real rock and roll is not dead. I have a CD collection of over 2,000 discs, and if the house caught fire and I had to grab ten and run...this would be one of them. I'm really sorry I missed seeing them live because they must rip as a live band. Great songs with clever and original arrangements, snappy hooks and musical twists, a super-tight band, and a style that steals from everyone and turns it into something new and yet familiar.True originals, but think early REM, Zevon, Led Zep...with a touch of Nirvana, George Thorogood...sounds crazy but....Take and chance and listen.$LABEL$1 +A Pianist with a Passion. The talent and skill of John Rusnak is what every piano student should strive to attain. John Rusnak is a musician with technical skills, a great depth of musicality, and a passion for the classical. He is genius; he is true to the composed work, all the while losing himself within it. It is a blessing to hear him. This is a great album within a really great album cover! :) A perfect gift for anyone who has a love for piano performance, classical music, Chopin, perfection, or passion...!$LABEL$1 +Excellent Lunch Box!. I purchased this for my husband who works in very warm conditions, construction related. I've been packing the lower portion of the bag with his lunch items (roomy enough for 2 large containers of most any meal size, several of the moderate sized ones). I place a 12 oz gatorade bottle of frozen water in the bottom, which if not drank, still comes home at the end of 12 hours with ice in. Dual purposer here, to keep cold items cold and provide a cool drink later in the day. In the upper half I put in two 32 oz bottles of gatorade (chilled) he claims they stay fairly cool all day, along with a napkin and utensils. The lunch box is very attractive and looks more like a portable tool kit rather than a lunch bag. By far the best lunch box he has ever had! I highly recommend this item!$LABEL$1 +Boring compilation. Most arrangements are oversimlified and repetitive. Stellar songs are reduced to bland, uninviting arrangements. Its a pretty disheartening collection. Its well worth the trouble of trying to arrange them yourself.This compilation is boring and dull. Not worth the money!$LABEL$0 +Don't spend extra!. One star isn't for the soundtrack itself, it's for the quality of the packaging. I was hoping that by buying a re-mastered import I'd get a little something in the liner notes. There ARE no liner notes, no lyrics, just a single sheet of flimsy paper with the song titles on it. Buy the domestic; even if it's the same stuff it's nearly 10 bucks cheaper.$LABEL$0 +A great read from an original "Cyberpunk". Even if you're not a big fan of David "Cyber" Galbraith, it's still a fascinating rare glimpse of this virtual pioneer's ideas in the formative phase. Sure to be quite collectable in the years to come.$LABEL$1 +Nice sound, as expected. The I-Pod sounds a lot better when connected to the receiver than my laptop computer did. Construction and cables are also good quality.Only one minor item merits some attention from the manufacturer: This device would be a lot more practical if the remote control could operate it just like it does a regular CD player, I did not find it very practical to navigate the large collection I have with the available commands. It owrks, but could be a lot better. All the buttons are there, only a few lines of programming would be required. This would chang my rating to 5 stars.$LABEL$1 +Like the band!. I have Mari's initial pilates DVD,and have not used a band with pilates before and felt that it was a good challenge you definitely feel your muscles working. If you are new to pilates I definitely recommend this, however if you are advanced you probably will not get too much of a challenge from this DVD.$LABEL$1 +awesome. finnaly the great songs of the best death metal band in the world. I listen to this cd over and over$LABEL$0 +Chieko rules, but the movie doesn't. Dangerous Game is the poorest of the Zero Woman series, ironic as the gorgeous Chieko Shiratori is probably the best actress to portray the Japanese hit woman. Almost literally nothing happens in this movie, as it's also the most chatty of the series. Still, Chieko takes off her clothes and that's always worth the price of admission.$LABEL$0 +Not worth the $ - Auto Car Ventilator. I have been very disappointed with the performance of the Auto car ventilator. The Auto Car Ventilator just stops working for no reason but if you roll down your window a little it will start back up. It hasn't seemed to have made a difference in the temperature in the car and was a waste of money.$LABEL$0 +Nice TShirt!. My son is a huge Peyton Manning fan and he was so pleased to receive this shirt. I had to send it back to get a different size and the supplier was terrific. They sent me the right size quickly and without a hassle. Good product and supplier.$LABEL$1 +Novice. Fast service, good quality. Now if I can only learn to keep time. Much easier than fiddling with a pair of spoons.$LABEL$1 +Phenomenal bumper!!. Absolutely perfect fit for my 1994 Chevy Silverado. Every nut, bolt, screw, bracket, light, etc. included! A VERY pleasant surprise!$LABEL$1 +Hardest Working Band in Austin, Texas. I have seen the Hudsons on a number of occassions in Austin. They are entertaining, have a great sense of humor and are very talented. The are high energy, yet accoustic. The songs they have composed are both witty and tender. Phoebe, the violinist, adds an eclectic element to the band. I am dissappointed that she was absent from the last performance I attended. I had a greater appreciation for the CD after I saw them perform. Great show, very entertaining.$LABEL$1 +Severely disappointed. I'm both a collector and a bibliophile, and this is the first time I've ever thought it necessary to this say about any collector's book: In my opinion, this book stinks. A shame, as it's clear that the author has in-depth knowledge to impart. Unfortunately, it's clouded by the author's apparent dislike of dealers, fellow collectors, and the Homer Laughlin China Company itself.The book designer's work is exuberant and cheerful, much as is Fiestaware; however, the author's text is mean spirited. I don't think I've ever seen an odder combination. I hope for better things from the obviously knowledgeable author in the future.$LABEL$0 +The mooninites are taking over my PSP!. Aqua Teen on the Go can only mean one thing. Having the person next to you think you're crazy for watching a cartoon about happy meal items. Nothing cooler than freaking out the squares! It's worth the extra cash for the supberb quality and to scare the normals.$LABEL$1 +These leave the baby way sticky. While being put forward as more environmentally friendly, we found these wipes to be not up to par. they always seem to leave the baby sticky and not really clean feeling. Will not be buying these again.$LABEL$0 +Beware! Older edition of the book!!!. I bought this for my daughter for a class because Amazon had it linked to the hardcover of the same name. Small problem, THEY ARE NOT THE SAME BOOK. Only the first few chapters are the same. CHECK THE EDITION NUMBER AND PUBLICATION DATE your professor wants before you buy this older edition of the book.$LABEL$0 +rats go in for dinner-eat bait-NO ZAP!. I followed the instructions to "A Tee". The bait kept disappearing but no dead mice. I tried another set of new batteries with no luck. The only this that this thing zapped was 45 bucks out of my wallet. I ask my local terminex guy about these and he said that even if they worked. Once you get the smell of dead rodent, rats won't dare enter again. Better off using a classic rat trap/bait stations etc. I would not recommend this product to anyone. I might recommend it to a rat because it appears to be pretty safe for them.$LABEL$0 +Ten Minutes Tops. After spinal surgery I started wearing sturdy shoes. Since I have wide toes and a narrow arch and heel, I thought these gel mats might help with heel comfort. However, after just a few minutes one of the heel mats slid sideways and was very uncomfortable. This "one-size-fits-all" did not fit in my shoes.$LABEL$0 +Grant-Writing book recommendation. This book is very well-organized, presenting the information in a step-by-step manner that makes it manageable for neophyte would-be grant-writers. I have no doubt that it will serve me well as a continuing resource even as I gain skills and experience.$LABEL$1 +So So, not all that exciting!. It may have 4,000 fonts but alot of them are basically different versions of the same font. A little skinnier, a little fatter, bold, italics etc etc. Some fonts literally have dozens of different styles, yet it's still the same font. It doesn't take long to add up to 4,000 when you do that. If your looking for fun, funky, cool fonts, don't get this, they aren't on here. OK, that's a lie, there aren't very many. It all depends on your tastes. There are alot of good fonts on here, and it's well worth the price to have them all in one place. Sure beats downloading them all individually, but don't think that you're going to get 4,000 DIFFERENT fonts, not here.$LABEL$0 +Wow. lIKED THE product. Had seen this for around 30 bucks online without shipping in the T-mobile site..but here all i had to spend was around 8 bucks...and the battery looks geniune and works fine.Thanks$LABEL$1 +The Bears provide the solution again. When my daughter was young, she froze when she had to recite lines in pre-school or at church. I bought The Berenstain Bears Get Stage Fright to read to her. It proved to be just what she needed. She went on to give talks in church, reports in school, and even excelled in a drama group for several years.$LABEL$1 +Harowing tale. This is a compelling story about real people doing what most wouldn't think of doing. It's infuriating that the captain of the freighter was so thoughtless. If he had been anything but a complete waste of time, Can Do would still be here. Read this book carefully and learn what is happening out there. The media ignores fishing and the ocean unless something bad happens. Your life is affected by the ocean and you should know how.$LABEL$1 +MIU deep,fryer. The perfect deep fry utensil. Minimal spatter and excellent heat control (on a gas stove).I have sent my electric deep fryer to Goodwill.$LABEL$1 +Reads like a mental health textbook. Why is romance and entertainment built on such a sad topic as alcoholism? LUCY IS GETTING MARRIED is the kind of book that begs for an answer to this quetion.It's no secret that a deep hopelessness and despair is what every alcoholic suffers. The drunk state gives some degree of relief from the pain of facing reality and other emotional conflicts. It's a kind of sedative. Lucy needs a sedative at times, thus gets drunk herself. Probably too often. Lucy at age 17 had clinical depression. Is this really the stuff that romantic comedy is made of?This book is interesting to read but not as comedy - it's too sad for that.$LABEL$1 +"I e-mail like a Baroness?". The disc was mediocre up to this line, then the bottom fell out. I am fan of Queen, that's the only reason this get's more than one star. The music is awkwardly shoe-horned into the story, with some lyrics re-written to fit better (ie "Radio Ga-Ga" and the already mentioned butchering of the classic "Killer Queen"). The vocal talents are good but sound... off with this material. While any Queen is better than no Queen sometimes it's better to leave well enough alone.$LABEL$0 +Great knife at a great price. I purchased this knife due to a rating in one of my cookbooks. I received the knife, and to my surprise, it was remarkably sharp. It holds its edge well, and once it does dull up, sharpens easily. I have not had any issues with rusting, but I hand wash it and don't let if sit in the sink for days at a time. I'm very happy with this knife and now wish I would have purchased the whole set right away.$LABEL$1 +Good quality but ink dries fast. As I said. Excellent quality, good variety of colors. Good to write on CDs and everywhere else. What I thought is a problem is that I have them for less than a couple of years, with little use, and most of them are drying out.$LABEL$1 +almost silly. As a long time Taiji student/teacher I can vouch for the solid principles and concepts presented.However, the author's constant attempt to construct his prose in a magical, mystical package was almost too silly to read.he seemed kind of full of himself, as if he was the focus with his esoteric poetic sentence structure.It's worth getting just to enjoy his attemot to be deep, dark and authoritative.$LABEL$0 +Amount Was Not as Described. When I placed the order, the description said it came as 20 plates per package. I placed an order of 3, but I only received 3 plates when I expected 60. I didn't realize that until I went back to review the original product description.$LABEL$0 +Great sound; Wrong Indexing. I give it 4 stars because it isn't too mixed up with the indexing and the most important part is the excellent sound...all for the low price! There are even 3 bonus birds at the end (but, no names!) I don't understand the person who says the indexing is not wrong. If you select a track and it isn't the bird then the indexing is wrong. Simple. Don't get it if you must have the indexing correct. And I think it is a great buy. No regrets! I'm getting more as gifts. I'll get the list straight. It will definitely help me learn the names!$LABEL$1 +Pleased with selection. The ordering processing was excellent and I received it without any problems. The DVD that was ordered was in great condition and had no problems. Will definitely order again.$LABEL$1 +Do not buy !. JUNK! My mic doesn't work at all. The other reviewer is the only person that i've heard of that it actually works. I've read alot about other gamers casque mics not working either. Do not buy! Save your money. It also doesn't tell you, you need the psp remote that comes with the more expensive psp box. So i wasted 40 bucks on nothing!$LABEL$0 +CORDLESS BUT ALSO LIGHTLESS. NICE PHONES, BUT IF YOU ARE IN A DARK ROOM GOOD LUCK WITH TH BUTTONS. NO LIGHTS BACK LIGHTING THEM.$LABEL$1 +Good Item. Own a skating rink and have used this cd player before. Keep and use 2 at all times. Have used another brand and replaced it twice in the time I've used this one once. Getting another one of these so I have 2. Love the ease of use of the round knob to select songs instead of a button, much quicker and easier. Would purchase this one again if I have to.$LABEL$1 +Don't Believe the Back Cover. I like some others thought this book would be different from the discription on the back cover. This book was very disturbing. I am afraid to say that I did not finish it. My time is so precious and there are so many other books to read. If you choose to read be aware that it is very violent. I would not only not recommend it but warn you against it.$LABEL$0 +Very basic. This book has a couple of novel ideas for things that could be made with PVC but they are so basic that anyone who is the least bit handy around the house/shop could make them without the book. The only plus is that, if you did want to build one of these projects, the book gives a materials list and the measurement so you dont have to figure that stuff out yourself.Had it been from a local store I would have returned it, but it isnt worth the shipping to send it back to Amazon.$LABEL$0 +Keeps on Ticking. This is a replacement for a Timex purchased several years ago. My husband loves this watch and was very happy to have another. The style is simple, casual or dress and he prefers it to his Cartier...love the Indiglo feature.$LABEL$1 +I Had To Give Up On This Book And Made It Part Of All My Yesterdays!. I usually like Parker's books,and particularly when he deviates from his Spenser books. So, I really was expecting to enjoy All Our Yesterdays, probably Parker's most significant departure from his 'norm" However, much to my disappointment, I found this book to be have erratic pacing, slow to develop, and not very believable or interesting characters. As such, I wound up skimming through large passages and then, ultimately, giving up on it. There are just too many books and not enough time to waste time reading All Our Yesterdays.$LABEL$0 +So Far So Good. OK, I completed the IGNITE portion of this series with Emily and boy do I break a sweat. The 3rd Cardio & Sculpt DVD is basically part of the IGNITE CALORIE BURN DVD, so when I get to the ACCELERATE with Rebekah, I'll know what to expect.$LABEL$1 +Coming back to buy more!!. My Boxer is so finicky buy she LOVES her Zuke's!!! I've taught her so many tricks with these treats, Thanx!$LABEL$1 +The river two? yes please!. This Carcassonne expansion is a must have for Carcassonne lovers. The river adds alot of esthetic value to the game and has a few special perks like a pig farm tile and a volcano and the city segments are sweet. I definately reccommend it!$LABEL$1 +Harvesting the Heart speaks to my heart!. Harvesting the Heart is the third book I have read by Jodi Piquolt. Each time, I am amazed by her sense of reality. She often addreses the simple truths which so many people are afraid to speak. Harvesting the Heart is no exception. The main character, Paige, has a little peice of all of us in her. With amazing clarity, we watch and relate as Paige faces the difficulties and triumphs in her life. This book is not to be missed! I am so sad I finished it....When is the next book due out by Jodi Piqoult??$LABEL$1 +Very Functional. This book has great insight into what it takes to be a creative author. My only complaint is the content of some of the sample stories. I realize they are very well written and serve the intended purpose. However, when limited pieces of suspense and crime stories are included it leaves the readers (who are simply trying to to get an education) with a terrible feeling in the pit of their stomach.$LABEL$1 +Not as Shown on the Box. I got this and am really not too thrilled. Let's look at my list of gripes:1. What you actually GET is NOT what is shown in this illustration or even on the box. This tool does NOT come with the pictured tool holder that provides additional stabilization and support. Even though the holder is CLEARLY shown and there is an insert about it in the box, it ain't there.Without the holder, your Dremel is ponly attached to the "table" with a a collar at the top of the tool that is secured with e hex nut. This leaves the body of the tool unsupported and that much linear mass makes for easy deflection when working harder woods.2. Once you have mounted the "table" to a support surface correctly mounting the tool into the holder is a real challenge (I guess I have big fingers)3. The precision of the fence and depth adjustments is really hit or miss as most of the assenbly is plastic.Overall I give it a 2 -- mostly for false inducement.$LABEL$0 +Decent quality. The product itself is decent quality as expected from Suncoast. However, there is no way to lock the top so the wind won't blow it open on the dock. This is a major flaw by the manufacturer.$LABEL$0 +This is a great book!. THIS IS THE GREATEST BOOK I HAVE EVER BOUGHT ONLINE! I LOVE THE GREAT COOKIE RECIPES. BUY THIS BOOK NOW FOR YOUR MOM OR SISTER OR ANYONE WHO LIKES TO COOK, EVEN YOU!$LABEL$1 +What a boring sounding record!. Every song sounds EXACTLY the same-Steely Dan sure has gone downhill over the years. Don't touch this new release with a 10 foot pole!$LABEL$0 +Julie and Julia 365 days 524 recipes.....NOT so Great!. Can I give this a Zero star? I thought it was going to be a light hearted book about cooking and blogging. It was dark and I think some things were meant to be witty but fell short. NOW there is a Movie about this book and I can honestly say that I hope that the movie is better than this book. It had lots of mistakes and then it seemed to me that the author was all over the place. Sometimes you just sort of want to throw the book at the wall or then you just sit there and think WOW she actually got a book deal and a movie deal out this. ONLY in AMERICA! Thumbs down and a zero star. Why did I really buy this book? I got it on clearance for 1.99 and the cover looked great and the back of the book really lead me to beleive that this was going to be a very intresting read. AGAIN NOT the case!$LABEL$0 +Doesn't do the job. I was disappointed with this product. It did nothing to make eye shadow last longer - there are other products out there that do a better job. Previously I used Vital Radiance but it has been discontinued - that was the best primer I have ever used at a reasonable price.$LABEL$0 +Not as good as I expected. The individual trays are too small to use for any significant amount of food. The frame is cheap and flimsy. It does heat well though.$LABEL$0 +Don't waste your money. This product never worked. I mean NEVER worked. I have a Pentium 3 450 Dell system, and I follwed all the directions given, but the product was never able to be opened. I tried to contact the manufacturer and not only was no one able to help me, I was not able to return the product because it is software and you could, potentially, copy it once it is opened. Perhaps this product would work on your system, but why chance it? Save your money and buy a product from a more reputable company with good customer service.$LABEL$0 +Wilco emperor clothes. Am i missing something here? All i'm hearing is a bunch of bland country pop songs with a peppering of ambient electronica over the top. The only song that's remotely interesting is the first one "I'm trying to break your heart". The rest of it is very light and muddled. I could just imagine how unbeleivably dull Wilco would be live.$LABEL$0 +Barefoot Bride. i am enjoyed reading this book and will get more from joan johnson as the financies allow me to buy more$LABEL$1 +I thought I was lost until I found this book.... For years now I've been beating myself up because I never seemed happy. The more money I made and the worse I felt and I didn't know why. UNTIL, I read this book... I can't put enough words down to tell you how much this book has done for me. I hope it puts you on the right road just like it has for me. Buy it, you won't be disappointed.$LABEL$1 +I am so glad I got this book at the library! SKIP IT. This book had a good premise that soon went bad .it is bloated and gets to over 500 pages with boring filler.I found Wes to be whiny and frankly his character drove me nuts. His self pity and lack of action got very tedious.It can get back to the library fast enough.$LABEL$0 +quite happy with it. I've owned a lot of insulated bottles. This is my favorite, for sure. It has a very solid feel. The rubberized grip is a nice touch. I loaded it with green tea, and five hours later the temperature seemed just the same as when I put it in.The slightly larger size is a plus. It allows you to put in two full cups without worrying about spilling, and your drink is not in contact with the plastic stopper for hours.Definitely better than my previous system of using an old juice bottle and reheating in a microwave.It seems like a bit of money for something like this, but the cost will soon be forgotten while the quality will be enjoyed for a long time to come.$LABEL$1 +Don't bother if you don't have a GeForce4 or better.. I played the demo before the game released and the framerate .... on my GeForce2. Then I finally picked it up because of all the hype and it still ..... UT2003, RTCW and Enemy Territory run super smooth on my system with the res to 1024x768. And from what I've seen they're more fun. And how can you have a WWII FPS with no blood? I don't know how this POS got game of the year. It's not all that. Pick up Wolfenstein or download enemy territory for the best WWII sim experience.$LABEL$0 +From Salvador Agron to making us groan. I'm another of those who has enjoyed Paul Simon's work for a long time, so I was anxious to hear this latest CD. After making myself listen to it several times, all I can say is "Huh?". These songs range from OK (That's where I belong, Senorita, Old) to bad (Lorraine, Pigs Sheep & Wolves) to incomprehensible (the Teacher) to unlistenable (Quiet). The only positive thing I can find here is some of the instumental work is nice. But, those lyrics! I'd much rather hear about the Girl from New York City who calls herself a human trampoline than the frog in South America whose venom is an antidote for pain. (Hey, did I just make a rhyme there?) I hope this isn't Paul Simon's last album, as it would be a poor coda to an otherwise great body of work. I give this CD one star because of the music, with the second awarded as a sentimental one because it's by Paul Simon.$LABEL$0 +My 12 year old niece Loves these books!. My 12yr old niece loves these books and her 10 year old sister seems to like them too. Beautiful pictures.$LABEL$1 +Mostly disappointing. I guess it had to end this way. The original radio version of "Hitchhiker" was the high-water mark. The television version wasn't as good. The books have gotten worse and worse. There really weren't many jokes here and the miserable ending was so totally lacking in imagination that I was really angry at myself for having read this book. It's as if Mr. Adams was tired of the story and characters but not the revenue stream.$LABEL$0 +Six months later, and it's dead. I've always loved the taste of a fresh-brewed cup of coffee from a Farberware percolator. Over the past few years, I've felt they died prematurely, but nothing like this! I ordered one from Amazon in March. Went to make coffee this morning, everything sounded as it should, went to pour a cup - HOT WATER. Rusty-looking hot water.I had come to accept that these pots don't live long, but six months???? Ridiculous.$LABEL$0 +Not what I expected. I have only ever seen this book with 10.8 x 9.6 x 0.4 inch dimensions. That is what I expected when I ordered the book. I never saw the dimensions listed, but the book delivered to me had dimension of 4.9 x 5.8 x 0.6 inches --half the size. It may have been my fault, but I do not remember seeing those dimensions when I ordered the book. Just something to be aware of.$LABEL$0 +Not what I thought. This book is ok because it has a few tasty sounding recipes, but I thought it would be more in depth on specific sprouts and sprouting techniques. I read the entire book in a couple of hours and I am not a fast reader. I wish I would have just checked it out at the library. The book is mostly about the authors dietary beliefs in which I do not follow. Pretty much a useless book for me. Maybe if you are a raw foodist and are looking to eat sprouts for most or all of your calories this would be a good book for you. I wanted more info than this book provided.$LABEL$0 +Does not work with Powerbook Wallstreet G3. Despite the specifications listed by Amazon, this card will not work with Mac Powerbook G3 before lombar and pismo and computers running less than Panther Mac OSX 10.3. This includes much of the Powerbook G3 line. I contacted Sonnet and they confirmed that the Amazon information is incorrect. I have used other Sonnet products with good results and I think that this is a misunderstanding on Amazon's part. The Sonnet tech people said that they would contact Amazon to correct this issue.$LABEL$0 +good for one use. if you think you can use this and put it away for a week your dead wrong.. after a couple days it will not spray again (clogged up)therefore not being able to get anything out even taking of the tip..$LABEL$0 +Not what it's supposed to be!!!. This is supposed to be a corkscrew made by Screwpull. It says so in the heading: "by Screwpull".I purchased this as a wedding gift for $27.99 instead of the lower-priced Le Creuset-branded corkscrews because my 15 year-old Screwpull is still functioning perfectly and I wanted to give the bride and groom a corkscrew that would last.The package just arrived and, instead of saying SCREWPULL, as is shown in the item description, it is branded LE CREUSET.It is decidedly shoddier in construction and has an AWFUL, serrated foil-cutting knife that doesn't even open fully as the one on the Screwpull does.To make matters worse, in the week that has elapsed since I ordered it, the price has dropped five dollars. NOT RECOMMENDED!!!I'm sending it back.$LABEL$0 +damaged. I bought three copies to give as presents. Therefore, it did matter that two of the copies had small damages that disqualified them. I have to find something else on short "notice". So, while the book is full of humor and much fun, I wish they knew what people who buy a NEW book expect.$LABEL$1 +corrina,corrina: THE BEST, THE BEST !. Am now working on my 4th viewing of this superbly written and acted version of life as it truely was in the 1950's. SO many issues brought to the viewer in a smart, funny, thought-provoking package that pulls at your heart strings again and again. Just another chance to see Percy and "Lois" may make me view it a 5th time! The cast and director have produced a classic.$LABEL$1 +Great Entertainment!. This is one of the best series that has ever been on television. It is not only historically correct, it looks authentic. The sets, costumes, hairstyles and makeup give you the feeling that you are back in the 1940s. The extras on the CDs are an informative addition.$LABEL$1 +Gory horror. It's really my fault that I haven't done more research before deciding to read this book right after the Book of Lost Things. They are very different. The Book of Lost Things is a gentle, dark yet hopeful and touching retelling of old fairytales interposed onto a boy's life. Nocturnes is a series of gory, gutty, gritty horror tales. It may be your thing but it definitely isn't mine. I confess I didn't finish the book but the first three stories turned me off completely. The Cancer Cowboy Rides seemed an attempt at copying works by H.G. Wells and Stephen King. Cancer is a horrible thing and I don't need a story to horrify me about it even further without a positive redemption.$LABEL$0 +Faithful To The End. Faith Evan's new album 'Faithfully', is truly as work of art. Tracks like 'Burning Up' and 'Where we Stand' are beautiful. This album is Faith's best project to this point.Most of the sounds are catchy and the lyrics are extremely meaningful. If that wasn't all u could ask for, the interludes are the bomb. 'Faithful' interlude and 'Everything' interlude best the best of them.Faith is a very talented singer, one who has kept up her standards up unlike so many of the singers of today.$LABEL$1 +Great Experience. This was the first movie that I watched that focused on a same sex lifestyle. I really enjoyed it.$LABEL$1 +Excellent Pocket Size Traveler. I also was in the region as a earlier poster puts it. With this Croatian or Hrvatski dictionary if you please. Firstly this Croatian dictionary is not favored to Serbian, this is blatantly untrue. As well as the fact that the official script/text for Serbian is Cyrillic. The earlier given example of bread as sensitive, which I checked in this Croatian dictionary, clearly shows the word "Kruh" ,which is the correct Croatian word for bread. In regards to lacking several words and explanation of others, I also suspect this to be untrue, because the earlier poster would be able to provide specific examples and clearly failed to provide evidence of this. I found this Croatian dictionary extremely thorough for its handy pocket size with over 30,000 entries.$LABEL$1 +Excellent CD..... I'm a huge Guster fan, and I have to agree with one of the earlier reviews, "Parachute" isn't Guster's best effort at an album. The last song, "Parachute" is the best on the CD, with the most depth and passion, which is why I love Guster so much. I have all of the Guster CDs and would say that "Goldfly" is by far the best. But get them all, and I promise you that you will love them!!$LABEL$1 +Junk!!. Beck Children's Wooden High Back Rocking ChairThe assembly is simple but the chair and screws are of poor quality. The first screw I tried broke off in the spindle. I had to put it in a vise to remove the broken piece and replace the screw. The second spindle split when the screw tighten. It only cost $30 but was worth about $5. Not worth the effort to return it but I am sure it won't last long enough for my two year old to out grow it.$LABEL$0 +Cutest thing!!. These were the cutest. They were a huge hit at the baby shower with everyone giving stories about events they wished they'd had them for years ago!! Adorable design (the little airplanes) and soft as could be. I would definitely recommend them to others.$LABEL$1 +Birds couldn't figure it out.... I bought this feeder offline. For some reason the birds at my place couldn't even figure out how to eat out of this feeder. They would stare at the seeds longingly, sit on the window sill, and peck at the plastic. But I think I only saw one bird sucessfully eat seeds out of it. I had the same handfull of seeds in there for weeks until I just gave up and took it down.I don't think it's that my birds were too big to land on the edge. They were mostly just sparrows. Maybe it was that they couldn't really notice the clear plastic.$LABEL$0 +Do the Math. I used this CD to learn new concepts in my math classes. It is one of the few products which covers math concepts for 5th -8th grade. The kids loved it. Even though they like to act older, they are still children and they are motivated through music.$LABEL$1 +great photos, semi-beginner to advanced. This book came out before the huge glut, and I still like thumbing through it. The examples are marvelous. While it walks you very well through some projects, others are sort of "on your own." Good for an intermediate or advanced beader who wants to do more improvising, but might be frustrating for a new beader. I recommend learning the basic stitches elsewhere, but get this book, if only for the wonderful photos of work by very talented bead artists. It also has a useful section on balancing color and bead size, more useful information if you're ready to start personalizing your projects. It covers different stringing options well, and provides a good start for wire working. They could have left out the section on polymer clay, though.$LABEL$1 +Horrible!. The acting was so off! All the characters we're shallow and lacked development. I feel like they made the movie way too romantic.Right now I'm trying to rewind this movie out of my brain.$LABEL$0 +Some Timeless, Some Outdated. Many of the articles (columnist for New York Times) in this book are outdated -- many of the wines are no longer good, the prices have tripled, many of the restaurants are no longer around, etc. However, many of the articles are timeless. They give the same advice that the current experts are giving, but in a more easily read presentation. For that, I would give it five stars, but the outdated articles pull it down to four stars. Worth checking out, especially for avid readers of wine material.$LABEL$1 +Dont't Buy this Book. Don't buy this book. Half (160 of 320 pages) is devoted to material on behavior and general characteristics, that is too simplified for a biologist (or veteran birder) and too detailed for some one seeking identification of new species. The identification sections show 7 birds per page, without size or habitat perspective. The illustrations are accurate to the extent of my observations, and range maps are shown on the ID pages. The print is about 6 point, and I simply could not read it in the field. The authors are obviously expert and anxious to please, but this book will not please anyone.$LABEL$0 +A Rip-Off. Readers should be aware that this edition of "The World As I See It" is, in fact, an abridged version of the original publication. Without bothering to mention this on the title page, it has dropped the entire fifth section on "Scientific Questions," including such classic popular expositions of Einstein's basic philosophy as "Geometry and Experience" and "Principles of Research." Editing a book of Einstein's writings which deliberately excludes all mention of science is like publishing a biography of Mozart - without any reference to music.It is, I think, significant of the dumbing down of American publishing that the German edition of the same book ("Mein Weltbild," published by Ullman) has continuously added new material on politics, fascism, Judaism, peace and science over the years! Readers who want to know what Einstein was really like should obtain a used copy of the original full version.$LABEL$0 +junk. i bought 2 of these from a local store and both stopped working within days. so i went online and bought a third only to experience the same results. the concept is fantastic. they can drop it and fall on it and nothing gets hurt. but the radio inside is, i think, too fragile. i will not try again.$LABEL$0 +the more I see it,the better it gets.... The first time I saw this movie I thought that it lacked alot of luster.But after watching it a few times I can honestly say that this is a very good movie with alot of fast action.Rent it first to see how you like it,then buy it.$LABEL$1 +Great chairs!. As a Director of an assisted living community, I purchsed 6 of these for our front porch with the Franklin seat cushions. They have been appreciated by everyone - residents, families, and guests alike. They are very good quality that I expect will last for many years. They assembled easily and we will be using them for a third summer this year. The matching side tables are great as well. I am purchasing for my own home. I would liken them to Smith & Hawken quality and I would recommend these to anyone.$LABEL$1 +sad. The speakers look nice but that's about it. You can't turn your sound up to loud or the speakers start to make a fuzz sound. If you are trying to get a decent system go pay for a better brand.$LABEL$0 +The beat that carries you. To fully enjoy this CD you need a car, as you noticed in the video. The basic rhythm floating through the song is fabulous. It comes, it goes away again, then comes back in the company of a superb vocal. If you're not really into Leftfield, you probably shouldn't buy his 'Rhythm and Stealth' album, but this single really is a must.$LABEL$1 +Bourne delivers. I am not much of a movie buff, but my husband and boys really wanted to see the Bourne series, so we watched them all. From the first to the last, all three delivered action, drama, and excitement. I was a little confused (i think that was the point) when the Ultimatum started, but it quickly came together and did not disapoint. There is action/violence in each one so my younger girls who are prone to being scared and night terrors did not watch with us (a good choice).$LABEL$1 +autthors you can trust. Cassandra Clair recommends these books. My granddaughters are fans of hers and they are now ready the books for the second time within one week of receiving them and will I am sure read them as many times as the Harry Potter books and that's some record$LABEL$1 +Explorer Pro Comp Steering Stabilizer. I own a 1998 Dodge Ram 4x4 1500.The Pro Comp model number I used (224000)was suppost to be a direct replacement ,it wasn't! The hardware package that came with the stabilizer was not even close to working.It was an easy fix though.I burned the metal bushings out of the old stabilizer ,sanded them down (they were a little too big around to fit in the new rubber bushings) and used them in the new stabilizer-so I could reuse the old bolts.The Pro Comp S.S. fix my steering problems ,it works great.$LABEL$1 +Amazing 1st album for up and coming group; amazing guitarist. Led Zeppelin has finally found a worthy successor. While Crumb needs some polish, its potential is obvious to any rock and roll listener. Lead guitarist and song writer, Mark Weinberg will be an influence for years to come. This CD is a must buy.$LABEL$1 +Duplicate Movie. Once again I found this great deal and gift to give to someone special for Christmas. The problem was that one of the movies was duplicated. This is not the first time this has happend to me. It was a real dissapointment to find this discrepancy. The company putting these sets together needs to come up with a better packaging system. It's really upsetting to see this happen so often.$LABEL$1 +Only giving this 2 stars for ease of use. This paste gave BOTH my dogs diarrhea each time I used it. It's also got disgusting fillers. The price is WAY too high for how little use you get out of each can. Just buy a large peanut butter or cream cheese or throw left over chicken in the Kong and freeze it. Why pay this if you can get 20x the use out of a jar of peanut butter? I only caved because I had been curious for months AND it went on sale.$LABEL$0 +another failure in gothic metal. Don't get me wrong -- I loved all the Sirenia albums. I loved Morten in Tristania (another band that went the same direction as Sirenia on their last release)... but this is POP. It is not metal, it is not even gothic, it's POP. No violins, no Morten doing any vocals at all (and he has a great singing voice, not just his growls). This is reminding me an awful lot of another band that went down this road -- a band called Theatre of Tragedy.If you like the old albums, don't bother buying this one. You can listen to 30 seconds of one song on this album and understand why. That's really all you need, because every song sounds exactly the same.That's all we needed, another failure in gothic metal.$LABEL$0 +Sex Is HOLY,Its More About ONENESS Than About ORGASM. Sex IS HOLY. Its for MARRIED persons ONLY. A form of worship to God. He is present when you express your love to your mate. It's about your oneness with God and your love for God. You are loving God like God loves you unconditionally when you obey Him. Sex between a husband and wife is expressing that love. Outside of marriage sex is a sin that seperates you from God. Sin is DEATH. When you love God, you love what God loves and HATES what God Hates. God Hates SIN of any kind. Fornication and adultery is sex outside of the marriage covenant. Both are sins that says I choose to seperate myself from God and DIE.$LABEL$1 +You're better off with Sayers alone. Speaking as a person who began reading Sayers' Wimsey books at the age of nine, I found the contributions of Ms. Walsh to be crudely apparent. It does not seem that she understands the characters very well. Regarded on its own, this is a moderately successful book, hence the two stars, but if you are seeking Lord (and Lady) Peter, it is much more rewarding to read any of Sayers' unaided works.$LABEL$0 +delightful romp in merry ole England!. Great deal on a fun DVD. We loved the first season and this one is just as good. I hope the price will drop on season 3!$LABEL$1 +Scooby-Doo and the Monster of Mexico. My 6 year old daughter loved it like she does all the Scooby-Doo movies! she wasn't feeling well one day and this brightened here resting couch time. . .$LABEL$1 +Braun Activator Replacement Parts. I am glad that Amazon offers convenient access to replacement parts for the Braun 8000-series electric razors. This razor is truly amazing and really does give an amazingly close shave, but once in awhile it is necessary to replace the cutterblock and cleaning solution, and it is great to know that I can order them on Amazon.$LABEL$1 +not horrid, yet not awsome. This is adiscrace to Indiana Jones. One of the problems is if you hit someone with a chair they die in one hit yet it takes 8-10 hits to kill someone with a machete. and to add insult to injury it takes 2-4 shot to kill someone with a gun even if you shoot them in the head. LucasArts need to get their prioratys straight, a gun and a machete are more lethal than a chair.$LABEL$0 +BIG BAD BOB SPEAKS. This album stinks worse than a diaper full of digested Gurbers strained carrots. I say babies should hear the Beatles at full strength! A little "Helter Skelter" at ear-splitting volume is a crucial learning experience for the young or old! Imagine legions of pre-schoolers chanting "NUMBER NINE,NUMBER NINE, NUMBER NINE.....$LABEL$0 +DVD. An excellent video on the ministry of Christ! I would highly recommend this movie to everyone. A good annual tradition at Christmas and Easter.$LABEL$1 +Beautiful music, voice, lyrics.... I saw Rachael Yamagata during the 2004 Austin City Limits Music Festival. I had no idea who she was nor did I have any idea about her music. I remember standing in front of her for about 45 minutes enjoying her music.I recently thought back to that day at ACL and looked online for her CDs. I purchased Happenstance and have fallen in love with her music and her voice. I enjoy sitting in my car and listening to this CD. Her voice is so amazing...it's strong and yet it doesn't overpower the music. Her songs cover all the different moods...sad, happy, nonchalant, angry....it's such real music.I recommend this CD to anyone who's sick of mass-produced music and wants something to remind them of how music is supposed to make you feel.I truly enjoyed this CD and am sure that if you're anything like me, you would too. Thank you Rachael for coming up with some great music :)$LABEL$1 +CARDBOARD BLOCKS FUN. The blocks were easy to assemble and the child who received them loved stacking and knocking them over. He'll have many fun times with them!$LABEL$1 +Lots of fun High energy. If you like hard rockin rock and roll like AC/DC and you like Bluegrass-What are you waiting for? Great disc.$LABEL$1 +Hmm.... This was a great game I must say. I did find it a little too short for my tastes, but it set out on what it was supposed to do. There is a good bit of variety in this shooter that you won't find in most other first person shooting games. On that note, I have to say that it wasn't worth the 60 dollar price tag. You can easily beat this game in less than a week and after you do, your pretty much done. Not much replay value here. It definitely is a great rental though.$LABEL$1 +Great tool. It was an awesome help in setting my budget and getting little details out of the way early that I never would have thought about. In general, my wedding planning is going much smoother with this guide to follow. I also found additional information on theknot.com to help me with things the book only went into little detail with.$LABEL$1 +Decent spreaders. not like they used to be, heavy and long lasting, but these spreaders are good enough. needs a heavy wash line. slips off the skinny kind of line.$LABEL$1 +To Mac Or Not To Mac. Those of you who are pouting that this is an overprized Mac accessory aren't clearly not Mac people --- and for that reason, you probably don't own an Ipod, either (and another brand's comprable MP3 player).You're either a Mac person or you're not --- Mac people tend to want good performance, good appearance... and they don't care what it costs.From a technical standpoint, this thing works great. I also use it to plug in my USB mini-drives and it's flawless. If you want it and you care about the Mac-image, then don't 2nd guess and buy a knockoff or USB extension cord. There's no such thing as buyer's remorse for Mac addicts...$LABEL$1 +Baby likes this chair. We bought this for our baby when she was 2 months. She hated the vibration at first and now tolerates it. Now at 3 months we use it mostly like a play gym. We have 3 large dogs so having an elevated play gym helps. The rattle toy that comes with it is OK. We hang our own toys off the bar using links. She likes the song it plays. We get a lot of use out of it already and I'm glad we will be ablr to continue using it when she is a toddler.$LABEL$1 +Hard to digest !!!. It is clearly not a self-study material and one needs to refer to other books, for better understanding. On certain crucial topics, you are left in the dark, to solve the remainder of the problem as an exercise. It might be a great book in a class where the professor will provide you with the required examples and solutions, but I don't think one should take it up as a self-study book.$LABEL$0 +Children Sewing Machine do not purchase. My daughter wanted a Sewing Machine for her 8th Birthday. I thought it would be a good introduction to sewing instead of using my adult machine, but it was a mistake because the Singer Lockstitch Sewing Machine only worked once, when we first tried and this was it. I tried to work on it but it is so cheaply made that no wonder it doesn't work more than once. Unfortunatelly by the time we realize, I could not return it, because the box was in the garbagge.It is just a big waste of money. Don't buy it.$LABEL$0 +Traditional film in a day of transitory digital images. An excellent medium/high speed B&W film for those who still appreciate traditional photography at a time that so many have become accustomed to the instant gratification of the sub-standard images offered up by the menagerie of digital cameras. Hopefully Ilford and their cohorts will be around for a long time to come producing film for those of us who have not been corrupted by megapixels and raw images saved in cyberspace.$LABEL$1 +Astro Boy - The Complete Series. "Astro Boy - The Complete Series" is the best Japanese color anime treatment of Astro Boy, based on the work of the legendary manga and anime artist, Osamu Tezuka. Tezuka's work in manga and anime is unparalleld and stands alone in style and substance in this graphic Japanese genre. He is without peer in the entire ouvre of his work, especially with "Astro Boy - The Complete Series." He is in a class of his own. This is why he richly deserves the subriquette "The Walt Disney of Japan." I would heartily recommend "Astro Boy - The Complete Series" and all other works of Tezuka's which he produced over his illustrious lifetime.$LABEL$1 +Explanations are weak!. This book is written from the following point of view: You have alredy been exposed to PDEs in the past, used a different and better book, and are now refreshing your knowledge. Strauss "concisely" and quickly moves through topics and simply highlights the obvious stuff you should have learned. Strauss is a good reference book for quick review, but not especially good for those adverse to equation reading rather than words.$LABEL$0 +DU is a bridge to understanding ACIM. I have been studying A Course in Miracles for about 30 years and never fully understood it. One reading of DU opened my understanding. Hearing the stories of two ascended masters who realized awareness of oneness through practice of ACIM helped me understand how to apply the teachings to daily life.$LABEL$1 +Disappointed fan. i'm a big fan of augusten burroughs but i can hardly get through this book. it's just not really all that funny - certainly not as clever as his fans would expect. the stories seem really random and forced - almost as if he was ordered by his publisher to crank out another winner but he just didn't really feel like it. he lost his edge on this one. hope he gets it back. he's no sedaris on this one.$LABEL$0 +Fun and stylish. I don't understand the complaints about the software. It's not very good, but it works. I have an XP machine and can transfer songs fine without any problems. This is a cute MP3 player and it works fine.$LABEL$1 +childish music. go buy something else (just make sure that its from century media records). this trash is not representative of the label. just look at the logo! it looks like some football thing!$LABEL$0 +Driver fans will love DRIV3R !. ....that is, IF you are able to understand that different games are DIFFERENT GAMES. Ive been a long time fan of the driver series and the gta series & love both, but all of these reviews comparing it to gta are misleading. I went against the reviews & bought it & was glad i did ! If you like the previous driver games, you will not be dissapointed with the 3rd ! The missions arent as simple as some may say, & theyre interesting as well as the story line. The handling of the cars is just like the previous driver games, great weapons, so Ive been very happy with this one. I was almost instantly addicted. My one & only very very minor complaint is that your character could run a little faster than he does, but it doesnt cause any game play issues, id just like to run faster. So yes, Driver fans buy this game & overlook any review that complains that its not grand theft auto!.....because it is not grand theft auto, its DRIV3R & its well worth the money.$LABEL$1 +Great Book. I have used this book for self study as I wasn't a great math student in high school. The only thing that would make this book perfect would be a companion student solution book.$LABEL$1 +Not worth it. The camera angles in this DVD set were terrible. The video is out of focus which makes it annoying and hard to watch while you are working out.For the price of this set, go for something more professionally made such as Cathe Friedrich or BeachBody instead. You will get more value for your money.$LABEL$0 +Silly and unrealistic. Luckily this book came from the library. Don't waste your money on such a sorry attempt. No police psychologist could ever be so stupid and self-centered and still have a job. Clues ignored all over the place except when Darcy wanders into the mix.$LABEL$0 +Hot stuff. Well built, large capacity thermos bottle. Keeps our coffee hot until finished. Only complaint is I liked our old flip-uptop for dispensing better than the two turns required on this top.$LABEL$1 +Please forget about the pointing device !!!. I am using this product with XP Media Center Edition. Has quick keys to manage playback of media, infrared reception is OK, battery duration is reasonable, it feels confortable as a keyboard, but please FORGET ABOUT THE POINTING DEVICE, IT IS USELESS.I finally ended up purchasing a high range optical wireless mouse. Much, Much better.$LABEL$1 +Go strider!. love this book and I am a big fan of striderIs the 2 best character of the book.I Lauren love this book.$LABEL$1 +Surprised by quality. I love 'em. Thought at the price they would look "cheap," but not so. Very pleased.$LABEL$1 +Planet of the Dead Kept the Doctor Moving!. Even though David Tennant was busy with "Hamlet", and the Doctor did not have an official companion, "Planet of the Dead" is classic Doctor Who with another great performance from David Tennant. He puts so much into his roles, and, in fact, he barely had to act as the Doctor, that it is difficult for him to not do a good job!$LABEL$1 +A book not to buy. The book has a lot of data that is mostly correct. The examples codes are another matter. In the examples I have tried to run, the results have ranged from working ok to total failure of the code to execute. In the more complex examples where the code does not completely reflect how the forms are created in Visual Studio, the text does not show you all you need to do.$LABEL$0 +Might As Well Be a Placebo. Didn't do a damned thing. Didn't improve or regulate my sleep, mitigate any depression or my appetite. Not a damned thing. I wasn't expecting a miracle or for it to do everything the bottle says it *might* do, but I figure out of three, it would at least help one thing (sleep, mood, appetite)but nope. Nada. I was really looking for a natural, gentle, non-prescription aid (not necessarily a solution, just something to help)and thought I had found it. No such luck. Oh well.Bear in mind, different things work for different people so don't necessarily take my review as the gospel--it's just my honest experience.$LABEL$0 +Won't use anything else!. I love this foundation! It's not greasy, and the pump with the brush is fantastic - I don't have to get anything on my hands! I use one pump on each cheek and then will spread any residue left on my forehead and chin. The color blends so well with my skin. I use Clinique Superpowder on top and I'm good to go for the day with nice even skin! Love it!My only complaint at this point is that I can't find it anywhere but online, and I don't understand why. I found it through an in-store demo at Sephora, and bought it there a few times. In the last year or so, every time I go in there and ask for it, they have no clue what I'm talking about. Same thing with Ulta, or any other makeup store that stocks Too Faced. It makes me a little nervous that they are going to discontinue it, but it is usually on TooFaced's best seller list and it has rave reviews on their website. Who knows. As long as I can get it online, I'm happy.$LABEL$1 +Poetry!. This album is a must-have for any bossa nova fan, or any admirer of chill-out type of music for that matter. It's music, poetry, meditation and relaxation all at once. Put it on while your reading a book, drinkin a cup of coffe or spending time with your beloved one, it's universal! I would give it 10 stars if there was such an option.Sam / NY, USA$LABEL$1 +An entertaining Western book!. I enjoyed reading Jim Ugly.This exciting book is about 12 year old, his dog, and their search for Jake's father,who everybody else thinks is dead. As they search, they make new friends, and find new enemies. With all of the dangers they face as they travel alone, will they find Jake's Father? Is Jake's father even alive? You can find out as you read this excellent book!$LABEL$1 +Bitter disappointment. This could have been a great book if the characters were better developed. I felt almost cheated the further I read on ... realizing that the mystery and vagueness of Harley and his sisters' personalities were leading nowhere. The book left me feeling empty and disappointed.I find it interesting that that there is even a Reading Group Guide with 'Topics for Discussion'. Does she really believe this to be great writing? Don't flatter yourself Tawni, you're only an amateur.$LABEL$0 +Time Machine: The Journey Back starring Rod Taylor & Alan Young. a must watch for the classic sci fi fan, it is the behind the scenes look of the making of the actors feelings and thoughts and the brilliance of the creators of this movie$LABEL$1 +this is good stuff!. i had heard about the LoEG movie coming out, and i heard later that it was based on a comic book. being a new comic fan, i went out and got this, and i was impressed! the art is great, the premise is fantastic, the plot development is superb and these guys do a marvelous job of giving it that 19th century feel (the language, etc). if you have never read LoEG and want to start, start with this book. it is the first few issues where everyone is introduced, and it is just fabulous!this has been Apollyon$LABEL$1 +I Don't Get It. How did the watcher know Rainie's secrets? Didn't anybody ever wonder what happened to the guy who killed her mother--he had a wife and child. Was he a local man? What did Rainie do with his body when she moved it? How did a man as young as Richard Mann supposedly know so much about what Rainie did? It seemed as if he knew what "really happened", then somebody says that he thought she killed her mother and was disappointed that she didn't. This book didn't make a whole lot of sense. Halfway through it I remembered I had read The Other Daughter, and I didn't like that one either.$LABEL$0 +Broke after just a few months. I purchased an entire set of Sensa-Trac shocks for my F-150 in March 2012. One of the rear shocks is now leaking and will have to be replaced just 10 months later. The heaviest item that I have hauled in my pick-up is a sofa bed. I never overload my truck and I am rather puzzled as to why the shock is now leaking. I realize that in any mass manufacturing process errors occur, but Monroe shocks I have installed in the past have lasted far longer than I had ever thought possible. I realize that Monroe has a warranty on material failure, but it is an hassle to go through the warranty process for a simple shock. I am rather disappointed to say the least.$LABEL$0 +Good product.. We got these for a trip to Lake Tahoe this winter. Haven't used the ones like these with multiple cams but will work well I'm sure.There are better chains made but these will do all we need.$LABEL$1 +Avoid this downrigger. up switch is latched up. cannon knows it. cannon has no fix. you will burn out the switch or the board or foul the cable to raise in incremental amounts. avoid this downrigger at any price.$LABEL$0 +YThai. It worked! This SATA power adapter cable has it's quality and my expectation. The pricing is good and the quality is super...$LABEL$1 +It's a cover. It's a cover. Covers as expected, hasn't blown off in Chicago suburb winds yet.. . . . . .$LABEL$1 +This is not his natural style. 1st of all let me say I think Ian is a real talent. Unfortunately, he diverted too far from his natural style here. I suppose he was trying to get air play and feed his pocketbock. I don't blame him, although his real talent does not come through here. He probably agrees as well. I bought this because I like most of his stuff. Glad this wasn't my 1st Ian Matthews purchase because I wouldn't have bought his other great material. Ian, stay where your roots are because that's where your love of music come through best and where you really shine. thx, for the effort. LOL, Skip$LABEL$0 +Just one of a number of "ranking " books.... on the market at the same time. Ultimately subjective, but the top 10 & bottom 10 won't vary much book to book. The authors & their 700 plus historians are 20th century men & women. Many of them have their own agendas & are judging 18th & 19th century men. The times a president is elected to has everything to do with his rating. Does he rise (or fall) to the challenge? Lincoln is always #1. One reason. The Civil War. By far it is the most important event in American history. He suceeded. Nobody can predict where he would rank if the Civil War had been averted. It would not be #1. This book has good pictures so that student can get a good look at their presidents. It is useful as a reference book on the high school level.$LABEL$0 +No action, no mystery, boring characters. This book is certainly dark, which is usually a good thing, but it did nothing for this book at all. There's a boy named Nothing that has sex with any and all of his friends and does drugs. Also, an abuser character that beats up his woman, a psychic boring character named Ghost, and 3 vampires that aren't very interesting. People do drugs, kill each other, kill their best friends, sleep with their fathers, some people get pregnant, some run away from home...yawn. If this book is supposed to be interesting because it's dark and shocking, I say that isn't enough, there still has to be an entertaining plot. I didn't care who killed who in this book, the characters were all so unlikable and one dimensional. I couldn't finish it. I like dark fantasy and horror, but only if there is a plot. I'm not interested in reading about people's screwed up lives, even if their are vampires involved.$LABEL$0 +Not very good. It's hard to be honest - as I really wanted to like, even love, this album just as much as their other ones - but I must be truthful, and therefore I must say this album is the worst ever. It is hard to see great artists sell out and commercialize their music, but Orbital has done so and their new album is nothing more than a watered down, phony imitation of their previous work. They didn't need to change, and in effect ruin their music, but they have on this album. Check out their previous albums, they are all very good - contrary to this new one. I hate to say it, but giving it two stars is really being nice.$LABEL$0 +Didn't want it to end!. Even though I lived through the 60's & saw from the news some of what was going on in the south, I had never seen it as portrayed in this book. Thought provoking, poignant, amusing, sad, wonderful story. This is the first book by Ann Tatlock I have read, but it won't be the last.$LABEL$1 +Best Price Anywhere for the only blender you need.. Unless you use your blender everyday for more than 2 hours, you don't need the Vita Mix or other products. Easy to clean, nice deep color.$LABEL$1 +An Absolute Must Read. First, let me tell you that before you even start to read this book you need to go purchase the follow-up Loose Ends. Why, because once you put this one down, it doesn't matter what time of day it is, you will want more so why torture yourself by having to wait until the store opens?Know that the 3 primary characters of this book are so detailed that you will see a movie in your head as you read. I wrote Electa Rome Parks several years ago after reading this book to tell her that she needs to work out the movie rights NOW. Main characters would be Sanaa Lathan, Morris Chestnut, and Boris Kodjoe. Need I say more? You will not put this book down. To hell with cooking dinner, give the kids a McDonald's gift card and send them on their way so you will not be disturbed!$LABEL$1 +Great Smooth Performance. I had the priveledge to see Elliot at Disney World. He was SO smooth and cool. He had the audience eating out of the palm of his hand. He came over to me and my date was just great. The CD shows some of his smoothness$LABEL$1 +Finally, a charger that works with my Zen Microphoto!. My wife and I both have Zen Microphotos. She plugs hers into a stereo at work and listens to stuff all day. She's a pharmacist and works 12 hour shifts, so she needs some variety. The problem was her battery wouldn't hold up all day. We tried some cheap universal adapters that didn't work very well. I hated the thought of spending $30, but it made a huge difference. Now she can plug into the stereo and the wall and listen all day without a problem. The product works great, just wish I didn't have to spend so much$LABEL$1 +Works well, but hard to match color. We used the tub/shower repair kit this weekend. We had a short but wide crack in the top of the shower that had been there since we initially installed the shower . . . hit the corner against a 2x4. Anyway, we are preparing to sell the house and wanted to fix the crack. This product worked very well to fill the crack. It smoothed out well. The only problem, is that we could not get the color to match our beige shower, no matter how hard we tried. The color mixture always ended up looking too peachy. So we went ahead and filled the crack with the peachy mixture, then covered the peachy patch with beige fiberglass shower touch-up paint. You would never know there was a crack there before!$LABEL$1 +An over-priced wet/dry vac. We recently bought a home with a lot of ceramic floor tile, so I bought this item last January, paying around $250 for it. I am disappointed with both the quality and performance of this machine.The Hoover cleaner that it supposedly requires is expensive and not readily available. Save your money and use either Armstrong Floor Cleaner or NON sudsy ammonia. The detergent container locks securely about 30% of the time; requires multiple tries (read:spills) to make it stay on. The wand cracked after 1 use. The hose connection, like the detergent cup, does not latch securely, rendering the small tools ineffective, since the cleaner cannot be dispensed or removed. Neither the floor nor grout brush (mounted on the upright unit) is effective in cleaning the grout in between tiles.If your floor is very lightly soiled, it may work just fine. The best thing I can say about this machine is that at least you aren't using dirty buckets of water to clean your floors!$LABEL$0 +City Of The Dead. IT IS A GOOD BOOK I RENTED IT FROM MY SCHOOL LIBRARY FOR ACR . I DID NOT REALLY WANT TO READ IT . BUT IM GLAD I DID. IT IS A GOOD BOOK$LABEL$1 +Don't just walk away- RUN!!!. Awful, just awful. Idiotic scripts. Incredibly bad acting.Where can I go to get my money back? And the time wasted?$LABEL$0 +Jack London book.. I read about a third of the book and have been disappointed. Not as good as "Call of theWild" or "White Fang". The book arrived on time and was in excellent condition.$LABEL$1 +Didn't work. This product didn't get the scratch out. Maybe it would have gotten a really superficial scratch out. It wasn't worth buying.$LABEL$0 +worst cd i have ever heard. This is the absolutely the worst cd i have ever heard. He goes from gansta rap gets scared and then leaves for aftermath which is a joke.$LABEL$0 +Overrated. This movie has many inaccuracies (see: movie-mistakes.com) and a weak plot, definately no epic or contender for older 'sword and sandal' films. This one has it's moments, some good dialogue, the battle scenes are very engaging, but do not show what is actually happening in them, though I'm sure people who worked on the film know. I can't believe so many people like this movie. It is too long and boring. Watch TLC and A&E instead.$LABEL$0 +Faith. Faith is everywhere even when you don't know you have it. Love of your mother is endless and strong and protective. Very Awesome story a must read to test your Faith.$LABEL$1 +Works well, no errors. Purchased in Summer '08. I've used it on laptops, my home server, and several desktops. Works fine for everything I've tried, including firmware updating and transferring old files from floppy archives. Very quiet and seems a bit faster than the internal drives I've used in the past. It's even been able to read a few 'problem' disks that I didn't think I'd be able to pull data from. Highly recommended.$LABEL$1 +not a very good movie.. I just finished watching Dogville. The concept and story are awesome. The acting and script are decent at best - I think von Trier did everything in one take and didn't care how wooden or emotionless the acting was as long as he had the shot. The use of the narrator is such a lazy thing to do - a director should show the audience what the characters are thinking and feeling, not tell them. I don't have a qualm with narrations if used only a few brief times in a film. Dogville uses narration very frequently and for no real reason other than Lars von Trier didn't feel like showing (or couldn't figure out how to show) the audience what is happening. The editing is dreadful. There are random jump cuts that exist for no reason (unlike, say, Traffic or Memento where the jump cuts make sense or at least look awesome). The film annoyed me more than it entertained me or made me think. I rate the film a 2/5, mostly for the concept and story. Dogville had so much potential.$LABEL$0 +Camera battery. The battery was not as advertised and did not fit my camera. However, the company was very good and getting a refund was super simple. 5 stars for the company$LABEL$0 +Practical, down-to-earth, and extremely helpful. What a welcome relief from the many real estate gurus out there. Buying real estate and maintaining rental properties involves time, money, people skills and management know-how. Jorgensen doesn't offer you a get-rich scheme. On the contrary, he gives great tips on how to become familiar with real estate prices in your area via a journal so that when a good deal comes along, you'll know it. He also gives valuable advice for analyzing properties and for keeping property maintenance bills down.$LABEL$1 +Most touching children's book. Let me echo the sentiment that children learn what we teach them; no matter how foreign it may be to us, they can grasp any idea we throw their way. Cultural issues aside, I find this the most touching young children's book I have encountered for its completely unaffected demonstration of motherly affection. And truly, the illustrations enrich the beauty of the text. For the first time in my life I purchased a book for the sole purpose of dismantling it because I wanted a framed image over my daughters' bed daily pronouncing, "I will love you forever and for always because you are my dear one." Always the best gift for new mothers!$LABEL$1 +Not for the eTrex series. Please be aware of an important issue with this cable, even though it is recommended for the eTrex GPS series it will not fit their flat 4 pin connector.I had to return mine and bought one at the local REI$LABEL$0 +Good photography but little factual detail. A well presented book with a wide variety of photographs making it a good source of ideas for interior designers. Beyond that there is little to commend it. Most of the pictures are not referenced, even those of grand or unique designs of fireplace. The commentary is lacking in technical and historical detail and the organisation into historical periods is only loosely adhered to. Not a bad coffee table book but not much good if you want information on designing, building or choosing a fireplace.$LABEL$0 +awful-it is not maroon but purple!!!. I recently purchased this same tie from the WB harry poter store . I actually got the chenille scarf and tie set which is about 43.00, anyways it is this same tie and it was dark purple NOT Maroon at all. I suggest you buy your tie from Wild Ties their tie is exactly the right color, less expensive and also better quality.$LABEL$0 +program is buggy. I have version 9.0.00.20. It is basically unusable. Customer service by Valusoft is about the worst I have run into. Recommend avoiding the program until they get it fixed.$LABEL$0 +Shake and Take is a great buy!. For anyone who enjoys smoothies, or wants a quick meal this is a great purchase. Add some yogurt, fruit, protein powder with fat free milk or orange juice & mix it up and it is a terrific breakfast or lunch! It fits perfectly in the drink holder in your car as you head out for your destination.$LABEL$1 +didn't work. I was using this to connect an Apple Cinema Display (DVI) to a laptop with only a VGA output. It never worked. I even tried a different DVI LCD monitor and other laptops and PCs and couldn't get this to work. I could tell power was passing through, but no video.I ended up returning this item.$LABEL$0 +Very Enjoyable. I loved this book from the first chapter. Before I knew it I was finished. I would highly recommend this book. All the town's people are interesting and entertaining. An Sookie is a very fun character to follow.$LABEL$1 +Not what I expected.. Did not like this at all. It was totally not what I wanted. Kept only becauseit would cost more to send it back.$LABEL$0 +Buy the newer PTs. While I enjoy ll materials LSAT, this test is simply not in line with the current LSAT and not worth the purchase. For example, it has a pattern game in the LG and 2 question prompts in the LR. While it is possible that these forms will make a comeback, given their lack of use for 10+ years, the odds are against that. Spend you hard earned money on more relevant material like a recent PT OR buy on of the $20 books with 10 tests.$LABEL$0 +Not What I Expected. After being told to read this "great feminist novel" I picked it up, planning to read it on a trip. While it wasn't what I expected, I can relate to Sasha's wanting to be beautiful, but what I found annoying is her need for every man to find her desirable. Does she really need to know if her therapist finds her attractive? She expected a perfect life, because of her looks, but her life wasn't any different then a realistic one.$LABEL$0 +Whiny. Annoying. Can't watch. Not funny.. Her antics is not very entertaining and very annoying to watch. I borrowed this dvd from the library and glad I didn't invest money but unfortunately my time. The only time i can tolerate the video is when she was actually serious and informative about childbirth.$LABEL$0 +There is better (pre/post) Holocaust fiction out there. This is my first Oates book to read. She is a talented writer -- clever, metophorical, and she does know how to develop characters. However, there are better books out there that are not sterotypical "Holocaust" fiction -- even if it is post-Holocaust fiction. For a good,accurate, distrubing,and thought provoking read try Blood From the Sky, Mendelssohn is on the Roof, The Painted Bird, or even Ida Fink's The Journey. If you are going to read Holocaust Fiction (even if it set in modern times) read something worthwhile.$LABEL$0 +panasonic phones. this is the second set of cordless panasonic phones i've purchased in a year. The handset ringers in all handsets stopped working within two weeks.Other than that the phones are great. These are used in a shop enviroment and it was suggested to me that perhaps the speakers panasonic uses are sensative to dust or magnetic fields (there are welders present).Whatever the case the older panasonic phones didn't have this problem, I had a set I bought in 1999 that had no failures other than a battery in four years.$LABEL$0 +Great story. If one does not have access to a good lawyer: This is what happens. I still can not understand how Mr.Carter found the strength to keep his fight ?!$LABEL$1 +Worst piece of trash I have read.. Most of the book is based on hearsay. I wanted to know more about his relationship with Linda Allen, his 2 bouts with money problems, more about what he is doing now. She portrays him as a very bitter and angry person. This is not the Barry that we all know and love.$LABEL$0 +Terrible Value for Tahoe/Suburban Owners. This manual is a terrible value. The paper quality is just barely above newspaper. Pictures are dim, outdated, and do not fit my 99 Suburban which is listed on the cover. They tried to cram too many GM truck versions into one book. The proper value should be $5-$10. I bought it to help me replace my fuel pump. I found better instructions and advice on the internet in about 20 minutes that were my exact year and model.$LABEL$0 +How will they do the movie??. I read the book and loved it. I agree, there were some really slow parts. But I loved this book. I began to feel very close to the characters. I cannot wait for the movie. I am curious to how they are going to do all of those flash backs. I will be there on Feb.12th waiting in line. What a perfect weekend to release it. (Valentine's Weekend.) It is sure to be a success.$LABEL$1 +magneet fell off first day. The glue they use is not good at all. Plastic sign came off the magnet withing 24 hours of receiving my order. I thought this may have been a sheet magnet but it's not, it's a black ceramic style magnet glued to the plastic sign. Need to buy some decent glue to make it whole again, assuming the wife hasn't already thrown it away.$LABEL$0 +He ministers through music. I have been a long time fan of hammond. This compilation is awesome. Some of the songs on the first CD in set minister to my heart. He brings your soul through the phases and sings it happy.I highly reccomend it for the rhythm and message.$LABEL$1 +Where is my stuff. I've emailed to the seller about I haven't received my book. That has been over a month from the date I purchased the book. But no one answer me yet. How can I happy about their service. I paid money for nothing. Nobody take charge of that.I think so one should take care of about that.$LABEL$0 +Too loud, doesn't do much. I got this thing when I first bought my 360 because of all the crap I heard about the 360 overheating. My first complaint is that the fan noise is even louder than the xbox dvd drive noise (which is pretty loud). Unless you have whatever you're playing/watching turned up pretty loud, this thing will noticably drown some of it out. I ended up taking it off because of this.As for the cooling aspect, I have played many hours both with and without this fan and have noticed no difference whatsoever. I have noticed that the air coming out of the 360 feels cooler, but the system never crashed regardless of whether I had this thing on or not.The only reason I am giving this thing 2 stars is because I would imaging if you WERE having a problem with cooling (like if you lived in a hot climate or had a lemon), then this would probably keep your xbox cooler.$LABEL$0 +Very nice to stand on. I love the mat. It is extremely comfortable to stand on. The only issue at all is that I sometimes catch my foot on the edge of the mat, but I think I'd do that with any mat. It's just something you need to get used to. The mat does lay totally flat.$LABEL$1 +I concur - DRM invalidates this purchase. ...my wife pre-ordered this for me because she knew how excited I was about the game. Just now heard about the SecuROM DRM infection though - which invalidates this as a legitimate purchase.DRM does not stop piracy. Doesn't slow them down. It does however destroy the rights of honest consumers, like me, who now no longer wants a game that was salivated over for years because the DRM infection will make the game disk worthless to me probably in a matter of months.Because of this, piracy is the better option for all. If you want to stop the DRM infection, but don't want to be a pirate, refuse to purchase this game and let it be known that the DRM is why you aren't buying it.$LABEL$0 +Glad I didn't buy it. I'm glad i checked it out on Netflix before buying it for my action movie collection. I'm not sure what the 3 stars and up are talking about. But unless you are a five year old; this movie ...... ...... is not worth buying.Actually it's probably not a movie a five year old should watch as it has some inappropriate scenes.$LABEL$0 +First to review but not last.. Great Album. Just bought it.50 cents is the next big thing thanks to Em and Dre. Track 4 is the best one.$LABEL$1 +The best new country artist in a long time. This CD has it all to the up beat Put Your Heart Into It, to the sad but strong One Solitary Tear. I would tell every one who likes country music, and even those who don't to get this CD, it'll suprise you.$LABEL$1 +Love it. I ordered the 1L in black. This new taller and more slender design fits better in my cup holder than my old 1L Camelbak Eddy which I lost. This thing makes me drink WAYYY more water than any other type of bottle. Something about Camelbak--I'm sucking on that thing and the next thing I know I've drank 500 ml of water! So easy. The black color is really cool also$LABEL$1 +Not as nice as the photos. I ordered this set for our everyday and formal use. I was very dissapointed when I received them, as they really looked nothing like the photo. The flatware had some sharp-ish edges, and the hollow spots were dirty. The weight wasnt very substantial and they felt cheap. They are nothing like the stunning Wallace Grand Baroque in Sterling. They should try again. This stainless set is not worth it. AND, it didnt include the box!!$LABEL$0 +Excellent for study. This study Bible is excellent for study, but since I wanted the large print edition, it is really too heavy to easily carry around on a regular basis. There are lots of interesting, thought provoking notes and lots of references to look up for further study. I highly recommend it. As I mentioned the only drawback is the weight, but there is no way to change that and still include all the useful notes.I, therefore, highly recommend it for study, but would suggest something different if you want something to carry with you.PEM$LABEL$1 +Movie with a great message. The 17 Miracles is excellent and shows Mormon pioneers and what they suffered to come to Utah. It is moving and I could see it over and over.$LABEL$1 +This game is horrible!. After getting demos of both Amplitude and Frequency I thought that this game is horrible. It deserves one star because of the great soundtrack. Other than, this game is horrible. I am more of an action, adventure, extreme sport gamer. This game has the WORST PLOT EVER! DDR is way better even though it isn't that great at least you get a workout. If you are going to spend your well-earned $40 dollars on this game it is the same thing as flushing $40 down the toilet. Why not just learn how to play an instrument, it is much funner. (Electric guitar and ALL of percussion is the best.) Any way, this game is the worst ever. Either that or Dark Summit but that's another review.$LABEL$0 +Works. Good company that makes good probiotics. I take them on and off as need. keeps the tummy happy. However I feel that if you are able to eat the natural yogurt nothing can beat it.$LABEL$1 +Ann is the Best. If you believe that a soldier who lost 3 limbs in Vietnam "sacrficed nothing for his country"; that the widows of 9/11 "were the happiest widows ever" and that a decorated Marine combat veteran who disagrees with Ms. Coulter "is why soldiers invented fragging" then she is the best.If you love your country more than your ideology, she is as one conservative columnist put it this week "simply disgusting."$LABEL$0 +Snore!!!. I purchased Hannible the same time I picked up The Silence of The Lambs Special Edition, because of the "Save ... when you purchase both movies" coupon on the covers. Having not seen Hannibal previous to my purchase, I thought,"What the hell...I'll save a couple bucks." I could have saved the entire purchase price and rented this piece of junk. Though, it picks up where "Silence", left off, Jodi Foster isn't in it, and the plot seems dorky. Way too ... for such a dull movie. If you enjoyed "Silence", get it...but don't waste your time or money on this one. Rent it first, then decide whether you really want to add this ... to your collection. Anyone wanna buy a copy?$LABEL$0 +The only thinkg like it. This is a replacement. My wife has gone through a couple of these--they last about 2 years then start making loud noises. This is the only one with both heat and vibration to help a sore back or hip.$LABEL$1 +What a Keeper. This album is noisy and it makes me want to dance. Is funky the right word? It is guitar driven, funny and the vocals are a unique ball of fuzz. I am hooked and it was only recently that I learned about the band itself. I recommended this band especially the album to anyone who also likes Kasabian, Flannelmouth, Boy or Franz Ferdinand for their energy, massive sound and arena enthusiasm. My favourite tracks are "Go home get Down", "Blood on our Hands" and "Cold War". Perhaps you will like them too.$LABEL$1 +regression. The Cranberries were once a band that had a mission to purge their souls of pain. Now the band is at the lofty heights of fame and success. As always at such altitude comes the unrelenting stressors of maniacial producers and record label executives who make unreal demands on the creative process. For many artists this can kill one's creativity. This has happened to Dolores.On top of that Dolores is now married. She seems to be happier. Happiness has a flip side for disturbed artists: it also kills their creativity!Hence, you have "Bury The Hatchet", a watered down album that is lacking in originality, added is a feeble attempt to cover up this lack of originality with the song "Copy Cat", which actually sums up the compilation of songs on this release.$LABEL$0 +Desert Island Recording. I have been playing harmonica most of my life. One might say I have dedicated my life to the pursuit.This is the best blues harmonica album that has ever been recorded (Junior Wells Hoo Doo Man Blues being a close second).Not only is Walter's playing what harmonica players should be measured against, the wonderful material, production andcomsumate support from the musicians for the songs and the artist are beyond reproach.At the end, it is the master work of a amazingly talented harmonica player, with a lifetime of gigs behind of him,delivering a work for the ages. Bravo Big Walter. This recording continues to enrich my musical life. Tim Gartland$LABEL$1 +Sony's Best Package Deal!. Awesome deal for the money. It even has an "optical" audio input for ultimate direct digital sound from: sat.tv, dvd and Sony Playstation 2. Also, subwoofer has nice adjustment levels.$LABEL$1 +too fragile. Wonderful size and shape, with a wide mouth so you can easily get cloves in and out. Very fragile. Mine chipped withing hours of having received it. I can't recommend it because of this.$LABEL$0 +Very helpful. Covers all the bases.. This book is very informative if your child has a brain or spinal cord tumor. It is broken into easy to read sections. The quotes from people who already lived through this were priceless. I helps put things in perspective for you. It gives you tips on how to deal with unusual circumstances. It has lots of resources for contacting other organizations on the web as well. Very helpful for me and my family.$LABEL$1 +Good Info. If your looking for new ways to workout and would like to make sure your exercises are preformed well with the intent on certain muscle group... this is the book.$LABEL$1 +Beautiful. Somehow, I always have a fondness for beautiful picture books. I always feel that a children's picture book should be something of beauty that is timeless...something that we can all treasure but something that is especially written in the straightforward language that a child understands. This is certainly not one of those mediocre, trashily illustrated, dime-a-dozen children's book. It is the uplifting story of Jessie, a girl who comes to America to begin a new life. The language is simple but beautiful, and Jessie is someone who we can all love. And the illustrations...oh!!! They are so gorgeously realistic; especially the cover with its beautifully done painting of immigrants watching the Statue of Liberty as they arrive in America. Beautiful story, beautiful pictures...what more could you want? "When Jessie Came Accross the Sea" is the kind of book that every child should have.$LABEL$1 +Where's the ending?. As I was dwindling down to the last few pages, I wondered howthe author would wrap up this story. When I finished the book,I checked to see if some pages were torn out at the end. Howcould any author end a novel in this manner is beyond me.Does anyone know if a sequel was published?$LABEL$0 +Small stepladers. I chose this three step ladder because the the one i had got damaged. I missed the handiness of it so much that when i found Amazon handled them i had to replace the damaged one, i missed the old one so much.$LABEL$1 +Fan Duster. Glad I didn't have to pay for this had a gift card, go to Dollar store and get it for 5 bucks$LABEL$0 +The Lady Can Sing A Song. This is old time jazz at its FINEST and BEST. Cleo is one CLASSY LADY who can sing that HOT JAZZ and the COOL BLUES.$LABEL$1 +the bingo game moves too fast hard to keep up with the numbers called. product is ok, would not encourage the purchase of the game, however the senders of the game was prompt and correct on time of deliver$LABEL$0 +A "MUST HAVE" text for teachers!. I have had this text checked out from my university library the entire semester, renewing it several times! I just didn't want to let it go. So, I am now finally purchasing one for myself. Pamela Farris has done an outstanding job with this text in both the amount and quality of information she furnished. The student resource guide section alone is worth the price of the text and the content is priceless! This is of course my personal opinion and in no way do I imply it to be the position of Amazon.$LABEL$1 +Slow and Ineffecient. I hate this phone. I bought it for its looks but frequently want to throw it accross the room. It is slow - frequently does not take all the numbers you enter unless you press them slowly. I would say that out of every 5 numbers I dial, i have to dial one again. The date resets if it looses power for one second - no backup battery or capacitance to hold a charge. Phonebook sucks. Speakerphone sucks. I hate this phone.$LABEL$0 +Another great CD by this group.. I purchased this as a stocking stuffer for my husband. He already had "Underneath The Kudzu" which is also great. They sing a different type of song which is catchy and clever. Who could go wrong with a group that sings "If Bubba Can Dance, I Can Too".$LABEL$1 +Worst monitor I've ever had. I received this monitor as a shower gift and I cannot get it to work. I've called customer service 4 times with no resolution. They sent me a replacement base and replacement rechargable batter pack, but it did not fix the problem. I believe there is a short in the on/off switch in the parent unit. This is far to much hassle for me at 9 mos pregnant preparing for baby's arrival. Be prepared, customer service consists of ONE person. I've waited on hold for over 20 mins at least twice. I'm returning this poor product for something different.$LABEL$0 +Strap breaks on first use. Extremely disappointed in this bag. It wasn't even heavily loaded, just some folders with papers, keys, phone, make up, wallet. On the very first use the strap broke before I even got home. Also, the stitching is coming loose. Also the strap is not leather. A big waste of money.$LABEL$0 +Don't forget your towel!. I have completed reading the Ultimate Hitchhiker's Guide (like for the 20th time this year..) and I still say it's an incredible book. You will understand the importance of the number 42 and why you should have a towel with you at all times...This book should be read by everyone!$LABEL$1 +one tree hill forever <3. This show is amazing, great actors and story lines. The 9th season was very suspensful, ive been watching oth since day one. It will always be my fave show.. there is only One Tree Hill <3$LABEL$1 +this is too dated. I needed a dance exercise tape. I thought this would fill the bill, but not only is it too dated, she really does not each you the steps.$LABEL$0 +RH 2. A nice addition to the original Rush Hour game set. Keeps the challenge fresh and further enhances problem solving and frustration tolerance in older children.$LABEL$1 +What the---?. More than a bit of a let down, DER BLAU ENGEL pads out 3 worthwhile tunes with an awful lot of gibberish that should never have seen the light of day.$LABEL$0 +My Favorite SC Book!. I have read many, many SC books and this one is my favorite! Unlike in many of the others, Gift Horse's ending is not very predictable and Stevie actually faces a serious problem with not only another individual but with herself. Too often SC characters are happy-go-lucky, perfect girls without any problems, but in this book Stevie goes through a genuinely painful and realistic time. If you're gonna read a SC book, read this one. Will Stevie have to give up her beloved first horse to No-Name's rightful owner? Read the book to find out!$LABEL$1 +Who wrote this anyway???. I have thoroughly enjoyed James Patterson's other Detective Cross novels - but who wrote this one??? The prose was choppy, disjointed, and jumped from one thought to another with no thread in between. My ten-year-old writes with more continuity and interest. The whole vampire thing seemed more for the gore than any plausible criminal plot. Oh well, I'm hoping he gets his pen back on future novels.$LABEL$0 +Doomed romance. Something was off-putting in the tone of this book. Perhaps it comes from lines like "I love when working-class people say smart things." Besides that, Allen struggles to understand a tragic romance, but she seems selective about what she reveals of herself.$LABEL$0 +Makes such a huge difference in drying time!. This towel is great. I received it as a gift, and love it. It really does dry my hair quicker than a traditional towel, and as a result, means much less blow drying time. Not only do I get ready faster, but my hair is starting to look healthier due to less blow-drying. My only complaint would be that it doesn't hold in a turban very well. But it is definitely worth the purchase, regardless!$LABEL$1 +The other side of Madredeus. Rodrigo Leo, amongst other adventures, has played with Madredeus for a long time. Somewhere along the way, he and accordeonist Gabriel Gomes left and, for me, the group lost a great deal of its magic ( although Gabriel is now back, on the group's latest album ). Although this is much more a classical music album than a pop one, if you get to buy it, you certainly will try to get the more recent ones. In Portugal, just a few weeks ago another one was published ( Alma Mater ) where, if you love the " old times " Madredeus, will find a soothing a reason to smile again.$LABEL$1 +New Design. As another reviewer has mentioned, Pampers has changed the design. We also hate the new design, but Amazon has the old design in stock. There's unfortunately no difference at all in the box or product labeling, so I suppose what you get is open to chance.$LABEL$0 +One of the best !!!!. A very disturbing movie that we all should take our time to watch.Outstanding acting and a story that we all should stop in front off and appreciate how luck we are that we leave in countries there we can take the "bad guys" to justices. There is so many countries where women are not protected in the society and this movie only shows as one country.Very strong movie that should touch us all at heart, man and woman.$LABEL$1 +Carson Is King, But Show Us Something New!. This is the second time (at least) that this company has put previously released material in a new wrapper. 30 years of Carson and we keep getting a rehash (and rehash of rehash!) of previous titles. If the company and Mr. Carson's estate are too inept or lazy to dig a little deeper into the tens of thousands of hours of available Carson-era "Tonight Show" material, then just release DVDs of the old syndicated cut-up series "Carson's Comedy Classics", or even the old prime-time anniversary specials. We'd finally get to see some new material with minimal effort on the company's end.$LABEL$0 +excellent. Premium was one of the best films I saw last year.In a climate of formulaic plots and predictable storylines, I found Chatmon's writing to be authentic and CREATIVE, two elements often missing in today's cinema. I enjoyed the perfomances of the actors, especially Zoe Saldana. I don't think I have ever been moved by any of her performances until seeing Premium. I really liked her and belived her and I attribute that to direction, once again, Chatmon bringing something fresh to the screen. Dorian Missick was textured and Hil Harper, tangible.I love seeing people of color on screen with purpose and presence. This film delivers that for me and I will buy it to have it alongside the other credible films in my library.$LABEL$1 +I love Melissa & Doug products. These crayons were a great find. I like that there are no paper lables for the children to peel off. I also like that they are triangular shaped so they do not roll off of the desk. I highly recommend this seller and this product.$LABEL$1 +Extreme Hastle. The 32MB capacity of this card is a great value compared to the standard PS2 memory cards. However, this is completely outweighed by the inconvenience of having to load a cd to initialize the card every time you wish to use it. I now only use it to store game data that I don't use regularly and have reverted to a standard card for day-to-day use. (Rating would be a 5/5 if initialization wasn't necessary).$LABEL$0 +Good enough. Good for YES fans. A quick fun read. Nice for those of us who bought three version (LP, cas,CD)of "Close to the edge". I would buy this book again. I will read it again. Note: It says in the book that a man tried to strangle Anderson at a Pittburge show. Well he just hugged the man. I seen it up close...............Peace$LABEL$1 +Fantastic British Comedy!!Great Props!!. The late great Peter Sellers portrays a humble scottsman determined to become Britians poet laureate.His dual role of the oversexed Queen Victoria adds to this very funny, off the wall film which makes british comedy so unique.Monty Python fans will love this little known gem!!$LABEL$1 +A kiss is always good.... Many fans don't like this album, but a kiss is always good, it doesn't matter how it is given. Although people say it's too disco, I don't think so, it's different, but so good!$LABEL$1 +Wonderfully Honest. What a wonderfully honest look from a groupies eyes...It is too bad that Pamela did not end up with one of the greats, like she should have. I could not get enough of this book. I have ordered the sequal.$LABEL$1 +Zoom gone mad!. I bought the grdx97 camera new, back in march 2005. This past month or so, the camera has begun malfunctioning. When turned on, within a few seconds of recording, the zoom automatically starts, resulting in a blur. I tried changing the zoom feature to limit the max zoom at 12x, but still, it zooms to the max of 12x, thus limiting my ability to film anything at home.The warranty is labor 3monts, parts 1 year. There is no customer service I can talk to at the toll free JVC number. Therefore, I have to drive to the nearest service center which is apparently an independent business. All of the service centers are > 30 minutes away.I never thought I would be having problems 5 months after purchase!$LABEL$0 +Not the best, but close. This isn't the best Bad Religion album, but it's pretty close. All the songs are good, but some just aren't that memorable and sound a little repetitive to me after a while. There's a lot of good songs here though; my favorites are "Recipe for Hate", "Kerosene", "American Jesus", "Watch it Die", and "Don't Pray on me."This is a good album if you are a Bad Religion fan, and a pretty decent introduction to the band. However, I recommend Generator, Stranger than Fiction, and 80-85 over this. Still pretty darn good though.$LABEL$1 +An Exceptional Film. Set in the state of Georgia, James Garner renders a powerful and very sensitive performance of a Judge who following the death of his wife, retires from the bench. He tries to with-draw from life esconced in his own grief and bitterness. The mys-tery surrounding an old friend's refusal to accept the Congressional Medal of Honor, and the personal crises in the lives of those closest to him, compel him to step back into the mainstream of society . As he reaches beyond his own pain and into lives of others, he not only becomes an anchor for them, but finds a renewed reason for living, himself.The supporting cast is superb, esp. Bill Cobbs and Ruby Dee.This is an exceptional film, providing wholesome entertainment.$LABEL$1 +DO NOT BUY THIS PRODUCT. this was the worst tasting dried mangos i have ever ate. they were so dry that it hurts my teeth trying to bite through them. it seems like they packaged the worst part of the mango pieces (like the skin or pieces near the core/seed). in each pack, only 10% of the mango pieces were actually good, all the rest i had to throw away because i just couldn't eat them. now i still have about a full case with no one wanting to eat them.$LABEL$0 +Lovely but for the static electricity.. I've been using my burr grinder for about a year now. The good news is that it grinds the beans perfectly every time. The bad news is that it's a mess to clean (necessary every couple weeks) and worst of all, the grinding creates so much static electricity that when you remove the reservoir from the machine, there is a small burst of grounds that explodes from it and ends up on the machine and the counter. If you live in an area with high humidity, this might not be such a problem. But, if you live in a dry area (here in California, it's dry from May to October), then static will be a headache.Capresso could probably correct this by making the little bin out of metal instead of plastic so the static would discharge through the machine.Otherwise, it's a wonderful device and I recommend it if you're fussy about your coffee.$LABEL$1 +Sabrina Rocks!. I love all the Sabrina eposodes.I now have 5 seasons of the program.Melissia is a great actress.$LABEL$1 +Stone Fox. The name of this book is Stone Fox. The author is John Reynolds Gardniner. My favorite character's Search Light. The story takes place on a farm in Indiana. I didn't find a moral to this story because I did not like it. I wouldn't recommend this book to anyone! That is just me though. Stone Fox's ending didn't surprise me. It bored me and it did not have excitement. It was just a little fantasy to me. I didn't like this book at all!$LABEL$0 +A wonderful version of a classic tale. Polacco's book is a time honored theme, this retelling from the Ukraine. When Luba saves the Wren's life her parents insist she return to ask for a favor. The parents never seem to be satisfied and send Luba back time and time again. In the end the parents are returned to the happy couple they were when they started. This book can be successfully compared with any of the many available versions of the Fisherman and His Wife but also contains elements from The Stonecutter -- another tale available in several versions. Sometimes those with seemingly little power/wealth think other situations would make them a different person or happier. And when they do obtain power their humility is lost. Satisfaction seldom comes when one has not earned that power or wealth. Polacco's wonderously beautiful watercolors brings this theme into the full vision of readers. A delightfully new twist on a classic tale.$LABEL$1 +For the Tintin fan who has all the books. My family collected Tintin and Asterix books when I was growing up. My parents have a complete set as do several of my sisters. "Tintin: The Complete Companion" was the perfect gift for them."The Complete Companion" discusses the political, scientific, and sociological climate present when Herge wrote the Tintin books. It is very satisfactory to read about the state of space travel and to know where Herge was citing research and where he was leaping ahead.This is not a story book but inquisitive minds from 8-88 will enjoy it.$LABEL$1 +Smashing read. If you have any interest in Africa, its' exploration, peoples and/or geography this book is for you. I have long heard the story of Stanley and Livingstone but never the details. This book fills in all of the voids. I found it a very enjoyable read. I recommend it.$LABEL$1 +The Wall. This is a movie that will force you to think deeper than you may ever think again. Try it. It is a mind-opener and a mind-bender. Enjoy$LABEL$1 +Poor Movie Format. Movie is formated such that it's less than TV resolution. This is the second movie I've rented on Amazon like this. Amazon needs to step up and tell us what the format is. I'm going to be very reluctant about renting another video from Amazon if they can't be forcoming on the format.$LABEL$0 +Standells - 'Hot Ones' (Sundazed) 2 1/2 stars. Originally released in 1966,it was their follow-up to the 'Dirty Water' album(see my review).While I admit it is NO where near as good as 'Dirty...','Hot Ones' is a so-so CD reissue full of mostly the Standells performing covers,from you guessed it,1966.Tracks that I thought were 'okay' include Donovan's "Sunshine Superman",Lovin' Spoonful's "Summer In The City",the Beatle's "Eleanor Rigby" and the Trogg's "Wild Thing".Very little originality here,but hey...plenty of records are like that.You know?For big-time Standells fans,like myself.$LABEL$0 +Love this Movie still!. Bound is one of my favorites. Thank you so much! The price was very affodable, it arrived quickly and in excellent condition! I would absolutely buy from you again. :)$LABEL$1 +I love this CD. I can listen to this CD all day and never get sick of it. It is just wonderful. I love her voice.$LABEL$1 +Cheap quality. The retractable works but doesn't extend as much as I would like. It also looks cheap but it saves all the frustration from untangling that long earphone.$LABEL$0 +ONE OF THE BEST EVER!. I am a former elemetary teacher, therefore, I have read hundreds of children's books! This book (The Last Safe House) is one of the very best books I have ever seen or read. The story AND the illustrations are wonderful. I read this book to an elderly group and they, too, were totally captivated. Children-YES; adults-YES. ps One of the elderly asked me to order for her grandson. I have placed my order with Amazon and, for sure, I will order again!TRUST ME, (if you are interested in this subject), this book will bring it all together in most enjoyable and informative ways!$LABEL$1 +This product is NOT for beginners like it said!. I was told by a Beachbody coach that this program was great for beginners, boy was I in for a shock! LOL I could not keep up with her, even using the learn it portion. I recommend starting out with something else, something a little slower paced and with less coordination/dance/kick boxing moves for people who are looking for a place to start in there new healthy lifestyle.$LABEL$0 +great for projects or home crafters. this self healing mat works great!as a graphic design major in college i do alot of cutting with razor blades. to this point i have been doing it on a piece of plastic which would break the tips off my blades after a few use's and dull the blade which is bad when you are cutting paper alot for projects... seeing it could cause the paper to rip instead of cut.the mat is a very large 18x24 in size with measurements on the sides and a nice grid for keeping cuts straight.this mat will be with me untill it needs to be replaced... but after using it for a year now i think it will be many more years till that has to happen.$LABEL$1 +What the....?. yes i realize it is hard to put so much material into a single movie. this must be why so many great characters were ... deleted? but how can m. night NOT include certain material from the episode called "the deserter" fans know whihch one i mean. seriously katar learning how to heal while waterbending is a very key element. how exactly would m. night explain katara healing aang - that ANG not ONG - at the end of book two? no wonder this movie "won" worst movie of the year. even the expendables was better, and that was crap... so what does that mean this movie is?$LABEL$0 +Stream of consciousness is funny for 30 seconds.. I suppose if you're really really stoned, this is funny. On the other hand, if you're really really stoned, Firing Line is funny.You can dig a few comedy nuggets out of this, but they're buried inside a ton of nothing.$LABEL$0 +Boring. Tetris is awesome. I could play that time waster all day - but something is amiss with this game and it manages to make me not want to play.It could be the loud thumping synth and techno music that plays in the background on infinte loop, or it could be the fact that they attempted to add a story to Tetris by adding strange "creatures" that speak a more annoying version of Animal Crossing's babelese, it could be that the colors look like they have been washed out and are difficult to tell apart, or it could be that there are barely any modes to play except marathon tetris games.I think the real reason is that they just botched it. Its Tetris in some ways but there's just something off about it.$LABEL$0 +Disappointed. I hope the drill operates better than it looks. The drill looks well used. Not what I expected.After 3 uses the torque setting no longer works. I can't even drive a sheetrock screw in with this drill with out the clutch slipping. What a waste of money and time. I'm buying Dewalt and Porter Cable from now on...and I won't be buying them online.$LABEL$0 +Easy to use, holds a bunch!. After years of trying to use empty condiment squeeze bottles or standard dispensers, this is the answer.- Holds a good amount of glue - less refilling.- Dispenses easily.- The glue level is always near the tip so it ready to dispense immediately. (No more upside down shaking to get the glue out of the bottom.)I bought the extra tips so I could cut one back to squeeze out a bunch for large panels, or put on a more finely trimmed one for smaller edge glue ups.Good tool purchase!$LABEL$1 +should be cheaper. This 3 movies should be at least $30 cheaper than buying the 3 complete combos, for an extra $20 you get DVD Blu Ray 3DBLu Ray Digital copy and extra features, this item is just not worth it[...]I was just in time to buy this combo packs before their prices went up, got the 3 combo packs for $88 instead of lowering the first 3Dpack which i'm making the review of, amazon preffered to increase the prices in the separate packs$LABEL$0 +Doesn't work for everyone!. My two year old daughter has been sucking the middle two fingers of her left hand since just hours after her birth. To avoid future embarassment for her and high orthodontia bills for me, I bought Mavala Stop to coat her fingers. The first night, my daughter DID keep the treated fingers out of her mouth. The next night, I found her sucking those fingers. The third night, after my daughter's bath, I coated her fingers again. Before the Mavala had even dried, she was licking her fingers like they were popsicles! So, it may be a great product for successful results with other customers, but Mavala Stop is not for us.$LABEL$0 +Meh. I guess I was just expecting more from this gift, and it is partially my fault for not reading the full description better but i basically expected them to be bigger, both from the picture and just in general due to the level of detail required to reproduce the characters. I will be keeeping them and giving them as a gift as intended, and see how well they go over, but my not hoping for a lot, definitely had higher expectations for the product than what was delivered.$LABEL$0 +Interesting & Well Written. Checked this book out for a water crisis research paper I was writing. This book is interesting and well written. It is full of great statistics and facts. This book covers numerous topics including water supply, sanitation, agriculture, nature conservation, and the many ways we use water. It talks about potential solutions to the problems we are causing and the importance of protecting the water cycle. Great book if you're interested in water issues!$LABEL$1 +Garbage. You have heard this stuff already if you listen to radio friendly garbage over the last 10 years. Don't touch this trash with a ten foot pole.....you have been warned.$LABEL$0 +If you got this far, you can't stop now....... The final chapter in the Ring Cycle, as done by the Metropolitan Opera conducted by James Levine. This is a fine offering. Of particular highlight is Hildegard Behrens portrayal as the spurned Brunehilde. A surprise was Christa Ludwig's fine performance, not as Fricka, but as a Valkyrie (a role I enjoyed very much). The story itself ties up a lot of loose ends....Also great performance of Siegfried's death march. Definitely worth watching if you've gotten this far.$LABEL$1 +DISAPPOINTING. I WAITED ANXIOUSLY FOR THIS BOOK AND AM TERRIBLY DISAPPOINTED. I AM HALFWAY THROUGH IT AND DON'T LIKE IT. IT IS FAIRLY BORING AND REDUNDANT. THE CHARACTERS AREN'T PARTICULARLY LIKEABLE. IT CERTAINLY ISN'T WORTH FINISHING.$LABEL$0 +Insane. This cd from the start is non stop metal. The guitar riffs are insane and it makes you want to bang your head to hell. I'ts nuts to think the vocalist is a girl, but it's true and she kicks a$$. Oh, and there is a review here by someone named 'Fred Durst's Numba 1 Fan' or something stupid like that, read his review, it's hilarious and an insult at the same time. Buy this cd and you will not regret it, I know I didn't. When you do get this cd, the last track has this ridiculously fast guitar riff. Good solid musicianship right here. Worth the money.$LABEL$1 +Can't recommend linksys any longer.. I will never buy another linksys router. This is the third router that has crapped out in 2 years. When you go on their website for chat support they say that if the router is out of warranty (12 mos) they can't provide "chat" support. Nice company. It probably costs them $[...] dollars to make a router and they're selling it for $[...] and not only supporting it for a year hoping that when it fails you'll have to buy another one. I'm not sure what company has the best routers, but it's certainly not Linksys (and its parent company, cisco, is quickly becoming the crap that is Linksys).$LABEL$0 +Very good!. An excellent book about how to deal with emotional pain. The author is quite the intellectual so it's kind of deep, but very good and helpful.$LABEL$1 +Buyer Beware!. I am surprised to read some fairly high praise for this less than mediocre attempt from Mom and daughter. Perhaps the reviewers are like me and usually find Mary Higgins Clark a good read and do not want to hurt her feelings but come on, this particular book is a dude with a capital "D". I am so sorry I purchased not one but two copies. What a waste of time, and money, not to mention the embarrassment of giving an audio version for a gift. So much for listening to certain "book reviewers" that was a mistake.$LABEL$0 +uses word dumb. was excited about this book for my daughter, Nora; but it uses the word "dumb" multiple times.$LABEL$0 +Does not work for MX500 Mice. I bought this pad originally for my Intellimouse explorer mouse.Using the Intellimouse with this pad is a joy for a short while. A week later and my Mx500 arrived..this is where the problem started. I noticed the pointer moves in random directions when you move the mouse slowly. I thought that this was because the mouse had some tiny scratches on it. So i cleaned it and used it again..no luck.Today i went to staples to have it exchanged for a similar mousepad. To my dismay, the pointer still goes awry if you move the mouse slowly if used with a Mx500 mouse. So if you have a logitech mx controller.. proceed with caution.$LABEL$0 +A Fine Example. This book is a fine example of good things coming in small packages. I have other books by this author, and find them equally useful, but this slender volume is my favorite of his work. Like Ray Hunt and a few others, Brannaman belongs in every horseman's library.$LABEL$1 +Don't get it, even if it's 1 cent. For free? Not even. Just takes up precious space where other garbage could go. WHAT A BAD GAME! The graphics don't usually get to me ever, but wow, these are terrible. Just an all-around joke of a game. I got it for 2 bucks at Electronics Boutiqe along with about 7 other good cheap games, so I wasn't too angry, but you will be if you spend any more than that and find out how horrible "Cyclemania" is.$LABEL$0 +Fun pet toy. This laser toy is great for pets as it is bright so they can see it clearly and has several fun shapes to display.$LABEL$1 +This Is More Like It. I am not a fan of electronic music so Joe's last studio effort was my least favorite of them all.This is more of what I like out of Joe.There are people playing instruments along with him and that is a plus.There are some really cool effects to go along with a strong collection of songs.I have only listened to it twice and I already know that this one is a keeper and is right up there with his other really good cd's.This guy is the Michael Jordan of rock guitar players.Chops with feeling.Both traits combined are rarely seen at this level.This group of songs are fresh yet represent everything great about Joe's music.It's alright,go ahead and get this one.You'll like it if you like Joe.$LABEL$1 +Yummy ^^. It came in a pack of 4, and it is really yummy! Good buy :) But what's not mentioned on the description is that it is slightly sweetened.$LABEL$1 +Hit or Miss. I think the root problem here is that not all X-Boxes are built equally. They apparently can have a variety of different DVD drives installed in them at the factory and it's a roll of the dice as to if you got a good one or not.I had a mediocre one. Played games no problem but had skipping, stuttering or outright failure to play some DVD movies that ran just fine on my computer or new DVD player. Some people report you can play DVD-R and CD-RW, some say not.So I dunno -- this makes a nice, cheap DVD player for the kids but shouldn't be looked at as a fully reliable system.$LABEL$1 +LOVE IT. I am starting to think this ring is going to become my new family crest. So far I have one, and this one was for my brother. We both get a lot of compliments$LABEL$1 +GREAT VALUE. SHOPPED FOR THIS LADDER IN MAJOR STORES AND COMPARED PRICEING- THIS WAS OVER $60.00 CHEAPER HERE AND IS A GREAT VALUE$LABEL$1 +E W!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!. i haTE this crap! unless you want to waste your money, don't buy it, this is really 0 stars, but you can't put that$LABEL$0 +Great starter dot-to-dot for children. This is a good starter dot-to-dot for children. There are easier ones and more difficult ones. I'd say age 4 is a great starter age for this book$LABEL$1 +No more missed pills. I have found that I have not missed any of my medications anymore since I got this. I like how easy it is to set and change times for medications. I sleep later on weekends and it is very easy to change the alarm for a later morning pill on Saturday.I do not like the small display. I thought a missed pill would be more obvious. But it has a small text indicator.The alarm is loud enough to hear across my house, so I would think anyone who can hear a doorbell will hear this.$LABEL$1 +WE HATED IT. Not only was this seat extremely difficult to figure out, the belts were cumbersome and our son - who is generally very easy going - acted as though he were being tortured every time we started the 5 minute process of strapping him in. And the memory feature on the seat belts is absurd. If there is someone with a baby that weighs the same amount and wears the same amount of clothing each and every day - perhaps they will find it more useful than we did. Go with the Britax - more money but much less frustration.$LABEL$0 +Cute Cute. Gotta say, this is a bit corny, but was pretty good. Many laughs here and there, and old and young jokes too! Great movie for the season is here for Easter.$LABEL$1 +Haunting Vocals. Discovered Flyleaf by pausing on an episode of "Beavis and Butt-head". I must say I was suprised considering the normal music they showcase. Lead singer Lacey Mosely's vocals can either shatter your eardrums or break your heart.$LABEL$1 +how can you listen to this. how can you people listen to this sh--. I wish i could give it less than one star, but this review thing wouldnt let me. alternative rock stations that play this stuff are wrecking all good music. take slipknot for an example: they play the slowest song on the cd; then as people start to like that song, slipknot thinks that people like the slow music. So then the next cd that they put out will be slow. DONT YOU PEOPLE GET IT! YOU ARE WRECKING GOOD MUSIC BY LISTENING TO THIS SH--.$LABEL$0 +Disappointment. Sounded great, however it was hard to operate, difficult to see, stylus was too narrow for hours of use(hand would cramp). We returned it. Not for anyone over the age of 40.$LABEL$0 +I did not enjoy this book because it was confusing.. I did not enjoy this book because it was confusing and if you missed a single part of the book, then you were basically lost for the rest of the book. There were also too many characters with wierd life stories that weren't important until the very end. It was very complicated and hard to read.$LABEL$0 +Avril LaVagne. I REALLY LIKE HER MUSIC BECAUSE ITS REAL AND SHE JUST TELLS IT LIKE IT IS!SHES NOT LIKE BARBIE!ALL THE OTHER FEMALE SINGERS ARE ALL PRISSY AND GIRLY AND SHES NOT THATS WHY I LIKE HER!$LABEL$1 +Jumpstart Games are Great for Little Scholars!. This title is third in the Jumpstart series of learning games (it starts with Toddlers) and is typical of the high quality, fun learning games produced by Knowledge Adventure. The characters are engaging for the designated age group, and the activities are both fun and encourage learning. The game increases the levels depending on your child's skill (not by a preset formula) making them more or less challenging depending on the individual, and the progress report helps you see exactly what areas your child needs help in. This software is a great compliment to the Jumpstart series of workbooks. Highly recommended!!$LABEL$1 +is this really what teenage life is about?. I think that after reading this book and many other so called teenage life books, i relized that this is not really what life is for me. yes there are a few incidents when i want a boy friend, or i kiss a guy, but it is not always the most interesting thing to read over and over again in every "teen" book. Prep is kind of like that. Highschools are not all perfect, they have their flaws to them. Like crime or racists. Every teen book so far has been about the better off people, how about writing one about some people on the streets or the hood. They have stories too. they aren't just people reading stories, they probably want to read one that relates to them. Again if you want another pathetic teen book, read prep!$LABEL$0 +What happened to this group?. This album was terrible compared to their first album. They need to decide what genre of music they are going to fall into. I also saw them in concert and they were terrible. They were the feature act at the Butler County Fair in Hamilton, Ohio and they only played for about 45 minutes and sounded awful. I later saw Tracy Byrd at the same location and he was great!$LABEL$0 +Nice lady.. Her pleasant life doesn't make for exciting reading. Makes me happy someone out smarted the Evil Old Henry.To have a complete history of him though I guess i will even buy Jane Seymours story. But I won't find it exciting either.$LABEL$1 +flashlight. I think that this flashlight was a very good price. I already had one, but a second on is great to have in the house.$LABEL$1 +Was this Mansfield Park?. I love this story, and I don't necessarily expect film adaptations to be faithful to a novel in every detail. However, this film is so strangely cobbled together that I think if I didn't know the novel so well I would have had no idea what was going on. Motivation, character, and relationships need to be developed even if they diverge from the original, but the characters here were mostly two dimensional, and inconsistent. The sets, costumes and cinematography were only so-so - these are elements that can make up for a lot if the viewer is looking for pleasant entertainment. Sadly, even that was lacking.I'm not sure what this was supposed to be, but Mansfield Park it was not!$LABEL$0 +Just ok.. This book was just ok. No real details and story was a bit bland. Needed more suspense and thrilling details. Took me for ever to read couldn't stay interested.$LABEL$0 +Pump leaks!. We got this same pump with our Aqua Leisure 13'x39" simple set pool. It works okay, but we can't get it to stop LEAKING!! No matter how tight you screw on the lid, water STILL comes out the top. It makes the ground all wet and mushy around it, not to mention it lowers the water level of the pool requiring us to top it off every couple of days. [...]$LABEL$0 +Don't waste your money. First off, product you receive is not labeled Insten like the one in the picture, which leads me to believe it is not the same product as pictured. These speakers are worse than horrible. I thought with the cheap price it would be worth trying since the reviews are either good or bad. But don't waste your time or money.$LABEL$0 +CALPHALON NON STICK PANS. These non-stick pans are not what one expects in performance. The pan can not be used with high heat or the teflon coating peels off. If you wish to sear food on high heat it is a big problem. I do not feel the company totally prepares or informs the user adequately to this major malfunction. I informed the company of my displeasure and was told to send the pan to them, at my cost, for evaluation, Meanwhile; I am out a daily used frypan. I would not buy an overly costly Calphalon non stick product again. All my pots and pans are starting to show signs of deteriation. Not what I expected for my $500.00 investment.$LABEL$0 +4 1/2 stars. if you're looking to add some vibes to your jazz collection, this is a fine fine album, and would make a good choice. mr hutcherson is a fantastic vibes player, and is joined here by herbie hancock on piano, bob cranshaw on bass, and joe chambers on drums. the entire album is special, but the tune that i really want to give a shout out about is "bouquet," a stunningly gorgeous slow-tempo piece that has soul-stirring interplay between the bass and vibes. one of my favorite slow jazz numbers of all-time. if you are considering picking up a copy of this album, i say "do it!"$LABEL$1 +Loved It!. I too remember this book as a child in the 70s. My brother and I LOVED it. I didn't realize it was part of a series until I worked in a bookstore in London 3 years ago.$LABEL$1 +GREAT Beginner Pilates DVD. I hurt my feet and couldn't do the usual workouts so I turned to pilates. I am very much a beginner and this DVD was FANTASTIC!!! She explains everything well but doesn't over do it. The full workout takes about 31min. and there is a bonus workout but I haven't tried it yet because it looked like there was going to be some standing moves and I have to stay off my feet :-( I'm used to sweating and panting during my workouts and this doesn't do that (I glisten a bit). I've been doing this 2-3 times a week for about a month now and I still enjoy doing it. If you are a beginner to pilates this is a great place to start.$LABEL$1 +Most 50's Blackwood Bros. albums in one place. This is a great set of 5 cd's and a very nicely made book of pictures and history of the Blackwood Brothers. Boxed in a really nice collector quality enclosure. The quality of the recordings is just perfect. I hope the producers will make more of the Blackwood Bros. and the Statesmen Qt. in this format.$LABEL$1 +No good. This tape is too sticky. The dispenser is nice (but of course can't be refilled). The tape is overly stretchy and does NOT come off easily.$LABEL$0 +Works great. I purchased two of these and they work great. Just set your fan to full speed and leave the light on, then control it with this.Someone else installed but, so I can't comment on that.$LABEL$1 +A Common Life. Great book. I have all the Mitford books and they were very good. Most ofthem I ordered from Amazon and was pleased how fast I received them andthe good condition they were in. I would not hesitate to order books again$LABEL$1 +Wait till they lower the price or hire a proofreader...... I was genuinely distracted from the content as I found myself reading every page "looking for more typos, inaccurate facts, etc". Many are noted in previous reviews....Butch Harmon is referred to as Bruce....David Duval is later called Davis....etc. I do not know the publishing process but I would think an author should have a vested interested in proofing his product....as well as many others. It is obviously an effort to cash in (the book itself had interesting facts, if you can trust themmmmm)......but also seemed disjointed and like it was slapped together without connection between chapters....bottom line - an inferior quality product given it is a 24 dollar hardcopy new book......wait for the next revision......$LABEL$0 +Buy the separate Widescreen releases instead!. It puzzles me why Fox only chose to offer a PAN-AND-SCAN box of the first two Star Wars prequels.If you're a fan of these films, it's much better to buy the separate widescreen releases of each. You won't get the pretty slipcase, but at least you're getting the whole movie and not a butchered pan-and-scan version.It is rumored that when Episode III comes out on DVD this November, Fox will release a box set of all three prequels in their proper Widescreen Anamorphic format. Hopefully that rumor is true. (Though, since I already own the WS versions of Episodes I and II, I'll forgo the box and pick up the regular release of III.)$LABEL$0 +Truly terrifying.. I do not believe in stuff like this. So many credible witnesses just makes this incredibly unsettling. I am not sure I will ever feel safe again.$LABEL$1 +Buen disco de deftones. Este disco es excelente, como todos los de deftones, a mí me gusta 7 words y bored, son buenisimas.$LABEL$1 +Watch it, but you will hate it. I saw this movie in theaters and i wanted to die. Watch it if you like, but it sucks.The acting was dreadful, and the plot was dumb.Thanks for listening$LABEL$0 +Auto Water Bowel. Great product, I bought a more expensive one after my first wata bowl, the Bergan one outlasted the stainless steel one by far, I now have 2 plasitc bowls. Fast shipping and good quality.$LABEL$1 +poor sizing, feels like it will fall off.. These were poorly sized. They fit fairly tight until the middle of your palm but flare out from there instead of at the wrist like your typical slip on glove. They also have no elastic to hold them on your wrist. The gloves feel like they will fall off, and easily fill up with leaves/debris/etc. They do not give a sure fit and feel. These also have no elastic to them so that adds to the poor fitment.I decided I will return the product I disliked them so much. It's too bad - the fleece lining was nice.$LABEL$0 +Not Effective. This mousse is not effective. It does NOT hold, it does NOT work well against frizz and it does NOT enhance your curls. Don't waste your money.$LABEL$0 +Not So Hot. I bought this CD because the samples of the music that I heard sounded pretty good. After listening to it a few times, however, I find the selections to be repetitive and unremarkable. Most likely, I will listen to it once or twice more, but I'll probably end up donating this CD to a charity thrift store.$LABEL$0 +very helpful - now you can play gameboy all the time.... the good news is that you can play gameboy all the time. this little gadget plugs neatly into a side socket and provides a nice light to make the screen usable. there is definitely a reflection that is a bit annoying, but careful positioning of the light source seems to help. it pops out easily and is quite portable, so you don't mind carrying it around. and, from what i can see, it doesn't seem to drain batteries noticeably faster. although you will play more and longer, so expect to be using up more of those puppies...the bad news is that you can (and in my case - will) play more often. plus, it's easy to hold on to, so the kids can sneak into easily under the covers when they're supposed to be going to sleep. however, in the grand scheme of things, these are the prices we pay for an ever-evolving society.for the price, it's a handy addition. if you haven't already, go ahead and splurge.$LABEL$1 +not worth it. Its a shame. Pretty, but horrible antenna, you can't add a better one, no forward or reverse on the cassette player, feels like it'll fall apart at any moment. Back to Target it goes.$LABEL$0 +Simplistic, but it has a message. This is a very small and not overly challenging book with a simplistic message. Underneath the fable of the mice and the men, Johnson is dealing with change: how change can come with little warning, how different people react differently to change, how people prefer to be snug and safe and therefore fear change. The cheese here is an allegory for whatever you may value, be it money, relationships, even just cheese! What happens when your cheese suddenly vanishes and you cannot seem to get it? Do you sit and wait in the hope it will return? Do you try to find out what happened and thereby get hold of some more cheese? The book has a message so do not get put off by the fable format. What seems to be obvious and common sense is not always so in real life and sometimes a silly fable helps like a poke in the ribs. Worth a read but I find the bestseller rankings hard to believe!$LABEL$0 +One Great Book!!!!!!!!!!!!!!!. I got this book a bit back but ever since then I have been rereading it. It is simply one of Misty's great books. Kero (or Kerowyn) is a strong female who can take care of herself. Thank you for that. She always stands up for what she believes in and doesn't let mn push her around or take advantage of her just because she is a woman. And even though she isn't exactly feminine, she still wants love. Or at least with Eldan. This book was a great one. I would recomend that you read it when you get a chance.$LABEL$1 +Worx Customer Service. Battery died on my worx trimmer after 4 months. Trying to contact customer service...they dont answer the phone or reply to emails. Stay away from this thing.$LABEL$0 +Highly grateful for this product.. When our 12 year old dog began limping periodically we discovered he had arthritis. 300mg of enteric aspirin was suggested. We were also told that the human variety was acceptable. It worked great for the arthritis, but it upset his stomach and he stopped eating about 2/3 of his normal amount. I found this product here at Amazon and decided to give it a try. Since the aspirin is chewable, we decided to start with 1/2 a tablet to see how it worked. He's doing great now, eating better than ever, is much more active and far less "grumpy". I would recommend this to anyone with a dog in need of pain relief because it is chewable (therefore you can reduce the dose) and doesn't upset their stomachs as the human type so often does.$LABEL$1 +Good Concert. As always, good concert by Rick James and I will be looking for more DVDs of Rick James. The man was an exciting performer.$LABEL$1 +excelent reference manual. This is the best reference on the STL that I have ever found. It covers everything in detail and tends to identify the places where you are likely to encounter difficulties.$LABEL$1 +I love the book. This has been one of the best books I have ever read!! I love the author's writing style!! Definitely recommend this book for those who belong to a book club!!!$LABEL$1 +fix the typos. I love this series of books. I have learnt more about the history of England than I ever did at school. However, my enjoyment is marred by the number of typing errors in these kindle books. It is getting worse with each new book and it is truly annoying to stop the flow of my reading to try and work out which word was intended.$LABEL$1 +Cuisinart electric pressure cooker. I have used a traditional pressure cooker for years. This Cuisinart electric pressure cooker is great. Easy to use, fast and versatile.I am having fun trying even more recipes with this!$LABEL$1 +The color is one of a kind!. This color is one of my favorite OPI colors! I have never seen one like it. The color is a mauve/rose shade with very fine golden metallic sparkle that looks like stardust. I bought mine at least three years and every time I wear it, I get at least one compliment on the color.Claudia$LABEL$1 +Not what expected. I ordered this for my 2012 Chevrolet Equinox LT1 and was SPECIFIC about that in my order. What I received was a cargo liner for a 2005 - 2009 Chevy Equinox!!!! The box it came in had seen better days and obviously been returned before AND the instructional booklet enclosed was for the 2011 Equinox!I did receive a prompt refund which was the only good part of this purchasing experience.Need I say more?$LABEL$0 +1 of Canada's finest. This is an awesome CD by an awesome group. Although they are often overshadowed by Our Lady Peace, you can't deny what I Mother Earth did for the Canadian music scene in the mid 90's. Unfortunately, there will never be another CD like this, now that Edwin is pursuing a solo career. I Mother Earth will never be the same without Edwin, but we'll always have Scenery & Fish, one of the best albums of the 90's.$LABEL$1 +Kindle Formatting Error. The formatting error for kindle ipad rendered the self assessments unreadable and useless. I wish I could get a refund.$LABEL$0 +does not swing. This swing should only have 1 setting "barely swings at all" I switched to the acuarium swing by fisherprice. It takes batteries but atleast it works.$LABEL$0 +So Glad for the "Official" Bonanza dvds!!. I am the happy purchaser of Official Season 1 volumes 1 & 2 and also the Official Season 2 volumes 1 & now 2.I had purchased the german dvds as the original music was on them, unlike all the other dvds of Bonanza circulating round the USA and found in dollar bins etc.But these "Official" ones are well worth the price. Firstly, for me, they have captioning, which is a boon for those with hearing losses and they naturally have the original music scores and are uncut.But they also come with great extras! There are still b&w; pix from behind the scene shootings, there are publicity clips (a video of a Rose Bowl Parade appearance in the most recent), comments from the producer, Mr Dortort, voice overs from guest stars and stuntsmen etc with tidbits about the shows, the actors and the production.For the Bonanza fan, this is MUST HAVE item. And I can only hope that more dvds for other seasons will be produced and in the same manner.$LABEL$1 +Help for opening safe. This toy is a piece of junk. IF you can ever get back into it. Hints for those totally frustrated - jimmy the lock with a thin credit card. Wiggle the end of the credit card in the door space right below the area of the lock - it'll pop open then. We figured this out after trying to get the thing to open to rescue my friend's daughter's Christmas money out so we can return this!!!! Don't buy it!!$LABEL$0 +The keypad failed first time out. I'm sure Garrett makes a good product all in all, but the one I purchased, a Garrett GTI 1500, failed on the first time out. In order to pinpoint and look a the size of your target, you have to press and hold the "treasure imaging" button on the keypad. Well, this particular keypad and button was poor quality and the button got stuck in the activate mode. I had to send the detector back. I recently paid more money for a different and better quality detector, and the extra money has been worth every penny. I'm not saying this is a bad detector and the one I purchased may have just been a lemon, but you get what you pay for.The refunding experience was OK. I had to send several emails and make several phone calls, but in the end, I was refunded. Garrett complained because I used a different box to return the detector, but the original box was so beat up when I received the package that I couldn't re-use it.$LABEL$0 +I want a game that works!!!!!!!!!!!!!!!!. I have purchased and returned THREE of these games and they all do the same thing!!!!!!! After my son picks his teams, it says that its loading and then it says that the disk is dirty or damaged. I am disgusted and would love a game that works.$LABEL$0 +I had fun......... this game is a very good game even if you dont like Military. Although it wasnt has good as the PC game (if you have a choice between the PC version and this one get the PC version). The different weapons and levels are good. But there is little re-play value (except to maybe boost your stats) and there we was some gliches i.g. Bad guys dont shoot at you when your 3 feet away. Not saying the AI is bad but..... its not the best. Overall this is a good game and worth the money. hope this help!$LABEL$1 +Marketing Phrase Book (Professional Edition). On receipt of this book I was reminded of the Spanish proverb "cheat me on price...never on product"The content of this publication provides a useful shortcut to the dictionary. However, having paid ... for this product, I must stress my disappointment with the physical quality. It is poorly reproduced. Unless you can live with the imperfection of the reproduction, consider buying the non-professional addition of this book and save yourself a lot of dollars in the process.$LABEL$0 +Found something better. Tried the Ultimate crib sheet, but had difficulty getting to the back of the crib (no wheels), and felt it was a pain to snap / unsnap that many places. After a little research, found the quick zip crib sheet by clouds and stars. Have had for 3 months now and love them!!! So easy to change - only advice is to put a flat waterproof pad underneath so you can just lift both off to launder.$LABEL$0 +not what I was looking for-. I have always like EA games in the pass but this is one I should of skipped over. My main issue is this game is too much trouble to play with a mouse and just setting it up was a waste of time. I read trhe reviews before I purchased it and this is not the 1st time I bought something that had postives reviews but turn out to be a waste of both my time and money. If I though I could return it and use my money onsomething more to my liking them I would- an example of a great game is Dragon Age.$LABEL$0 +Great but not right size. This is exactly what I was in need of. I constantly forget things such as "where are my glasses" and need an alarm system.Perfect in all respects except that I can not set it or read it without my glasses. I wanted big digital numbers and buttons. I went by the size shown on the specs which is incorrect (6.80 inches x 4.50 inches x 1.10 inches). Amazon may what to correct that information to the actual size which is about half the size indicated.$LABEL$0 +OXO rocks with stainless series!. Sleek look and comfortable design. Comes out clean from dishwasher with ease. We love this line.$LABEL$1 +B.Franklin very good. Fascinating. Learned many things I didn't know. Fast read. I didn't realize he traveled so much, along with helping protect the out laying villages. Must read for history buffs!$LABEL$1 +An Absolute Joy to Play!. I purchased Civ IV for my nephew at Christmas and we had so much fun playing together and separate, when I can get him off of it, that I decided to go for the expansion. We still enjoy playing the hot seat together as well as separately conquering the game.This new installment adds some more features and characters to it. Which equates to more fun. New leaders add another bit of that fun spice to the game. Graphics are awesome. We use an iMac and love the way the whole thing looks. We have watched all of the "wonders" videos and still find that we like to re-watch them every time we play.For people who enjoy strategy games this is a must as far as expansion packs go. If you don't have Civ IV yet get it and enjoy it.I gave this game 4 stars for the fact that there is always room to expand.$LABEL$1 +Football. This might make it as TV movie but I would not pay for it. I thought is was true life story but it turns out to be a "what if" from the life of one of the actors if she had made some different life decisions. Young girls might like this movie for inspiration but in general not a movie I would pay for.$LABEL$0 +Know your history.. We are using the dvds as an intro for for further learning about these heros. Consider your child's age before viewing as some of the stories are a harsh truth.$LABEL$1 +Excellent buy.. I haven't seen this show since I was 14. Now that I am much older and more experienced (presumably) I can review each episode with more insight thanks to the rewind button on my DVD PLAYER. This beats the days of me rewatching the shows on a horribly old tape player that only recorded fifty percent of the sound.This IS A BARGAIN for any fan of the show. DVD quality epsiodes of the entire seasaon for roughly $30. Amazon shipped it perfectly in tact. There were no loose discs, even though they issued a warning about it-I checked every one. I was hoping there was more audio commentary on some of the episodes but it's forgivable since this predates all this DVD extravaganza stuff.$LABEL$1 +Dead Polaroid. I'm like the rest of you.Had the TV for about 14 months and it died. That's about $65.00 a month to watch TV. Now I have to pay to have it fixed, " don't know what that will cost." Plus what I pay extra for HD programing on my dish. I think I will go buy a plasma, whats another $1600$LABEL$0 +What a disappointment. I expected a light read, and got even less than that. Kwitney writes briskly and uses language well; I'll give her that. But the plot was so painfully predictable, the twists so superficial, and the characters so flat that I had a hard time keeping enough interest to finish the book. The sex scenes were absurd, really worthy of the cheesy series romances. In all, I could have spent my time and money in much better ways.$LABEL$0 +Useless Cookbook. A very worthless cookbook on Sushi. With this book, the author insults those of us that are sushi lover. Pay me to read this book, NO WAY! If there is a ZERO rating, this book desrves it!$LABEL$0 +Gamecube sucks don't buy!. Nintendo is turning crap, the only good consoles of all time would be the NES and the SNES. Don't buy.$LABEL$0 +COLOR IS NOT EVEN CLOSE TO WHITE. THE DESCRIPTION SAID THE COLOR WAS WHITE AND WHEN IT ARRIVED ON THE OUTSIDE WAS ALSO MARKED "WHITE" .... AS I HAVE WHITE CABINETS. THE COLOR THAT IT REALLY IS A TRUE OFF WHITE /ECRU .. VERY YELLOW COLOR .. IT IS NOT JUST A NICE OFF WHITE .. IT IS BIEGE /YELLOW / OFF WHITE .. I OPENED BEFORE I REALIZED AS I THOUGHT IT WAS TAN WRAPPING PAPER AROUND WHITE ROLL .. IF COLOR DOESNT MATTER ..THEN OK .. IF IT DOES AND YOU WANT WHITE.. THIS ISN'T IT .. I DON'T LIKE WHEN I ORDER EXPECTING ONE THING AND GET ANOTHER .. ANNOYED .. THX$LABEL$0 +Uncomfortable, not padded. Hardly any give in the elastic, so much so that I'm not sure it's really elastic. It's something that resembles elastic but doesn't give and take. It just stays put like regular fabric. It feels stiff and seems to run small. There is a very, very small amount of padding at the bottom of the cup. The rest of the cup is thin silky fabric. If you're looking for nipple coverage, don't buy this.$LABEL$0 +Chauvenistic!. This book was so blatantly chauvenistic! It's obviously a children's book that was written before political correctness or women's lib occurred... It stereotypes what boys "do" (be Dr.'s, fix things) and what girls "do" (help Dr.'s, break things). Read it for a great laugh!$LABEL$0 +Great series of stories. I have been reading this series every 3 or 4 years since they were first published. I am so happy they are being published again. My original copies are coming apart.$LABEL$1 +Easy read, but not all that interesting. This book is exactly as advertised - Greta's opinions on a variety of issues. While I may agree with her on a lot of issues, I'm not sure why I should care.I learned a little about tort reform, was creeped out by her section on the death penalty and found the CNN slams a little annoying by the end.Overall, this was an easy read but not all that interesting.$LABEL$0 +Excellent. This machine is amazing. It makes baking, etc... a breeze. No more hand mixing. It's a bit loud, but otherwise a good buy.$LABEL$1 +Welcome to fantasy island... This book may as well be a science fiction novel. None of the information in this book is based on Sacred Scripture. Where he gets his interpretations of the Book of Revelation, we don't want to know. All of the information on the Catholic faith is completely wrong and he has done no research to substantiate his claims against the Church. The only thing I would recommend this book for is to start your next winter fire with.$LABEL$0 +1/2 Good. So maybe I'd give it 2-1/2 stars if it was possible.The good: The visual. Very stark. Very arresting.The bad: You HAVE to convince yourself to leave believability at the door. From beginning to end.Yeah, yeah, I know this is comic book stuff. But to sit through two hours of getting beaten over the head with over the top violence gets pretty damned dull for the viewer. In my case it took me only 30 minutes to pull the plug on my DVD. Why? Because Rourke's superhuman character gets pulverized by a speeding car THREE times and walks away virtually unscathed, save for a bloodied face. But then, a few scenes later, get's knocked UNCONSCIOUS by a sledgehammer to the noggin.Huh? Direct impact by a speeding automobile inflicts almost zero bodily harm, but a hand held piece of hardware k.o.'s him?!?Safe to say I won't finish this movie anytime soon. If ever. Zzzzzzz.$LABEL$0 +Ethernet protection is rubbish. The good: design is excellent, plugs are evenly spaced, no problems connecting a lot of computer equipmentThe bad: I specifically bought a couple of these because it includes Ethernet protection. Unfortunately, when I connect my Ethernet cables through this surge protector, the signal is attenuated so badly that up to 70% of packets are dropped. I've tried it with multiple different routers, switches and pieces of computer equipment with more or less the same results. Maybe I got a bad manufacturing batch, but if you are looking to use the Ethernet protection I'd advise getting something else.$LABEL$0 +MUST READ. This is the missing link!!!! must read...great insight into Abraham and many other things that are not so clear in the scriptures alone.$LABEL$1 +I love this carrier. I knew I needed a carrier that would work on both the front and back. I found this at K-mart and we love it. We had a simple one-piece cloth carrier that my son hated and it didn't fit my husband. It was complicated to get on as well. With the snugli, we didn't have any of those problems. My son loves to be facing out so we used that one most often, but the backpack is the way to go while cooking or doing other things that make having a baby in front difficult. My husband is 6'4" and 280 lbs and it fits him just fine!Buy it and you wont regret it.!$LABEL$1 +efficient, loud, broken. I have owned different brands, Krups, Braun, Cappresso, Cuisinart, and Mr Coffee burr grinders. The Cuisinart did a good job of grinding, and was no more or less messy/hard to clean than others. But, it was the loudest and then broke at about 6 months. It's back to the Braun KMM 30 for us.$LABEL$0 +Works well for what it is.. Only minimum use so far, but I like it. Screen is hard to read when choosing options and menu takes a little getting used to, but it prints well and that's what you're buying it for. Wastes some tape when printing, but not more than any other label maker. When doing multiple labels I took to writing them all out on the same label but spaced out and then it's more efficient. Typing is simple with qwerty keyboard and extra tape is easy to find.$LABEL$1 +Delightful, fun, and sexy.... I have just returned from a sneak preview of this film. I must say, I thoroughly enjoyed myself, as evidently did the rest of the sold-out audience. This version is simply 'different' than the Japanese original. Not better, not worse. I laughed, I cried, I was swept away by the dancing, and all the characters were memorably charming. Richard Gere can still send me swooning, and his dance moves aren't bad either! I recommend this film, but only if you want to have a super good time...$LABEL$1 +Belt clip broke off 1 week after purchase. Cheap case with weak magnets on front flap. Belt clip appears sewn to case, but in fact it is glued on - and the glue gave way within 1 week of purchase. Not recommended.$LABEL$0 +Driver 2 drives me crazy!. I got this game from a friend because he hated it also. The storyline is alright. I found the music quite annoying. The graphics give you a head ache thats its not even funny. Its hard to control. I am glad I did not buy it myself. There are much better games out there for you to get so don't waste your time or money on it.$LABEL$0 +Didn't Work. I took a chance with this video, since it got so-so reviews, and I was disappointed...when I put the DVD in, it came up with a simple menu, no images, just a simple content list. Then, I wasn't able to click onto the content and play it. Totally didn't work! I'm going to try to return it...$LABEL$0 +Not the best HP but it kept me reading furiously. This is a great Harry potter book. My only problem was with the ending. Yes, I am sad about the major death, but that is not my issue with it. i was upset that it ended so abruptly after the death. At the end of most of the books, everything gets explained and you are left with a feeling that most things will go back to normal for him. This book makes it clear that things will be different in the next book, which makes it suck that we will have to wait another ~2 years to find out what happens. Bottom line- too much of a "cliffhanger", though its not a true cliffhanger$LABEL$1 +Gershwin's Works. Though I do like Gershwins' work, this production of it is not good. I had the recording on a very old LP that I have listened to for years, and the difference in performance is very obvious. I would have thought the Chicago Symphony Orchestra would have done a good job with this, but it lacks the verve and power I have always associated with Gershwin's work.$LABEL$0 +horrible. bad movie dont buy it, you'll never finish it it's really boring and has bad sound and picture with a devastatingly terrible plot$LABEL$0 +Fun, fun, fun, (again, again and again!). Like all of the books in the "Puzzle" series this book on its first reading kept my children (6 and 4 years) occupied for an age. However what sets these books apart from other "look and find" puzzle books is their ability to be re-read again and again. Even though both my children know all the answers and where the "hidden" objects are, these books are read at several times a week at least!What is especially nice about this book is that the main characters of the story are two females, a young girl and a mermaid. It is not suprising that this is my daughter's favourite book of the series.$LABEL$1 +Cookware Much Too Small. I bought this cookware for my 3-year-old grandaughter, who was completely disinterested in the toy. For a start, the pots and pans are too small to actually "pretend cook" with. I also bought another item from Small World Living Toys; plastic veggies, that I assumed were shown with the cooking set. In the photo, it shows several vegetables in one pot. In reality, you could hardly fit one vegetable into the pot. The pots are extremely small. I would have returned it, but it was a gift for her birthday. Maybe her one-yr-old brother will play with it.$LABEL$0 +Very good, practical information. There are not many books available about garden photography and this one will be a welcome addition. It is filled with outstanding photos and practical advice. The author explains the usual dilemmas with film, cameras, composition, etc. but also includes very good information about labeling, storing and organizing your work (a link is included for a software program that I was not aware of - thank you!).I bought this book mainly, however, for learning more about taking nature photos with a digital camera. While the author raves about the digital format and even confesses that he uses digital for most of his work now, there are only 2 photos in the entire book (out of hundreds) taken with a digital camera. This is a little disappointing and kind of puzzling. I would have liked to know more about the specifics for using digital photos for publication.$LABEL$1 +An even dozen isn't better. Ocean's 12 lacks the fun of its predecessor, Ocean's 11, mostly because there really AREN'T 12 master thieves running amok....most of the cast spends their time sitting in a cell, an extremely poor decision on the director's part. Where's the humor of Elliott Gould, Bernie Mac and the Mormon Twins? Locked up for half the movie!The story theme is great: Benedict knows who ripped him off, and the insurance payment isn't enough to soothe his wounded ego; he wants it back from the thieves. Another master thief issues a challenge to the team: steal a Faberge egg before I do, and I'll pay your debt for you. The director and screenwriters lose it from there, though, by separating everyone.Still, the movie has its moments, with Julia Roberts playing Tess playing Julia Roberts, and a witty cameo by Bruce Willis. The ending leaves an opening for Ocean's 13, and let's hope they get a bit better script next time around.$LABEL$0 +The Best Series EVER !!!!. This series is so damn good !!!!DONT MISS THIS ONE , if you do you really missed out .$LABEL$1 +Love it! A must have for any woman. This is a great book with great illustrations done by the author. I really enjoyed reading it, it gives a woman a lot of different advice with out being too preachy. I have always really enjoyed Anna Johnson's writing. It is not serious, nor is it uppity or snobby. The book offers realistic, doable advice for women of all ages. It covers topics such as fashion, food, entertaining, and beauty. She has some great advice especially when it comes to dressing chicly, decorating your home on a budget. It also has some nice sections on being spiritual and giving back to your community, which I think is rare in books like this. It also encourages women to be modern women. It's not a book that expects you know know to to cook, or even to look good all of the time, just to have fun and take life with a grain of salt.$LABEL$1 +They're even better live.... Just adding my .02 to all the rest of you great SW fans who've been here before me. I heard SW on the radio back in the early 90's..."What do I have to do?" from W,B,B+P and I just loved it. Bought the CD and loved the whole thing esp. "So Wrong". Then, 4 long years later comes "Darkest Days" and it blows W,B,B+P away! And I have the chance to see them up close and personal in a small local club. And let me tell you if you don't know: they rock live! The energy, the sound, the light-show! What a blast! And their sound was awesome-- so often bands just tyr to be so loud, but they were perfect. you could understand almost every word Chris Hall uttered and hear every spooky effect from the keyboards and programming. If they're coming to you town (check Stabbing Westward www.stabbingwestward.com if that html don't work) go and SEE THEM you will not be disappointed. Save Yourself!$LABEL$1 +Ronnie's Record Review. This man's album is off the hook. His beats, his lyrics, and style is so crunk man.$LABEL$1 +Read the back carefully. In a rush I read the great reviews on the back of the book and thus decided to start reading this book but I soon realized the great reviews are not justified by this book. I took another look at the back and saw that the reviews are ment for the author's "The Bookseller of Kabul". If I had not been misled she might have gotten another star from me.$LABEL$0 +"Great Book to Read". A great book to read. Over the years of reading so many selv development books to improve my way of life, at long last comes "Think and grow Rich"Its one book any person willing to pursue any works of life, no matter how big or smallThe Law of Success In Sixteen Lessons by Napoleon Hill (Complete, Unabridged)Napoleon Hill's Keys to Success: The 17 Principles of Personal Achievementshould read this wonderful work of Alexander Hill. Its a superb book. I highly recommend it to anyone who will want a hand on any selv improvement book to read this one first.$LABEL$1 +Don't ever bye. It's burnout my power converter chip , I reper it for 100$ .Don't bye it's really waist of mounny and it's warthless .$LABEL$0 +dated. These songs don't pass the test of time. Basic and forgettable. Guess he needs the money. Always was overrated to begin with.$LABEL$0 +Should work very well on wood but not grout. I returned this item. But I can't give it a bad review just because it doesn't work on grout. I didn't open it, it was my neighbor who suggested that *maybe* it won't work on grout. So instead of opening it up and not working and then unable to return it, I just returned it.I'm sure it will work great on wood, terracotta, etc. But I doubt it will work on unsmooth surfaces such as grout. Our brick steps are filled with grout in between so we didn't even want to take the chance and use these in case it rains and washes it all away anyway.I must say, the price is half than what my local hardware store sells it for.$LABEL$1 +early example of outer space end of the century Sherwood dub. The usual Sherwood suspects (Prince Far I, Bim Sherman et. al)in some early examples of his dub style. They were all released on ten inch singles originally. Some of the synth stuff sounds dated (ie casio-ish) now, but the soul is still there and I'd recommend this to anyone who likes Lee Perry, King Tubby, Laswell etc.$LABEL$1 +good for keyboard. It is good to carry a 76 key keyboard. Looks durable only I think it will be better if it has a separate bag for the book holder.shipping in a big box, which is good to keep the shape of the bag.$LABEL$1 +Not Recommended for Educators. I am a gang and youth violence expert working with the San Diego County Office of Education, Safe Schools Unit. I have alerted many of our schools about the series of books by Stanley "Tookie" Williams. I do not recommend the purchase of this book. The content of the books are not appropriate for young people. The images of gangs are not accurate (Too much negative sterotyping). The book is written in a simplistic style that will quickly bore young students. Youth need to critically examine information not be talked down to. You may email me for alternate suggestions for gang prevention books for youth.$LABEL$0 +Skinny fit. My son wrote: I am 16 and 6 ft 5in. These are a perfect length (36 in )and fit great! They wash well, I do not put them in the dryer. I have a 32 in waist and have a hard time finding my size. I like the color of the stitching on these jeans, it's not loud and the crinkled part of the jeans on the thigh part is cool.$LABEL$1 +Whole family love it!. We have found few shows that appeal to our family of five. Not to scary for our little kids, but enough story line for the adults.$LABEL$1 +Not that cool. I found a lot of the stuff in this book lame and not fun to read. Plus its all in black and white and not layed out well at all. The postcard book is much better to read and look at. This book just didnt have it, the letters are random and not entertaining and theres not much to look at...$LABEL$0 +Great pens. Love these pens, very stylish and not too big. Good quality set and at a reasonable price. Had for awhile and still writes great.$LABEL$1 +The ending ruined this movie. This movie was pretty good until the end. With no actual footage shown of the fight with the wolf, it sucks.$LABEL$0 +Great insight into the process of discovery, non-technical. I always wondered about how some of these major discoveries were made, and this was a great narrative. It also explained the event itself in colorful, non-technical prose. If you have an interest in geology, I recommend this one.$LABEL$1 +I have noticed that Pixar still hasn't made one bad movie yet!. I have noticed that Pixar still hasn't made one bad movie yet!I've liked all the Pixar movies, and this is IMO the best one.The message that I think was behind this movie was really good as well. A robot left behind and forgotten about cleaning up the Earth for 700 years and the only friend he has is a cockroach. Well I guess that he doesn't have very much else to do anyway. The animation was amazing. Some parts of the movie looked almost real.Once again, good work Pixar.$LABEL$1 +Shallow. I have liked all the Janette Oke books I have read except for this one. It was shallow and disappointing. For one thing, I thought it was unrealistic that a woman would have a freight run in the "olden days". Also, the ending wasn't complete enough, like the other reviewers said. It also seemed inconsistant that a supposedly Godly man like Seth would fall for a snobby city-slicker like Rebecca (before she had her change of heart). And was Sarah ever going to marry Boyde? I thought that this book was uncharacteristically shallow and had a lack of spiritual depth unlike Janette Oke's other books. I really enjoyed her Seasons of the Heart series and A Bride for Donnigan.$LABEL$0 +Heaven is Real by Choo Thomas. "I just recently read Mrs. Thomas book "Heaven is Real" and would like to ask anyone who reads it to always remember that only God's written Word is infallible." Christian's must always use Discernment when anyone prophesy's about an future events, whether it's personal or for others." It's better to pray and be on guard than to believe blindly and be spiritually infected."$LABEL$0 +Bad movie, nothing to do with the seller.. It's over 3 hours long, black and white. I loved the nudity in it, but found myself falling asleep. It's extremely boring.$LABEL$0 +What a let down!. Not at all impressed with this slow mediocre release. Maybe it's to appeal to the young MTV masses that have just recently discovered "punk". A few songs are tolerable, but when you have 19 tracks that isn't something to brag about. After seeing them play a good set at Warped I had some anticipation for the cd to come out - huge disappointment. Avoid! Save your $ and buy one of their better releases like And Out Come the Wolves or Let's Go.$LABEL$0 +liberal spin gone wild... this is pure propaganda. as a previous reviewer said, the author has spun the facts to his liking. the cherry tree has been known to be a myth for many years. so what?he wrote the rules for civility. he voluntarily gave up power when they wanted to give him even more. he 'led from the front'.the history channel and natgeo have sold out to liberalism. liberalism is both immoral and uneconomic. liberals hate men like washington, jefferson and madison and will do anything they can to denigrate them.notice how often the narrator says 'the man' instead of 'washington'. this denotes the lack of respect he has for washington.the author is an ugly man and i'm getting real tired of these liberal distortions.thanks to all the fine people that took the time to speak out against this garbage. you guys are patriots. we can only thank our lucky stars we had a founder like george washington.$LABEL$0 +BAD WRITING, BAD STORY, = ONE HECKAVA BAD MOVIE. I saw CLUELESS and after seeing it I actually thought that the director and writers of this film were CLUELESS about making any kind of a decent film. I mean ALICIA SILVERSTONE has got to give one of the worst acting performances ever in a movie as does the rest of the lame-brained cast. So my advice is skip CLUELESS I know I wished I had!!!$LABEL$0 +Bork has written a mediocre book.... Bork is, of course, extraordinarily conservative (nearlyreactionary) and some of his proposals might be a frightto the more liberally inclined. A return of censorship andabolishing the constitutional review of the Supreme Courtare two suggestions; others are just as serious and justas deeply conservative. Bork clearly has deeply feltconvictions. He is passionate rather than objective. Someof his psycho-analyses of what secretly motivates liberalismare rather silly...$LABEL$0 +Good Product. This product did everything it was supposed to do very well, I would recommend it. The projector I was trying to mount had its mounting locations in the strangest places and this mount was able to be adjusted to where it needed to be.$LABEL$1 +I will never buy this. How can EA legally get away with putting spyware on your computer.I will never buy another EA product for my PC. Be warned that this software can crash your system.$LABEL$0 +Good for the price. It is very easy to hook up and mount on walls, good quality, good sound for a small home theater system and it is really cheap. I really recommend it.Do not forget a sub.$LABEL$1 +Excellent!. By far Nirvana's best work. I'd have to go with Lithium as being my favorite song at least on this CD. It's a combination of their sad sounding and loud rock n' roll styles. Otherwise the songs in this CD are pretty much divided into 2 categories which is how i usually classfiy Nirvana: Loud fast rock, or Slow quiet. If you've never heard much Nirvana and would like to see how you like it I guarantee you'll like at least something on this CD. If you're a fan of Nirvana already and don't already have it, you're insane.$LABEL$1 +Doesn't Work. Sad to say, this pump just would not fill my bike tires. It's a great size and weight and actually kind of cute, lol, but it won't attach to the Schrader valves on my bike tires. Very disappointing, I was really looking forward to having this on my bike rides. I have a small no name brand inexpensive portable pump that is many years old but works like a champ I keep with my Dutch bike. I will try the Lezine Pressure Drive Hand Pump sold on Amazon for my Hybrid. I would definitely not recommend this pump although some reviewers sure seem happy with it.$LABEL$0 +Great service!. This item was shipped to my home is less than 24 hours! I was extremely impressed with the shipping speed and the price was great also! Having a second base is going to be very helpful for my 2-car family! I recommend this product to anyone with an infant!$LABEL$1 +amazing book! used for my university's nutrition class. amazing book! used for my university's nutrition class. It's the best answer to the never ending question of how to loose weight$LABEL$1 +Good but.... I love the episodes on this disc, but the audio quality leaves much to be desired. Ticks and pops mar each program, not what one expects from DVD. A second copy of the disc displayed the same malady, in identical spots. Popping noises plague the first half of Volume 2 as well. As Cartman might say, "Man, this s***s!"$LABEL$1 +Drama at Eyam. Having visited Eyam, the Plague Village, Brooks described Anna's town and the spread of disease in the village with right amount of creepiness I felt at the real village. The simple prose has been admonished by some reviewers as poor description and character building, asking for more flowery language. First of all, this book is about the plague and from the perspective of a simple woman--not a noble woman with delicate sensibilities. I appreciated the down to earth style of writing, as the character, Anna, appears to be a `down to earth' kind of woman. She is an incredibly strong character, even though she demonstrates some poor judgement with her choice of lover--but haven't we all made poor life decisions? True, the ending of the book is rather farfetched for the time period , but the book is still an entertaining read.$LABEL$1 +Junk. Don't buy.. This product has a "smart" knob that's supposed to control tuning and volume. It didn't work well when I first unpacked it, then it stopped working completely. Now we have one station and the volume turned way up and no way to change it. I'm online buying a new one now. THIS IS JUNK. Don't buy this product.$LABEL$0 +Extremely LOUD!. I have had a smaller KitchenAid mixer for many years and love it. I couldn't wait to get a larger one in order to make larger batches of bread. However, the motor has a very high pitch and screams like a banshee! You need to wear hearing protection with this loud machine. I am sending it back and looking for other alternatives to make bread.$LABEL$0 +bumping. this disc was banging.the great talents of James Mtume who i have followed since his days with Miles Davis thru now and Reggie Lucas who has worked with Madonna.this duo has writting alot of great material together.this disc captures the early 80's music scene really well.$LABEL$1 +WAY over-the-top. sir, may i have another explosion please!. thank god i got this as an xmas gift from my nephew. i would of been pissed if i spent even a penny on this one. my brother stormed out of the room 30 minutes into the movie on xmas day. well, at least my nephew (his son) liked it! i hung in there for the entire show out of courtesy to my nephew. otherwise, i was right behind my brother. yeah i know...it's an action movie. what did you expect? i guess i am just getting too old for films that have these endless smash, bang, boom, pow, crash scenes. i won't even bother listing any details except to say................save your money.$LABEL$0 +Awful. I'm normally very cautious when purchasing new hardware and I always shop around for the best deals. In this case, though, I rushed in like a fool and bought this for $50 at Office Depot b/c I really needed Internet access at my new place.This adapter is horrible. It's supposed to get a very strong signal from where I am, but its signal strength is always low when plugged directly into my motherboard. When plugged into a USB 2.0 extension cable, I get very good or excellent signal strength, but it will often lose the signal when under heavy load. This is incredibly frustrating when I want to watch a streaming video, access multiple websites at once, or game. It also runs VERY hot with nothing in the way of keeping it cool. Horrible.$LABEL$0 +You have GOT to be kidding.... ....The Rudolph special being sold here is definitely ... a "hipper, cooler" yet woefully inadequate sequel. To be fair, I haven't seen this 'movie' yet. However, based on the past dreck that GoodTimes Entertainment has slopped on the table (the feature-length Rudolph they produced was enough to make even the most clueless animation fan gag), I can't imagine that this offering could be any better. I suppose that their earlier Rudolph taught them a lesson which is why the appearance of the classic characters can be seen here. But computer animation? And a pink hippo? Haven't these execs learned anything?!? You want us to buy this garbage? Fine. Spend some time to craft a STORY that stands on its own and hire a good team of stop-motion animators to do some solid work. There's a reason that the 60's style specials are still so popular today, guys, and it's not because of whiz-bang special effects. Think about it. Sheesh.$LABEL$0 +Excellent Bike. I purchased this bike for my little boy who is almost 4 years old, and he absolutely loves it. Even his sister (who is 6.5) rides it (I just raise the seat up for her).$LABEL$1 +So much unrealized potential.... Left Behind was one of the most amazing books I have ever read. What was so amazing about it was that it was Christian and yet it was still QUALITY. I cannot say the same for the film. The film tries HARD but misses the mark. Kirk Cameron puts in a decent performance as Buck Williams and Chloe is also played well.... but Rayford Steele? Who is this guy? It is one of the WORST performances I have ever seen in my life. I laughed out loud as he delivered some of his lines. For someone who was supposed to have just met the Creator of heaven and earth, he was surprisingly stoic...I could go on... but why? The filmmakers tried. It wasn't a complete waste, but if you haven't read the book, prepare to be LOST. They crammed 400 pages into 95 minutes... I gave them two stars for trying. Just because something is Christian doesn't mean it's quality.$LABEL$0 +What Else Can You Say??. Beautiful, inspirational, spiritual, amazing, and every other platitude you can imagine. No jazz or Coltrane collection is complete without this one! Lie back, listen, and be changed for good. In a word, superb. An album supreme.$LABEL$1 +Not Real Is Sometimes Good. Yes, it's true, in real life no story would unfold this way. And yes, our guy does stupid things...that you and I never would. But what an entertaining story and well written too. It's incredibly violent, yet lots of fun. You should read Caught Stealing first.$LABEL$1 +The Red King. To the reader,The Red King is not entirely interesting, in fact its not interesting at all. This book is based around a girl who can do everything (well almost everything) nothing stops her. A greedy thief takes her forcefully under his wing, she is a slave. She is offered freedom (for a price). The once pleasant Red King is causing harm to those who don't obey him.Classic fantasy. Good guy joins with relatively good guy, they cross lands together so as to thwart the evil "baddy" who is not as evil as they thought. People die, people get hurt, people are happy etc.I would have thought Victor (with the reputation he has) could surely do better than this. I expect that he didn't take too long to do this book. If he did he has wasted his time.Sorry to spoil it, but the ending is hopeless.$LABEL$0 +Good Movie. While somewhat predictable, it had some surprising moments. McGregor was excellent as usual. Not Academy Award winning, but worth the viewing.$LABEL$1 +Singing fo Satan. Miss Roca has an OK voice but chica just made news for getting 666 tattoed on her in support for her cult leader who proclaims he is the anti-christ she also boast she gives up to 40% of her to her leader,just so you know where your money is going.Some angel!$LABEL$0 +What is all the fuss about?. This is a quote from the book:"So how do liberals and conservatives compare in their charity? When it comes to giving or not giving, conservatives and liberals look a lot alike. Conservative people are a percentage point or two more likely to give money each year than liberal people, but a percentage point or so less likely to volunteer."So what is all the fuss about?$LABEL$0 +Great album. I like so many other devoted incubus fans thought this was one of their worst cds the first time I listened to it. I puit it away for a while and just listened to Morning View and Make Yourself, two of my personal favs. About two months later i rediscovered ACLOTM, and slowly began to realize just how amazing it really is. All of the songs are awesome, especially Smile Lines, Here in My Room, Beware Criminal and Sick Sad Little World. To all of those fans who think this album is garbage or even mediocre, I offer one piece of advice...Listen again, it only gets better, and by the sixth or seventh time, you'll love it.$LABEL$1 +short lifespan. I work at a school, and we ordered about 20 of these for classroom use. Not long after the warranty ran out, they started dropping like flies. Currently 10 of them quit playing DVD's, and we're just waiting for the others to go that route too.$LABEL$0 +Emmanuelle. This movie was probably the worst movie that I have ever seen and a complete waste of money. Poorly written and directed, lousy acting, rambling story line and not even sensual. Save your money and skip this junk.$LABEL$0 +it's SNUFF, what more do you need to know?. if you like SNUFF, you won't be disappointed with this. Pink Purple is one of my absolute favorite SNUFF songs ever.$LABEL$1 +Great!. This product works perfect for a great price!!I will definitely be ordering from this company again in the future thanks!$LABEL$1 +A great butt kicker. This is the cardio sister of no more trouble zones. This workout runs a little over 50 minutes. This video requires no weights and is largely targeted at cardio conditioning and body toning. I have used this video for months and it continues to be one of my favorites because it is a fabulous workout for those of us in pretty decent physical shape. The workout is based on 6 minute circuits that each center on different sections of the body. This one will make you sweat and feel fantastic at the end. There are modifications for beginners through advanced.Its hard to find workouts that are not too easy and boring. If you are looking for a more challenging video, this is a great choice.$LABEL$1 +Great watch for the price. This is a great watch considering what you pay for it. It's a little small for my taste, but you can read the hour easily. The specs says it's 43mm, but mine is 39mm. It runs a little fast, like a couple of minutes a week. The bright hands lasts at least two hours in the dark (they last more, but with much less bright).The packaging is awesome.The transparent back is great.The self winding system works great.Finally, I'm happy with this watch.$LABEL$1 +Nah not worth the money. This movie could not keep my attentionIt was OK at times but did not contain a great story line$LABEL$0 +Sgt. Pepper. Far, far, far from the best album ever made. People say it captures the feel of 1967 psychedelia, but not as well as Hendrix's "Are You Experienced" or Cream's "Disraeli Gears". People say it is the world's greatest concept album, but it's not even in the same league as Pink Floyd's "Dark Side of the Moon".The fact is that there are some good songs here (A Day in the Life, Sgt. Pepper's Lonely Hearts Club Band) and some poor songs as well (Within You Without You, When I'm 64, With A Little Help From My Friends, Fixing A Hole). Average them all out and you get a slightly below average album. 2-stars$LABEL$0 +neat. I just got it today in the mail and tried it out and I must say it's pretty nifty. It's a little hassle setting it up though; clamping it to a table and adjusting the peeler blade for the peeling depth. Also the size of it, especially for an apple peeler is kind of rediculous and storing it with your other kitchen utensils might be a little inconvenient but overall it's worth it's price.$LABEL$1 +Ford code reader. I am so so so dissapointed! I bought this for my hubby & once received it wasn't for our car year! I wish amazon would have it said in description!! So now I have to send it back and I am very annoyed.$LABEL$0 +good idea, poorly executed. The Wrap worked great for me for the first couple years of use, though the plastic that houses the key and remote is of poor quality and started to fall apart after several months. No big deal, the key still worked. Until... last week, the lock somehow jammed, and I was unable to unlock the Wrap from my steering wheel. I struggled with it for quite some time and even called the 1-800 number on the key. Of course, no one answered. I left a message in a panic, and, of course, no one returned my call. The only way to remove the Wrap was to cut it open and dismantle the lock. The bf brought out his drill and chipped away at the metal and plastic. About an hour later, with a mess of metal and plastic shavings blanketing the car's interior, we removed the Wrap. Overall, a horrible experience. I would never recommend the Wrap to anyone and am searching for a new security device. Suggestions?$LABEL$0 +Very easy to use. We bought this map/gazetteer in preparation for our trip to Maryland. I am satisfied with the quality of the atlas, it's easy to read and well organized.$LABEL$1 +A Must Read Book Before Getting Married. Don't let the title fool you. This book is great for anyone who is in a relationship.$LABEL$1 +bar far the best read yet. since i just recently received my kindle as a gift, this is one of the first books i purchased for it. by far the best book i have read in a LONG time. hard to put down so i read it pretty quickly! a must read for anyone who like crime stories :)$LABEL$1 +Classic stuff. Positive vibrations. all good songs if not classics, with great lyrics. the only song I don't appreciate as much is Night Shift. This cd contains the only version of Roots, Rock, Reggae that I know. The first song topping the American charts. If your looking for your first Bob Marley cd get Live! or Babylon By Bus.$LABEL$1 +Exciting. I had a little trouble getting started but am so glad I kept with it. Sad that you never know who you can trust.$LABEL$1 +Works great!. Gone are the days of hand cutting french fries. This does it quickly and efficiently! Two sizes of cuts. Quality.$LABEL$1 +Good Book Poor Service. The book is as expected, a professional discussion of medical conditions written for average family members. The condition of the book was ruined by extremely poor shipping and handling though. I recommend the book but not the source I got it from.$LABEL$0 +Excellent Condition. This book arrived in excellent condition as described. I couldn't have asked for a better deal. Thanks!$LABEL$1 +Waste of time and money. I have to wonder if the reviewers that gave this DVD a good rating saw the same one I did. The animation is cheesy, the comedy is beyond lame, and the characters are downright annoying. The basic idea is great and it's a shame it was handled so poorly. The shows look like half the scenes were chopped out and what remained was cut to the bare bone. I'd have given it one star except that I reserve that rating for truly horrendous examples of defective wares foisted on an unsuspecting public. My advice? Spend your money elsewhere.$LABEL$0 +Great effort from programmers, but no fun!. This game should be a part of the basic training to submarine new members. It has so much details that had spoilt the fun of the game. To shoot a single target, you will have to navigate through three or four windows and make estimations and press dozens of buttons to get an idea wbout where is your target and what is its exact type. So boring that I couldn't play it more than 1 hour, only listening to lectures about sonar systems!$LABEL$0 +UGH!. Apparently, I was not reading the same book as the other reviewers.I hated this book. Although the premise was supposed to be funny, it felt forced and cruel to me.I usually like chick lit mixed in with weight issues. I am a fan, however, this book just made me gag.It felt cruel and mean-spirited and it took all I had just to get through it.Do not recommend at all.$LABEL$0 +Excellent Execution of Celtic New Age Masterpiece. An excellent offering which merges a modern celtic sound with rich audio imagery of mythical fantasy world. Dunning's vibrant flute and Johnson's ability to merge eclectic instrumentation into a seemless whole make each track come to life, and tell a story of high-adventure.I can honestly say I wasn't disappointed with a single track. This was one of those recordings I picked up on a whim, and has resided in my cd player ever since. Can't wait for another collaboration.$LABEL$1 +Best little Hoodoo Herb book on Amazon. Use this with Judika Illes' 5000 Spell book and you've got a winning combination. This edition is a great little encyclopedia of magical herbs with a few spells thrown in for good measure. A good reference tool.$LABEL$1 +The Educator's Guide to Texas School Law: Sixth Edition. A must read book, if you're a teacher in Texas or hold an administrator position in Texas. Because, what you don't know can hurt you and your career.$LABEL$1 +MOVE ALONG!. I have been a total dedicated (spelled addicted fanatic) player of this game for some time now. I have 5 active accounts *(...) and I am the Mayor of my own Player City. I also am the Leader of my Own Guild. The Combat Upgrade has been "live" for 2 days now and I HATE this game. It is no longer possible to gain enough experience to progress through this game effectively. In the immortal words of the Stormie to Ben and Luke..."MOVE ALONG" - I hear STAR TREK ONLINE will be out soon! Perhaps it is time for me to BOLDLY go to a NEW game.$LABEL$0 +Not good for pet hair!!. The dirt devil is fine for sweeping up dirt/sand/crumbs, but it is terrible for pet hair. Any hairball keeps the rubber diaphragm flap thing open or clogs the opening or tube to the dirt holder area. I have to keep emptying the chamber (at least a dozen times)to try to complete sweeping a 1400 sq ft area. I've given up & will give this away to someone who doesn't have pets.$LABEL$0 +Loud and Ineffective. I should have known better, because portable air conditioners have such a bad reputation... but I needed to use one thanks to an odd (and unchangable) window configuration. So I trusted that Sears (which sells this model for $499) wouldn't steer me wrong. Shame on me. I should have paid attention to the Consumer Reports reviews -- and now you should pay attention to mind: The unit is entirely inadequate for cooling a 12 by 18 foot room... and it is LOUD. The sales information touts it as "quiet," but you won't be able to sleep in a room with it. The internal "evaporator" recycles water over the cooling coils, and the pump that does that makes an annoying whirring sound that'll drive a sane person batty. Yikes. I made a mistake buying this clunker. Time to soak up the 15% restocking fee and get this thing back to Sears.$LABEL$0 +Mildly Entertaining. A wildly improbable basic plot--rescuing an American colonel who knows the location and timing of the D-Day landings--on which is constructed an even more improbable one: An impersonator of Rommel who's actually Jewish. Oy, gevalt. There are some good things here--you will probably care about some of the characters, even if they are gauzy-thin. A book for a plane ride or a weekend in some place where there's not much to do.$LABEL$0 +Very slanted toward Christianity. I was surprised that a book with the name "guide" was based so heavily on this author's personal religious convictions and idealogies. Couldn't get through it.$LABEL$0 +zzz....boring. Okay, this flick was good for a playboy movie...however it was boring. Plus, there was nothing "dangerous" about the sex. Plus the sex was terrible and considering that these people were supposed to be "couples" the sex looked fake. Don't waste your time or money on this one. Also, i use the word sex sparingly, because there was more kissing than anything else.$LABEL$0 +Stay away!. Buy one of their products once and they will hound with special offer E-mails twice a day for the rest of your life! Unsubscribing from their mailing list does no good, the SPAM just keeps coming!$LABEL$0 +Unlike the rest of you....I DON'T!. This book was just flat-out boring! It's too much like "The Wedding Planner". The whole thing was so predictable, I found myself knowing what the author would say next -- the exact words!!!! The book just drags on this way. I don't recommend it at all. Sorry!$LABEL$0 +Popstar?. I thought the whole idea of American Idol was to find a Popstar? I feel like the people that voted for Ruben like myself were misled. I bought this CD thinking it was the Ruben from American Idol but it's not. If you like R&B then you might like this album, if you are expecting Ruben from the show you will be disappointed. Listen before you buy this one.$LABEL$0 +Best Flat Iron I Have Ever Used. I just received this flat iron and I must say that it is worth every penny. I have very thick hair and it straightened it perfectly with very little effort on my part.While I was torn between this iron and the CHI Turbo, I can honestly say that after trying both, I like this one better.$LABEL$1 +Should Have Put This One Away For A Few Years. Unfortunately, there is nothing unique about this book. Characters are poorly drawn, action is predictable, language is overdone-ie what you would expect from an inexperienced author. Mr. Paolini should have put this one away on a shelf for a few years, then reexamined it. I'm sure he will agree in five or ten years that this was a good first effort, but not publishable material.$LABEL$0 +Not for me. I tried this Chai to see if it beats my all time favorite (Celest. Seas. Honey Vanilla White Chai Tea) since it got good reviews.I am only glad I can rest knowing that I've tried all the main supermarket available brands and they don't satisfy.Like all of Bigelow's vanilla flavored teas-there is this taste and scent that is released in your mouth when you sip it. It's weird and strong.It almost seems as if they use too much vanilla or they have some weird substitute flavoring in those teas.I really like their Earl Grey tea-if you're into that. But Stash makes that tea better.I hope this helps.$LABEL$0 +The Master Sniper. Stephen Hunter does it again! The pages start to fly long before the first shot is fired. The character of And Repp is simply mesmorizing. Hunter is able to mesh together the lives of so many different characters for a breathtaking final climax that will chill you to the bone. Hunter as done far more than reclaim his title as the master of "testosterone" suspense. I think you'll agree!$LABEL$1 +NO POWER ADAPTER. How ridiculous is it to get a brand new camera for 220 dollars, open it, taken nice photos with it and then when the battery runs out have no way to charge it. NO power adapter nor battery charger is included! How ridiculous is that? Not to mention the 32megabytes of included memory. Seriously is Kodak high?$LABEL$0 +The Charge doesn't last as long as advertised.. Waste of money, the charge does not hold in the battery pack at all. I suggest all to avoid and to cough up more money for the more expensive plug and play model.$LABEL$0 +Far from beautiful violin music. This is not pretty violin music, and I love violin music but this is no exeption.$LABEL$0 +Sandisk Review. I never received the item. Still waiting and dont really know why it hasnt arrived. It was ordered about a month ago and never came. Can someone help in this matter please.Sincerely yours,Kevin J. Covington$LABEL$0 +Just hogwash. She clearly is self promoting and trying to make herself look good. She is a snake in the grass and every bit as dangerous and low as FARC scum who kidnapped her.$LABEL$0 +Far fetched at best. I too bought this book because of its link to Michael Jackson's life. I was rather surprised at the trauma and life experiences in this woman's life. It is hard to believe that this book is an actual account of the events of one woman's life. It is mainly about her strange abusive obession with a man who stayed present in her life for many years. The book was tagged as though it had a Michael Jackson connection, but her relationship to him was only mentioned in passing. The whole story seemed a bit far fetched.$LABEL$0 +Downes solo album?. Sorry, but this is NOT Asia. It's more of a Geoff Downes solo album. Very disappointing. The best thing about it is the cover art. All the albums have fantastic paintings. That is the only kind comment I can make about this one. Fortunately, the original line up should be releasing something new in the near future! Keep your fingers crossed!$LABEL$0 +Aesop's Fables. This is perhaps the Best of all children's (and grown up) collection.. orignials by Michael Mish, promoting kindness, positive behaviors, love, and awareness. It should be in every home and every pre and elementary school! Teaching how and why to make good choices through song. Tunes that will be remembered for a lifetime!$LABEL$1 +This is the absolute worste movie I have ever seen!!!!!!!!!!. My God this movie is horrible. Please people DONT buy or even rent this movie. And if you don't believe me just look at all the other reviews. There is no plot what so ever, the acting is really bad( actors not too attractive either), you can't even make out the murder scenes, the film quality is extremely bad, digital quality is extremely bad( and i don't mean that as a matter of option, i mean its bad for anybodies standards), the music is not timed right, and just an overall disaster. Hey, I know that alot of B-Movies were bad, but I didn't think I'd ever see one this bad. So please if your looking for a good slasher flick pick something else.$LABEL$0 +silly. This book was just plain silly. The plot was about a woman who thought that she could pretend to be her twin sister that she NEVER met. When people were suspicious of her she believed that it was because they had something to do with her sisters disappearance. It never once occured to her that people were suspicious because she did a crappy job of trying to be her sister. Turns out just about everyone who was close to the sister knew all along. Why they all pretended not to know comes out later. Most of it in invovles her being manipulated by her new found father who she forgives immediately for keeping her sister but putting her up for adoption. Ms Summers also does a very boring job writing in first person.$LABEL$0 +what could be better!. This is the book i have waited for; it has authoritative essays on the critical conditions of Shakespeare's art. His artistry is recognized but not mystified, and the intellectual and social circumstances in which his works were written and received are here brilliantly made visible. Terrific!!$LABEL$1 +Disappointing. Having read all the glowing reviews about this series I shelled out quite a bit to buy the videos and get them shipped to me in Australia. I shouldn't have bothered. The programmes are so disjointed and badly put together. (Eg, we hear about one colour, jump to two separate topics, come back to another colour five minutes later, jump to a completely separate topic, etc) The constant talking is SO grating, too. My toddler refuses to watch them and I too find them confusing and annoying. There's a bit of everything but not enough of anything, it's so poorly structured that I can't see how it could teach a child anything (I am an elementary school teacher) and in fact the jumping between topics could be counter-productive instead. A muddled mess.$LABEL$0 +DO NOT PURCHASE!!!. I bought this product for my boyfriend who has been shaving his head for eight years. He likes the buzz-cut look, so he shaves using no attachments. This product wouldn't even cut his hair the first time he tried to use it where as his old Conair one was still going strong. To make matters worse, it cost me almost ten dollars to ship it back to Amazon because it's so heavy. A Christmas gift disappointment and overall pain in the...$LABEL$0 +sharp but WEAK. The 10 degree angle to the handle and the incredibly sharp blade make for great slicing. However, within a week of use, the blade got a chip in it and started to rust around the damage. We never dropped it but did put it in the sink with other dishes to hand wash. So be warned this knife is incredibly fragile. If you treat your knives like delicate artwork, this knife is for you. If you expect your knife to be a tool that holds up to mild use, stay away.$LABEL$0 +Not what I expected. I have never seen a real owl with pink feathers. However, this owl has them. The motion sensors are not effective. Seldom do they work. Most of the time, the sensors do not detect near-by motion. I would not recommend this product simply because it does not function effectively.$LABEL$0 +All over the road on acid. I had a problem with this film. The film is based on short stories by Denis Johnson. The movie should have been more shorts with different characters. The flow of it makes you lose characters you grow accustomed to, the drugged out hospital orderly, the AA woman etc, even the Amish women he is involved with in his own way doesn't really evolve the way it should. There are many classic and memorable scenes to enjoy. The ER scene where the two characters get wacked on hospital drugs then have to deal with an emergency is extremely well done. The rest is a mixed bag, shaken not stirred of drug abuse, death and perhaps redumption. I'm sure the book of the same name is a much more valuable purchase.$LABEL$0 +Too much emphasis on theory, not enough hands on. The beginning of the ninth chapter is over 200 pages into the book and it begins like this. "Many people who read reference manuals such as this one often want to start "doing" right away, rather than read through the explanations until a complete understanding is in place beforetaking any action." Anyone who reads through the first 8 chapters will have become more than just a little impatient at the repetitive and long winded theoretical concepts that could have been scaled down to 2 chapters. Building on a theoritcal foundation is essential. However, way too much time and energy is focused in this area IMO.$LABEL$0 +Hybrid does it again!. Once again, Hybrid drops another spectacular album. Teaming w/the washington orchestra the two boys from wales drop one of their best albums yet. (i would have to say wide angle is still the best) however, since i started spinning back in 97, hybrid has been at the top of my list for their innovative sound. Hyrbid steps away from the mainstream breaks movement to deliver a solid, techy, progressive break album with incredible vocals and synths!!! A must have for any break junkie or electronic music lover!$LABEL$1 +Reset, Reset, Reset. I use to own a Linksys router but I found myself having to reset it more than actual use. I have three computers and a VoIP phone system and it was very unreliable. I also work for a major cable company in customer care and Linksys routers generate a lot of calls for us because customers think it's their internet service and it's not. I replaced mine with a Belkin and haven't had to reset it once in 6 months. I just think you get what you pay for. Yes, another brand may be more expensive but the consistant connection is far more important than price. Not to mention that Linksys customer service department is in another country (good luck getting comprehensive help.)$LABEL$0 +better than calipers. This is a great tool for measuring body fat! Better than using a scale or calipers because you can actually see your numbers going down even though the scale does not.$LABEL$1 +Dissapointing!. I own an outstanding '50 Mystery Classics' where almost every movies was watchable. By contrast, '50 Hollywood Legends' contains was below average collection of movies that I would not want to waste my time on. With the exception of 'The Joyless Street' with Garbo and 'Blood and Sand' with Valentino, I coonsider this a waste regardless of the attractive price. Not recommended.$LABEL$0 +explains key ideas. In a relatively compact book, Diwekar manages to give detailed explanations of key methods in modern optimisation. These include simulated annealing and genetic algorithms. The former are inspired by ideas in statistical mechanics, and the latter by evolution.Monte Carlo sampling is another important idea well described here. It uses a pseudo-random number generator that approximates a uniform distribution over [0,1] to do probabilistic analysis in the common case when analytic answers are unavailable.The narrative gives the reader an appreciation of what problems these methods can be used against, and also of the computational complexity of each method.$LABEL$1 +Good, but not as good as the previous books in the series. I just reread this after rereading the other two books in the series. This was still very good, but I didn't like it quite as much as the first two books. I thought it dragged in places despite being a short book, and I wasn't terribly satisfied with the ending.However, it's still very good, and obviously a must read if you already read the previous books.$LABEL$1 +At Last Available. Finally this masterpiece is available. It wasn't ever on VHS. LADIES IN RETIREMENT has one memorable line. "Once you sell your soul to the devil, it's so much easier the second time. The way that it's delivered by Ms. Ida Lupino you'll never forget it. She was probably the most under rated actress in Hollywood history. She was just brilliant in this. Ida conveyed many varied emotions quite well. How she was not nominated for an OSCAR, I'll never know? The plot to me is quite believable but still entertaining. With today's movies, the plot goes over the top too often. Lupino is forced. to to do something horrible and then regrets it. The way the story unravels it's logical and satisfying. TCM does show this but its worth owning. They should put it in their essentials show. Maybe Ida Lupino was not a better actress than either of the Hepburns or Bette Davis, but they weren't any better than she was.$LABEL$1 +Love this toy!. I really like these products and so does my daughter. She is a horse nut and loves this toy!$LABEL$1 +very pleased with this purchase. i am very happy with this purchase. it was quick and easy and i found a used book that was cheaper.$LABEL$1 +Hard to follow. The author is very long winded and hard to follow. I would suggest a different book if you do not want to have to wade through all the idle chatter.$LABEL$0 +This is not what I expected. I barely read into the book when I realized that the author is still a true believer of the Darwin fairy tale. It was painful for me to do, but I threw the book in the trash today. Next time I'll be more careful.$LABEL$0 +Excellent, Excellent, Excellent. Rudolfo Anaya weaves a mysterious and fascinating tale from the culture and history of the Southwest.The adventures Antonio experiences make good movie material.Hope to see it on the screen someday.$LABEL$1 +If it was the truth, it would not have been published.. As the title of this review states, if this was whole truth behind the Roswell incident, the powers that be would not have let this book be published.I believe this book may contain kernels of truth scattered here & there but the potential to spread misinformation through a book such as this is enormous. I'm sure those truly in the know (no, I am not a mad conspiracy theorist!) are always glad when books such as this one are published as they help to further muddy the water and keep us ignorant of what's really happening in this world.An OK book but not the "truth", I think.$LABEL$0 +It leaked and caused floor damage. My Watts "Floodsafe" washing machine hose leaked within a few months. It put out a fine spray during the fill cycle that was sufficient to moisten the dry wall and leak into the sub-floor but not sufficient to leave a puddle on the floor where I could see it. Within four months of installing this hose, I had over $6000 of damage to my walls and floors!$LABEL$0 +War Shooter At Its Best. Another great game in the Call of Duty series. I couldn't get enough of this game! The storyline is very realistic and historically accurate. The graphics, combined with the amazing audio of the game put you directly in the war. Multiplayer is also very addictive. I highly recommend this game to any fan of FPS's.$LABEL$1 +Wilco emperor clothes. Am i missing something here? All i'm hearing is a bunch of bland country pop songs with a peppering of ambient electronica over the top. The only song that's remotely interesting is the first one "I'm trying to break your heart". The rest of it is very light and muddled. I could just imagine how unbeleivably dull Wilco would be live.$LABEL$0 +THE BEST SCOOBY-DOO GAME EVER!!. This is the best Gamecube game so far. It is very fun and challenging. I love it!!!!!$LABEL$1 +Unbelievable plot and cover. Too much coincidence in this book to make a believable plot- one character just happening to get a postcard after decades, no one recognizing a character when she returns to her hometown and attends her own memorial service, etc.I read the hard cover and realized the cover designer never read the book or would have depicted the blue bottle in the title differently and would never have included a beach photo as the girls never went to the beach together.$LABEL$0 +Tells you about corp america...stinkola. This album was released in 2002 and from the first track down to the last...stunk.This piece of junk should be used as target practice{even that would be wasting a bullet}This heap of junk sounds like it was mixed in a crawlspace somewhere in the pit of New York.I had a good time was painfull as hell.YUCK! I love Boston I wish they would make another one like Third Stages..At least that was traditional Boston.You guys are great...but Corp America.....ass wipe!$LABEL$0 +Not really intermediate. Could have been better. Now that i am definitely in need of advanced, leave alone intermediate, it was a disappointment. It gave only a couple of very basic inverted poses and that is all. I wish for a more advanced program with advanced versions of all poses and inverted poses.$LABEL$0 +This isn't Jane Austen!. extremely bad production of probably one of Austen's best written, if not most likeable books. The names and a few of the basic plot points are the same, but other than that, there's no similarities. They made Sir Thomas, who was basically a good man, although somewhat reserved and unbending, into a borderline lecher, they tried to mix Fanny Price and Jane Austen, and I don't think there was much of Fanny in Jane Austen. Also, what was with Mary Crawford practically trying to seduce Fanny? Completely unnecessary. The one redeeming point was the portrayal of Fanny and Edmund's relationship.$LABEL$0 +knock-off. Redken Color Extend Shampoo & Conditioner Liter 2pkIf it's a true Redken product you will see a very small outline of a box imprinted on the top of the dispenser.If it's not there, it's being resold as Redken but it's not.Check it out.$LABEL$0 +Sales are not indicative of how great this album is!. This album may not have sold particularly well, but it is his best collection of songs in his career thus far. It's a real shame that Decca folded. This album has a ton of great songs on it. I like the songs "Better Than It Used To Be", "Happy As We Wanna Be", and "She's Got Everything Money Can't Buy". The best songs on the album, however, are "More Than Everything", "What Livin's All About" (and yes, Lovin's what livin IS all about), and the killer finale, "The Rest Of Forever", a beautiful song about two broken hearts who have to learn how to trust in love again, which is never easy to do. With the exception of "I'll Be Right Here Lovin' You", which is extremely corny, this is a great album from start to finish. Get another record deal, Rhett. Your fans want to hear more from you!$LABEL$1 +sturdy chair. I really like this chair. It is comfortable and fairly durable. I only have two complaints. The bolts holding the chair together tend to fall off if not tightened every once in a while. Also, I am 6'4'' and the chair is a little bit too short for me. Otherwise, this is the perfect chair for it's price.Update: after a couple of months of use, another bolt fell off and the mesh is ripping. I am not sure how much longer it will hold up. Maybe I am too heavy for the chair (250 lbs.).$LABEL$1 +The one and only essential for the perfect Italian vacation. I am a seasoned travellor and have relied on research and travel books to enhance my travels and guide me through foreign cities. Discovering this exceptional book has changed the travel experience. Why? The guide gives you a quick overview of all of the essentials, history and sites. The difference is the following: this guide provides the travellor with the 3-D picture of every important neighborhood, with many suggested walking tours, with each site numbered for additional detailed information on subsequent pages. The travellor misses nothing because full colored pictures assist in the discovery. No other information is needed including maps and museum pamphlets. This guide allows the travellor to be self sufficient including trying use every day things such as phones, ATMs, public transportation, tipping suggesting...IT'S ALL YOU NEED!$LABEL$1 +NELLY IS POSSIBLY THE WORST RAPPER EVER. i cannot believe this rubbish has gone platinum, what is this?, nelly has to be possibly the worst rapper ever to pick up a mic, in fact, calling him a rapper is an insult to rap, hes a pop artist, he has no flow, no good lyrics, he does not rap about anything meaningful or deep,he is ruining rap and making it seem like a joke, which is quickly what its becoming, nelly, along with ja rule, chingy, 50 cent, the game and all the other terrible rappers, should be banned from rapping, i cant believe nelly had the nerve to diss KRS-one, who killed him on a diss, and if krs-one was more famous, and more people heard the diss, it would have ended nellys career, like mf doom said"Viktor the director flip a script like Rob Reiner, the way a lot of dudes rhyme their name should be knob-shiner"peace$LABEL$0 +WATCH OUT - MAKES DIRECTV SIGNAL WORSE!. Followed all instructions to connect where signal comes into house before multiswitch. Made DirecTV signal even grainier!!! Have eight TVs and figured it couldn't hurt to boost DirecTV signal to see if picture would improve. Have not tried from multiswitch to TV. Maybe will work there but then I would need eight of them! Now I have to unplug it and use it for something else. Maybe a paperweight. What a letdown. If you have a near high-end system, forget about it.$LABEL$0 +very clear. this is great. the sound is very clear. We can even hear our baby breathing. Having 2 monitors is great. You can leave one in the bedroom and one in the living room.$LABEL$1 +Disappointed. One of the reasons that I got a Kindle was as a convenient reading device when carrying a laptop isn't practical. I have a weekend print subscription to the NY Times, and I thought that would extend to cover the Kindle version. However, unlike what I thought I read on the NY Times "Digital Subscription" web page, it turns out I have to pay for a second subscription if I want the "e-reader" version in addition to the print version.I thought about switching entirely from my print subscription to the "e-reader" subscription, but that would be a significant downgrade since the "e-reader" edition (a) is missing a LOT of articles that I enjoy (e.g. Science, Technology, David Pogue ....), and (b) is only updated daily. I've decided that I'm better served by keeping the print subscription, reading the NY Times website when I can, and canceling the Times subscription for my Kindle.In summary, the Kindle version of the NY Times is a complete failure for me.$LABEL$0 +Cop Hater. Excellent read. First book I have read by McBain. Most certainly won't be the last. Enjoyed it very much indeed.$LABEL$1 +Lovely. The only reason I did not give 5 stars is that this book was so short. I actually made myself stop reading the first night I got it because I did not want it to end so fast.I think that the author could have written much more with the plot... a girl talking to an angel about heaven, an angel asking a girl about life on earth...there is a lot of room for discussion. The ending was very abrupt. Even so, Mr. Gaarder shares some lovely ideas through the words of Cecilia (the main character). This book had a few moments that reminded me of Sophie's World, something totally bizarre that made me literally stop, and think. I love Mr. Gaarder's style, it is almost magical.My only regret is that I read this book in just 2 nights, but I am certain I will read it again. I highly recommend it!!$LABEL$1 +Full of detail but not of vision, breadth and personality.. Mr. Pitch lets us know he did too much research. He moves too specifically through the daily grind of the events without overall vision, perspective and review. More maps, drawings and military sketches would energize a slow read.$LABEL$0 +a rushed work to say the least.... The Mulching of America is almost a lot of things- almost a great allegory for blind allegiance (religious, political or otherwise), almost a brilliant satire on corporate America and almost an engrossing page turner... but because it is only almost all of those things it falls far short of being anything great- especially for Harry Crews. Initially the strong premise and requisite eccentric characters draw you in but the plot of the novel never comes into complete fruition and the reader is left unfulfilled and sorely disappointed to the point of frustration.Worth the read? Yes (I give it 2.5 stars actually), just prepare yourself for abject disappointment in the end.$LABEL$0 +Tragically disappointing. I can see I'm not the only one. What the heck happened here? The visual quality of one my favorite childhood movies is pathetic. The picture is so dark that most of the movie is unwatchable. I found myself not even looking at the screen, but merely listening to the dialog and shaking my head in sorrow at the ruined treasure.More, when the action gets busy, like when fire is swirling around, the picture is pixelated.Third, I counted at least four times where the content skipped or repeated. There are no scratches on the disk, and these instances did not occur during the "commercial break" parts. Gandalf's line about Mirkwood was cut off midway through his sentence, the content mysterious gone, and Bard's welcoming the dwarves to Laketown repeated twice. It's like an incompetent rip-job off YouTube.This is the lousiest conversion to DVD I have ever encountered, and it makes me so upset that anyone would put out something of this quality and expect money for it.$LABEL$0 +Slow, boring, with a lot of questions left in my head!. Like the title says...this movie is very slow moving and the plot is very boring. Then when the end comes along you expect something great, but no, just a bland ending to a bland movie. Perhaps if you like to look at movies on a "deeper" level than simple entertainment you might possibly find this movie interesting. The only plus side of this was the fine acting of the character Truman Capote. He kept the annoying voice consistant throughout the film and the consistancy of lacking almost any emotion was done quite well.$LABEL$0 +hot pads, hot pan holders. These are typical of these silicone pads. I have several different sizes and shapes, now. They are stiff at first, but become somewhat more pliable. The color is very nice. A nice, muted yellow, more like the fading yellow of autumn fields. They work very well for my needs - hoisting big pans full of meat or roasting vegetables. They also make nice hot pads on the cabinet top for smaller hot dishes. I really like these silicone cooking utensils for their ease of cleaning. They never have to sit around stained and crusty like my old cloth pan holders did. Just rinse, use a little soapy water when needed and dry.$LABEL$1 +this kid plain sucks. Bizarre is without a doubt 1 of the worst rappers on the earth.I burned this album off my friend and dont get me wrong I wasn't offended but this guy is just sick in his lyrics.I say Bizarre is the most overrated member of D12 and he just cant rap to save his life.I'll admit the production was good but in rap I look for how good the lyrics and flow of the rapper(s) is and production is also a key factor but the rapper has to be good to make me listen and except 4 the production Bizarre has neither of these.If u want a rapper with these qualitys look at 2Pac or Method Man and get Proofs solo album Searching For Jerry Garcia instead,Proof has decent flow and lyrical content unlike Bizarre so get Proof instead$LABEL$0 +this isnt a Bond movie!. First let me say i really like the new bond,I've always liked Craig,he does nothing to hurt this movie,but man what happend there has never been a bond movie I didnt like untill now,theres a good chase seen near the begining but after that its off to a poker tournament for 45min. or more..I dont understand the lack of action and the lack of any gadgets.Ok some might defend this and say well this is a new type of bond movie...I say B.S.When we watch a bond movie we like action,some hot bond girls,some gadgets and a save the world theme..With this movie you get none of that,zero.I dont understand all the great reviews,in a nutshell its really boring!$LABEL$0 +A Great debut!!!. I have to say I was very undecided about buying this cd even though I liked Complicated well enough but I have to say it was so over-played on the radio. However I was definitely surprised what a great talent. I really enjoy this cd along with Complicated other great songs are: Anything but Ordinary (probably my most favorite song), Mobile, My World, Unwanted and I'm with you. She's not your run of the mill teen singer she's got talent and can write her own stuff!!!$LABEL$1 +A Christmas album is supposed to be ALL holiday songs. Not more than half, not nearly all, but all. These are decent renditions of material from The Roller's first two Christmas releases, they stand as proof that Chip & Co can do their stuff live, but the finale "Going To Another Place" isn't a holiday number, it's the finale from the "Fresh Aire II" release. Granted, it makes a good, bouncy sendoff from a live show after their pensive arrangement of "Silent Night", but its very existence proves that these guys could have come up with an upbeat prog lite instrumental that isn't a remake of a traditional Christmas song (e.g. "Deck the Halls"). If they were too late to get it on the third "Christmas In the Aire", they could have made it exclusive to this release.$LABEL$1 +From Dawn to Dusk: Autobiography of Judith Hubback. This is an autobiography of an early and prominent analytical psychologist in the U.K. Her life spanned much of the 20th century, and she emerged through the various changes that women went through during that century to become a well known analytical psychologist, poet,wife, mother, grandmother, and writer.The autobiography is very well written, and will interest those interested in analytical psychology and the emergence of the feminist movement in England.$LABEL$1 +One of my top 5 albums. I've been listening to SR-71 for 5 years now, and their first album is still (by far) my favorite. It is the perfect mix of pop and punk - something no other band seems to have gotten right. I never get tired of this album, my favorite songs being the entertaining 'Politically Correct' and 'Alive' - a ballad of strength in the face of physical abuse. I can't say enough good things about this CD, the only disappointment is that SR-71's following albums couldn't match its calibur.$LABEL$1 +Humane master of the sardonic. Jake Thackray's lyrics are literate and his music is melodic and stylish. These are not fashionable qualities but if wit and style have any meaning, this is where you come to hear them. Thackray has the audacity to suggest that women are garrulous, sex is fun and people enjoy themselves quietly in eccentric and humane ways without reference to the Social Services. I have been trying to work out why this is not folk music and all I can say is that he does not take his work seriously and he treats us like adult human beings. That is art but not the lah di dah sort..$LABEL$1 +Great photos!. This book has a lot of great photos, mostly in color. The information is pretty good, but there are some areas that seem to have gaps in the narrative. I also would have liked more in-depth information relating to Hasbro instead of mostly the kind of information that you can get from a list. The book tells you when everything was released, what year, who did what, etc. But it lacks any human warmth, and there are really no warm stories of the original creators sitting together and working on GI Joe. Sadly, most of the GI Joe books totally ignore the human factor, aside from giving credit to the names of the people who designed, invented, patented, painted, funded, etc. The book is great for photos, and lots of interesting information. Sadly, it is not a warm, fuzzy book about a children's toy!$LABEL$0 +really good!. very satisfiedwith the product and the shpping. I finished the first tube and I am ordering the second one today exactly as I did before.$LABEL$1 +I've tried THREE of them. Same problem every time.. After a few days of use, the unit cuts out every time. Whether the problem is with the transmitter or the receiver, I don't know, but I do know it's better to just double the money and get a better piece of equipment.$LABEL$0 +A New Fan. I'm not a huge tv watcher but this entire series captivated me. I watched all 3 seasons over a 3 day weekend.Sad actually but the series is very entertaining.$LABEL$1 +Great start!. Books gives an excellent beggining point for one who would like to begin writing for the newpaper. If one reads this book and reads news articles with it, one should be able to understan newspaper format.I recomend this book for all who are interested in either writing in the future or in understanding the news article format. After taking a class with a college proffesor using this book I was able to get an article published in the college paper.$LABEL$1 +Mystery, yes. Sci Fi, no.. I expected a science fiction story, therefore I was disappointed that it read more like a mystery novel, or maybe just fiction. Alan Dean Foster is an excellent writer, however, and so I enjoyed the book from that standpoint. I would have enjoyed it more if the characters and the extraordinary events they faced didn't sound like the usual melodrama that I read in the newspapers every day. Sometimes I just like to get a break from the turmoil this world is in and I am afraid this book kept me right here on planet Earth.$LABEL$1 +Awww..... maaaannnnn. Honestly, my son and I really enjoyed this flick.However, the movie foreshadowed itself from the beginning (for me) but left my teen aged son wondering if I was clairvoyant. Too many times I voiced the next line in the movie to the point my boy asked me "are you sure you haven't seen this before?!?"No, just that "been there, seen that" atmosphere that pervades this film, even if it's told from a different point of view. It did have some different elements missing from stories of this type, just enough to make it enjoyable for both of us.Good, silly fun. Enjoy!$LABEL$1 +pointer moves too fast. The pointer moves a way too fast. I could slow it down with the XP Control Panel but then this affects the touchpad pointer. Whatever I do, either the mouse is too fast, or the touchpad pointer is too slow. I installed the Logitch softare, and that did not help.Because of this, this mouse is useless on a laptop. I did not have any problems with older mice.$LABEL$0 +Final Fantasy this ain't. Well, where do I begin? I've played many RPG's in my gaming life, but i have never come across one so unimpressive and disappointing as Grandia II. Yes, I understand that this is a port from an older version, but that's no excuse for the mundane audio and visual aspects of what could have been a decent game. This game clearly does not utilize the full potential of what the PS2 can accomplish. The voice-acting where horribly done, and the graphics appear like the lowly N64 could've pulled it off. The story wasn't that great either, and this is a key aspect in creating a good rpg. The battle system however, worked fairly well. It provides a nice change from the average "stand still, attack, move back to position, wash, rinse, repeat." It did, however, move a bit too slow for me. All in all, you're better of with the Final Fantasy series. This one's a rental.$LABEL$0 +Quality is Missing. I love Martex Velllux Blankets. You could say I am addicted to them -- I have them in more than a handful of colors. But this recent purchase was way below par. The thickness of the pile is 1/2 that of my other vellux blankets, it has a weird feel -- almost sticky feel. This is not the same quality that I am used to from Martex Vellux blankets. Very disappointed -- but too much of a hassle to return it :(.$LABEL$0 +This book is fun!. My kids really like the interactive nature of the book. They are still a little young to help with the recipes.$LABEL$1 +Professional, predictable, and pedantic.. Starswarm was written by someone who has fabricated several pounds of novels and read even more. The plot has been used in dozens of novels and hundreds of video games and thousands of movies. Viz: Plucky youth with secret identity sneaks thru villains to find the holy grail, claim his birthright, and win the girl.In this case the hero Kip is a "prince of the blood" gone into hiding with a faithful retainer, and a "magic" helper. An ursurper is on his tail. At no time is there any suspense. At no time is any character other than a cardboard cut-out. At no time is the history and society of Kip's world other than briefly sketched in.Been there, done that, have the T-shirt.$LABEL$0 +It Bites. The best part of the movie, was when it ended.....I've probably seen a more pitiful movie, but thank goodness, i can't remember$LABEL$0 +My Destiny Still ISnt Good. UNfortunatly even with studio help My destiny still sounds like shes not singing it right like shes afraid to sing it. She is singing it too low sorry. SOTR is great as usual though.....$LABEL$0 +A wonderful starpoint for urban studies!. Here we have a very interesting investigation about the stories of the american cities and specially its downtowns, how they have growned, its shinning past and its following falldown. We can learn about very brilliant redevelopment projects that are intending to rebuild and to regain once again progress and live to some parts of the modern cities that have been in a great depression since long decades of desinvestments. It is very important to take in accounts the stories very well written by the authors about how the joining between public and privates forces is the only way to rebulit american ( and everywhere) abandoned downtowns!$LABEL$1 +Colorful portrayal of life as a poor Irish Catholic. McCourt was funny, witty and descriptive in every regard throughout this book. His first person account of being raised in a poor Irish Catholic community makes you glad to be raised in modern times in America. Read the book for an interesting insight into Europe over fifty years ago.$LABEL$1 +Anyone can sing, but should they?. Tom Wopat has always been a very likeable guy and to tell you the truth, I wae really looking forward to this CD considering the choice of selections. Starting with the packaging I was very impressed with the presentation. I had seen him perform on the Tonys and thought he was having a ball, if not quiet on pitch with his fellow performers. I had heard he was performing in several Broadway productions and cabarets recently and assumed he had gotten much more comfortable with singing. Unfortunatly, unlike fine wine, he has not improved with age. I would probably go see him in a play but as far as musicals go, I don't see how he could be a selling point. His voice quality has none and the delivery seems tenative and frail. The arrangements seem to be meant for a strong singer that would enhance them. The man should stick to talk shows and acting because he has now proved that anyone can sing---but should they?$LABEL$0 +Quit Bashing Suzanne's Diary For Nicholas. Although this book is predictable, it is still a touching love story which is very well-written. This book reduced me to tears and reduced my mother to tears on two occasions. Just because it's predictable doesn't mean it won't suck you in and make you feel the character's emotions. If you like James Patterson, if you like stories about love, or if you just enjoy a good book, I recommend Suzanne's Diary For Nicholas.$LABEL$1 +Temptations(African American Achievers). Very interesting reading but it did not give me the indepth insight that I was looking for. I read most of this book over the internet. But still interesting.$LABEL$1 +Range Kleen WKT4162 66-Battery Organizer with Removable Tester. Was excited to get battery tester and storage unit. Needs more space for AA & AAA batteries and less space for larger batteries C & D. Tested all my old batteries to find the majority still registered in the tester good. When I use those battries they did not work even in a tooth brush was does not demand that much juice. So testing the batteries is deceptive - show juice but in reality not!Don't waste your money if your looking for a tester or even for storage unless you've got lots of bigger batteries$LABEL$0 +Almost the Best Game. The reason why i say "almost" the best game is because there are a few bugs in this game which needs to be solved. This game requires a VERY fast Internet Connection. If you have DSL/dialup you will see in-game lag.However the overall fun of this game makes up for some lag. The retail guns make this game even further FUN.All in all wonderful online game!$LABEL$1 +OK - but not great. OK. Frankly, I'm dissappointed. These people are supposed to be classically trained? Shame on their teachers. The amount of slurping that goes on is just plain bad! Don't they know how to hit a note on the note?? And, why are they out of tune? Every once in a while there's a sour note. They also don't blend well. And, I can't understand the Italian at all.Now, if you're a newcomer to Opera, do yourself a big favor and pass over the glitz of "rock-and-roll" opera and buy yourself a CD by Rene Fleming.$LABEL$0 +A thoroughly unscientific self-serving piece of garbage. In the days of the slave trade, slave owners believed that black people were happier living as slaves in the US, than as "savages" in Africa. Budiansky has taken this idea and used it to justify the abuse of animals in factory farms.The idea that pigs or battery hens are happier living in tiny cages, so small that they cannot move, than they would be living in natural surroundings is obscene. The author has simply twisted reality to suit his own selfish needs as an unsuccessful small-scale farmer.This is a book that disgraces its publisher, let alone its author. Don't even read it for a laugh - it isn't funny.$LABEL$0 +Save Your Money. After reading "Red Sun Rising" I had high expectations. This book was a big disappointment. It appears his many facts and details were presented only as a poor attempt to impress the reader with his research.$LABEL$0 +need to clear something up.... I've seen several people criticizing the cover art of this book, and I think this needs clarifiction.If you read Beatrix Potter books as a child, as I did, you would have recognized immediately that the cover is a direct homage to the classic white covers of the little books. The plain white background, centered watercolor illustration, and even the title font is a faithful echo of every tale she ever published. Go check out one and see if you don't revise your opinion. I was, in fact, drawn to the book immediately BECAUSE I recognized it as a Beatrix Potter concept.Oh, and the story is a very good one, and timely. :)$LABEL$1 +Understated desperation. The lengths to which people would go for survival is examined in this well acted, grim thriller. An absolutely fine example of a film made with actors, who will be stars tomorrow.$LABEL$1 +Fantastic Book but the CD is a complete waste of Money. I was so impressed with the fourth Edition of the Valuation text (if you don't own it, buy it now) that I went and ordered the accompanying CD-rom thinking that it would have all the basic financial templates outlined in the book. I specifically wanted a valuation model for Banks.Whilst the model on the CD is fine for valuing non-financial companies, I HAD ALREADY DOWNLOADED IT FROM THE NET FOR FREE. Furthermore the CD didn't include a model for valuing banks - I'm going to have to build a new one from scratch.In other words, I've paid a fortune for something I had already got for free. Ironic then, that the model comes from a leading consulting company (McKinsey)...what's the saying about consultants charging a fortune to tell you things you already know (or in my case sell me things I already OWN).$LABEL$0 +Fight Club, Book of the Century?. Not only is this book well written, but it makes you think and i also saw the movie 5 times. It's constructed and put together very brilliantly and Chuck Palahniuk is a talented writer. I seriously think that everybody should a least rent the movie and watch it about 3 times. Some things they say are unforgettable and it's a great script all together. I would be lying if I said it didn't deserve 5 stars. It's just flat out great.$LABEL$1 +Perks of reading a crappy book. O.K., I bought this book because of all the stellar reviews on this website; (...) This MTV offering is Dawson's Creek in book form ... cliched and exaggerated to the Nth degree. Chbosky goes down the list of cliched characters like it's his life's mission - we have the gay boy who isn't sure he's gay, the lesbian, the jock, the confused but supposedly "innocent" boy and so on. There's nothing here an average high school student in America can *TRULY* relate to, I'm sorry. (...) There are MUCH better lesser-known books out there that run circles around this slush ...(...) Sorry, Charlie, but I can't recommend The Perks of Being a Wallflower.$LABEL$0 +Not Bad, with Time Will Come Improvement. Rubens effort on his first single isn't too bad. I would still stick with more established artists like barry white or luthor vandross when it comes to sultry soul music. If Ruben is allowed to develop his own style and move out of the shadows of the caliber of the artists previously mentioned artists he'll do much better.$LABEL$0 +One of the worst series I have read. There are better fanfiction out there. I love sequels to pride and prejudice and own many of them. I purchased this book along with five others when she was first self publishing them.To me I felt like I had entered a history book with our beloved characters added and was sorry that I had purchased them. If you do read them my advice is to make a family tree for you to follow as there is such a lot of intermarrying and you can get lost. (cousins marrying cousins etc)The first book in the series is quite good at first but the rest are terrible and a waste of money in my opinion.She pretends to be Charlotte Collins eldest daughter giving a fly on the wall story for all to read. I cannot recommend any of the books except the first.$LABEL$0 +This kit was made for beginners to understand the basics. I found the two books to be lacking in subject depth. Many times there would be a statement of fact which I knew meant nothing, but instead of following the statement of inference with the underlying facts the author would just go merrily on his way with the next subject. This collection of two books and a CD was worth about $19.95 instead of the $160 required to find out it's uslessness. If I could get my money back I would and if someone other than the authors immediate family had written in a review I would have never bought this kit. I think Microsoft Press should either rewrite this kit or take it off the market.$LABEL$0 +Very nice electronic return. Well, after many years waiting for new music of EVBG, the alone return of Tracy Thorn to the electronic music is a very nice sorprise. Good lyrics and a fresh and modern music are a good CD to play again and again. Enjoy it!$LABEL$1 +Oh dear. As a active Mormon, I am extreemly embarressed. What were they thinking? You cannot make a decent movie from the Book of Mormon with out quite a large buget, and if you don't have one, please don't try. You'll just end up looking like idiots, like the cast and crew of this flim have proved.If you wan't to watch a movie made by mormons about mormons, go rent "The Best Two Years".Much much much worse than the cheesy 50's bible films. MUCH worse.$LABEL$0 +That Was Then This Is Now. i haven't seen it yet because my English class is just now starting it, but the book is so far pretty good i think. i'm glad that ponyboy's back in it. he was one of my fave characters. one of my classmates (corey) thinks it's stupid but i like it.$LABEL$0 +Love to wait?. Have you ever gotten home and wanted to play that one game that you just got a new code for, don't do that with this game. Unless that code makes the game load faster this game is annoying. If this was the first game I played on the PS2 I would have returned the PS2, and gotten a Game Cube or X Box. The graphics are not that great, and I hate the controls. When controlling Crash you feel like you are in a BMW M5 convertible that can only go a top speed of 30mph because of an engine problem. Everything about this game is slow. I wonder if the people who made this game were slow in the head. Other than that the game is fun. It is another Crash game, nothing special. But the loading kills the fun.$LABEL$0 +Simple Clear - but info is avaible in other places ?. This book does a great job describing the mechanical part of homebrewing. It's well written and well illustrated, but is it useful? Most of this information is avaible somewhere online - in home brew forums - drawings and all - For Free. It's a good book - but it was origninally written in 1961 !! My reprint is from 1996 - `96 is the begining of the internet - when you still had to buy books to get most info.? Simple research on the internet will save you some money.$LABEL$0 +Dissapointed. Put this on my skeed loader it bearly warmed athe oil pan. Still had to use a heater and starting fluid to start it. Not worth the money$LABEL$0 +Don't spend the money. I couldn't get past the first few pages and wish I had taken the time to read the reviews of this mean spirited, pompous, derogatory spew from this writer before spending my money. With the daily partisan hatred being flung from the halls of Congress, I didn't need to read it when I was trying to "unwind" with what was falsely marketed as a "hilarious account of one man's rediscovery of America." Hilarious?? Rediscovery of America?? Nothing funny about it. Go back to England, Mr. Bryson!$LABEL$0 +Horrible!. I can't believe I bought this, Ja still sounds like the cookie monster. He is just honestly a horrible rapper. He can't do anything right. I hope this is his last album EVER.$LABEL$0 +Absolutely disapointing!!!!!!. I was hopeing this would be a well written book on the leadership and style of Jack Welch. It turned out to be a pep rally on what great things Jack did. Somehow it would have been better if I went to the local high school rally than sit through this book. I didn't even finish the first couple of chapters before I put it on the shelf. Should have returned it. I wouldn't recomend this bood to anyone who enjoys reading books on leadership.$LABEL$0 +It won't work under VISTA. I couldn't use the device as it DOES NOT operate under VISTA, and Kensington does not have a driver available for download. DO NOT ORDER THIS ITEM UNLESS YOU HAVE XP OR LESS.$LABEL$0 +Book - Practical Wireless Telegraphy E. E. Bucher (1917). In the era this book was written there were NO transistors, tubes were just starting to be used and the only known bands were above the 200 meter band. Most transmissions were in the 600 meter band. "Welding Machines" were transmitters that is a spark with some interesting methods of generating one and tuning circuits were used to more or less (by todays standards mostly less) control the output frequency. The crystal set was king, few if any had the latest and greatest regenerative sets (patent 1914). For the crystal set enthusiast this is a goldmine of ideas and understanding of very early radio.I would reccomend this book to the crystal set enthusiast or anyone with an interest in early radio. The transmitter circuits are Extremely Dangerous as well as illegal.$LABEL$1 +Orb Toilet Paper Holder. This item is a bit flimsier than I was expecting and it narrows down at the bottom so the new bigger Costco toilet paper rolls don't quite fit all the way to the bottom without jamming it in fairly hard. It needs to be another 1/4" bigger in diameter and then it'd work fine.$LABEL$0 +Excellent. I am late in joining the fans of this band but I am happy to be part of the Flyleaf club. This band brings a rock solid hard sound with good lyrics. I love their sound and am looking forward to what's next for this band.$LABEL$1 +Waste of money.... This movie [is weak]! I have no problem with the twisted and grusome violence in this movie, but the movie REALLY REALLY [was weak]! First of all, the plot: There isent any, this movie is about some stupid kids running out of gas, and guess what happends! Second, the violence: No as gory or bloody as the rumor wants it, but the killer-scenes are twisted and grusome. I can imagne people walked out of the preview of this movie in the state of shock, "My God! Is it really possible to make [a weaker] movie than this?" ... DO-NOT-BUY-THIS-MOVIE!$LABEL$0 +Great Binoculars. Great for viewing stars. Can really see moons around Jupiter and Orion Nebulae. Easy to use and good value. Great purchase$LABEL$1 +best books ever!!!!. ok, I know some of you think that these books are pointless and innapropriate. Now, I usually love reading hard-hitting novel and autobiographies! Stories that retell major events in history used t be all I read. But after a while, its fun to just sit back and enjoy nice light reading. These book are sooooooo perfect for that. they are so funny and this latest one is just halarious! I couldn't put it down, and read all 8 books, plus the amzing spin-off book, "the it girl" (starring jenny) in 3 days! you absolutley have to read these books! they are a must for vacationing, long car rides, or just sitting around at home! I would give 10 stars if I could!$LABEL$1 +Look at another computer. I was excited about this computer for the price. When I received it everything seemed great. It was a bit more complicated than I wanted to tackle so I took it to a local bike shop to install for me. When they got it installed it would not read the sensor. I changed both batteries out and it still would not read the sensor. I ended up buying another more expensive model that works just fine. This is larger than most bike computers and doesn't feel as well made as any of the others I have seen, very light weight plastic. This item was returned within a couple of days from purchasing it.$LABEL$0 +Too much sugar. I was excited to find a yogurt product for my cats since they love dairy products so much. And one of my cats really really liked the drops, but after I read the ingredients and discovered the first ingredient is sugar, I stopped giving them to the cats. Sugar is not something I think cats should have, especially since they don't brush their teeth!$LABEL$0 +Nuts & Bolts Advice for the Divorcing. Divorce ranks as one of the most stressful events you can go through in a lifetime, even when it's fairly amicable, and many aren't. Even though your emotions are in turmoil, you have to be as objective as possible when going through a divorce to ensure that you (and your kids, if you have any) get a fair deal.Brette McWhorter Sember's book not only goes over every aspect involved in divorce, but provides practical, useful worksheets to help you stay organized. She provides tips on gathering, organizing and analyzing financial, household and personal documents and walks you through the divorce process. The book lays out the different options for working with lawyers, mediators and what happens in court.Anyone involved in a divorce would do well to order this book as soon as the decision is made to divorce.$LABEL$1 +Must read after the loss of a child. My 25 year old son was killed in a motorcycle accident almost three years ago. There's no way to understand the shock and pain a parent feels with this type of loss, unless you've experienced it. Our daughter bought "Beyond Tears" for me, I could only read one or two pages at a time because these dear women were describing my pain - I was reading what I was feeling. It helped me to understand and know that I wasn't losing my mind or going crazy. I continued reading books (22 at the last count) but, Beyond Tears was by far the most helpful. I've recommended it to those who sadly have found themselves dealing with the death of a teen or adult child.$LABEL$1 +Informative Reading.. I found this book to be rather informative and useful reading, for anyone who's a Mini owner/driver. A must have for the do it yourself Mini lover's out there.A proud owner myself.$LABEL$1 +It works well. I did have a little trouble with the button that is supposed to raise the brushes, but after writing to the company they explained how to do it. And it worked! It does clean hard wood floors well. I do haul this vacuum up steps, and if you are of normal strenghth, it is not that hard to do. The hose attachment could definitely be longer- but it does the job! All in all, I am pleased with my purchase.$LABEL$1 +Poor attempt at a sports worthy mp3 player.. I bought one at Costco, and ended up returning it (thanks to their excellent return policy). Here are my thoughts:1) It's pricey, and for the money the included headphones do not fit well, and fall off in sports activities.2) The battery life is very short.3) The clock/date resets when you change batteries!4) The controls are very easy to accidentally hit in sports activity.5) No crossfading of songs6) The FM radio is difficult to use, and has poor reception.And finally,7) It may look rugged, but despite the fact that it is even in a padded belt clip, falling just 3 feet onto a carpeted floor made it break. Not very good for sports, eh?In short, I cannot recommend this unit for it's intended purpose of a sports mp3 player.A$LABEL$0 +Fits my Timex Ironman. The product description is a little off. The band is mostly black; only the stretch-strap under the watch is dark blue. Not a Timex product, but is almost identical; it just doesn't have the Timex logos on it. Also came with a pair of replacement spring bars.$LABEL$1 +Klaus Nomi was a brilliant singer. This retro of Klaus, the operatic sonic wonder from Germany elicits high drama as well as self humor. His germanic tenor radiates and casts it's spell. I knew Klaus in the east village in the early 80's. I found him visually amazing, and had the fortune of being serenaded in his apt. He sang the great Dietrich song, "Falling in LOve", and his anthem "Total Eclipse". He was an original, silenced too early...a brilliant non-comformist!!Thanks to Hrry Young for the notes on his interesting life in NY.$LABEL$1 +Did not receive what was advertised. The book was advertised as a hardcover which is why I purchased it. But I received a softcover version. I've henced notified the company and hopefully they have fixed their description of this product.$LABEL$0 +Frustrated. My son saved his money up to purchase this trumpet. He currently plays 6 different instruments, he wants to learn as many as he can. He purchased this with the knowledge that it was a "student" type trumpet, not like what we get from a professional store. The trumpet comes, everything looks great, even sounds good when he plays it but the valves are sticking, which is something that happens, hence the need for valve oil. He keeps oiling it and it will continue to stick, bad. Took it to our local music store for advice and they said this was made in China, the parts are not "stock" and we will not work on it and it will be hard to find anyone who will. My son is extremely frustrated because the instrument looks great and sounds great, but he can not play with out stopping to wait for the valve to pop back up! My advice, get one that is not made in china so you can have it fixed if something doesn't work! If we could find someone to fix it, there would be no problems!$LABEL$0 +Not for Beginners. I bought this DVD, having done Pilates before. I found that it moves very fast and is not for those who don't already know pilates moves. Her counting on the voice-over doesn't always match up with the demonstrations. There aren't any variations for movements if they are too difficult (especially for moms that have virtually no ab muscles after giving birth). There is nothing that makes this video specifically for the post-natal period. You may just as well get a Windsor video, which does more explaining with the moves.$LABEL$0 +For the Ultimate fan!!! But where's Patrick Swayze???. This is a great edition of the classic Dirty Dancing. It has a TON of special features including music videos of the 3 most popular songs and a full length Dirty Dancing concert. And of course the regular interviews and retrospectives. I am a little disapointed however. Patrick Swayze is not interviewed AT ALL and the only actor they talk to is Jennifer Grey. I would have liked to see interview with other characters and the writer talk more about how she wrote the movie. The other disk is of course the great movie! No complaints about that. Even with some missing features, still the best edition around.$LABEL$1 +Piece of junk. I bought RCA's model before this, which died before the warranty expired. I was sent this model to replace it, and it died within 5 months. RCA only recognizes a 90 day warranty on the refurbished junk it sends you after the original junk dies (or 1 year from original purchase date), so now I'm out of warranty and out of luck. RCA Customer service doesn't seem to care that they sent me two lemons, and is sticking by their policies.$LABEL$0 +too bad. i bought this for my girlfriend...it was beatiful until we broke up. now i look at it in pain. but beside my heartbreak this is a great gift$LABEL$1 +Pathetic Examples and multiple mistakes make this a loser!. What I'd hoped would be an excellent book to introduce me to COM and DCOM has turned out to be an exercise in futility.I've been used to the quality tutorials from WROX press and Microsoft Press where they lead you step by step through an exercise. The author's first example in Chapter 2 I did not even realize was an example until they expected me to run it in chapter 3! There were no instructions on how to create the COM client, just several lines of code. This set the tone of the book.When I tried to run the author's code examples they failed.There were also multitudinous spelling errors and discrepencies between the Figures and the instructions.Though the authors clearly know their subject, I will have to find another book if I wish to learn COM and DCOM. This book is basically worthless as far as the examples go.$LABEL$0 +Skips like Crazy.. The second half of this cd skipped like crazy and I wasn't informed about it before I purchased it.$LABEL$0 +Best of the Breed. I have purchased several cycling DVD's in the past to use for my indoor cycling class and Epic Vermont is definitely the best in my collection. The production quality, scenery, and the overall, true road ride feel you get from it makes it stand out among the rest.$LABEL$1 +Maybe it just wasn't for me.. I totally loved Desert Rose and in response to one of the other reviewers this song was out long before 9/11 bombings, relax. I loved the middle eastern flair that he used in Desert Rose, and I think it opened up a lot of areas of music that have not and should have been explored previously. Now as for the rest of the album, well, it just wasn't for me. It's not bad but to have one song evoke so many sentiments and not have more to go along with it just leads to dissapointment. A thousand years wasn't that bad but I still wish it was more powerful and provocative. I would recommend it to someone who is a Sting fan true and through but if your intrest just got peaked by Desert Rose like mine did than just stick to the Single.$LABEL$0 +My child loves it but it's really small. It's looks to me to be about 5 to 6" in length and height his body is about 2" at most is my guess. Very small... not sure I would have bought if I had it my hand to examine due to size, appears to be a quality product.$LABEL$1 +Delta Replacement parts. Excellent. Did the trick, just be careful not to buy unnecessary extra parts. Amazon.com is a great place to shop!$LABEL$1 +The main theme is LIVING!. This book deals with day to day life problems, with the main point being LIVING! Rather than just another "disease of the week" tragedia, Judy Lynn and her "froup" tell it like it is.If you're looking for high drama, you won't find it here. What you WILL find is a book about how ordinary people, living ordinary lives, make their lives "do-able" in sometimes EXTRAordinary ways.I wish there had been something like this book around when I was seeking answers to my questions back when I was newly diagnosed. It would have saved me a lot of the fear that came from reading some of the misinformation that is still, unfortunately, out there.It's not "gloom and doom", it's not "sweetness and light", it's factual, funny, sad, and presents life with MS in the matter of fact way that this "froup" deals with it all.Thank you Judy-Lynn and online sisters! More, please?$LABEL$1 +Non-working Bark Free. Lentek Bark Free Dog Training Device does not work. My neighbor's barking dog ignores it as if it's not there.$LABEL$0 +Not Worth Your Time. Looking for a way to exercise indoors during the winter months I purchased Sweatin to the Oldies.It was a multiple disc set. The 1st disc was just Richard talking and interviews. The 2nd was moreRichard talking and interviews. By the time we got to a workout I was already not happy. I paid to sweat not listen to testimonials.Richard assumes you know the meaning of the steps he yells out. I didn't. He's got a large group of folks sweatin with him.The camera pans them so often and badly I might add that you can't follow the routine. Not all of them are doing thesame thing and when the camera does go to Richard it's his face/body and nothing of his feet.Very, very poorly instructed and filmed. Don't waste your time or money. I sent mine back. Amazon gladly refunded my money.I found a great way to exercise at home with Leslie Sansone. You get a great cardio/aerobic workout and you can find her online at Exercise TV. Not only do you get a great work out, she's free.$LABEL$0 +I am satisfied. I first saw the video for "Show me how to live" on MTV about a year ago.I thought the song was excellent but hesitated about getting the cd, eventhough I love RATM. I concidered this album a poor mtv record with only one hit single and didnt want to get swindled in buying it. So, i didn't, I downloaded it. And I must say I'm not sorry. Definetly not sorry. I really think its an excellently played, sung and produced record which has enough trippy, psychedelic guitar sounds by Tom Morello and copyrigted screams by the exSoundgarden frontman Chris Cornell. And they are well put together. I am satisfied.$LABEL$1 +A treasure found. I read this book when I was in elementary school and have been looking for it ever since. For a child who loved books more than anything else, this book was a gift. This book, The Secret Garden and A Little Princess rank as my three favorite books of all time. Now, I will finally be able to share this book with my daughters.$LABEL$1 +BOYCOT this product!!. Kinda harsh heading, I know. But I am on my 2nd mouse of this particular design. Great idea! HORRIBLE design! And I think they designed it this way knowing what would happen so as to increase sales.So what happened?? The USB dongle broke both times....it's all in the design. The dongle is essentially 2 peices, and the outer peice pivots (maybe for better communication with the mouse?...nah!!). The problem with the pivoting part is that it goes so far, and then breaks. The wires BREAK internally if you go beyond that point. Did Miscrosoft implement some kind of safety stop on the housing? Of course not!!BOYCOT!!They do make another one that is one peice...I will probably exchange my broken one for this (if I can - it's been a few months).$LABEL$0 +Pathetic Attempt to Cash In!. I have read both Fit For Life and Living Health, as well as Fitonics. After reaping such benefits from Fit for Life and Living Health I was anxious to learn more from Marilyn. However, I found this book to be devoid of any real diet plan or sound information. It seemed that the authors' should have written a book about meditation instead of healthy eating. I for one am unsure that I can trust a person who waffles between vegetarianism and meat eating all in the same day! I also found it very convenient that the cover of the book proudly declares Marilyn as the Co-Author of the Fit for Life books while inside the book she tears down the very principles she is displaying on her cover, talk about cashing in on the reputation Harvey built! If you are really look for a informative health book try Fit for Life, try ANYTHING else but this!$LABEL$0 +P Davis. Great Product. The first time you use an epilator it is painful. That is any epilator. After the first few times there is no pain. This is a great product. Once you have used an epilator you will never use any other method for hair removal. It beats waxing and is more convenient and saves you lots of money in hair removal.

$LABEL$1 +nostalgic and wholesome. This DVD brought me back to the days when things were a lot simpler. It's a wonderful tool to teach young children values and manners which are so missing in our society today. Would definitely recommend to anyone who is interested in wholesome and clean entertainment.$LABEL$1 +shudder to think. Need I say more? The Dismemberment Plan owe their soul to these guys... and to read reviews about how The Dismemberment Plan have "created their own sound". I gave them two stars just because I liked the CD cover.$LABEL$0 +alfred is awesome. I have Alfreds piano method with I enjoyed so I decided to pick up his guitar method too. I have no complaints about this book. After I played a segment of the danube waltz I knew this is my personal favorite guitar method, and I have a lot of them. There are a lot of different styles presented and explanations on basic skills I see lacking in other books like the Mel Bay series like the different muting techniques. I can't help but go back and play some of the pieces because there's something magical about bach on the electrical guitar. This book is great for beginners and will not suddenly ramp up in difficulty like A Modern Method for Guitar. Highly recommended guitar method.$LABEL$1 +An insult to all bibliophiles. If you love books and Leroux's novel in paticular do not buy this book. Although the cover art promises great things, alas the illustrations remind one of a Barbie coloring book, only not as sophisticated. The less said of the butchering this line of books commonly does to great novels, the better. A much better read would be the version illustrated by Hilderbrant as the novel in itself shouldn't be beyond most young readers. For the very young try the Bullseye or Step Up chillers. Both are excellent reads.$LABEL$0 +hard to wind. I bought this for my Mother to replace her old baby ben. She could not wind it and gave it to me. I rarely use it because it is a "pain" to wind.$LABEL$0 +Great book so far. I am just starting to read this book but so far, I love it. I love reading the mother's and therapist's notes. I think they give you such good ideas that come from experience. The activities are clear and resources are always offered.$LABEL$1 +Open Theism' Roots. I bought this hoping for some good information. Only the first chapter or so is worth reading. His position that God really does not know everything and that if God cannot learn anything would make His life one of stagnation are seriously flawed. I realize that he is quoting others, but they were not worth the space.This book will not help an extreme Calvinist reexamine his position, it will only drive him further into his system. The seeds of open theism are seen in the appendices. Quite frankly I was shocked when I read the book.I hold to an unlimited atonement so I am not giving this book a bad review because of its position, but on how the case is made. I would not waste my money on this one again.$LABEL$0 +Way Ahead of The Curve. Just finished Angeles Crest and i'm totally dazzled by the author's raging life-force, and depth of experience on so many levels. Mr. Modzelewski is an inspiration to us all, never satisfied with surface appearances, he is constantly taking us to exquisite depths of the human experience, especially in the realm of the spirit, reached via extreme physical tests. This book is way ahead of the curve. Not everyone will "get it" for Mr. Modzelewski goes far beyond normal experience and perceptions that have been dulled & dumbed-down in our superficial culture. The book's magic all comes from his unbounded feelings for Nature, which he expresses like a passionate lover! This is a writer and man of tremendous courage. Bravo and tres bon!$LABEL$1 +Cute, but still not worth the low price. It IS extremely small, and does actually take pictures, but the quality is much worse than you would hope for, even at 640x480. Lots of image degradation for compression (I guess), and most images come out blury, even when you try to hold the camera steady. I returned mine. Maybe in another year or two this size and price will be a better reality.$LABEL$0 +Beautiful couch throw but. This is a beautiful sofa throw but what I didn't like about it was that it only stops at the top of sofa. It's not long enough. It's great with width from arm to arm but not from feet to back. Picture yourself sitting on sofa. The throw starts at your feet, up to the seat where you sit, and goes up behind you, and then stops at the top. Sitting down alot will make that throw fall down behind you. If it was long enough to go over the back and down almost to the floor in the back of couch, I would have kept the sofa throw. They should add another 60 inches.$LABEL$0 +This was an excellent movie.. Of all the movies I saw in 1998 this was the best. I would recommend everyone see this movie. I feel Drew Barrymore the the perfect person to play this part.$LABEL$1 +Una voz que destaca. Beatriz Montes es una cantante que destaca;tiene una voz que,aparte de ser muy linda,canta las palabras de las canciones de este CD con gran maestría y por eso volveré a escuchar las muy lindas canciones de "Amorcito Lindo" en muchas ocasiones.Las canciones de este CD me han traído mucha felicidad,y espero que quien las oiga tenga el mismo placer.$LABEL$1 +Stress relief???. I ordered these because I had been reading how ingesting Kava root could produce stress relieving results. The directions say to take one capsule. If you take one capsule, you will probably not notice a damn thing. If you take four to eight of them, you feel something, but I would not call it a "stress relieving feeling." It is more of an irritating feeling if anything; it produces a kind of light-headed/headache-y feeling. In my experience with this product, I would say that it does not produce the intended results. But the same can be said for many herbs. Hell, sometimes even a strong cup of coffee won't wake you up in the morning. Point being, results are going to vary from individual to individual, but if you are really interested in this stuff, I would do a Google search for the website for the company that is based in Hawaii that also makes this stuff. They claim to produce Kava with a much higher percentage of Kavalactones.$LABEL$0 +DRM, Windows only == FAIL. Given the game's draconian DRM (Digital Restrictions Management) that prevents you from legitimately installing it more than a few times, and that it does not run on anything by Windows, I cannot recommend this game at all.$LABEL$0 +Perfect match. This soundtrack is perfect if u liked the movie like i did. If you listen to the songs and close your eyes you can use your imagination and watch the movie over and over agian!! The music is very relaxing and fun to listen to. Oh and if you haven't seen the movie yet....go now!!!$LABEL$1 +Anti Mormon Propaganda. This is not the book to read if interested in finding out truths about Mormonism.It is full of lies, distortions and comments taken out of context.$LABEL$0 +What I think of All About Love. All About Love was one of the best books in the series. It's mainly about Jessica and Will and how their relationship faltered. Liz and Connor were also a big part of the book, as this was the first book in the series when they were truly together. Melissa and Tia weren't really that much involved, although Melissa did try some techniques to get Will back.$LABEL$1 +Holy God is a better buy. If you want an album you will want to hear over and over again...Buy Holy God by Brain Doerksen.$LABEL$0 +A great addition to my household. I have an entire family of avid soccer fans and players! I started playing at 29, have 3 children, who played from age 6. Now, have four grandchildren, who play or are trying[A 18mo. old, he's got a great foot} Ilove this soccer ball, and so do all the kids!!! Linda$LABEL$1 +Do not buy this book.. Do not waste your money. Buy a book written by Kenneth Cohen, Honoring the Medicine, instead.Altho' I do agree that the drug industry is corrupt I do feel that this book is a sneaky way of trying to get more money out of a consumer. The author refers EVERYTHING back to his web site which requires you to spend even more money for the info that I thought was within the book!I give this book a minus 10 points. Mr. Trudeau - I want my money back.$LABEL$0 +Now, this is dark beauty. I rarely hand out 5 stars, but this and "But What Ends..." so readily deserve such an honor. Just try to play this and not "fall apart."$LABEL$1 +A great movie. I have watched this on several times and still love it. I will be watching it again I am sure$LABEL$1 +Needs Pinyin. If you want your child to learn a few things in Mandarin, this is a fun little video. However, I was hoping to use this as a teaching tool to help me and my daughter learn Mandarin together. But I was very disappointed to find there is absolutely no Pinyin whatsoever and nothing included with the DVD to supplement the lessons.The sound is not so great so you may need a Chinese/English dictionary to make your best guess as to exactly what is being said and which tone is used. The English subtitles are nice to have but simply not enough - plus there is no "word for word" translation anyway.I DO like the content and the way it's presented, but to me it needs more for clarity - especially for such a beautiful and complex language and for those of us who want to get it right.$LABEL$0 +Having a gay ole time. I have been looking for this for quite some time. I was hoping to find it at the local second hand book store, but this was too much of a good deal to pass up. Thanks for this great opportunity.$LABEL$1 +Yesterday Once More. A great collection of The Carpenters songs. Was made two years after Karen Carpenter passed away. Karen Carpenter sang and did some of the drums and Richard Carpenter played the keyboards. The brother and sister sounded great on this recording. The albums from which the songs are from is: Close To You, Carpenters [signature album], Song For You, Now And Then, Horizon, Passage, Made In America, Voice Of the Heart [sorry if I'm missing one] I would recomend buying this!!!!! Alex Hutchins$LABEL$1 +Failed the MPRE!. This book covered a lot of what was not on the MPRE, and very little of what was. After studying the book, I aced the practice MPRE that was provided. I went into the MPRE confident that I was going to do just as well. However, the actual MPRE bore little semblance to anything I had been prepared for. Bottom line: I'll be taking the MPRE again. Thank you and goodbye Supreme Review, hello BarBri.$LABEL$0 +probador de bobinas basico. Este probador de bobinas de fabricacion poco ortodoxa, que mas bien parece fabricacion casera,(bueno el producto mismo dice "PATENTE PENDIENTE"). es bueno, incluso para un tecnico profesional debido a que en el mercado de las herramientas electronicas no existe producto que sea capaz de exitar las bobinas para saber si estan buenas. Y los equipos que existen son muy costosos y solo los tienen los grandes talleres. En cuanto al chispometro que viene con el probador, que es de la marca LISLE, prefiero el THEXTON 404 que trae un tubo transparente que sirve de acustico para escuchar la chispa. Es exelente para las bobinas de los vehiculos asiaticos que van dentro del distribuidor. LO RECOMIENDO !$LABEL$0 +The Rip-off (an HBO Miniseries). I really, really liked Band Of Brothers so I bought this set with out hesitation and watched the whole thing in a weekend. Well, I should of checked out the reviews first. In my opinion it is pretty lame, nothing like B.O.B and for what I paid for it, it is a flat out rip-off. Learn from my mistake and rent this one first!!! You can always buy it later or buy mine for cheap!$LABEL$0 +Degrassi is fantastic. I started watching Degrassi on The-N when it first came out and I was really impressed with the way they handled issues concerning teens. It's especially interesting now with the story concerning Rick. Although the acting was a bit dramatic in some cases, I was really intrigued by the storylines. I would often tell my friends (who didn't have access to the awesomeness that is The-N) about it and I got them interested too. So now I'm glad that the first season is out on DVD so I can actually show it to them. Can't wait for the other seasons to come out!$LABEL$1 +The Best.. Have everything. But it would have been exelente if they also could give us the distrubiter. This is so that we can send them letters and ask for old movies to come back to the shelvs... Jrn Bakken Norway$LABEL$1 +Works great for us. My husband got this as a present from his daughter who is in the military, it was easy to get it set up and what a joy to be able to see her at the same time we talk! I don't have any complaints.$LABEL$1 +Worst experience ever.. I never arrived, Even worst, one of the posters arrived and the quality is so poor that you can see the pixels. Never again art poster.$LABEL$0 +no good. this thing broke a lot aI sent it back three times, eventually amazon told me to keep the junk and they just gave me a refund. My kids lost interest in it by them anyway. It sucks!!!!$LABEL$0 +Boring. One of the worst written books I have read in 2 years. The story: for hundreds of years there were a lot of people catching and eating cod, but then they were overfished and there are no longer giant stocks of cod. Now you have no reason to get this book, as the author does not add much to that sentence - but drags it out. A bunch of relatively unrelated fish facts and boring details of random fish stories - but no storytelling ability is present. Dull and repetitive.$LABEL$0 +Apple Keyboard. My original apple keyboard went out and I replaced it with another brand which wasn't as nice as the apple. After 2 weeks I really needed to go back to the apple keyboard so I purchased this one. The keys are more comfortable to use and it has volume control buttons on the keyboard.$LABEL$1 +The kids love it so much they are fighting over who can use it and who it belongs to.. Both the 3.75 yr old and one year old love, love, love this wagon. They are continually wrangling over it's use and possession as they learn to share and cooperate. Good quality and very sturdy. Low to the ground and won't tip over.Step2 Walker Wagon with Blocks$LABEL$1 +Good inexpensive bag/liner. I bought these for a group of students to use in a warm climate where the air conditioning is decent at best. They were very happy with the warmth. I would have loved to be able to choose colors on the purchase, but for the price, I could not beat this.$LABEL$1 +Chinese sizing?. Very disappointed in this product! (Amazon, you're still great). The sizing is ridiculous. They run at least one full size small and who makes clothing anymore that when you toss the brand new shirt into the dryer on fluff to knock the wrinkles out it comes out with the sleeves a full three inches shorter than they went in? If you have very short arms and buy a size larger than you really wear you will love this product. Nuff said.$LABEL$0 +Bought this pocket for my Honda DX 2000 4 Door. This holder fits in my spare space, but it's a bit too small, leaving a noticeable gap between the holder and the stereo above it. And the holder's storage area is quite narrow and it does not use up all the space that is available for it. Moreover, the material finish doesn't match the rest of the area of my car. Not quite happy with it.$LABEL$0 +6pk microcassette recording tape. have not used them yet but they are what I needed, blah, blah , blah blah blah, blah, blah, blah$LABEL$1 +pure hip-hop brilliance!. Eminem is kool and there isn't a single bad track on this onetrippy beats and whimsical rhymes!$LABEL$1 +so f***ing boring!!!!. trying WAY too hard to be like reno 911.. this show isn't funny AT ALL..no issues with playno issues with purchaseno issues at all!$LABEL$0 +Died after a couple of uses. I have owned this machine for about a year now. I might have used it less than 6 times and the panini maker does not start up now. I hope Hamilton beach is able to service it for free.$LABEL$0 +Canon BCI-3eBK Cartridge. This is my first time owning a computer that I was responsible for everything about it. I find that this cartridge is easy to install, but the cost is quite expensive unless you do a lot of shopping around. This item is not available at many of the discount places. I would like to know why I need to install a color cartridge to be able to use only black. I find that each cartridge (4) that the printer Canon BJC-3010 uses does not run out at the same time and gives you a warning when either color runs out and unless you install the one that's ran out the printer does not work. I did have a problem trying to usea refill kit with this item, so far I have been unable to refill it with the refill kits that is available.$LABEL$1 +Supernatural Godzilla?. At first I was leery about a supernatural take on Godzilla, but then I realize--since when has Godzilla been about the plot? Not since Godzilla 1954 has a plot been relevant in a Godzilla movie, which is why this movie shines where it counts: the monster fights!GMK has some of the best daikaiju fights in the Godzilla Millennium series. It is nowhere near as good as the Gamera Heisei trilogy (Gamera:GotU, Gamera: Advent of Legion, and Gamera: Revenge of Irys) but it has Godzilla returning to his truly antagonistic roots and the return of Baragon.I only recommend this if you are a fan of Godzilla movies. If you aren't then it is only worth a rent or foryour kids.$LABEL$1 +You just can't go wrong with these knifes.. A great solid knife and comes razor sharp from the factory. I'm sold on the Wusthof Classic line. This was an addition to my other Wusthof Classic knifes and accessories.$LABEL$1 +Excellent Sequel !. Wow, I was amazed when viewing Part 6. This is probably the first of the series with more thrills, humor, and of course... the return of Tommy Jarvis. Part 6: Jason Lives, should have definately been the 5th movie in the series. The movie starts off with Tommy explaining what happened to him when he was a kid (Part 4) and why he is hunting Jason. This is one of the Friday the 13th films in which you actually care about a few of the characters such as the Jarvis family in Part 4. Two other things I liked about Part 6 was Alice Cooper's "Man Behind the Mask" theme song and the fact that Part 6 doesn't refer to Part 5 which is a definate plus. I consider Part 6 a direct sequel to Part 4.$LABEL$1 +DANGEROUS FILTER - Green Algae like buildup every 10 days. This BRITA model is potentially DANGEROUS TO HEALTH. Green Algae like substance builds up every 10 days or so despite thorough cleaning.$LABEL$0 +The 411 on cowboys!. Find out the pertinent details of cowboys. How they live, talk, dress, and eat. Find out about stampedes, the dangers on the trail and how to catch a rustler. This is a humorously written and illustrated book all about cowboys. The details and colors in the pictures are delightful! This is great for boys and girls. I have girls and they've both loved this fun book. It's one of my favorites along with "Do Pirates Take Baths".This is one of those books my youngest daughter will pull out and ask for when she knows I'm tired and trying to get outta reading. She begs, I relent, then she says: Oh-kkaaay, how about 'Do Cowboys ride Bikes?' -and I say okay, but just this one!$LABEL$1 +Not an interesting read. Author assumes she knows all about the reader's attitudes. Only one point of view is given in the book - assumes 100% Dom 100% of the time. Bad language is used in the book - the points could have been put across without using bad language. However, the best part of the book was the chapter on tools used in the trade.If this was my first book on Dom, it would have been my last since this book would have removed any / all interest. I will not keep this book in my library.$LABEL$0 +Good for the experienced guitarist. This book is not for the beginner without the supervision of a qualified teacher. It moves very quickly. I use it more as a reference book. Mickey was one of the pioneers of Jazz Guitar Pedagogy and I recommend it for the serious player as a valuable resource$LABEL$1 +Foul Ferrell. Once upon a time Saturday Night Live was funny. Now they have the occassional amusing skit and the rare standout castmember. Will Ferrell is one of those standouts. Unfortunately, this DVD doesn't do him justice. Rather than a greatest hits collection, we're provided with a random sampling of Ferrell's skits and characters. This DVD would be more aptly titled Will Ferrell's Most Mediocre Moments.$LABEL$0 +Excellent Value. At first, I purchased a couple complete sets of these towels. After they arrived, I was impressed with their quality and I reordered 4 more complete sets. What more can I say; my girlfriend likes using them...$LABEL$1 +wasabi powder. excellent wasabi base. we use to mix with mayonaise. yummmmmmonly con = much smaller quantity than imagined. tin won't last very long, for OUR consumption habits.$LABEL$1 +An Amazing RPG. I have played a lot of RPG's but this one has to be one of the best. Even though there's not much to character customization, besides changing clothes and armor, and a couple of different hairstyles and facial hair styles to choose between, the quests are fun, and the gameplay itself is very fun, gets a little challenging at times, but whats a video game without challenge. Although it's not necessary to play this one to understand the second, there are some refrences and its overall a very good game. I also liked the level up system, not what I'm used to in other RPG's but very new and refreshing. A definite must buy for any gamers who like RPG's.$LABEL$1 +Don't.. This Book is a disappointing presentation of Miss Post's guide to Doing the Right Thing. It's not formatted, as it's been scanned by Optical Character Recognition (OCR) and printed without illustrations. It's just not pretty. As the book is still in print and this is not a rarity (the benefit of buying OCR books scanned from old musty gems) you should just go ahead and buy the newest edition. It'll be a much lovelier read.$LABEL$0 +Beware and read between the lines. This woman will have our children taken straight from the womb to government subsidized day care facilities. It does not take a village, it takes parents to raise a child.How about giving those who choose to stay home and raise their own children a tax credit instead of legislating more incentives to put children into care facilities?$LABEL$0 +Great, but wish it were sharper. A great tool as are all OXO tools I've tried. I understand they cannot make it too sharp for safety reasons, but if it were just a little sharper it would be 5 stars. Being dull, it's safe, but requires too much pressure to push through an apple. Ironically, applying the extra pressure actually makes it less safe because it's not as stable when one has to push so hard.$LABEL$1 +The Miracle form Nature. I can't live without aloe vera. I put it on every part of my body. Jason Cosmetics is a brand I know and trust. This body lotion is mainly from aloe vera plant and some other good stuff for that added moisture. Great product and value...can't go wrong.$LABEL$1 +Flying Cow. This toy looks very cheap & not very durable. Bought it for more of a gag gift. With shipping added, I would not waste the money on it.$LABEL$0 +102 Minutes. A well written account in which these left-leaning authors actually blame AMERICANS, from New York, for as many as 1,500 of the 2,749 9/11 deaths. Save your money for another book.$LABEL$0 +So much fun!!!. This book is so much fun to read with children. Have them act out the different animals and be as loud as possible. Kids love being the animals and working together to keep the other animals awake! Preschoolers love it and early elementary age children will too! (I love reading it to them!)$LABEL$1 +SHUT UP JAMES!. Someone burned this disk for me along with Rush's VAPOR TRAILS, and I thought VAPOR TRAILS was descent but this album is a piece of genuine CRAP! Jame LaBrie is a horrid singer that just screams his damn head off, and all the songs are quite lengthly and (yawn) boring. The only thing that gets this album even 1 star is Mike Portnoy's awsome drumming (I'm a drummer, you see)! If you want good drumming AND good music, here are the groups I'd recommend:Rush (Neil Peart)The Mars Volta (Jon Theodore)AND OF COURSE...Led Zepplin (John Bonham)$LABEL$0 +A huge disappointment. This book might have appeal for people who haven't read any other books by Richie Tankersley Cusick, but as someone who has been a big fan ever since Fatal Secrets back in 1992, I was very disappointed by this book. It definitely wasn't up to her usual standards; the entire element of suspense was simply not there. I'm also disappointed by the fact that this author seems to have dropped off the face of the planet so far as her books are concerned, devoting time to writing up screenplays from Buffy the Vampire Slayer instead of writing her own original books. What ever happened to the book which was supposed to come out after Starstruck?$LABEL$0 +Awful. This is one of my most hated textbooks. The authors assume that you will read the book cover to cover when it should be set up more as a reference text for students. I hate having to search through an entire textbook to determine what a variable stands for when it should be explained with the equation.$LABEL$0 +Loved this series!. I thoroughly enjoyed all three in this series. This particular one was especially good because it wraps up the story lines of many of the characters. I particularly like that I get all the suspense and action I want in a book void of foul language. Real life still happens, just without the unneccesary garbage!$LABEL$1 +Excellent New CD from Charmand Grimloch. This Black Metal CD has excellent and outlandish keyboards of horror and mystery, blasting drums, strang lyrics.. what else could you want? yes i am silly.$LABEL$1 +Just what I needed.... Well, Dr. Briles has done it again. Her insight cuts through the usual psycho-babble and gets right to what matters most to us as human beings. This book gives us the boost we need to go out there and do what matters most to us. No more trying to meet the expectations of others first. She has really made me think and evaluate my life.$LABEL$1 +Disappointment. The story sounded interesting but because this was a poem or play that was a interpretation the book was hard reading and difficult to follow. Would have been better if the author didn't have such a literal interpretation.$LABEL$0 +Excellent Product. I have found the reviews of this product very helpful to determine how good this is and it is infact right. I am extremely happy with this one. The laser is very great and also the setpoint software that comes with it.$LABEL$1 +is it Coal in here, or is it just me?. CC's follow up to their '99 release is amazing. It grabs you by the neck from that first chord, and doesn't let go until the last note on "Beckoned" (the last track). Try it, just tell your parents the marks on your neck are from your girlfreind.$LABEL$1 +Good book for runners of all types. I am still reading this book but what I have read so far has been good. In addition to running, I enjoy biking, swimming and working out so some of the aspects of this book as far as weekly milage and the number of running workouts just can't be fit in with the other sports I enjoy. However, I feel this book will help me to be a better and faster runner even if I do have to modify the amount of time and runs recommended.For those who only run; whether a 5k runner or a marathon runner, I think this book has relevant and easy to understand information that will benefit anyone who reads it.$LABEL$1 +For Olive Skin, Not Brown. I bought this based on a rec from a youtube user ad after consulting the Joe Blasco website in an effort to cover dark circles. This is too light. This may work on olive tones at best but not on skin darker than that. You may also want an emollient with it, it's pretty dry on its own though others have given it good reviews on MUA.$LABEL$0 +the ball is back again. ive been waiting along time for this movie to be available on dvd in the us.even though this movie didnt have any special features it was nice to get it on dvd and in widescreen format,all i had was the old vhs copy and ive almost worn it out.this is my favorite phantasm movie,its more scarrier than the first one.plus i like the characters more .i could not find this in any store but amazon had it of course and i got it at a good price too.$LABEL$1 +Classic Shreds, some issues with this album. I'm shocked to find these on Amazon - it was hard enough to find the Lorries in the 80's in an alt-friendly southern California - did not expect to see MP3s of the older tracks here!Highlights are Monkeys on Juice, Hold Yourself Down, Cut Down.Like another reviewer suggested, these aren't always the best recording quality. The version of "Beating My Head" is absolutely horrible, which is a shame, because the original track had some mad drums/bass syncopation going on. And a note to quality control - the MP3 of "Hold Yourself Down" is another version of "Spinning Round" - and "Regenerate" is actually "Hold Yourself Down". It's actually the same on iTunes, so maybe the publisher messed up.$LABEL$1 +obama 2016. A must watch for any Idiot (Democrat) that voted for this clown. God help us all in four years...A must watch for any Idiot (Democrat) that voted for this clown. God help us all in four years...$LABEL$1 +WATCH OUT Circular Saw didn't work. So much for the birthday gift to hubby. He waited a couple of weeks to put the tools to work and the circular didn't work on the job. So now it is all just a hazzle.$LABEL$0 +Virus machine!. Pleas DO NOT buy this thing.I reapeat DOO NOT buy this thing.It gave my Harry potter andf the prisoner of azkaban game a virus that makes it black out on random times!This thing absolutly and i meen absolutly stinks!DO NOT BUY IT FOR THE GOOD OF YOUR GAMES!(get an action replay instead)$LABEL$0 +Great Video Service. WE purchased this video for as Christmas gift. Shipment was quick. The DVD was exactly as advertised. Everything was done quickly & professionally. We will buy from this vendor again.$LABEL$1 +Avoid - terrible controls. Purchased for my 4yo son.I didn't realize before buying it that it does not have traditional "forward back" + "left right" control sticks. My fault probably, but I missed that.- One stick controls the left side two wheels and the other stick controls the right side two wheels - kind of like a tank.- The sticks are actually on/off only - no variable speed control.- The radio control implementation has some serious reception problems as well, very patchy in whether it works or not, cuts in and out.The combination of the above three characteristics makes it extremely hard to drive for me, never mind my son. Basically a waste of money, he never touches it.It does appear fairly durable, and might be fun outside, but given the control difficulty we didn't even bother.$LABEL$0 +Low cost, works excellent. With one C sized battery this will munch up you small little fuzz knobs off of all of your clothing without damaging the item, and with no effort. The price is right and this item is available nationwide at most retailers. Very competative here at amazon. buy it you will like it.$LABEL$1 +Super soft hair!. This product works wonders for tangled, fine, processed hair. It feels silky smooth right out of the shower and stays that way all day. Love it!$LABEL$1 +Not a Good Investment. The purchase of this film was a complete waste of my money. The plot was trite, disappointing, stale and sophomoric, and the acting was no better. Otherwise....$LABEL$0 +Very quick read but a bit too basic. This book is a very fast read and gives and overview to some nice concepts. Managing people is a bit more complicated than the book explains, so I consider this book and intro to see if you enjoy reading management books. If you like this book, then there are many more solid books out there to graduate to.$LABEL$1 +Calming peaceful instrumentals. I found this CD by searching the sample song included on my PC. It is SO relaxing. Perfect for a stress-reliever. Recommend playing the samples before you buy. This one is a real winner!$LABEL$1 +weak album. like most soundtracks this one is not good as well. (i always regret buying sountracks.) on this album, the beatz are too tacky, and high profile, mainstream rappers put out an weak performance(dmx, luniz, daz, tray d, mo thugs/lazy bone). a disappointment. a few underground acts tried to rip the tracks, but the tunes and beats just couldn't take it there. And vocal/rap arrangements were stupidly produced.(eg: corny choruses, hooks and intros etc.) the saving grace of the album is "Survive" by Snoop dogg and Da Products. probably the only solid cut on this soundtrack. and the highlights of this album was The Lox and Eve with the song"Shotgun Style", and the other "aiight/ok"joints are "Better way" and "Playa Style". out of 19 tracks, not even half the album is listenable. Overrall, to sum it up, a dissapointment and a very lacking album.$LABEL$0 +A lot of fun. Took a chance on this series and I was pleasantly surprised. In fact watched the whole first season in 2 days.$LABEL$1 +A Terrible Idea, Executed Flawlessly. Some music does not translate well. For instance, the triumphant marches of John Phillip Souza do not sound good when played on the harp. And the songs from the soundtrack of Barbra Streisand's Yentl lose a certain something when performed by second-graders equipped with nothing but bones and soup.Yet this sort of infallible logic has been lost on the dunderheads who decided to play the driving rock of U2 on classical string instruments.For the same reason you don't want to hear La Boheme performed by Yngwie Malmsteen and a heard of famished yaks, believe me, you don't want to hear this album.$LABEL$0 +Kodak Picture Frame. This product filled all my requirements and desires for a picture frame. It is very easy to set up and use and has great picture quality.$LABEL$1 +TOTAL FRAUD! Save your money!. I just paid $6.00 for information on patent information, on a device which is probably a total fraud!The description says it is six pages, and it is only about fourteen sentences.Totally misleading and total misrepresentation.I feel so cheated by Amazon.com.$LABEL$0 +Contents of The Runaway Shadows and Other Stories. This pamphlet bound and sold by the International Wizard of Oz Club, Inc, contains the following original stories and articles:"Strange Tale of Nursery Folk" by L. Frank Baum, author of "The Wizard of Oz""The Bad Man" by L. Frank Baum"The King Who Changed his Mind" by L. Frank Baum"The Runaway Shadows" by L. Frank Baum"A Kidnapped Santa Claus" by L. Frank Baum"Nelebel's Fairyland" by L. Frank Baum$LABEL$1 +What a fun book!. All my kids (4,7, & 9 yrs) loved this book! We especially enjoyed the rhyming text. Even so the text was extensive enough to tell a full story. In general, most pages have many lines of text. We read it as a Five in a Row book, but I am sure it will be a requested book for years to come. We were able to talk about many side issues including cakes, yeast, consequences, calories, catapults, castles, alliteration, complementary colors. The duchess decides to make a "lovely, light, luscious, delectable" cake but doesn't accept any advice or follow any instructions. As a result, she puts everything in it and way too much yeast! She sits on it and rises high in the sky unable to get down. It sounds rather silly but it is very well written and was a worthwhile purchase.$LABEL$1 +A Little Heavy on the Spearmint. I bought this tea because I love Celestial Seasonings Green Tea, Decaf Candy Cane tea, which is only available at the holidays and I thought it would be a close match. It is close, but it has more spearmint and less peppermint than I would have preferred.$LABEL$1 +Great Sound/Great Value. These speakers are a great buy. I mounted them using the provided mounting brackets in the ceiling of a screened in porch. Installation of two speakers was about twenty minutes. I was concerned about the bass response, but was pleasantly surprised. These speakers compete well with models costing four or five times as much.$LABEL$1 +It's a stupid movie!. Nothing great about this sequel. At least the girl he falls for is hot. I like that girl Gina but this movie is so ridiculous. I don't know what's up with the good reviews. Tim Burton didn't direct this one. At least Pee-wee Herman writes the script which is good but Pee-wee's Big Adventure is way better than Big Top Pee-wee. I mean come on Big Top Pee-wee fails. Stick with Pee-wee's Big Adventure.$LABEL$0 +In Love with the Whisker!. This is such a great and quality product. Even though the wires on the upper end are not crossing over each other but its sturdy enough not to bend. The handle is very smooth and comfy. I love using it more often now. Washes easily by hand or in dishwasher as well. Highly recommend it if you want a quality product!$LABEL$1 +Hahahahahah Yes!. Oh man, not only did they come a day SOONER than estimated but they have exceeded my expectations. Very rich sound and I feel that the openness lets the sound waves breathe a little, which is a good thing. And noise cancelers can sound a little sterile anyway. Very attractive design. And cool languages on packaging. Worth like [...] bucks easy but so much cheaper. I will certainly buy Sennheiser again.$LABEL$1 +Winter's Heart. I think that this is a great book, which has a perfect amount of plot twists and mini-plots to keep the story interesting. I can't wait until the next book comes out?$LABEL$1 +he was the best one besides ricthie blackmore. yes he replaced Blackmore on deep purple in 75, by recording the come taste the band album. The result was brain melting he could replace Ritchie in deep Purple. This one was his unreleased solo materials, and this guy was a young wonder! he could play guitar!$LABEL$1 +GOOD BUT.... NO LENGTH WAS SPECIFIED. BIKE IS A SMALL TRACK BIKE (49 CM). ADAPTER WAS TOO LONG. AFTER GRINDING OFF NEARLY AN INCH IT FIT NICELY AND WORKED WELL.SELLER WAS MORE INTERESTED IN FEEDBACK THAN SATISFACTION.$LABEL$0 +Early Avengers with Cathy Gale. This is a six episode set of the British classic. It starts with "The White Elepahnt", an animal we do not get to see and ends with Steed inheriting a race horse in "The Trojan Horse". In between are episodes of double agents and diabolical organizations which are a staple of the Emma Peel years. Still a good taste of Honor Blackman as Cathy Gale. She is finally starting to stand up to the upstart Steed, trying to be a full parter in the dou that is finally given to Ms. Peel.Biggest down side of the DVD is the lack of features. Only production stills which are on all the A & E Avenger videos.$LABEL$1 +Cheaply made. This booklight was inexpensive -- and is cheaply made. The clip came apart after only a few days.I would not recommend.$LABEL$0 +Summer of Darkness. This CD is incredible. One second the lead singer is growling and screaming to no end, the next he changes it up to very good sounding singing. The guitars and drums are very interesting and catchy, and while not outwardly christian, the lyrics are thought provoking and very well written. I think the band has become alot better since their s/t album, and I think they are even better on the songs I've heard off of The Triptych. An all around well put together CD. Well worth the money.$LABEL$1 +pathetic-needs head examined. I've read every word in this book and there is nothing of any use here, very shallow & absolutely clueless.$LABEL$0 +A great album. The White Stripes have got to be one of the best bands I've heard in a long time. I really like "Hotel Yorba" but all the songs on this CD are good. Hotel Yorba is why I bought this CD, but I found all the songs were good, and I would recommend it highly. (For what thats worth, LOL)$LABEL$1 +Bellamy Brothers "At their best". The song Redneck Girls is my favorite song out of ever song ever made I feel that when they sing this song they are talking about me! I Love it! When I am down or sad I always know I can listen to this song and it will make me feel a whole lot better!$LABEL$1 +Beautiful and Sweet. What a beautiful book! The illustrations are really lovely and the pages (we have the hardback) even feeeeel good. My 21 month son LOVES this book. He enjoys the different animals and points them out by naming them and making the different sounds they make. He also looks for the baby and the daddy. My 5 year old also enjoys the book and is now playing Jut Ay with her baby brother.I'm just so delighted with this book and right after I finish this review, I'll be buying Hush! A Thai Lullabye.$LABEL$1 +Big Book?. My son loves this book. I was hoping for it to be a bit bigger. Can't make everyone happy I guess. :)$LABEL$1 +jewelry organizer. The Whitney Design 80-Pocket Cotton Canvas Organizer helped me organize my jewelry. Now instead of having it in many drawstring bags and small boxes, it is all in one place where I can easily see what's there and find what I want to wear. It hangs in the closet and takes very little space. It is nice quality canvas...much better quality than others I have seen in stores.$LABEL$1 +not this time. I'm normally very forgiving of escapist, fun, breezy romances, but this book is seriously, even unforgivably, flawed. The cliched backgrounds of the characters (has anyone ever gone through childhood unmolested??) paired against a contrived storyline and then followed by an ending that grew progressively more ridiculous made me want to toss the book into the junk pile. Not recommended.$LABEL$0 +As soundtracks go, this is a good one.. James Horner is perhaps better known for his "Aliens" and "Star Trek II/III" soundtracks. All those sound similar in theme, and Horner has managed something completely different with the "Rocketeer" soundtrack. It manages to be heroic and sort of down home at the same time, and is very pleasurable to listen to.$LABEL$1 +Durable, safe, quality SD card.. I have never had any problems with SanDisk and their solid state drives, namely their SD cards. However, I must say comparing it to the SD HC cards these cards are slow!! But, I don't think it is a fault of SanDisk rather a problem with all SD cards. It is unfortunate that there are still products out their that are not compatible with SD HC cards because having to be burdened by speed, rather lack of speed, of these SD cards can make one go crazy. Regardless, this card is definitely reliable and you won't lose your data which is a definite plus and they are easy to use as they are plug and play.$LABEL$1 +REAL Comfort Food. I was in Santa Monica for a month and dicovered RFD. Being vegetarian led me to the restaurant and the incedible food there, led me to purchasing the cookbook. I felt so lucky to be able to take home the secrets behind this wonderful food. One taste of any of the dishes will have you wanting more! I don't know how to explain it, but the food this book helps you to create will make you want to share it with everyone. This is a cookbook filled with recipes not only vegetarians, but for people who who just love good wholesome comfort food.$LABEL$1 +A Dangerous and Misleading Pipedream. This is a sad and dangerous book. The facts based upon research and experience are overwhelming. The only successful treatment for a true alcoholic is total abstinence from alcohol. Barrett offers his readers a false hope that further experimentation at "controlled drinking" will bring different results than in the past. The worst part of offering such false hopes to those in the throes of addiction is that in their desperate state the wishful thinking contained in this tome prolongs their agony and makes a potentially perilous outcome of their situation even more possible. Time and again it has been proven by experience that "rational" recovery is a pipe dream. Carl Jung's theory of the need of a `psychic change' or `spiritual awakening' to break the cycle of addiction still stands and is proven by thousands each year.$LABEL$0 +Favorite movie of all time. My favorite movie of all time!!!!! this movie is actually one of the 100 most inspiring mvies of all time. I love this movie and everything in it....a true classic and worth watching. Very dear to my heart.$LABEL$1 +NOT THE BEST "HORROR" FILM. THIS WAS PROBABLY NOT THE BEST "HORROR" FILM EVER MADE. IT SURE HAS SUSPENSE AND THRILLER BUT HORROR? NO IT DOES NOT. WHEN WE WENT TO SEE THIS MOVIE TO THE THEATRE I WAS REALLY DISSAPOINTED BECAUSE IT WAS NOT NOT WHAT I WAS EXPECTING. TO ME IT WAS A WASTE OF TIME, I WOULD NOT EVEN BUY THIS MOVIE WHEN IT COMES OUT. IT IS DEFINETILY NOT WORTH IT.V/R$LABEL$0 +great movie. The movie follows the book. It is a great movie. I have looked at itmany times, so I could get the full meaning. It is a must see if you area writer.$LABEL$1 +helpful is an understatement. This ambulation belt is awesome. I use it to help both my 90 year old mother and 93 year old aunt (both are wheelchair bound). Transferring them with the help of this belt has been so much easier than before. I wish I had found this a year ago. The belt is comfortably padded, the buckle is absolutely secure, and the many grip options make any position or movement easy to assist with. I absolutely recommend this product!$LABEL$1 +great book. Preston Blair does it again - another fine instructional guide on animation.I wish his books never went out of print -- It was challenging to find the predecessor to this book (Animation I).$LABEL$1 +nice small knife. With the price (50% off), I think it is a very good deal. the knife is also sturdy and nice looking. Looks great on a girls's key chain.$LABEL$1 +At Their Most Beautiful. This album is amazing. I have not taken it out of my CD player since the day that I bought it. The songs are just so good! And the music is absolutely beautiful. It's a mezmorizing album, and definitely one of REM's best...if the THE BEST!$LABEL$1 +A terrible book, strangely unhelpful and oddly organized.. As long time computer user with extensive experience with dBase, I was chagrined and frustrated with my attempts to learn Act!4 quickly with the help of this book. The author seemed to persistently overstate and elaborate on the obvious, while offering minimum assistance in the more opaque areas. Invariably, what I most wanted to know as a new user was either unavailble or relegated to a chapter nearer the book's index than its beginning. The author, annoyingly, saw fit to repeatedly suggest securing professional help in various areas...and even (and I suspect, self-servingly) cited names of pros who the reader could hire. As a teaching tool, this book is a total bust..unless I'm just not enough of a "dummy" to appreciate it. It's my first and certainly last book of the Dummy series.$LABEL$0 +Hands on Christmas Story. I bought one of these for my two children a few years ago. They played with it a lot which kept their hands off my nicer nativity and also gave us an opportunity to talk about the characters in the nativity, making the Christmas story relevant to them.I work for a church and recently purchased this toy for the toddler nursery. It was a way to engage the toddlers in the story of Christmas. The toy is a quality product- much like the other Little People Products and was safe and age appropriate for the toddlers playing with the pieces. I've been very happy with the toy.$LABEL$1 +Enormously clever and quite moving tale of the 20th century and what it means. A photo - literally, of three farmers on their way to a dance, taken by August Sander in 1914 - shows us the last moments before the calamitous 20th century hit western civilization full force, with atrocities and dislocation and the good and evil of the modern world. Richard Powers takes this indelible image and weaves a brilliant three-part tale: of two men looking for answers to what the picture signified, many years later, and then (as a counterpoint) the "real" story of those farmers from long ago. The less you know the better, but anyone interested in the ways the fiction can uncover the truth behind history, or restore humanity to cold facts of the past, should read this remarkable book. This was Powers' first book, years before he achieved fame and (well deserved) accolades, but he was clearly a fully formed genius from the start.$LABEL$1 +what's a disappointment for the name. for me, a bread bible should at least briefly cover the essential elements and the basic technicial aspect of bread making. this book have just tons of simple recipes recipes recipes - these i can get freely from the internet within 10 seconds.$LABEL$0 +My first encounter with Singer's writting. - This refers to the spanish edition Orbis Premios NobelAt 17 I had the pleasure of reading this novel and it was my first encounter with Singer and a life long admiration ever after.He is universal and existentialist in his writting. In my opinion, he bridges all spiritual differences and we can all be a same community under his guidance.There is asuperb movie adaptation of the book which I suggest you see too.$LABEL$1 +FF7 One of the greats!. Final Fantasy 7 was great!The gameplay was the best I've seen in a long time.The bosses where amazing.I also enjoyed the plot line,there was no trick ending or somthing like that where you have to beat it on a harder difficulty level.The cut sences were very rich and smooth.I recommend this game to anyone.But,by now you sould have a copy!$LABEL$1 +Good value for a cone wrench. Park tools does it again for me. Well made and durable. If i don't lose it I amsure it will last a lifetime.$LABEL$1 +Good Enough for Suspended Ceiling. I needed a one time relatively inexpensive 360 degree laser level. I happened to find this lonesome level with tripod at the local home improvement store. I didn't need it to survey oron the job contracting. Just enough to get the ceiling done.Well my ceiling is level. Perhaps within 1/8 of an inch. Had a couple blind spots but I didn't need a continuous line to locate my brackets. Only other issue is initial wobble. It needs a little time to self level. I would recommend it for the do it yourself guy who doesn't want to spend a lot of money but wants to get the job done nonetheless.$LABEL$1 +boring & whiny. I didn't see a plot or a point to this book. It's incessant whining about rich people's 'lives' as the Social Elite of Manhattan. Plus, it has lines in it like 'She burgled his breath right out of his lungs.' The authors try way too hard for catty and end up sounding jealous. It was a total waste of time to read.$LABEL$0 +Refused to ship despite exorbitant shipping cost. I order a lobster bake for my parent's anniversary every year. The vendor I normally use closed in the bad economy, so I tried Lobsters Online through Amazon. What a poor experience! I placed my order, putting up with the $44 shipping cost to Hawaii. Days later, I received an email telling me that they couldn't ship to the specified location. Since I do this every year, I know it's not a problem to ship lobsters to Hawaii, and for $44, they can't be taking a loss on the shipping. Nowhere on their page does it say they don't ship to Hawaii - yet they refuse to do so with no explanation. This has caused me to have to scramble to get a new, comparable gift for my parent's 40th anniversary on very short notice. DO NOT SUPPORT THIS VENDOR.$LABEL$0 +Boring. Too many feet of film left uncut. Too many details, establishing place, and what not. Get to the action. I was looking forward to seeing the film, esp with the 4.5 stars!I like Wyatt. I also like San Francisco and live in the neighborhood Wyatt's character lives in.But, this just wasn't that compelling.$LABEL$0 +Please enter a title for your review. I've heard some retarded avant-garde sparse experimental non-music in my time, but this recording reaches a new level of incomprehensible stupidity. It sounds like someone slowly tuning a banjo, and that is not an exaggeration, it could easily be a recording of exactly that.$LABEL$0 +A Smart Film for Discerning Viewers. This film is not for the squeemish or those with short attention spans and trouble reading English subtitles. This is not a conventional war movie nor does it pretend to be. This is well written, brilliantly acted, WWII revenge fantasy. Those expecting a standard morality play with white-hatted good guys or a non-stop shoot-em-up action romp will be sorely disappointed. Those who appreciate a clever story, snappy dialogue (and lots of it), and some very brief scenes of fairly graphic war violence will be thrilled.$LABEL$1 +High School Musical. As I go through my holiday gifts now, I realize I didn't receive this video in the mail. What can I do?$LABEL$0 +Dissapointing. This book only gives a brief overview to the actual nuts and bolts of starting a hedge fund. Instead it spends time explaining various hedge fund strategies, risk-management approaches, and basic entity structures (what is a c-corp? what is an s-corp? what is an llc?).As someone who has started a fund in the past and is looking to start another, this book was a disappointment. If you are learning the info in this book for the first time, you probably shouldn't be starting a fund in the first place.$LABEL$0 +One Of The Greatest :). Just saw this movie again - after maybe 18 years and it still holds a great story that people of all ages will definitely want to see time and again. thanks for such an awesome film:)$LABEL$1 +Letters from Iwo Jima. This product was not what I expected, I expected the english version not the Japanese version. I do want a refund for the product....$LABEL$0 +Loving it so far. This cam works perfectly for what I need a laptop cam for. It's small, has a carrying case and is great for travel. The CCD sensor is awesome - VERY clear picture. My work area is dark and the low-lite adjustment did a great job. There are a few things I don't like this cam. The mic is ok, but not sensitive enough. The stand is ridiculous. I use this cam in meetings and I have to rotate my laptop to focus on people - wish they had a better setup. Otherwise, I love this cam so far.$LABEL$1 +How typical. Can this author take another English course? First of all, the title is so... unoriginal. Second, the title is so...unoriginal. Third... the plot was the typical arthur/Guinevere story. Four... why did I even bother to finish this book?$LABEL$0 +Over-rated. This is a pure melee game. It's unco-ordinated, plotless and the movements/controls are out of date compared to other FPS's. If you're looking for all out shooting, without much teamplay or strategy then try Unreal Tournament.For those looking for a Battlefield 1942/Vietnam type game set in the Star Wars Universe, get set to be dissapointed.Just not very playable or much fun at all once you've seen all the maps and the characters.Get it used!$LABEL$0 +Harry Potter and the Sorcerer's Stone- A Great Book. Harry Potter and the Sorcerer's Stone is a very good book. It is one of the few books that I will allow myself to read. I started reading it when my mom told me about it, and I'm grateful she suggested it! This book has drama, humor, suspense, and mystery. It is fun to learn about Hogwarts and the wizarding world. If you are looking for a good book and just can't find one, you should read this one- you'll love it!$LABEL$1 +wake up America!. The dilemma of the colonized in search for an identity which is neither static and backward-facing, nor imposed by the worldview of the colonizer is the subject of Erdrich's Love Medicine. Her winding, free-flowing storyline mirrors her endorsement of the fluidity of family connections, one of the most significant difference between Euro-American and Ojibwa cultures. Defying the strictures of the novel, the anthology, or any other established writing style, Erdrich refuses to abide by the rules of Western traditions of fiction. A slap in the face to any notions of the superiority of such traditions, Erdrich's tales demand attention by being undeniably honest, and evoking empathy for even those characters who represent everything which is in opposition to Western culture, and zeroing in on the painful truths of America's imperialist history without subjecting the reader to a history lesson. One of the most important books on the Native American experience I've ever encountered.$LABEL$1 +If you're looking for real "low carb" this isn't it. The book contains a reasonable number of recipes and lots of 'hints' that if you've done ANY reading about low carbohydrate eating, will be superfluous.The recipes run the gamut of carb counts, though I thought that the bulk of them were much higher carb than is helpful. Following the suggestions in this book and the recipes, it wouldn't be all that hard to hit 80-100++ grams of carb per day... which is simply TOO HIGH for many people who are following low carb lifestyles.Many recipes call for sugar, white flour, semi-sweet chocolate and cornstarch. Come ON... those are NOT "low carb" ingredients.This is more or less a repackaged low fat/lower cal cookbook with "low carb" thrown on the cover to try to generate some market share. My copy is being donated to a charity, it isn't worth the space on the shelf for someone interested in real "low carb" cooking.$LABEL$0 +Fine if you are over level 180. First on the new graphics... I have not seen them yet as they have not been released.For all new items you must be over at least level 130 to get to the new island, except a few dungeons camped by people macroing.All patchs that have come out since release are aimed toward extream high levels. Or melee. Case in point GW quest last month. No low level could kill a pumpkin lord. The buffer was camped by a level 210 to get the goodies. This month content is all mage resistant if you are under level 150. The one new orb intrduced into the game is buged. The so called event you had to be over level 100 to attend.I have been waiting since release for a answer from their tech support on migrating problems with 2 of my accounts. They offer no support unless you want to make a long distance call.So unless you are a high level melee or very high level mage do not waste your time and money on this. It is not like the old days where they added something for everyone.$LABEL$0 +Essential. This is essential reading for anyone who owns a dog that guards resources. It could prevent a child from being bitten. It could save your dog's life. The procedures in the book are based on sound theory, and they work. I do not know of any other book on the subject, so it's a good thing that this one gets it right.I adopted two strays that were aggressive resource-guarders. I worked the plan in this book, and now I think they would give up anything. I caught one of my dogs swallowing a "mystery lump" in the living room. I casually opened his jaws and removed it from the back of his throat. No complaints. It turned out to be only a cheese cube that I had dropped when making myself a sandwich. So I gave the dog a third of a weenie, and then I gave him back the cheese. I swear he looked at me like I was crazy, but he was happy with the exchange.It is a very thin book, but all the info you need is there. Buy it.$LABEL$1 +Enjoyed reading it. Nice reading, several good ideas.Mr. Torvalds deserves what he got.I just hope to use some day Fredix or Diannix OS.Jag gör det!$LABEL$1 +Great Coat. This coat is perfect for my use. I work construction and out in the elements everyday - this coat keeps out the cold, wind and rain. If it is very cold out, I will layer a sweat shirt along with my long underwear and t-shirt. The coat being longer than the jacket, the coat keeps my lower back warm. The material was a bit stiff when first new but nothing time and wear doesn't cure. On average my Carhartt coat will last several years so well worth the money.$LABEL$1 +Whose grandpa shot these things?. I agree with R. Pearson. I realize that real RR fans will probably love to see the equipment and the routes and so on. And I guess they like this set. But I'm just a guy who likes travel documentaries with a certain level of production values. And these DVDs DO NOT have production values. It looks to me like the chamber of commerce got a staffer's grandpa who volunteered to shoot these things on his old gear. They mostly look as bad as VHS tapes. The video is low-rez and jaggy-ridden. The scenery mostly looks dreary, because of the dreadful videography. A lot of stuff is shot through dirty train windows. And so on. The narration is clunky in its scripting, and the voice talent again sounds like a chamber of commerce volunteer. The canned music, ick. Even though I paid just $3 for this thing, I feel like wasted my money. Just an awful, awful set.$LABEL$0 +Melvins surprise. Most people who have had encounters with the music of Melvins propably pin them down as a sort of a grungy heavy metal sludge. Therefore this album is a true surprise since this is hardly even rock. King Buzzon and co. truely display their melodic abilities here, creating some of the most moodful tunes in the last few years. Especially the first half of the album is excellent, almost haunting. Not for diehard metallers or grungefans, but for anyone willing to hear great, atmospheric music. You small type reading pinhead...$LABEL$1 +disappointing. predictable and tedious... good enough to finish reading is the best I can say of it. After reading other Follett, not up to par.$LABEL$0 +Good!. The reader works just as you would expect it to work. The caps feel just a tad loose, though they are not really. Other than that I have no probs with it.$LABEL$1 +A little Dated. The book was very soiled and looked nasty. The content was dated. Not really worth the time and trouble and cost.$LABEL$0 +Simply cannot relate to her views. I've read the first two chapters. Personally this book doesn't cut it for me. The way she sees the chakra is completely different from what I'm used to (ie: 7 levels) and she attributes different colors to them. That in itself isn't the biggest deal, but her exercises seem to require extremely specific hand positions and such things which personally (from experience) doesn't require such complex coreography.I have no doubt that what she wrote works for her and will work for someone else our there, but to me, this book isn't what I would see as a "good book to learn from". It's more of "this is my way to do it" with a laundry list of what I can do and you can do the same thing.$LABEL$0 +Dinosaur Paper Chains/A Complete Kit Including 12 Stencils. This book is great for all ages. I bought the book to use with scrapbooking pages, but will also use this as an activity with kids as young as 5 years old. The stencils are large enough that a small kid can use, yet detailed enough to embellish the work that I do. The stencils are easy to cut for a youngster. The paper that is included is elegant for scrapbook pages or for a kid's project. I highly recommend this book for anyone who works with kids and likes to keep them busy. The possibilities are endless. I have seen other 'paper chain' books and they were too complicated for me let alone a kid.$LABEL$1 +about Yvonne Ridley's work. I have met Yvonne Ridley in person, listened to her, talked with her. I agree with Sherif completely. Yvonne Ridley stands for justice; she has never expressed any negative views aginst USA. Please, learn all the facts before forming an opinion about anything. She and many others like her hurts for those innocent who are hurt, killed, raped. She is a great voice and a wonderful example for all. Read, learn and open your heart. If you wish to learn more.Sincerely,Margaret P.$LABEL$1 +Too small..... The customer befor me said that these shoes ran a little big, but i normally wear an 8 1/2 so i got just an 8 and they were too small. So now i have to return them for a 8 1/2. they are really nice shoes though. very comfortable.$LABEL$1 +HORRIBLE TASTE. I am totally unable to drink this stuff, literally impossible. And this is coming from a guy that goes to Japan 2x's a year and eats raw horse meat by the pound and cow intestines by the plate (Korean BBQ). I love almost all foods and can stomach pretty much anything. Actually, I think this is the first thing I have been unable to consume because it does taste that bad (Grape Blast)!I have used the SizeON pill form previously with wonderful results and will go back to the pill form.$LABEL$0 +Not his best but possibly his worst. It appears John grew tired and wrote an ending just to stop the pain of continuning a story line that was weak.$LABEL$0 +COMPLETE, AND UTTER WASTE OF MONEY.!!!! DONT B FOOLED!. If I could give this toy a ZERO MINUS on durability, I would. I have a 2 year old daughter for whom I bought this toy. My daughter watched it all of 20 min before she sat it on the living room table and permanent lines began to come across the screen. We took the batteries out and put them back in...same thing. Are they kidding me when they say this toy is durable for preschoolers!!! Blow your breath on the damn thing and it will skip...(see other reviews). The sound quality sucks, and really the picture isn't the best either (but both are suitable for a toddler). Apparently these toys are defective seeing how the problem appears to be across the board. No wonder this thing is no longer being sold in stores. Buy one you'll see for yourself.$LABEL$0 +Great place to put your feet!. The stool makes nursing much more comfortable for mom -- especially those middle of the night feedings! I strongly recommend that the company consider making a darker stain and perhaps white. Of course you can always paint or stain your own to match your decor.$LABEL$1 +Very Good!!!. I wasn't sure what to expect when I was waiting for this book to arrive. When I got it, I was pleasantly surprised. The color pictures are pictured to show the beautiful finished patterns. There's a nice how-to section in the beginning of the book. It also has a page of supplies you need to start. This makes it much easier to understand the whole process.$LABEL$1 +I Read it in 2 days. The day I received the book I began reading it and couldn't put it down. Every free moment, I would read it and had to force myself to put it down. It was so great to read about what heaven will be like and being greeted by all the love ones that have passed before us. I cried at the pain and angusish that Don had to endure. The limited pictures were helpful in identifing with his situation. I do wish he would have included a picture of his wonderful wife who went through this journey by his side. Thank you Don for sharing such a personal and difficult experience. Your honesty was humbling.$LABEL$1 +Works great. I've been using this fairly consistently for the few weeks since I bought it. Everything works great. It seems to save the quality of the wine well. It does feel the tiniest bit a little cheap on the construction. Nothing has happened, but when I pump the air out of the bottles, the plastic feels a little brittle. But like I said, so far, no problems, does the job, works great, I'm happy.$LABEL$1 +Did not work. My dog weighs 44 lbs. This did not work at all. I still have brown spots all over my yard. The spots are a different shade of brown. He is at the top end of the weight but I think it should still work.$LABEL$0 +Very disappointing. I bought this game for my 5 year old son. I ended up playing for him. The movement of the heroes is very sporadic. I even had a hard time getting the men to slow down so I could get to the hotspots to click on them. They were very jumpy and he was getting very upset because he couldn't click on anything. The game itself was ok. It only took us about 2 hours to finish it. I probably won't buy any more Rescue Heroes on CD Rom.$LABEL$0 +Over-priced eBook, missing images from DTB, poor quality map and figure images.. Over-priced eBook, missing images from DTB, poor quality map and figure images.(Same thing with the iBookStore version.)Simon & Schuster needs to commit more energy towards making quality eBooks (with great formatting, indexing, chapter navigation, and graphics) and less energy towards raising eBook pricing.$LABEL$0 +gandalf is pretty cool. This figure rocks.That's all that there is to it.Even though he fights the balrog in the fellowship he fights him in ttt too.The only bad thing about this fig is that his hair is plastered to fall right in front of the sides of his face.This is not cahange able.Oh well all in all this is a great figure.$LABEL$1 +Fell off hard man..... Sorry fellas, but I heard INS on Protect Ya Neck and said he was the dopest in the clan. The guy that comes with lyrics like "I crystalize the rhyme so you can sniff it" was supposed to hit harder than anyone else out there, but for whatever reason this album fell off hard. 17 tracks on the LP and maybe you can peep 3 or 4 fresh beats. The rest of the album sounds like it was put together by some hollywood studio, not the true dungeon sounds that Wu is known for. Had they followed the formula for earlier success, and had RZA realized that his beats with Deck's words is like peanut butter with the jelly, this album would have gone down in history. Instead, it goes down as one of the biggest dissapointments in a long time. It just hurts, man. When you got easily the number one lyricist in the group, he needs to be heard over the coldest beats they got. That shoulda been RZA.$LABEL$0 +Great cowbell. This is a great cowbell. It is pretty easy to control how much it rings with proper technique, and it's loud when you hit it hard. It is a little lower tonally than I expected (more of a toonk than a tok, if that means anything), but I can't complain.$LABEL$1 +A great supplimental teaching tool. This book teaches how to add your personality and other interactive techniques to your teaching. It teaches that it is a good idea to constantly up-date methods of presenting curriculum.$LABEL$1 +Irreverent loser makes good with great fun. Up tight people get theirs with humor, but not much differently from the theatrical release$LABEL$1 +great camera, but there are betters out there. I've got one these. THe best thing about this is the zoom. the picture quality is pretty good, very bright. there are a lot of features, including a pretty easy tv out. the AA battery makes this very convenient for power supply. however, unless you've got a fast SD card, taking pictures lags a little. also, you can't zoom in video...$LABEL$1 +Money.. Moran is a well known CIA agent. To know Moran through her work is diametrically opposite to know her through hervideo interviews on the internet, the most important one already being taken down right now. I might as well writea summary of what that interview said: "you can break your mental and physical limits". This is CIA performancepsychology, and according to rumour, Lindsay Moran is a master of it.Now back to the book review. Lindsay Moran has used every trick of the nonfiction writer: composite characters,fictional characters, outright fabrication, excetera, to create a suspenseful work. The most important point shemakes is that the CIA is no place for women, and that is why she left.This is not the case. Lindsay Moran never left the CIA. No one with this many years of seniority has trouble goingon extended paid leave with benefits (to write a book).In conclusion, the best part of the book is Lindsay potraying herself as a dirty girl when in fact she is a dourGerman Protestant.$LABEL$1 +STUPID, SILLY BORING. This book had the possibity to be good. But I got turned off immediately when the ANTI-HUNTING lingo started. Then it just got worse and sillier. I think I will move on to other authors.$LABEL$0 +And you thought Nick was bad.... Aaron's jammin' and Nick's pretty good for a prepubescent boy. How about singin' sistah Leslie? Let's just say that the singing gene doesn't run through the females of the Carter family. The title "Like Wow" doesn't plead to be taken seriously. It's just another sugared-up pop song desperate to go mainstream. Her voice sounds much like her brother, Aaron- only whinier. She sings surprisingly worse than Britney Spears and it is obvious that she is just as digitally manipulated as the Pop Princess. "It's True" was better than "Like Wow," but if you're trying to find meaning in those songs, you won't find it. You won't even come close to understanding them; it might be Leslie's low moans or the lyrics themselves. "It's True" was well produced. The music was addicting. It's just too bad that you could hear Leslie.$LABEL$0 +Works Flawlessly.....Until. I bought this adapter for my car, it works flawlessly!! However, there is this a warning that says not to leave the adapter in the cassette player while the car is off...I did it just once overnight and it was ruined, luckily, these can be picked up economically. I highly recommend this adapter...and I highly recommend not leaving in the cassette player.$LABEL$1 +FAIL. BUYER BEWARE!!!Padding insufficient--my new MacBook 17 was dented within weeks of use of this bag!Furthermore, after less than a year of use the stitching started falling apart!$LABEL$0 +Nice product. Bought it based on other ratings and haven't been disappointed. Takes some time to find a station that doesn't cause static but once I did, the item works as advertised. Charging the Nano while it plays is also a great bonus.$LABEL$1 +Overrated and dumb. Everyone I've talked to said Linkin Park was incredible and awesome. I am a huge fan of rap/metal but this is nothing like Kid Rock, Limp Bizkit, and Papa Roach. It was terrible. Their way of blending rap and rock was stupid. Kid Rock and Limp Bizkit combine them so well you almost can't tell when they've converted their singing. BUt Linkin Park starts singing rock then coverts so quickly it's annoying (especcially in the song IN THE END) I hated it and if I could have given it 0 stars I would. If you are in to other rap/metal bands and you're hoping to find the same musical genius in these guys then you're out of luck. SAVE YOUR MONEY!!! THIS IS THE ... ALBUM EVER$LABEL$0 +Whats wrong with me. I fantasize about women with whips all the time, but I found this film boring. I dont know what to do?$LABEL$0 +Shabby graphics, despicable gameplay. If you enjoy beating up old ladies, if you aspire to be a criminal, if you want to be a jerk or a criminal defense attorney, maybe this game is for you. Sure it's fantasy, but I hated the character, and wanted to play as someone else, namely a cop, so I could give the main character the beat down he deserves. Basically, I wanted to lose. Plus, the graphics are horrible, and stink of the game's PS2 heritage. The guy's legs look like sausages, and the other citizens look like circus freaks. Some textures on buildings are so blurry and low res it looks like an N64 game. The only good thing I have to say is the soundtrack is great.$LABEL$0 +Look at other books. I went to Melbourne and Sydney and the book turned out to be pretty skimpy. I flipped through the Fodor's book when I got home and wished I had bought that one instead. I found the Frommer's book to be very light on things to do and good places to eat for the 2 cities I visited. There isn't even a mention of Olympic Park in Sydney and only a handful of restaurants are mentioned. If you are only buying one book I would recommend checking out the Fodor's instead. It contains more thorough information and has good maps throughout for each city.$LABEL$0 +HP Color Laser Presentation Paper. I totally love this paper. It's thinner than the "HP Color Laser Presentation Paper, soft gloss", but for what I use the paper I think it's better. It's glossy as it says.$LABEL$1 +Cordless Phone System. We needed to replace a telephone and answering system, due to age of the old system. The Uniden system has proven to be a very suitable replacement. The instructions are very complete and understandable. The ringer is distinctive and quite loud. Sound quality is quite good. The only drawback is the delay between pressing a number key and the tone associated with it. Overall, we are very pleased with the phone system.$LABEL$1 +Only 1 good song on the CD. Like many others I bought this CD after hearing "Crawling in the Dark". It is the first song on the CD, and the quality definitely goes downhill quickly after that single song. "Crawling in the Dark" is the only really good song on the CD. There are 2 more decent songs and the rest are just crap. If you really like "Crawling" I recommend that you buy the CD single and hold off on paying full price for this CD unless you get to listen to it entirely somewhere. I know I am disappointed that I paid full price for what amounts to a 1-song CD.$LABEL$0 +Humorous children's novel about with science. This book was written in 1962 and shows it age. Otherwise it's a good book. It deals with a boy working on a science project, but things never work out just right. I read it as a child and liked it and just read it again to encourage my 3rd grader to read it. It is funny and explains the scientific method as well as a children's novel can. For 6th graders or older I would recommend the Mad Scientists Club books--much better but for older kids becasue they have more advanced science.$LABEL$1 +1 star for one hit wonders. "Jump" is their only good song. The rest of this album is horrible. Little kids rapping really isn't fresh at all. In fact, it's downright annoying. If this is in the bargain bin for $2.00, then pick it up, otherwise, forget about it.$LABEL$0 +Appalling.. Excuse me, but wasnt anyone who has read this book as appalled as I was by the fact that the empath-heroine walks herself through the scene of a brutal rape/murder, basically experiencing everything the victim did, and then immediately goes home and has sex with her perfect love interest? Yuck! Until I reached that point, I was genuinely compelled by the book, the choppy writing and the inconsistencies notwithstanding. But that scene was utterly arrogant on Roberts' part. I'm willing to suspend disbelief and lose myself in a romantic fantasy, but it should at least ring A LITTLE BIT true. Am I as a reader supposed to immediately dismiss this perfectly nice girl (who could just as well have been the heroine of another romance) who's been brutally murdered and instead identify with a heroine so callous? Don't insult me.$LABEL$0 +As good as the middle volume gets.. The first game introduced us to the cast of the G.U. series and gave us fans of the original games a lot of enjoyable and awesome tweaks to the mundane battle system that was of the first 4 games of the series. I thoroughly enjoyed how this game plays and with the second volume, it adds several new battle mechanics, plus a few mini games for those continuing the series. This game continues the awesome story line that G.U. vol. 1 Rebirth left off on, and basically brings the player closer to solving the mysteries that the game set out for the gamers and Haseo, the main character, to figure out. The difficulty in this game was cranked up a lot from the previous version, so I've been seeing myself get game overs more often and such and it is exactly what I'm looking for. This game is a must get and everyone who loves RPG's should give the .hack series a try.$LABEL$1 +Into the woods. Liked it. Familiar with story/music/etc, but enjoyed re-viewing it. Unable to see a local live performance, but this was almost as good.$LABEL$1 +Good battery for the price. Much longer life than the standard battery on my PV-GS250. Build quality isn't as good as the Panasonic brand, but it works and that is the most important part.$LABEL$1 +Belkin extension. It was avery good price for the extension and works well. I have two of them and no trouble with either of them,$LABEL$1 +Decent product. I have an old '95 s10 pickup with over 200,000 miles that I drive to work. I wanted to make cold morning starting of my pick up more gentle. I use it with a timer and start it a few hours before I leave in the morning. The starting temperature doesn't give me instant heat. The old motor does however appreciate not being starting at 20 degrees. I'd estimate the temperature at start is probably 90 or 100 degrees. I have warm air within a mile of driving. Before installing the heater, I'd just barely be getting warm air by the time I got to work. For the price, it does well enough that I'm satisfied.$LABEL$1 +Paid for this item a month ago still have not received it customer service is a joke!. I ordered this back around August 14th and its not September 7th and still have not got it, i wrote a review on this before, i tried getting hold of the company many times with no success and once i left a poor review someone finally called me and assured me with a 75 dollar credit back on my credit card that it be here no later then the 7th. To sum it up its still not im leaving this review to warn that if you order this item or any from this seller and have any issues you will be next to no choice able to get ahold of anyone to solve the problem would rate ZERO stars if had the option.$LABEL$0 +Starting Out? Yeahhh Right...... With all do respect to the author, this book is not well written. I got this book to actually learn the Grunfeld. Well It turns out I waisted my money. When I explored the Grunfeld a little more, i found out that it is a worthless opening. I now play the Modern Benoni. The Modern Benoni is excellent for agressive players and if you want to learn the opening I recommend Starting Out: The Modern Benoni. Ive had great success with this opening. Now back to the Grunfeld. The Grunfeld is bad because it lets white get a strong central advantage for no reason at all. Ive also found a few errors in this book. The variations are not well explained so your pretty much on your own the figure them out. So, Please save your money.$LABEL$0 +What a trip!. What a great read! Written as a series of short tales, it reminded me of sitting with my buddies swapping stories on any given night. The stories are a great mix of the ribald, the hilarious, and also serious. This is a book that can be read again and again.$LABEL$1 +Bad Radio; Expensive Charger. Radio station seek mode using arrow did not work in one direction; station dial was erratic; label was put on cockeyed (sloppy quality control); not so hot reception with battery. Charger worked good. Exchanged radio for dual charger and pocketed the difference.$LABEL$0 +happy with my cajun accordion. I couldn't find a new cajun accordion for this price anywhere. I wasn't expecting much, but was pleasantly surprised. It's got a nice clean sound, Tight bellows, good keyboard action. The strap that ships with it is a little shoddy, and mounting brackets for the strap could be better, but all in all, I would recommend this product.$LABEL$1 +One of Two Recommended Apologetics books. Craig covers the topic of Apologetics in such a way that is both scholarly, but still accessable to the average person. His book is fairly technical, but not so much that a person can't grasp the overall message of the book.He writes 1 1/2 pages on Alvin Plantinga's view of epistemology. This was extremely helpful in responding to attacks against Christianity. Although, a difficult passage to read, I'd recommend everyone grasp the concepts presented in that section.$LABEL$1 +Too little. I recently bought this book and am quite disappointed. If you have never used an art program before, then this book may help. If you have even a little background in PhotoShop, this book will not help in any way. I also never saw how they got the 2160 page count, it can't be more than 100.$LABEL$0 +thanks!, by Alyssa Turner "baby doll lover". this stroller is so cute! im 12 and i was afraid that its too short but i want to say thanks to the 2 girls that said that they were over 4'11 and could push it with no problem! im 5'2 and the girl below me wrote that she is not much taller than the girl who is 4'11 so we must be about the same height. it looks so real and i cant wait to buy it. Thanks again!$LABEL$1 +Great Book. This book is so typical of Southern Families with a strong matriarchal leader. I laughed out loud while reading because Ms Smith uses comical pharses I have grown up hearing. This is an awesome book.$LABEL$1 +Cheap plastic threads wear out easily. I bought one, the cheap plastic threads connecting to the faucet wore out. So I bought another. And the cheap plastic threads connecting it to the faucet wore out -- even quicker. I frequently go to get a drink and find that it's spraying water into my face. Brita should be using metal threads which probably would cost them about $0.01 more. After two fast failures, I'm staying away from Brita filters. I don't know what to do with the bunch of extra filters I have.After months using a new Culligan filter, I strongly recommend the Culligan instead: $10 cheaper, AND more durable. Brita, your competition has clearly surpassed you:Culligan FM-15A Level 3 Faucet Filter$LABEL$0 +This game is a technical disaster. I've got a brand new Nvidia 5200 128 MB graphics card, and just got back into computer gaming, so I was eager to try this game because it's a genre I love. Plus, my PC played COD and Battlefield 1942 so there shouldn't have been technical problems to play it. Boy was I wrong to think that.This game is a technical disaster. I ran it on a P4 with 256 MB RAM and it still crashed on me three times, something that never happened even once with other games at all.After it crashed for the third time BEFORE I even got to start the first mission, I gave up.The developers really dropped the ball on this game. From its looks and screen shots I've seen, it looks like a great game. But if it's too unstable to play, nobody's going to notice it.This game is an absolute disaster from a technical standpoint and the developers should be ashamed of themselves.$LABEL$0 +A Positive look at MS. This is a book that gave me hope shortly after being diagnosed. It is a book I bought a number of copies of to loan to family and friends. It does a good job of telling about MS without being quite so scary as most. It really could use some updating, a lot of advances have been made since it was published.$LABEL$1 +Close but not perfect. The strap is too short (i am 5'7" and it hangs around 8 inches from my armpit going across my chest.maybe it is a pros though as it prevents too mush swaying of the bag while walkingNo shoulder pads to lessen the weight on the shoulderMain zipper pouch.the tablet slot is too narrow so i end up putting the tablet on the other sideFlap area.the mesh pouch (other side no zipper) is flimsy and uselessMain zipper is flimsy,please do not use rubber tabs.use hard plasticPlease have a longer shoulder strapUse removable shoulder strap with snap on linkWider tablet slotPlease add a rain cover that can be tucked in the bottom (tethered).i want to keep all my gadgets inside from rainFor the flap area,make it a bit wider so more items can fit insideAdd hard foam at the back of bag to prevent tablet breakage$LABEL$0 +good. If you enjoy the show, you'll enjoy the dvds. This is the complete 5th season, just as they were on tv. case and disc of good quality.$LABEL$1 +7-month old loves it. I ordered a couple of books and this one is her favorite!!! It is the only one she really pay attesntion to and she doesn't try and eat it!! 5 stars!!$LABEL$1 +Easy, fun read. This book is so easy to relate to if you are in your 20's, single, and working at an unchallenging job... and most of your time is spent going out with friends and on dates or at least thinking about those things. It is set in New York, and she is very descriptive about the city - I felt like I was right there.$LABEL$1 +a true blessing. one might think such a small item might be a trival request. These little beauties allow me to walk again. I am very active and love hiking & walking. my feet one the other hand are falling apart. This small metarsil arch support keeps the small bones in alinment so that I can continue exploring this life the way I love.$LABEL$1 +Did not work. This product did not live up to expectations. I was disappointed with the product and with the reviews online which were the reason why I selected Braza.$LABEL$0 +A pleasant new series!. This is a fascinating novel about a part of American history that I don't know very well. Shaker society was never really covered in class, and so I read this with fascination. Besides the well done parts about Shaker society, the mystery itself is also fun to read about. Sister Callahan seems to be the only sane person sometimes there as the other Shakers are portrayed as religious fanatics to the point of being violently fanatical. I'm hoping that the people we meet in the next book will be a tad calmer. Besides that one problem I was still enchanted by this book and look forward to the next one.$LABEL$1 +WHY?????????. This book should not have been published yet. First of all we chose the wrong person for the job and secnd it is too soon. The world is not ready for its ontents. Nobody told me we were doing this!Italian G95$LABEL$0 +Haven't I heard this before?. Crap! Everything about this new effort is crap. Perhaps the chemistry they had on the first album was just a fluke. The musical compositions sound nearly the same as the first album. The beginning riff on "Your time has come" sounds very close to cochise. The lyrics are trite, self absorbed and meandering(kinda like soundgardens last effort). Morello took us down the same ole same ole noise road with his guitar solos. The most annoying quality of this album is the sound, it's flat and lifeless, the mixes are blase, muddy and totally lacking in edge.I don't see anything redeeming about this album. Perhaps they should've stayed in exile awhile longer.$LABEL$0 +On a mission. I was disappointed with myself that I didn't notice I had purchased the 12th edition (used 1992)but more importantly that this book was initiated as a catalogue for Christian missionaries. After the entry for GREEK, it states "NT 1638-1989". I thought the NT, New Testament, was originally written in Greek.I will keep it as a handy catalogue of languages, but I will look elsewhere for information on the languages of the world.$LABEL$0 +Disapointed. Well I did get it ontime so I give that five stars but other than that the candy bars tasted old so I tried looking at the date and it was scrashed off, so I'm dissapointed.$LABEL$0 +dupli color paint sucks. doesnt stick to car seat fabric well and in the end it came out looking like musturd yellow with patches of black. It took me another hour to get 90% of it off. What a waste of money!!!! I also have a video on youtube.$LABEL$0 +IT IS ALL HAPPENING AS WE ON THE PLANET PLAN IT. I have just recently discovered the KRYON books though they have been with us for the past ten years. ALL IN ITS RIGHT TIME means it was just right for me to read KRYON now. And I feel so blessed and grateful that the books have fallen off a shelf into my hand in the usual synchronistic manner of how I discover books. I want to SHOUT to everyone I know to read these books and see where we have brought ourselves. Unfortunately, most everyone I know is still waiting for the books to fall off the shelves. But for all of you out there and I know there are at least 144000, run don't walk to your nearest book store for BOOK I and I promise you will immediately get the next six or seven and hope that before KRYON is through there are at least a couple more waiting for us! IT'S YOUR CHOICE OF COURSE. p.s. All that KRYON talks about is stuff we are manifesting including this review.$LABEL$1 +Awesome travel router!. I am actually writing this review using the DWL-G730AP access point. It's super tiny and works flawlessly.I've used it a a hotel conference where the conference room had 1 lan port and using this router I managed to securely share that connection with over 20 attendees. Performance was more than acceptable and signal strength, despite it's dimunitive size, is impressive.Overall a well balanced product. My only beef is that I wish they had made the power adapter even smaller, and oh yeah, the thing looks ugly. I wish they made it more stylish looking.But those 2 caveats do not affect the performance of the router in any way, they are just my comments.Go ahead and buy it! You'll be satisfied!$LABEL$1 +Never received from Amazon. I wouldn't know how this book is. I ordered it December 11 2005 and never received it. Amazon cancelled my order in March because they said they did not receive confirmation from me that there would be a delay. Not only could I show proof I had given the confirmation, I also had an email with an apology saying they would send it to me for free. But because they cancelled my order, we had to start it again. Expected delivery time is the middle of May. 6 months to get a book from Amazon - the book people. What a joke!!$LABEL$0 +not bad..... it's what you would expect. i laughed, i scoffed, but overall, a cheaply made horror movie that didn't suck. i would be interested to see this film fleshed out into a longer, feature length movie$LABEL$1 +Pretty Darn Good. I've taught beginners using several "method" books (Mel Bay, Bay and Christianson, Leavitt's Berklee series), and I've currently settled on this one. While I'd prefer not using tablature as a crutch, many students refuse to learn standard notation. Vecchio's book has both, so the motivated student can learn standard notation. Additionally, students respond better to modern material than "Wildwood Flower" or the dreaded "Fourth String Study". The combination of flatpick and fingerstyle is also a nice touch.$LABEL$1 +The best and the easiest to read English translation.. Dr. Khalifa's translation of the Arabic Quran certainly appears as a translation inspired by God and as claimed by the translator himself. This translation also inspires the reader and clarifies many things right at the first reading. The translation is also claimed to be most accurate and is most definately an easy read. It comes with many facts regarding the miraculaous mathematical coding of the Quran as contained in one of the appendices to this translation. Highly recommended. If you want to know what Quran is all about, then this is the translation to read. Any other translations thus far are no match to this one.$LABEL$1 +a BEAUTIFUL movie!. Oh, wow. This movie is just so magical. Everything about it is absolutely captivating. I love the the time it's set in, because this allows for a lot of beautiful, old-fashioned backgrounds that accent the perfectly poignant acting! The little girl is so adorable, and there are some scenes in this movie that seem to belong in a painting, they are so visually-appealing and colorful. This movie is one of those movies you can watch and totally immerse yourself in and forget you're watching a movie, actually believing you're IN it. I wish I could give it more than five stars, because it truly deserves it. It really gives you that deep-down, warm feeling that only the best movies can make you feel. It's rare to find such a deeply-moving movie that can be enjoyed by anyone!$LABEL$1 +Cheap construction. Cute design, but drop it once and it's done. It is awkward to turn the top to mix, and the printed recipes on the container fade.$LABEL$0 +Aweful. just a trailer, nothing more,so it really sucked, you can watch that even on you tube, no need to be a member here$LABEL$0 +Works fine in Israel. I live in Israel. I ordered the unit from Amazon with some fear that it may not work properly here. However the unit is great and it works excellent. You can set up the unit to view your position in Israeli coordinates -new or old. Just look on the internet for the Israel Datum, and enter the data in the Datum screens. The car power-cable is a must, and so is the dispenser. It does not work in house, but I get a good reception in the car (without an antenna). Although this is my first GPS I can tell it is a very good one with many options. When you on the move (for example you drive from one town to another)it draws a line in the map screen, showing your trails. Then when you drive back, it draws parallel lines keeping a clearance between the lanes and showing points of intersections. The unit does not come with any map for Israel. I do not recommend to buy the MapSource as it is not accurate. I give it 4 stars just because I never rate anything as 100%...$LABEL$1 +sophmore slump. This CD was awful. Most of the Coal Chamber fans will love this CD, but as far as this CD being better-it isn't. The lyrics are still dumb, the Ozzy remake was a disaster, the guitar riffs were dull, and the composition was horrible.The expectations were not fulfilled. This CD bites! Don't waste your money, and Coal Chamber quit your day job.$LABEL$0 +My puppy has never been so comfy!. This is the best product for anyone with a little dog who likes to ride in the car! My puppy just loves being able to see out the window, while being secure in the seat next to me. It is also great for long car trips, because it is comfortable enough for them to also nap in! I would absolutely reccommend this product to anyone!$LABEL$1 +Incredible video, not to be missed!. I own a copy of this video and sent one this Christmas to my best friend back home. Oddly enough, we both had Rick Larson as a professor in college, and I distinctly remember him as a favorite then as well. He did a phenomenal job making this video, which is well-researched and awe-inspiring to watch. I can't wait until my kids are old enough to watch and fully understand the content that the "Star of Bethlehem" covers; just a few years to go! Since it is a documentary, you must be prepared for the presentation (no Hollywood antics here!), but I assure you, watching this video is time well-spent. I'd highly recommend it as a Christmas gift to anyone and everyone, but don't wait until then to buy one for yourself!$LABEL$1 +ONE OF MARGOLIN'S BEST!. I was lucky enough to get an Advanced Readers Copy of this novel, even though I paid a little more money. I just couldn't wait till it was released. Phillip Margolin is one of my favorite courtroom thriller authors. "The Associate" was very interesting. It dealt with Daniel Ames, a lawyer working for a firm in Oregon. He is defending a pharmaceutical company aganist allegations that one of their drugs is the cause to many disfunctions and problems with newborn children. The case picks up steam when a scientist who works for the company gets burned to death. The novel gets more complex from then on, going deeper into the studies of the company and more research. The conclusion is shocking and exciting. This is a must read for courtroom and Margolin fans. Margolin is ten times better than Grisham & Turow!Brad Stonecipher$LABEL$1 +Can you see me Now???. I just love this game...It is so different than most video games and the lighting and curtain effects are amazing. I have about a dozen or so Xbox games and this one is by far my favorite. The is just something about the steath nature of the game that just pulls you in. You sometimes think, there is no way out of this situation and them you somehow find a way to get through..You can not run through this game and shot them up. You will find yourself lurking in the shadows and seeing just how quiet and un-noticed you can be, and if that doesn't work, well...a bullet to the head will do the trick...sometimes, the bad guy just has to go down.If you like strategy and thinking, you will love this game, and you will be running through the curtains and shades just for fun...lol..enjoy$LABEL$1 +y can't they make FULL seasons?!!??. i love big time rush, well actually i luv every nick show ever aird... nick is awesome. but the 1 thing i hate about them, is they take forever to make complete seasons!!!!!!!!!!!see, what they do is make volumes and volumes... and if your like me you hate to buy all those dvds, it costs more, and it takes up too much room. come on lets be realistic, help me talk nick into releasing FULL SEASONS 1st, instead of doing it way after there off the air.$LABEL$1 +Low Price and It WORKS!!!. I couldnt find a remote for less than $50 online, most higher than that. So when I saw a used one for $13 I figured it was worh a try. I couldnt tell it was used, great condition. I took it to a dealership that programmed it for me for $25. In total I spent less than what most charge for a new remote alone. Great product, shipped fast.$LABEL$1 +If Citizen Kane is a great film, what would a bad film be like?. To enjoy Citizen Kane, you have to be able to answer the question above. I just hate almost everything about this film. I think it's easy to create a hype how such a terrible film look great and deep. Many people will fall for it. But it's very hard to make a truly GREAT FILM!$LABEL$0 +Best Guide to Gaining Mass. I have been lifting for years now, but I have never seen the results I have gained with this book before. This book is perfect for getting yourself out of that plateau or training rut. The only problem I have with the book is the diet suggestions are extremely repetitive. I have found myself looking elsewhere for meal suggestions.$LABEL$1 +Amazon made me wait a month, then canceled my order. Amazon made me wait a month, then canceled my order. It seems to be a 5-star product, just wish I'd have gotten one :-($LABEL$1 +The Indestructible Beat Of Mali. 30 years on, and legends in West Africa, blind couple Amadou Bagayoko and Mariam Doumbia have their commercial comeuppance in the other-than-world-music sphere, and I am not egotistical or hip enough to admit that you can count me in that group of neo-fans. What I did discover upon the solid recommendation of a sage-in-the-woods is an extraordinary juxtaposition of rhythm and glorious melody and gargantuan beats and a conviction that only 30 years of love could muster. The great Manu Chao produces with a pristine knowledge and his variegated patterns illuminate the vocal while the whole thing effervesces into an explosion of infectious tunes. Believe the hype. My grade: A$LABEL$1 +Looks and sounds like the series was made today instead of decades ago.. Very impressive. Long time fan of the series. Have not seen it since it was originally on TV. So many series that I enjoyed when I was a kid have been disappointing as an adult. The Prisoner was just a good and intelligent as I remember. In many ways, it is better now that I understand nuances I did not back then.$LABEL$1 +Ughhhhhh!. This cd is crap! The music is dated, and it just came out. The only highlight is that guy Steve Smith who sing bground vocals. He's tight!$LABEL$0 +Horrible Customer Support. Wow, not only did the whole unit not work, but the customer support is the worst I've ever seen of any group. They actually lied twice during my support ticket and then later went back and said "we couldn't reveal that information earlier", except that is was 180 degree conflicting to what they now said. Then they started threatening legal action if I said anything on user groups. All I wanted was for the unit to be used on Windows Vista, which, like another reviewer here, it should as the packaging says "PC or Mac", not "Windows XP SP1 and Mac OS 9".Unbelievably horrible product and customer support. Run far away from this company.$LABEL$0 +Nice Read. This is the first book I read from Robert Crais and I was quit satisfied. This book kept me on edge and I had trouble putting it down. Pike is a bad mother, shut your mouth! Nice story line with a interesting twist.I will probably read more of his books. Two thumbs up!$LABEL$1 +This is the smallest toy ever! Not worth 19.99! Fit's in my the palm of my hand!. Very disappointed in this toy. There was no indication that this toy was small. Once I got it ... well... it's as big as the palm of my hand. I hope it doesnt' get lost under the tree!$LABEL$0 +Solid instructional book. John Jacobs provides a solid instructional book. Many instructors fall into either an arm driven or (more popular) body driven swing. While body driven instructors put Jacobs in the arm driven swing category, I believe he's really exactly in the middle. He believes that both are required in the appropriate measure.A big bonus is his sections on troubleshooting on the course (including how lie, slope and club will affect shot direction and shape) and the fixs/faults section. The fixs/faults section is an abbreviated version of his Golf Doctor book, but just as good and a little more simplified (for the better). Technical swing mechanists will find fault with some of the physics of his explanations, but his fixes are based on years of experience and have worked for me.$LABEL$1 +A compilation of uptempo Disco and R&B tracks that should not be a part of the "Smooth Grooves" series.. Rhino's "Smooth Grooves" series most definitely took a turn for the worse on this volume. Just what this compilation's producers were thinking of when they decided to include the songs by Dynasty, Kraftwerk, Marvin Gaye, Ashford & Simpson, Kano, The People's Choice and the others that managed to make it onto this CD is beyond me as they are all uptempo Disco hits that got plenty of exposure in the clubs but that most certainly don't belong on a romantic music series. If you are looking for a compilation of late-1970s or early-'80s Disco and Urban R&B you'll probably like this compilation but it should never have been included as part of the "Smooth Grooves" line.$LABEL$0 +Amazon Customer Service SUCKS!. I ordered 6 bags of this candy in plenty of time for Halloween since my children cannot have anything artificial. When my order came, I only had one bag! There was NO phone number for customer service and when I submitted this problem online I got an automatic message back. This was 2 months ago and NO ONE from Amazon has contacted me. They leave no way for you to report real issues. I was excited to see their organic selection but I will never purchase anything from the lame Amazon grocery store again and I would encourage everyone else not to since there is no way to reach an acutal CS person.$LABEL$0 +One of the best r&b albums in my collection!!. This Album is incredible. I have this CD for years and I still play it today, this man put all his feeling and emotion in his songs. I am still asking the same question who is this guy Jesse Campbell and where did he came from? I truly hope he makes another album.his music helped me to a lot of things.If you read this and do not have the album yet GET IT!!!If you like gospel/r&b;/soul GET IT.Thanks Jesse. Greetzz from The Netherlands, Maurice$LABEL$1 +Worked great...for about a year.. I really did appreciate this while it lasted. It was in my bedroom and served as a fan/white noise maker/air purifier all in one. I'd only turn it on while sleeping, but it lasted barely over a year before it started making a horrible sound. It sounds like there is a flap or rudder stuck in a fan blade or something. So, I'll be paying shipping to the manufacturer in TN, plus their $10 reshipping fee. Not what I expected from this price point and the frequency in which it was used.$LABEL$0 +Buy the 1994 version instead. I bought this version after I saw the 1994 version and was disappointed this one. I found out much later that his version didn't always stick to the script as the 1994 version does. Go with the newer 1994 version instead.$LABEL$0 +DO NOT BUY. This should not be sold as a book. It is totally unreadable because the font size is so small. Was it a mistake at the printing factory? They should be ashamed to sell it!$LABEL$0 +what the hell is this garbage?. This is utterly awful....riffs so thin and pathetic they make Bush look like Overkill, this album wallows in uncreative swill. The guitarist sounds like he just picked up his instrument a week before, and the fact of the matter is, any band having to hire a guy to guest to play guitar solos (Dimebag Darell) is utterly pathetic. The songwriting is nonexistent, if at best poor...only about 1 song is impressive, Catharsis...the others should be pissed on!!!$LABEL$0 +Limo Song. The song missing from the soundtrack that plays twice, once the first time they kiss and again when they are having sex in the limo, is called "This Years Love" by David Grey. It's an awesome song! Most of other songs they put on the soundtrack are just instrumental background music you hardly even notice, rather than the good songs...$LABEL$1 +insight. natalie zea is great actress. catch her on cable series "justified" the dvd has good suspenseful thrills and action that keeps you on the edge-of-your seat i reccommend this little unknown movie$LABEL$1 +Anne-Victim of Henry's Lust. I was not familiar with this movie (it was released before I was born), but wanted to see it after reading THE OTHER BOLEYN GIRL by Philippa Gregory. Gregory portrays Anne as the scheming seducer, but in this movie Anne and her sister Mary are both portrayed as the victims of Henry's lust and the rules of the society in which they live. I am not familiar with Bujold's work, but was impressed with such a young woman meeting Richard Burton on even ground, and even stealing the scene. As for Burton, I found it rather hard to believe him as Henry VIII, especially since the film-makers did not attempt to give him Henry's famous red-gold Tudor hair. It was hard to see him as anything other than "The" Richard Burton. All in all, a good re-telling of the story of Anne and Henry, not just your average costume drama.$LABEL$1 +This a great lost album--Poco writting at its best!. This album is one of the best they have ever made--great songs,very emotionally sung and written, about love and loneliness during the Civil War-it also works for the current era-the songs are written beautifully and with romantic feelings-and the singing is perfect-great harmonies-if you are the kind of person that gets emotional with songs-this is the one to get-listen to it with your girlfriend or wife-she is sure to love these songs. Rusty Young, Paul Cotton and Gerorge Gratham are great songwriters and singers. I don't understand why this album is so hard to fine--it should be re-released on CD or released on SACD--Listen to this album-you will not be disappointed if you are a true POCO fan!!!!!$LABEL$1 +Good stuff. Finally, a way I can get my heart rate monitor working before I ride away from the house. I grew tired of licking my monitor belt before my bike rides, and this does the trick. As soon as I turn on my monitor, I can see my heart rate. Thanks for a great product.$LABEL$1 +A Real Chuckler. This is a great concept. It may have been done before, as some folks have said, but I don't care. What humor *is* original? Everyone borrows from everyone. The point is to make people laugh. And reading about lost Prussian swords and giant shrimp suits just cracks me up. Hahaha! I laugh out loud. It's that funny.$LABEL$1 +Temporary and standard light. I prepped the surface with rubbing alcohol only to find them laying on the floor within the first five days of installation. The darkening effect is no better than the vertical blinds currently installed on the other windows.I won't be purchasing these again.$LABEL$0 +Disappointing. I felt this movie was terribly disappointing. My issues are:1. She seemed to get freaked out/scared WAY to easily. I was wondering why she would react so terrified to such simple stuff. She knew her dad and uncle were there, so hearing sounds isn't really abnormal.2. They advertised this as in real-time style, but by the end of the movie, you realize that was entirely pointless (SPOILER: there is a twist that makes the real-time aspect completely bogus since what we've been watching isn't what was going on. So what we saw wasn't even the correct unfolding of events).I feel the movie was very cliche with an ending that's been beaten to death. Some may find this scary, but I was just scratching my head wondering why she was so freaked out so quickly. And wondering when I would finally get a good scare. Never happened.$LABEL$0 +Unimpressive. I listened to this CD with the hope that it would be better than their previous work. I was wrong. The entire album was rewritten material with the what sounded like a band mailing in the music. If you like Queensrhyche, listen to Empire and Operaton Mindcrime. Those are very well written albums and worth your money. This is not. Steer clear.$LABEL$0 +Needs bonus tracks. I became an Elton John fan during the superstar's 1976-82 career lull, A SINGLE MAN (released in '78) among the first of his albums I obtained. The weak lyrics accompany routine music and only three songs stand out: "Big Dipper" and the minor hit singles, "Part-time Love" and "Song For Guy." Both those 45s had great flip-sides, "I Cry At Night" and "Lovesick," respectively, and it is too bad the CD release of A SINGLE MAN did not include them as bonus tracks. The rest of A SINGLE MAN has hints of what made Elton great. It was just a matter of time until he got back in top form with JUMP UP, TOO LOW FOR ZERO and BREAKING HEARTS, to name three of Elton John's worthwhile 1980s albums.$LABEL$0 +I am usingit righow. thisreview is being tyedonthiskeyboard.Iam hitting all therightbuttonsto make a complete/orrect sentence. Bt youwil notice that it is failing smetimes.the maority of thetime,the buttnsdon't or thefirst time aroud and youmust bacspce an rehit them again. oten enough,thebackspace buttondoesn't wor eithrand it becomes dificult to type whoutfixingalmost al f your words. i m astrng typer, i click the keyboard fairl hard and am accurate, oweer on this,I am a disgrace. it rolls u nicely but doesn't tpe good t all.IF OU ARE HAVNG ADIFFICULT TIME READING THI, THAT ISTHEPOINT! THISKEYBOARD WILL NOT WORK FOR YOU AND IS VERYDIFFICULT TO YPE SUCCESSFULLYON.BOOM~~MINKYBINKS~~BOOM$LABEL$0 +Same story... different setting. A lot of books are about man's struggle, etc. Frankly, it gets a bit boring and "ho-hum" after awhile. The only difference with this novel is the location: Newfoundland.As a Canadian, I have been to Newfoundland and I think the author's depiction is really off base. I believe it gives readers a false impression of what this maritime province is really like.Some characters are annoying and I'm not a huge fan of her narrative voice. I also dislike the excessive use of sentence fragments. This is, of course, personal preference. My opinion of the book is that the use of descriptive detail and imagery and other literary devices conceals the fact that the plot is fairly bland.$LABEL$0 +A Great Feminist Sci-Fi Novel. I came across the name Octavia Butler when searching for science fiction books written by a black woman with a black woman as the protagonist and I found thos gem! If you are into the concept of humanity destroying itself and having to give up part of itself to survive, this book is for you. This book uses metaphors to discuss complex subjects including the role of women, the role of science and genetic enginering, the contradiction that is humanity and learning how to start over when there is little trace of the past. Dawn is an easy read and will definitely cause you to read Adulthood Rites and Imago. A great book!$LABEL$1 +Nav300 works okay, but don't buy it. I've been using this GPS for almost two years. It works well enough, but it appears that bankrupt Delphi will not be supplying map updates. I am a road warrior, and I am already running into problems where the maps are not accurate, or roads are missing. Also, it won't save a destination unless you are on a road, so if you are in a parking lot, down a long driveway, etc, you have to go back to the road to save the location. We purchased a Magellan 1410 for my wife to use, and it has better search features. And it's more compact!Conclusion: skip this GPS, and buy one from a solid company like Garmin or Magellan.$LABEL$0 +You get what you pay for!. I purchased this radio to listen to FM stations while I am out locally on foot, and while traveling abroad. I tested it in my back yard. It will not tune in the three strongest FM signals from the closest transmitters. They tune in clearly on the wimpy little radio card that plugs into my old Palm Zire PDA. (That PDA has been superseded by a more powerful one with no over-the-air receiver capabilities.) Instead, the Coby attempts to tune in weaker signals from more distant transmitters that are barely audible even at high volume.Unfortunately, it comes in plastic clamshell packaging that has to be cut open. Because it has been opened, it cannot be returned for a refund. Strictly speaking, it is not defective, so it cannot be returned on those grounds, either. Fortunately, it is so inexpensive that I do not feel too terrible about putting it in my stash of items for the next electronics recycling collection day.$LABEL$0 +Always Buy First-Party Memory Cards...Here's Why.... Unfortunately, Sony hasn't been able to keep up with memory card demand lately, so us poor saps without one have no choice but to get an alternative, third-party memory card. Borrow a card from a friend instead of buying this one, because this is just awful. If I could give this card a zero rating, I would, since the one I bought was faulty. Get an easier-to-operate Sony card, because with this, you have to load a special disc everytime you play. Resist the temptation if you can't find a Sony card, because this is a waste of your $[money].$LABEL$0 +Product was great, but the packaging is a mess. Box was crushed on one corner such that one of the cannisters was broken open and there was fine powder everywhere.$LABEL$0 +To you who loved Metal in school and thought you'd outgrown. Holy Cow!I'm an avid music collector, over 1000 discs now, and the first time I listened to this I said "oh yes, this is what I have been waiting for..." I graduated high school in the 80s and loved all the heavy metal that was popular back then. Of course as I've grown into my 30s my musical horizons have been expanded beyond belief, into jazz, ambient, alternative, space music, you name it. The other day I got my hands on this and it's just the ticket. All the technical mastery you could want, but in a band that delights in playing AS A BAND and not just shredding into oblivion like Yngwie. Crossed up with some funk and enough other influences to really keep you captivated. It's great stuff!$LABEL$1 +A misleading title. If you want a book on philosophy, this is for you. If you are looking for a complete guide to daytrading, you will find this book to be mostly padding. Detail useful to a daytrader forms a surprisingly tiny percentage.Its title is the most misleading I have purchased in some years. I want my money back.$LABEL$0 +Great Book ... A must have !!. I am new to making my own products and this book is SO helpful in getting started. It is laid out very well and easy to follow. It gives you great recipes and explains how to make them..I bought one for my friend .. I really love this book !!$LABEL$1 +Mellow Yellow.... I don't care if the yellow 'glow' is supposed to be arty farty...it gives you a headache. Florida has it's own beautiful light, take the yellow filter off, it makes everyone look jaundiced.Script...?? There isn't one, just some filler, in-between some average stripping. Channing's bum wobbles like jello, Matt Bomer looks great, but even that doesn't redeem this movie for me. Plus is it just me or is there something not right about Matthew McConaughey ?Anyway, if you want to see Male Strippers go to Chippendale's or a gay strip joint...maybe even rent 'The Full Monty', any of those options would be a lot more fun than this !$LABEL$0 +one sided flag making it attractive from one direction and faded out looking from the other.. I was really lookin forward to replacing the orange caution flag on my power chair with my new American Flag with the gold trim. Unfortunately. I guess I must not have read the sellers description of the flag after my having seen a few others very similar if not the same as this one save for they were described as having the same appearance on both sides unlike my new one thats bright an cheer e on one side and has the appearance of having faded out on the other. My bad, I guess. Oh well. Win some. Lose some.$LABEL$0 +Simply the Best ONE. I have known this version of Messiah since my early childhood in the 'sixty's. You need to remeberthis is Scripture set to music. In making this both Handel and those you hear on the recording have affirmed my belief in both beautiful music and Our Lord Jesus Christ. You experience both the spiritual and sublime here.Mr Ormandy with the Mormon Tabernacle Choir have brought the highest Praise and Glory ever known on Earth to God in this presentation. I am not am expert in the music of this, I am a consumer who is now 51 and blessed by it every time I hear it.$LABEL$1 +I have a new favorite author after reading this book!. I first encountered this story in the pages of Cosmo--it hooked me and I went out immediately to buy and finish it. Anne Rivers Siddons writes the kind of books that you don't want to end. She creates another world--really paints a unique vision with her words. This story rings so true, it really has that feel of authenticity--almost autobiographical even. I have read most of her other books as well, but this one which I read a few years ago remains my favorite...As an aspiring writer, her writing both inspires and intimidates me it is so good!$LABEL$1 +Cheap - breaks very easily. It cooled okay when it worked but the wires were seperating from the plug and it only worked for a few days. I sent it back and Amazon who replaced it and this one only worked for two weeks. I gave my Rocketfish cooling fan when I got this one. While I went through two of these quickly, my old Rocketfish is still working like new. I would not recommend this product. It's not worth the time or expense of returning it again.$LABEL$0 +Simply the best BTAS!!. I've read through many reviews where people state that the early Batman: The Animated Series episodes were the best, and that may be true where story is concerned, but if you're an animation and story fan (not just great story or great animation, one always seemingly sacrificed), this later set of episodes were the best. Personally I always felt the animation in the early BTAS episodes were weak and "iffy" at best, even if the stories themselves glued you to your seat. However, with these later episodes nothing is sacrificed, as both the story and animation function in great synergistic fashion!I feel that vol.4 will be the best seller of the 4 available. I'm currently being proven correct in that assumption it seems, as I have found this vol.4 at only a smattering of stores, as most are sold out. In other words, get this vol.4 set now and enjoy some of the best episodes this wonderful show had to offer!$LABEL$1 +HOME ALONE 1&2 ON DVD IN ONE. TO BE HONEST, IT'S IN POOR CONDITION. IT WAS BRAND NEW AND WHEN I GOT IT I HEARD THE DISCS ROLLING AROUND IN THE DVD CASE. IT WAS A PRESENT FOR MY GRANDMA. I OPENED IT UP TO SEE IF IT WILL WORK ON MY DVD PLAYER AND BLUERAY PLAYER. IT DID NOT WORK!! SO I TRIED THE REST OF THE DVD PLAYERS IN MY HOUSE KEPT SAYING DISC READ ERROR I HAVE 3 DIFFERENT DVD PLAYERS THAT IT SAID DISC READ ERROR. I WOULDN'T RECOMMEND THIS ITEM TO BE SOLD TO ANYONE. I WASTED MONEY ON THIS ITEM WHEN I COULD HAVE GOTTEN SOMETHING THAT ACTUALLY WORKED!!!!$LABEL$0 +Just What I Wanted!. A beautiful collection with instrumental, melodious choral, and sweet solos on traditional hymns. Most verses are included in the vocals, but not every verse in every song. organ and orchestra; not overbearing; a great accompaniment to daily activities or devotional times. I'll probably also buy Volume 1 or the collection of "Passionate Worship."$LABEL$1 +Errors, errors, and more errors!. This book at one time was good I am told, but the 8th edition (2002) is now outdated with many errors. The CD on heart sounds which is included is insulting to medical students. The book has terrible photographs which make the patients look jaundiced or cyanotic. I am sorry I bought it. There is no question that Swartz's book on physical diagnosis is the best. Swartz has a great free CD on the complete physical exam which is included with the book.$LABEL$0 +A MUST HAVE!!!. This is my first Blu-Ray purchase and I couldn't be more pleased. This is one of my favorite films, even though I only had it on Laser Disc before this. Will watch this many more times!$LABEL$1 +Not very good! Judge a book by it's cover!. When I first picked up the CD, I felt the artwork looked slapped together in haste and thoughtlessness...I should have know that what was on the inside, was equally thoughtless!I personally think "Farewell" is their true masterpiece!I'm super surprised at the steep drop creativity between these two records."Breaking point" is full of the same tired electronic sounds and music patterns that we've heard for the past 15 years now.While the lyrics are even more obvious, and at times embarrassing!!!On a nit picky note, the production sounds crummy too. My bet is almost all instruments were soft (computer based) synths.D-sides at best!!TRY HARDER!!!!!!$LABEL$0 +Absolutely the Best Bread Machine recipe book. This book is GREAT! I actually have the 2002 Hermes House version but have bought this version as gifts. I have another book plus manufacturer's books (I'm on my second breadmaker) and this book tops them every time. The proportions are different than the other books and work great! I've made breads (sun dried tomato is my favorite although I add basil, oregano, and garlic powder), rolls, pizza dough (the best ever), the small pizza's (sfincione), the focaccia, pitas - all are great and my kids request them over and over.$LABEL$1 +HP 735. The photos were extremely blurry and only took good pictures of closeups the digital zoom is useless for photos.Battery don't last more that about 10 pictures.Kodak DC210 1 mega pixell takes much better photos.Taking mine back after one day of poor pictures.$LABEL$0 +Awful, awful, awful...... What were the producers thinking? They abandoned all of the things that made the first Blair Witch a true classic. This abysmal piece of horse defecation features the misadventures of a group of adolescent losers, who stumble through the film cursing, fighting and giving off horrible attitudes. There is no suspense, no fright, and no reason to watch this one. If Mystery Science Theater 3000 were still on, this would surely have been spoofed by now.$LABEL$0 +Time in one small package. Ok maybe it was in the fine print or something but this alarm clock is TINY! I didn't realize it would be so small. It can pretty much fit in te palm of my hand.$LABEL$0 +Excellent value and very durable. My daughter is around 10 months old and this toy has really become one of her favorites. It is easily assembled, solidly constructed and very tough. A single catch converts it from a ride on to a step behind walker, and the spinning rattles and other accesories are fun as well as not easily removed. If you want a great aid to help unassisted walking this is it, and at a fraction of the cost of some other more complicated versions. I highly recommend (and so does my daughter!).$LABEL$1 +Stack-On's are Great... Wonderful product (Not Premium Security but does the Job) etc.. I like this product because it conveniently provides storage for all necessary valuables and hardly requires a manuals to guide to set.Though not an exceptional product to protect essential valuables it does the job and significantly easy to disguise and hid. under a surface or behind elusive spots. Over-all, I'd recommend this product to anyone looking for a simple way to storage minor valuables or possessions from family. That is, if you are trying to keep a secret. I find it still has some flaws and is susceptible to lock picking with the correct tools.$LABEL$1 +Marvelous Throughout. It's a rare album that is such a pleasure to listen to from start to finish like this one. Anyone who likes americana music in the vein of Lucinda Williams, Roseanne Cash, Allison Krause, Shelby Lynne, or Shawn Colvin should seek this album and performer out - yet she is not exactly like any one of these more well known artists. Less gritty than Lucinda, but the album does feature some tastefully dirty electric guitar. Not as folk-pop as Colvin. Sally's songs convey their Appalachian roots, but she isn't as bluegrass as Allison Krause. More Asheville than Nashville. In short, she's a singular creative voice playing with consistent quality and authenticity. Check her out!$LABEL$1 +Extreme waste of money. I'm a mom of 11 month old twin girls. My mother bought these for us to save space in our kitchen. I wish I would have read the reviews before she bought it. The reviews are 100% true. It is the most disgusting food trap I have ever owned. You cannot get the food out and they are too heavy to shake out all the time. The toys on the side are a waste too. They are not in a location that the girls even notice them and are too hard to push to get them to work. I have tossed them out. What a WASTE!$LABEL$0 +Sales tool. I found this book to be more of a sales/marketing tool for bio-identical hormones more than anything else. It contains some good information, but don't use it as your only reference. Read something from the other perspective as well.$LABEL$0 +Tarantino has lost it. I know Tarantino's sthick is to re-invent the drive-in and spaghetti western genre. Here, he misses the mark with bizarre scenes and a garbled mess. It was almost unwatchable. I guess you either love it or hate it.$LABEL$0 +Pathetic - Don't bother - Horrible - Horrible - Horrible.. This movie was a complete waste of time, totally disjointed and unorganized. the writing was lame, I don't think there was a script at all... Shrek 1 & 2 were fantasic funny movies... I rented this movie expecting a similar enjoyable experience.. 25 minutes into this DVD I had not cracked a smile, there were no jokes and the story just made no sense at all.Don't waste your time or money on this one... go get Shrek 1 or 2 over this disaster$LABEL$0 +syrian whirling dervishes. THIS IS AN EXCELLENT ALBUM STARTING OFF WITH A BEAUTIFUL CALL TO PRAYER.THOSE OF YOU WHO ARE ACCUSTOMED TO THE MUSIC OF THE WHIRLING DERVISHES OF TURKEY WILL FIND THIS VERY DIFFERENT,THE MUSIC IS IN THE STYLE OF ARAB MAQAM RATHER THAN TURKISH,THE ARAB NEY FLUTE HAS A COMPLETELY DIFFERENT SOUND TO THAT OF TURKEY & ON THIS ALBUM KETTLE DRUMS ARE REPLACED BY HAND HELD TAMBOURINES.THE VOCALS ARE SUBLIME ESPECIALLY DURING THE DHIKR & ALTOGETHER THE OVERALL SOUND IS VERY RICH & EXOTIC.IT IS NICE TO HEAR THE QANUN(ZITHER) EMPHASIZED,ESPECIALLY THE SOLO INSTRUMENTALS.SHEIKH HAMZA SHAKKUR HAS A BEAUTIFUL MOVING VOICE.THIS CD SHOULD INTEREST ANYONE WHO IS SERIOUS ABOUT SUFI MUSIC.$LABEL$1 +Excellent for young children. We have a three year old son we wanted a train table for, but were concerned that our 16 month old twins would continuously destroy the track. This table was the perfect solution. Our son can enjoy it without his sisters destroying it. I do think its a draw back that you can not change the track into different patterns like with traditional tables, but if you have a situation like us I defienately recomend it.$LABEL$1 +This is a filler and does not remove swirl marks.. I had my car for less than a year and my mother backed into it with her car when backing out of her garage. I got it fixed and the body shop left swirl marks in the clearcoat. I've already taken it back twice and they even repainted it because of a paint mismatch and they still left swirl marks. It's getting exhausting dealing with them so I thought I would try this. I used as directed and even followed with the wax that was recommended in the directions and it seemed to work and I was so pleased. Then the next time I washed it the swirl marks were visible once again. I'm so irratated about it I'm considering trading it in already.$LABEL$0 +Hate Crime. This work is not a serious study of the relationship between Catholicism and Judaism.The Church is held up to ridicule by the simple method of suppressing the Church's statements of condemnation of anti-Semitism and then quoting apparently anti-Semitic statements out of context. A professional historian can only wince at the vicious caricature of Pius XII, a man who heroically saved thousands of Jewish lives but who in this book emerges as a combination of Elmer Fudd and Adolf Eichman.This book is about the rage of an excommunicated priest who, despite his cloying claims to love the Church, has decided to don a white hood and burn his own anti-Catholic crosses.$LABEL$0 +Kids. Good movie bought it for my kids they seemed to like it. Got their attention and honestly not a bad movie.$LABEL$1 +Poorly researched... seek information elsewhere.. I am always interested in theories regarding who exactly ordered the massacre (as my Grandfather John D. Lee was the only man ever held accountable.) I am not completely convinced that the order did not come from Brigham Young or someone very close to him in the foodchain. But this book is so poorly researched and written that it was hardly worth my time and certainly not worth my money. She gets even the most basic biographical information wrong - information that is readily availible in scores of other books and websites. I honestly don't know why she even bothered...$LABEL$0 +Definantly Different. This book started out ok but into the fifth chapter it got a little bit ridiculous, that's when I stopped reading it. I have read a numerous amount of her books and this one is the worst yet. It was so predictable. I did read the last chapter, just to see what happened, and I would have to say that I knew the ending before I even finished reading it.$LABEL$0 +Do not buy this product. This piece of software doesn't function properly at all.It doesn't work with Apple Logic, contrary to what is advertised.It was written by an amateur programmer, and crashes very often - about 1 out of 2 kits that you open will quit unexpectedly.For a software drum machine to contain mostly live and acoustic drum samples doesn't make much sense since software is mostly used for electronic music. No trance, or electronic samples at all.All that for over 50 dollars makes idrum way overpriced.Also the graphics were stolen from Garageband.A program like that should be freeware, or at the very most shareware.$LABEL$0 +I feel the fragrance of the Brut cologne .... I feel the fragrance of the Brut cologne was very nice. It wasn't too strong. It had just enough to put off a nice smell. Also, I feel it has a big advantage over men's colognes because of its great price. I would recommend this to my friends, as well as using it again myself.$LABEL$1 +visually amazing, lacking everywhere else. i too waited a couple of years to see this film arrive in the USA, and wanted to love this film so very much. i've always loved Dave and Niel's work in the past, and i expected this to be no less wonderful. sadly, i left feeling empty. while the efforts and the visuals were worth a rental, the storyline took Mirrormask to the edge of what could have been a hugely successful masterpiece and dumbed it down. it is too scary and dark for young kids, too wierd for tweens, too childish for adults. with more defined dialog and a coherant plot, the film could have been a classic for all ages. this just seems like a spoiled rotten little kid dressed up for the fancy ball with no one to take them there. i for one, am greatly disapointed.$LABEL$0 +NOT a tradiional fairy tale.... The Conjurer Princess is a modern sort of fairy tale-- dark, quirky and bittersweet. All the usual cliches are avoided successfully. Lylene is not a sweet and beautiful princess; closer to a determined and basically honorable person on a quest that is not what she thinks it is. Those who appear to be enemies are not what they seem...nor those who seem to be allies.The ending, like those in all of Vivian Vande Velde's books, is not quite a happily-ever-after conclusion. Left wide open to speculation about the future...If you're looking for a realistic and biting fantasy in which nothing is ever quite as it appears, give this one a try.$LABEL$1 +I LOVED IT! GIRL POWER 4 EVER!!!!!!!!!. I LOVED THE ALBUM!IT RULED!!!I HOPE GINGER SPICE COMES BACK SOON!MY BESTFRIENDS'(AND ME)GROUP AND SPICE NAMES ARE:THE OTHER SPICEGIRLS,CRAZY SPICE ,SASSY SPICE,SWEETY SPICE.FUNKY SPICE,AND,FREAKY SPICE!!!WE MAKE MUSIC VIDEOS AND SEND THEM TO THE SPICE GIRLS!!!I GOTTA GO! BYE! C\C\YA Later! GIRL POWER!4-ETERNITY!!!!$LABEL$1 +Amazon get your act together ! ! ! !. Here is a discription of what I boughgt :Danner 02720 Pond Mag 9.5 950-Gallon-Per-Hour Pump with Foam PrefilterInstead of giving me a FOAM PREFILTER they gave me a cheap plastic cage in the shape of a cone to protect ther filter. Any small debris could pass throught the openings in this cheap plastic cage. I called Amazon and told them how I was cheated they did make it right and are overnighting me the proper foam filter that was advertized with the pump. On one hand I was so mad on the other hand I was happy that Amazon made it right with me. It almost seems that Amazon is slipping a bit in customer satisfaction from 2 years ago. Even the picture of the pump on the product page is misleading. The picture shows a smaller model than what you actually recieve. I am seriously concidering not shopping with amazon because of their mistakes. PS: the factory box was damaged but the packing box was in good shape, no contents were damaged.Aaron$LABEL$0 +Have they ever read Jane Austen. This movie was a complete disappointment. it left me wondering one thing, have the creator's of this film ever read or watched Persuasion. What was the point of hitting the shuffle button on one of the most beautiful plots ever written. They completely took any meaning away from Wentworth's letter and mixed up the plot so much the to create drama they had Anne Elliot running all through bath. The ending seemed forced.$LABEL$0 +Bummer. It doesn't work well since it leaks! Great idea but the spring doesn't have enough pressure to close the valve.$LABEL$0 +Great fun - Joe Pickett is a real character. Solid writing style, really great characters who you empathize with, well drawn plot. C.J. Box has a unique series going here and I hope he can maintain the quality over time.$LABEL$1 +Review - Muldoon by Pamela Duncan Edwards. Totally alsome!!! I HIGHLY recomend(an I don't hardly ever recomend anything,much less HIGHLY) this book for the youngsters. It's Hilarious!!! Easy for children to read and they will love the illustrations. I know my wee ones enjoyed this story. Muldoon had us laughing throughout the entire story,had us wondering what to expect next. That's one silly pooch. Loved It!!!!!Muldoon is a very busy little pooch,I don't see how he does it. Ever since the West family chose him over other applicants, Muldoon has provided quite well of his duties. It's a tough job taking care of the whole entire household on your own. All the work he does I think the West's should give Muldoon a raise.$LABEL$1 +What was I smoking when I bought this. I can't believe that this group even came out with an album. I know that it is spanish but at least some stuff that is spanish is managable to listen to. If your looking for good music, don't look here.$LABEL$0 +Works, but poor quality.. These dog tag silencers do perform their function, but they are very cheap looking and poor quality. They fit incredibly tightly and it seems like they will probably rip soon. My dog tags aren't oversized or anything like that. If you want something that does silence the dog tags, these will work, but I can't say how long they'll work for.$LABEL$0 +Useless. Interesting design and intention but it is the weakest and dullest of the trimmers I have used.It is truly useless.$LABEL$0 +Just to even it out.. Mead paper is pretty but generally good enough. I haven't actually bought this paper from amazon but after reading the other review of the guy not getting 16 pounds of paper, I though I would give five stars to even things out. This paper doesn't actually deserve five stars, maybe 3 stars.$LABEL$1 +A "popcorn movie" from Mexico!. Los Cuatro Juanes(1966) is an action packed adventure film starring Luis Aguilar, Antonio Aguilar, Javier Solis, and Narciso Busquets as "The Four Juanes". All four outlaws are being chased by government troops. When bandits kill the father of a lovely, innocent woman(Alma Delia Fuentes), the Cuatro Juanes "adopt" her into their gang. Keep in mind this DVD was mastered off a 2nd or 3rd generation VHS tape and the video and audio quality is not first class. At least this Laguna DVD was cheap.By Mexican standards of the 1960's, this was an all-star movie. There's a scene where Los Cuatro Juanes blow up a bridge with TNT so troops cannot chase them. This may have been referenced in Sam Peckinpah's The Wild Bunch(1969). Los Cuatro Juanes is pure entertainment.$LABEL$1 +This movie was horrible for Romero to be involved in. I didnt think this film would be so terrible considering Romero was involved in it. I f he would have directed it I know it would have been in the tradition of Creepshow and been decent.$LABEL$0 +Don't buy if you have a dog!. This vacuum would be fine if we didn't have a dog. Every time we use it, the dog fur clogs the intake hose. You have to clear it each time you want to use it!$LABEL$0 +good, but dull tip.. W\It seems well made, and comes with spare gaskets. However, the tip is rounded, not sharp, and you'll have to use a skewer or something else sharp to make your holes in tougher cuts. When I tried to sharpen the tip, I found out it's pressed in and I had ground its crimp right off. That was the end of this one.$LABEL$0 +A great book for young adults !!. Its a great book for young adults, telling the world what we (kuwaitis) went through during the gulf war. The author has a great way or describing the incidents. I truelly recommend this book!$LABEL$1 +Fantastic Read. I received this book for Christmas and I haven't stopped laughing since. It is one of the most hilarious books I've ever read and apart from being funny, you actually have to be quite intelligent and knowledgeable about history and current events to truely enjoy this book. Every line is loaded with a bit of history mixed with irony and humor that is truely smart, innovative and hilarious.Anyone who loves humor, history or just smart writing will love this book!$LABEL$1 +OK, but.... A fine - refined - version. I don't think CvD quite gets into this music like many others, though. The playing is faultless and the recording wide-ranging BUT it is not as clear and detailed as it could have been. It was like listening to music through a fog, with the high frequencies typically veiled in the usual Telarc manner. Musically, I'm not too fond of the way he does the famous first movement melody. The 5/4 and March-like Scherzo movements come of the best here. The Scherzo's tempo is grand and bold rather than lightening fast like many others, which is OK. One can wallow in the bass drum parts. The finale is missing the necessary neuroses.The filler, the Polonaise from Eugene Onegin, is a peculiar, if not inappropriate, choice. One of Tchaikovsky's heavier overtures would have been better suit - or nothing at all.$LABEL$1 +Kindle format a shame. This review is not aimed at the content of the book; rather at the utter lack of care for formatting the Kindle edition.Not only do I find hyphenated words in the middle of the page, chapters are not page dependent and may occur anywhere on the page, and now line spacing has gone to heck in a handbasket as well.That's what prompted me to write the review. I literally have a g and a d that are overlapping!That said, it's readable; but I tell you when the formatting is so bad that it effects the flow of the writing - it need re-done.Hopefully an anomaly.$LABEL$0 +bed in a bag. Can't give you a review on the product because you sent me the wrong "freeking" product. I had to give it away to someone who could use it. I ordered a queen size and you guys sent me a damn full size. So, I don't have any good things to say. Have a nice day.$LABEL$0 +It wasn't good enough.. This is the worst book I've ever read! I mean Damon's all nice and stuff but sometimes the author makes a boring plot. And I thought that the book made it boring because all it talked about Damon about Mrs. Serson, Jessica thinking Damon has a crush on her, Lacey flirting in almost every part of her part of the story. Also, what does Lacey have to do with the Damon-Jessica-Mrs.Serson thing?$LABEL$0 +Stinks. I bought this product for the conveninece of not having to open my desktop and for the mobility- being able to transfer it from desktop to laptop. Worked great for about 2 months and then it started causing my computer to reboot byself. At first this happened with my desktop- i was convinced my computer was broken- i spent $100 on repairs (I know I got ripped off here). Until I started using it with 2 laptops and the same thing started happening. I took it to another techy who told me that this is a frequent problemt with these usb deviced and that I would have to do something to my "bio" - i said screw it- and bought a built in card. I know other people who have the same problem and it could be very costly- when you are in the middle of working on a file and it reboots. Neygear CS sucks too- they outsources and I ended up speking to some girl in India who did not understand my question and just kept reading the same script over and over again- DONT WASTE YOUR MONEY!$LABEL$0 +Glad I did not read this one first!. I actually listened it to, and did not like the reader at all - she did not do the accents very well, and when the character "bellowed" she croaked... anyway, if I had the hard copy I likely would not have finished it. Both characters got on my nerves, especially Gen. I have read most of the other McLeod and De Piaget novels, and found them to be most enjoyable. My favorites are "A Garden in the Rain" and "With Every Breath". All in all I do not think this is a good introduction to Lynn Kurland. Read other titles first - they are far more enjoyable, and chances are you will even reread them!$LABEL$0 +Completely complete!. Anyone who enjoys camping MUST have this "bible"! It lists campsites from all over the USA, as well as rates them. It tells you how many sites are available, as well as electric, sewage, and water hookups!A definite must-have for any camper!$LABEL$1 +the best anime ever. fullmetal alchemist is in my opinion a great anime andthis dvd episodes are really good so buy it today or you willregret it.$LABEL$1 +very solid. I needed a new unit. last one was dropped a dozen or more times and paint dripped on.this unit is very well made . only problem it is just a bit heavy for drawing board workhowever in building site it works great.$LABEL$1 +Does what it says on the cover. I'm moving up from VB6/ASP and this book gave me a firm grounding in the main subjects without getting bogged down with too much HTML or elaborate samples. I took an asp.net practice exam a few days after reading it and book had covered most areas that came up.$LABEL$1 +Fraudulent.. These drops are simply overpriced water. Homeopathy is bullsh*te. I'm amazed its legal to lie and sell this crap. Science disproved homeopathy before the first car was invented.$LABEL$0 +Not the item pictured. I ordered this to accompany a matching wood rack I bought last year (identical to the one in the picture). The item that was sent is also a 2x4 log rack system, and probably a fine one, but you expect to get what you see, no?I highly recommend you take down the picture and update it with the Rutland product you are shipping.$LABEL$0 +good after a little work done to it.. I gave this product 4 stars because When we got this the black part was painted farther up onto the chrome than the picture shows. When we put it on my car the black stuck out like a sore thumb. Luckily my husband paints cars so he was able to take some lacquer thinner and some tools to remove the black paint. After that it looked awesome! So far its a good product, it fits well and looks great on my car. Plus it was super fast shipping!!!$LABEL$1 +poor quality. This was almost impossible to watch due to poor quality of tape. The ad claimed it was good quality...it was not.$LABEL$0 +Messy, Messy, Messy!. Well, it grinds ok, I agree with other posters about the fine grounds, but I'm not the coffee fan in the family here, so ignore my opinion on that. However, I am the one that makes the coffee each day, and oh my is this thing MESSY! The static provides a mini-coffee explosion upon opening the canister, the grounds get stuck in the duct that leads to the canister and they have to be dug out with a knife/spoon something to that effect. I really wouldn't recommend it just on the basis that it is SO incredibly messy.$LABEL$0 +Wow....this is crap!. Wow...this was total crap. So much bias, anti-Catholic, and much of it isn't true at all. I can't believe this guy's a priest. I can't believe this guy didn't leave the Catholic Church yet. God have mercy on this priet's soul.$LABEL$0 +basic pedometer. This is a fairly cheap pedometer that is made out of kinda cheap looking plastic. But so far I have had no problems with it. It has steps, miles, km, and calories (which are estimated I'm sure). You can clear settings with the "clear" button. I appreciate it's battery-saving method of shutting off after not being touched for awhile, but that's easy to get the screen back on again.$LABEL$1 +Started Out Funny but Got Pretty Dull. I thought that the premise of this movie sounded interesting so I gave it a try. I was watching it with a friend and we both were enjoying it at the beginning. It was funny and thought provoking. However, towards the end it got very boring a drawn out. I was kind of disappointed with this movie.$LABEL$0 +fantastic book. I love Sarah Dessen's books but this is my favorite so far. I was able to relate with the main character Macy so much and it was so true to life. Many of the things that Macy has to go through in this book were happening to me at the same time as I was reading the book. I loved being able to connect with the book and being able to get so much meaning from this book. This book has so many great meanings and deals with great topics and I highly recommend this book to everyone. I just couldn't put it down it was so good.I also recommend That Summer and Someone Like You. They too are wonderful works by Sarah Dessen and one can receive alot from them.$LABEL$1 +This is the downrod you've been looking for.. It's a downrod. It does exactly what it's supposed to do. It's white. It's 12 inches. It's designed for Hunter fans. If you've got a Hunter fan and need a 12 inch white downrod, this is the product for you.$LABEL$1 +Shoe broke after one wear. I loved the shoes and the price so much I bought two. After wearing the shoes one day I noticed that the wood at the front of the shoe had cracked all the way through to the sole. The nail that attached the rubber sole had created a crack and during the day the crack got so big that the shoes were not safe to continue wearing.Wear the shoes with caution; they can become deadly to your health and safety.$LABEL$0 +Usually Works. I have to take 2 in order to fall asleep. And, it's not a sure thing. About 85% of the time I catch the elusive zzzzzzzz's. That's pretty good for a natural product.$LABEL$1 +Hated To See Book End. What can I say? Except I LOVED this book. It was funny, sad, interesting and much more. I had a hard time putting it down for any reason. Meredith and Matt were one of the most sexy, exciting couples I've had the pleasure to read about. Buy it, read it...you won't be sorry. It's a keeper!$LABEL$1 +Sour Grapes for Sony. Toshiba was a major player is the development of DVD. Sony wanted it all and lost out, having to work it out with Toshiba and join their DVD parade.Now, years later, Sony wants it all again. They want control over the next generation high def DVD format, so we now have a format war.Toshiba's first HD-DVD player is great! It's up-conversion of standard DVD is the best I've seen and the actual HD-DVD image is fantastic. The best HD picture quality I've ever seen.I'm sure Blu-Ray will be great as well. It's just too bad that this format war is on. But I'll tell'ya, at half the price of the cheapest Blu-Ray player, buying HD-DVD is a no brainer.Would you want to spend $1000.00 on the Sony or Samsung Blu-ray player and get no movies, or the Toshiba HD-DVD player and get 25 HD-DVD movies for the same price?Blu-ray might have Sony's Columbia Pictures locked up but HD-DVD has Universal Picture's and Dreamworks saying they are going HD-DVD only.Yes, it's a war.$LABEL$1 +Useless!!. This is the worst product of all time. The sound quality is execrable even when there is no fm station anywhere near the frequency you've chosen. Avoid, avoid, avoid.$LABEL$0 +Battelsghip. A truly fun movie. Especially for former sailors. My wife and I watch the movie together and she thought it was lots of "FUN" also. 5 stars if you haven't seen the move check it out. The acting is good, the plot is a little unbelivable even for this type of flick but that's part of the fun. Make a night of it move and popcorn time.$LABEL$1 +What idiots. To the person who wrote " Some extra documentation for newbies". Thank you so much for your help. You were very kind to post the instruction for those who would be completely amazed by the sheer stupidity of these people. Who ever did the package materials is a cretin who easily qualifies to run the next American industry into the ground. The product itself seems to work fine and easily get the job done.$LABEL$1 +Good Book!. I really liked this book. The book focuses on how to stay focused. It's a good book on goal setting.However to achieve your goals you need to find meaning as well. You need to uncover your WHY. That's the greatest motivator known to man. Therefore I only give this book 4 stars.Zev Saftlas, Author of Motivation That Works: How to Get Motivated and Stay Motivated &Founder of www.CoachingWithResults.com$LABEL$1 +Troy-Bilt TB25BP Gas Blower. The blower worked one time. We replaced the spark plug, had new gas/oil and gas can. Called the company and was told it might be the coil? The next nightmare was finding a place to have it fixed since only one of the five places they suggested would in fact take it. It remains in the repair shop and of course if it is 'carburator' related it will not be covered under warranty, per the repair shop. I will never buy another Troy Bilt product or anything mechanical on line again. Probably will never blow leaves by the looks of the repair time!$LABEL$0 +smooth and easy to listen to. a great treat to the unitiated what a surprise to hear how the mouth harp makes music wow.$LABEL$1 +Not surprising.... It's not a big surprise to find this effort by Chris Cacavas so satisfying. Having listened to much of Cacavas' music over a period of several years, this first-rate collection of songs is an expected pleasure. Strong, complex, inventive, clever lyrics performed in a style that is often deceptively mild and gentle - they'll put you off your guard - then hammer you with their real intent.$LABEL$1 +Wonderful series!. I love the series and I am hoping that it is complete because I would really hate to miss any of the shows.$LABEL$1 +Terrible.. I stuck with this book for 120 pages. By then our heroine had lost her brothers (gettysburg), her father (mauraders), her mother and her fiance (buried alive), been gang raped, and was hit several times by men, even her 'love interest'. This book smacks not only of violence (which civil war or any war books have to some degree) but particular violence against women. And the writer doesn't understand the womans view. After being gang raped , she falls into bed without qualms with someone else a few days later. It is so disturbing that I found myself searching for info on the author. 'Felicia Andrews' may be a man since the copywright info is in the name of charles grant. That made me feel better because at least a woman did not write so callously about another woman. Scratched this writer, whether it is a man or woman, off my buy list.$LABEL$0 +Deceiving Photo. The picture is deceiving. The face looks blue in the picture, but it is really purple. I found the watch to feel cheaply made. The bracelet felt substandard to what I am used to with Invicta. I currently own two Invicta watches. I sent this watch back for three reasons. I didn't like the color of the face. I found the watch to be smaller than I prefer. The bracelet seemed cheaply made, and the black etching on the links was not evenly applied.$LABEL$0 +Can't reccomend it. I bought this CD eagerly anticipating some great new music. I should have read the reviews with a more cynical eye. Perhaps some are legitimate fans, but I have my doubts. I found this CD to be droll and tedious to listen too and I can't imagine anyone finding something to rave about. Not that every song is a complete loss, but as a whole the CD is not worth owning.$LABEL$0 +Excellent portrayal of a young woman who becomes a queen. This motion picture is first-rate at every level. It gives one a glimpse of what Elizabeth's early live must have been like with a half-sister who wants to behead her through a lover who betrays her. This movie lost by a photo finish to Shakespeare in Love for the Academy Award as Best Picture of the Year. It will not disappoint history buffs and works as a drama that makes history live. This film is one of the best portrayals of Elizabeth put on film. I recommend it without qualification.$LABEL$1 +SHORT STORIES FROM MARGARET MARON. I AM NOT A FAN OF SHORT STORIES, BUT THIS VOLUME FROM MARGARET MARON IS OUTSTANDING. SHE CAPTURES CHARACTERS, ENVIRONMENT, AND LITTLE CHILLS UP ONE'S SPINE WITH JUST A "SWIPE OF HER BRUSH." THESE TALES ARE NOT FOR READING WHILE WAITING--THEY MUST BE SAVORED: COMFORTABLE COUCH, WITH PLENTY OF ROOM FOR CATS; BEVERAGE OF CHOICE AT HAND; AND NO INTERRUPTIONS, PLEASE.$LABEL$1 +Caveat Emptor. If you're considering this CD for "Spellbound" be aware that the theremin part is played by one of the woodwinds (sounds like an oboe to me). Needless to say this was quite a disappointment and is the principal reason for my poor (two-star) recommendation. The performance of the Rozsa Concerto is adequate but not by any means outstanding.$LABEL$0 +life saver. Wonderful product. Able to eat dairy again. Without this product I used to get terribly sick. Now I can eat milk products (ice cream, cheese, etc) as long as I take this product right before. You do not need water. Very convenient. Great taste. Not all lactose products are created equal. By far this seems to work the best.$LABEL$1 +Paper route as a kid.... This was the first thing I read after I delivered all my papers on my paper route as a teenager. This is by far the best ever instructional book. No fuss. No excess thoughts. This is what got me to shoot par before high school.$LABEL$1 +Broken in a million pieces. I bought this item as a gift for a gentleman who plays Santa Claus every year. He always mentions this candy. It arrived in a halfway crushed box and the candy was all broken into pieces. This is terrible as I have no choice but to give it as his gift with the time left until Christmas. Very disappointed in the seller of this product. if you sell candy that is to be shipped, then PACK IT to be shipped as ordered.$LABEL$0 +Dissapointment. When I received this cord it was not goldplated as I thought it would be. And it WAS NOT 6ft, more like 3 1/2ft cord. >:($LABEL$0 +a healthy cooking MUST have!. The Scanpan is just amazing. There, I said it.I typically go through a new (10-12") non-stick frying pan in less than a year. I bought this one to test it out...I heard the Scanpan line was awesome and needed a smaller pan to cook my own personal diet foods (while the rest of my family hogged down on spaghetti bolognese and pasta dishes).It is perfect to cook a few eggs, a piece of fish, your own personal little stir fry, and whathaveyou. And here's the kicker: you don't need hardly ANY oil. I use an olive oil spray and that's good enough! And here's the OTHER kicker: the clean up ROCKS. You don't HAVE to clean up because 99.99% of your cooked food will wind up on your PLATE instead of stuck around the sides of the pan. Imagine that?!!Once my 10" and 12" pans die (I might accidentally drive over them) I'm going to invest in the next sizes up in the Scanpan Professional.$LABEL$1 +This book was a bit too redundant.. I think Jean Auel is an awesome writer. However, I think this book focused way too much on "how amazing" Ayla was in the eyes of all the other characters. I adored Ayla in "Clan of the Cave Bear," and "Valley of Horses." (I have read those two books over and over again.) In this book, Ayla seems too subdued, or not really shining through, as in her previous books. I agreed with one reviewer which stated that Ayla spent too much time explaining and retelling what all of Auel's readers had already read in her previous books. I probably will never re-read this book. I still love Jean Auel and Ayla!$LABEL$0 +Enlightening!. This book is sure to answer all the question you've ever thought of and haven't thought of!Compiled over 150 years ago by Kardec, The Spirits Book is a must have for anyone interested in SERIOUSLY studying the spiritual truths and seeking answers that console and strenghten our faith.Instead of denying Science (like most religions do nowadays, out of fear), Kardec validates it as a precious tool for our spiritual growth!Indispensable reading material.$LABEL$1 +The Worst RPG Ever!. This game is the worst role-playing game I've ever played.Don't Belive that it's the same asElder Scrolls IV Oblivion. It's not. Oblivion is Much better. Two Worlds Doesn't Deserve to be compared to Elder Scrolls IV Oblivion.$LABEL$0 +Youth Group supplement. I teach a small youth group at our small church, various ages 5-10 and this movie was a great way to show them that it is never too young to share the word of God, nor is it always easy to answer his call. The kids all loved it. It is still relevant even after all of these years. George Burns was the best.$LABEL$1 +Disk one defective. I have had two copies of this DVD. In both copies Disk 1 would not play. The other disks are OK.I am trying a third time. Hopefully I will have better results on my Sony DVD player.$LABEL$0 +not well printed.. Though this dictionary includes 45,000 words, check out letter "e'm and russian I(reverse n)". It's too hard to figure out.$LABEL$0 +Johnny Mnemonic. Great movie-very Cyberpunkish if you're into that type of thing especially. Keano Reeves played a kind-of unfeeling character (as I would assume many people will be in the future, even moreso than now), who later realizes there is more at stake than his own self, and begins to think about the rest of the world. Good cyber stuff.$LABEL$1 +DMB or Aerosmith?. One collosal blunder! When the decision to change producers was made, the DMB as we knew it.... ended. Sad but true. The melodic, witty sounds of previous DMB songs does not exist on this CD. The music "blends" into itself. The creative, jam session-like tunes that made Dave and the gang stand out among the mainsteam is forgotten. The drummer keeps time, thats it. The violinist is wayyyyy back there somewhere, Dave is having his favorite accoustic guitar tuned or waxed or something saving room in the studio for electric. Oh wait... was that a sax!! naaaaaaah... I think the "new" producer burped! Oh, but I did hear Aerosmith did a few cameos... NOPE.. that's DMB sounding just like Brittany and Aerosmith. Go ahead listen.. hear em? What a shame... Shame on you DMB for not recognizing your gift and hanging on as long as you could.... who said change is good anyway? I hope DMB reads these reviews and takes care of business!$LABEL$0 +Look at the second and fourth review. The second review and the fourth review were obviously written by the same person. They both are written by "a music fan" one saying from moscow, the other from michigan. They also both use the word rhythm in the praising the music. On the form to write a review, they ask where you are from, giving moscow as an example. That is the clear reason why he said he was from moscow. He must have been offended that someone wrote a bad review after his good one, so he decided to write another good one. Don't trust it!$LABEL$0 +Good Information about the Truth. I read this book in high school before I joined the Army. I did not understand a lot of his points or rather did not want to understand his accusations about Jews because I come from a strong Christian family. I spent 4 years in the service and because of that I had plenty of down time to research about everything going on with America and why we are in this war still! So now I find this book on Amazon 5 years later and have always reflected certain information toward this book. I find it very informative and balanced.In my final opinion I think every one should read this and take most if not all of this book into consideration.$LABEL$1 +Going back to my 35mm camera. I bought my DX4900 less than a year ago. I was happy with it when I first bought it but the last several months I've noticed about half the pictures I take come out blurry and very, VERY grainy. I am not doing anything different from when I first bought it, so I suspect the quality just does not last or stand the test of time. Also, from the beginning, the rechargeable battery life has been pathetic. I can take about 17 pictures and then it shuts down because of low battery power~ however, if I set it in the dock it reads that the battery power level is good! I spent $400 on this camera (incl. the dock, as a package deal) and I expected it to last longer than a year. I can't count on my pictures coming out and have lost too many precious moments by using this piece of crap.$LABEL$0 +Disappointing. I really enjoyed the first book in the series, in large part because of its sense of moral ambiguity. There were no "good guys" and "bad guys", just people, most of them flawed, trying to live their lives.Then I started reading the rest of the series, and it's a hackneyed series of battles between Good and Evil, interspersed with gratuitous sex scenes. What happened?One thing that happened is that Amazon saw my five-star rating on that first book and keeps trying to get me to buy the rest of the series. Hopefully entering some lower ratings will dissuade it.$LABEL$0 +Rachels' best essays; about Professor Rachels. This is a great collection of some of Rachels' best essays. They are clearly written and show someone engaged in moral philosophy at its best. I highly recommend them.Professor Rachels recently passed away from cancer (Sept. 6, 2003). Information about his life and work, and the eulogies given at his funeral, are avaiable here:http://www.bradpriddy.com/rachels/jimbo.htmProfessor Rachels was a great man; all who read his books and learned from him would surely agree. He is, and will be, missed.$LABEL$1 +TOTAL RIP OFF. THEY SHOULD PAY US AT LEAST $10000 TO WATCH THIS! I WISH I COULD RATE THIS 0 STARS! IT IS TORTURE!$LABEL$0 +Ok, but nothing like what I expected.. Overall, I'm totally disapointed.I'd like to kick myself for not checking the reviews on here before buying this product at the store for FULL price.The "handle" is useless, so I just push the food through the slicer with my hands, which sooner or later will probably end in a hospital visit.I have sliced some basic veggies without too much trouble, but not like I expect an $80 slicer to. I haven't even bothered to do anything but straight slicing b/c its obvious to me it's just going to irritate me.The "dial" that adjusts slicing size doesn't stay - I start slicing something thin, and wind up with half inch cuts by the time I'm done.I wouldn't buy this product again, and I wouldn't recommend it for the price.$LABEL$0 +Fun for the kids. I ordered this jumper online. When I received it there was no jumper inside the box only the motor. I emailed Amazon's customer service and explained what happened. They arranged for UPS to come back and pickup it up the next day. They also refunded me the shipping charges. So thought was great. I went to Toys R Us and bought the jumper. This is a great toy even though my son did not seem to interested in it. He is two years old. But his cousins who are four and five years old had a blast.I'm sure he will have to get adjusted to it. The jumper is pretty big and it really sets up quickly with no hassle. Also when you buy the toy at the store you can purchase a 1 year warranty for $24.00.$LABEL$1 +do horses really use this. I was very disappointed. Do people really use this on their horses. I put it on clean nails and within a day, it was peeling off like celophane! I wash my hands, do dishes, and take a shower - just like any human, and probably less than any horse - but the stuff did not last. Sad product. I did get a refund though.$LABEL$0 +Good Price Bad Glasses. While the price is definitively right, and it's hard to complain when they come this cheap. I'm actually concerned that these glasses may injure my eyes. They are very dark and seem to offer no UV protection at all. When I drive on a sunny day, the light blinds me as if I'm not wearing anything at all.So yeah, if you want something cheap then go for it. But if you want glasses that actually protect your eyes from the sun I'd look elsewhere.$LABEL$0 +garbage. this book was some of the most heavy handed, trite garbage I have ever read. I love coming of age books, books about friendship, about interesting and wonderous cultures. This book sadly lacked the depth and originality and thoughtfulness that I hoped for. To this reader, it had all the makings of network, not even cable, made for TV movie of the week or sitcom.$LABEL$0 +This movie is sequel, can you tell!- Jimmy D.. this movie was worse than the other 2 but better than the revenge the directors didn't do that great of a job with jaws 2 they didn't have a very appealing plot and I thought tht JAWS 2 Was pointless!The actors look bored, you'll be bored. I give it 2 Stars END$LABEL$0 +Great for aquatic workout!. I bought the medium resistance cuffs (blue). These padded cuffs are great for adding resistance while doing cardio and leg workouts in the pool.$LABEL$1 +A good book that shows how stupid McCarthyism actually was.. The Crucible is an interesting book about the Salem Witch Trials. It is very obvious from the readers point of view, what is happening and how everything could be stopped.Unfortunately, because the characters only want to save themselves, the truth becomes lies and lies become truth. Everyone has a choice of saving themselves and condemning others or standing up for the truth, condemning themselves, and stopping the cycle. Strangely, the "perfect" people of the town all lie. Arthur Miller wrote the play during The McCarthy Trials. In his book it is quite obvious how stupid the whole thing really is and the book has almost a direct parallel to the Mc Carthy trials, yet no one thought their was any problem with the trials. The book was a very interesting way to show the people what was really happening.$LABEL$1 +Rope too big. I originally had the small size because my dogs are 25 lbs. each, but their mouths could not go around and pick up the plastic jug from the bottom (which they are supposed to do so they can shake the kibble out). I returned the small one, and order the extra small, and even though the opening for kibble was smaller, the rope was not. Even when I broke up the kibble it can not get around the rope. I was going to return it, but was in the middle of a move, so now I'm stuck with it, and it never gets used. I suppose if I can somehow untie the rope, unbraid it, remove a section, rebraid it, and retie it, it may work...but as you can see that sounds like an awful lot of work, for something that should have been designed better from the start.$LABEL$0 +Look great, poor quality, rust spots. Moved into a new home and wanted new quality flatware. Bought 2 sets at Bed, Bath & Beyond. I have washed them carefully in a brand new dishwasher, with non-lemon powder. Over a couple of months noticed most of the forks had rust spots between the tines. I have tried to remove the rust with no success. I am going to try to return these sets to B,B&B. My last style of Oneida I had for over 15 years, perfect, just wanted a new sleek style. Very disappointed!$LABEL$0 +Kind of sketchy. Just received my Medela membranes in the mail. Was a little nervous bc of the mixed reviews. The membranes I received did come in Medela packaging. However, the package is opened at the corner, so it looks like the product was tampered with OR non-Medela product was placed into Medela packaging. Sold by Linen Manor LLC. Comparing the product to my previously store-purchased Medela membranes, they look identical but not sure if that means anything. Still debating whether to send it back.$LABEL$0 +Piece of junk. This camera was inexpencive and I noticed when I bought it that it was just a fixed-focus, no flash, CMOS censor that only supports CIF resolution so I was not expecting to get good pictures out of it. Having that said, the picture quality of this thing is still a big disapointment. On the other hand I had no problem at all loading the software / driver in Windows XP like others have said. This camera was cheap, but I still feel like I got ripped off because something that takes pictures this horrible should cost under $10. I used to own another small CMOS censor no-flash fixed focus camera and the pictures it took were 10x better.$LABEL$0 +Just NOT okay.. Looking for something better. Would not buy again because it doesn't hold pages down; which is key feature I wanted.$LABEL$0 +Dead On Arrival. To be fair, I don't know how the unit works because the one I received from AllStarsOnline did not work at all. It was being sold "as is". It never powered up out of the box. I guess I should have known by the inexpensive price and the unwillingness of the seller to test the unit.Nevertheless, the seller did send all cables, accessories and manuals for the unit. They even included a couple extra print cartridges. I just wish I hadn't spent the extra $20 dollars to expedite the shipping.$LABEL$0 +Brotherly Love. Baby Louis is quite a crier. Nothing her mom, dad, and grandparents do helps. Then Daniel comes home from school and whispers the magic words into her ear. She immediately stops crying and begins to smile. Everyone is relieved, until Daniel goes out to play and the crying starts again. Find out what Daniel does this time to stop his little sister from crying.$LABEL$1 +Sports Science Projects: The Physics of Balls in Motion. Lots and lots of experiments in this science book. It contains black and white illustrations. I especially liked the ideas for projects and further investigations at the end of some of the experiments. Recommeded for the 4th grade through the 10th grade class. Teachers should read this one, also.$LABEL$1 +Vice City vs. San Andreas. To people with neither Vice City nor San Andreas: Be sure to buy VC before SA. Vice City is far more enjoyable than San Andrea due to the great characters across the whole game, the missions and the overall feel of the game. Also VC as a city is far more entertaining than the drab and boring Los Santos. I have not yet got to the other 2 cities but the fake Miami is a hundred times better than the fake LA.The characters in VC are funnier, the missions are more interesting, and the overall experience gives the game a better feel whereas the characters in SA, across the board, are boring and lame and the missions are extremely tedious and often times boring.While San Andreas allows you to do more than Vice City, I guarantee you that you will have a far better time doing less in Vice City than you will doing endless missions and Sim City rip-offs in San Andreas.Definitely choose Vice City over San Andreas if you're looking for a fun game.$LABEL$1 +Had to send it back. Unfortunately, this item didn't do what it was supposed to. After the first time, the button that is supposed to go down to show that the air has been vacuumed out stopped working. I called the company and they said this happens with grounds and that I should put the grounds in a bag....huh? Thought that was the point of this was that I could put the grounds directly in the canister. They sent me a whole list of things to do for it to work correctly. Bottom line is I think this would work great for beans....not so much for grounds.$LABEL$0 +Looks awesome. Wish it would work. Received the item quickly from amazon. Unpacked and assembled juicer per instructions. When trying to operate juicer it would not power on. Disassembled, reassembled. Nothing. Tried another outlet nothing. DOANo biggie. Call customer service. After 25 mins on phone item not in stock.Pretty upset spending the money on a better juicer and product doesn't work. Even more upset I would have to wait a month to get a replacement.The Juicer felt and looked great. Easy to assemble. To bad made in china and passed thru quality standards buy being DOA.Now I know why I see the same juicer on newegg for $75 refurbished.$LABEL$0 +Quick, easy, great coffee. Except for the time it takes to heat water in the microwave, this product is quick and easy to use. It makes the best cup of coffee I've ever had at home, and we have a built-in Meile! Put the water in the micro before you start assembling the coffee maker parts (filter and coffee.) This product is excellent for people who want really good coffee, one cup at a time.$LABEL$1 +My Review Of 2 Girls In Love. The Incredibly True Adventure of 2 Girls in Love is a funny and touching love story about a rebellious lesbian tomboy who meets a nice and friendly teen girl at a auto fix-it shop and soon create a friendship. As the days passes, the two girls experience their friendship blossoming to a forbidden lesbian romance. The audio commentary by the director tells the word-for-word history of the film. The Incredibly True Adventure of 2 Girls in Love is a hearfelt comedy-drama that will leave no eye dry.$LABEL$1 +Played for 5 minutes, then deleted. I'm not sure why I bought this game: I knew it would be bad. I guess I thought Harvey Smith made some great games, so maybe this was a rough gem. Nope! Just a boring, vanilla, limited-in-every-way-possible wack-a-mole shooter. The worst part is that the weapons have literally no kick or feedback, you might as well be using a laser pointer. Note to FPS designers: before you do ANYTHING ELSE be sure that it is fun and rewarding to aim and click the mouse button; if you fail at that, nothing else matters.This game fails at that most basic task, and thus it's not even worth discussing--too bad!$LABEL$0 +Great deal for all the functions and pretty stylish as well... I have been wearing metal band watches for a long time, but now that I work in a hospital, I wanted something lighter and digital. So I purchased this watch with absolutely no expectation, since it was so cheap. After wearing it for about a week, I have realize that this watch is great! It is very simple to read and it has the seconds "pie" counter right in the middle. (which beats staring at a ticking seconds hand in my opinion) It is both analog and digital and it is pretty stylish for a 20 some odd dollar watch. I have been wearing it everyday since I got it.To sum it up:-Great deal considering all the functions-Light and stylish-Easy to read-Analog and digital$LABEL$1 +Love this Headset, but It's Easily Breakable. Length:: 1:38 MinsI'm a fan of the Jabra 5020 headset -- it fits very well and comfortably around my ear and I've enjoyed good reception when connected to both my Treo 680 and iPhone. But I've gone through two models, and both have broken. The earpiece seems to be the weak link in this headset, as it's broken twice in my pocket (from not very rough treatment).$LABEL$0 +Quiet, smooth, wipe well. 1. They're quiet, not a peep out of them2. They move smoothly over the windshield3. Don't leave streaksI recommend using rainx windshield treatment for wipers that last long and stay quiet.$LABEL$1 +Love John Saul. My favorite author who never fails to satisfy. I have read all John Saul's books, and am currently waiting for delivery of his latest. I can't wait!!!$LABEL$1 +Mac OS 10 to Vista. I am a long time Mac user and have just moved to Windows. This book was a big help and I highly recommend it. The index is great if you don't want to read from cover to cover.$LABEL$1 +Creative Doesn't Tell All You'd Want to Know. I really enjoy this player but I could have loved it if only I'd known what it's limitations were. The Creative web site does not make that obvious.Why buy an MP3 player? My goals were to listen to music, have the ability to download new music and occassionally listen to some books.Although this player has great battery life and plays music well enough, it does not allow you to take advantage of online music or book services. Older Creative devices do, but this one is not compatible with Napster.com or Audible.com.Why would a company make a new device and omit older features likely to become more important in the future, as napster and audible become more popular?When I voiced concern to Creative they responded promptly but offered no solution and no hope of one anytime soon.If you want to sign up with online services, looks like this device won't allow you to take advantage of some of the popular opportunities out there.$LABEL$1 +Bound Dreck. Paranoid and partisan? You bet. Another book added to the long list of fruitcake conspiracy offerings.$LABEL$0 +Please save your $$ Buy K-9 Advantix II. I wouldn't normally write a bad review for a product, however, I really believe this is not worth the money. It essentially did little to nothing to kill or prevent fleas on our pets. I can safely say that most of the fleas on our pets did not die or even leave the animal. We tried this for a three month period and it was absolutely useless.In a comparison, we switched to K-9 Advantix II and the difference was night and day!Same animals, location, weather, etc...The Frontline Plus honestly did not work. I may have well administered tap water instead of Frontline Plus.The K-9 Advantix II worked almost immediately.PLEASESave your money! DO NOT WASTE IT on this product. I can't imagine how two products (FRONTLINE - ADVANTIX)claiming to do essentially the same thing, can be so vastly different with results. If I had to rely on Frontline, I would simply not use anything.$LABEL$0 +Gets better after first two listens. I had previously said that this was derivative. Now I've gotten to the point that I'm actually used to it.Kid A was one of the best albums of all-time. This, while not as good, can still be enjoyable.It starts out with "Pact....", which is a more techno song from the album, as it isn't the best, but good first song. "Pulk/Pull Revolving Door" is great, despite the fact that the same chords are being used throughout the song. "Life In A Glass house" happens to be my favorite track, a dancy tune that has decent vocals. If you're not already interested, get The Bends, OK Computer, or Kid A. This isn't their best, but I like it.$LABEL$1 +Living the So Called "Good Life" isn't so Good, after all... This story has a lot to teach all of us about what we assume wealth buys. It goes beyond what we have always been taught... "Money doesn't buy happiness" even though many of us have secretly believed..."if only I had that much money, I KNOW I could live happily ever after".....I suggest you read this funny and surprisingly insightful memoir and have your mind changed, just like mine was. I wish this former nanny all the best and would like to thank her for taking the risk to write this book. I will never look at Hollywood the same again.$LABEL$1 +a great look into US-Indian policy and relations. i first came upon this book through my brother who studies archaeology at university of arizona. his american indian studies professor used this book as the textbook for the class. i read it cover to cover and found it very intruiging and fascinating (as well as horrifying). a great start for anyone whos interested in how the land your living on went from belonging to an indian tribe to becoming yours, and what happened to the people who owned it.$LABEL$1 +Sounds like one long song.... I love Tabla drumming, but to be honest, this CD is too repetitive. It all sounds like one long, never ending track. Maybe it would be good as background when you're not really paying attention. Nope, no it wouldn't, because you'd be noticing how one track blends into the other into the other into the other. It's just too repetitive. Like this review.$LABEL$0 +Be Aware!. From what I heard of the cd I thought it was going to be great but it really isn't that good. I was very disappointed. Alot of good artists are on it but the songs are not that great.$LABEL$0 +BRING IT BACK!. One of the best books to have on James Bond.Just what makes him tick? Read and find out!$LABEL$1 +Extremely disappointed.. I purchased this cleaner about 3 months ago, I have used it twice and not it doesn't work at all anymore, No one seems to know what is wrong with it and Now I can't get any time of reimbursment for it. I was happy with it at first, it did a great job but not being able to use it after one time isn't setting right with me.$LABEL$0 +Best Matbreaker for cats or small dogs!. I've got a long - thick haired cat that always gets terrible hair mats each spring when she sheds. I've tried plenty of detangler and dematting combs, but couldn't find one that was easy to use (cats don't always stand still) and works fast. If I could have designed one myself, this would be it. It's small and fits well in your hand. The curved combs prevent jabbing the animal while they quickly and easily grab underneath the matt. Then as you pull, the inside blades safely and quickly slice the mat right out of the fur. It's fast and makes this chore SO much easier. The cat no longer minds the process. PS I only paid $10.00 plus shipping from KV Pet Supplies (via Amazon).$LABEL$1 +Amazon should remove this product from their site.. I agree with all the bad reviews. The only positive thing I can say is that mine did not break the first time I used it. It broke the 4th time I used it. DO NOT BUY THIS PRODUCT.$LABEL$0 +Indispensable Guide. We purchased this book in preparation for a drive from Pennsylvania to Florida. Are we glad we got it! We used this book the entire trip to locate restaurants, gas stations, etc. Even the location of the local speed traps were correct! We discovered several great attractions which we otherwise would have missed out on if we had not purchased this great book. Very highly recommended for your next trip on I-95!$LABEL$1 +"Impossible. . .things are happening every day!". Wow, some productions become the entertainment church of the soul, and this one is no exeption.Who can resist the story of a young non-regal born lass, destined to become an inhouse maid by her horrible wicked ancestors from her kind father's desolved marriage from his death, to eventually become royal princess! It almost becomes a tear jerker from Leslie Ann Warren's very convincing cry in "her own little corner."Actually, here, the wicked ancestors are a bit more comical in order to appear more clumsy, and ill mannered. Celeste Holm almost magnifys the extreme kind essence brought once before in "The Wizard Of Oz" Glinda, as the wonderful fairy god mother. The prince is fortunitely portrayed here, as not only handsome and dashing, but kind, considerate, and "in love."The musical score almost speaks for itself in catchy memorable tunes, and lyrics. And it ends with those very words, in my review heading!$LABEL$1 +Black & White Sheltie water bottle. The picture is wonderful. It is very hard to fine just a black & white Sheltie picture. The water bottle is the right size.$LABEL$1 +I got Shafted!!!!. When this movie came on T.V. many years ago, I recorded it, edited out the commercials and everything. So when it finally was released on D.V.D. I jumped at the chance to have a better quality version.I even gave my V.H.S. copy to my mother. Man, was I ever disappointed, the movie is missing critical scenes. Too many to even describe in this review!! I thought because [...] that that was the problem, but after reading so many other reviews that basically are saying the same thing, I can see I wasn't the only one who got shafted.And to make things worse, my mother won't give me the V.H.S. version back!!!$LABEL$0 +Color by numbers. Genius would require more than transparent emulation and standard songwriting in my opinion.If you don't play music yourself or think that the ability to copy others or follow formulas has some value, then maybe this is for you.I am an advocate of judging how something sounds over where it fits in terms of creativity or obscurity. However, Mayer has crossed the line. Not only does he clearly seek to write songs just as he has heard and make his voice sound just as others, the voice he's chosen is that contrived dave matthewesque cacaphony.If you love coldplay and dave matthews and anything that sounds acoustic, then knock your socks off. But, if you've heard a couple Mayer songs and aren't into acoustic singer-songwriters enough to know a hack from a visionary, I would keep looking for an artist with at least the desire for creativity and unique personal expression.$LABEL$0 +Puzzles plus Quests!. I was sort of skeptical about this game. I love a good RPG and I enjoy Bejewelled, but how the heck can you tie them together in a way that makes sense and doesn't get boring? Well, it happened and the result is this game. At first, it seems just like bejewelled but as you progress you realize that your color gems that you match corolate to the manna you need to cast spells, heal, and inflict mad damage upon your opponent. Some battles are harder than others, and you can protect yourself by donning armor and having other items in your inventory to reflect, dissipate, or otherwise shield you. A really unusual game, but it never gets boring!$LABEL$1 +Where's the Physics?. I was hoping this video would excite my 14-year-old son about Physics. Unfortunately there's only the most token, and I mean token, mention of the physics of a roller coaster. This title is just plain deception. My son remarked that it seemed like an info-mercial for various roller coasters. I heartily agree. The Discovery Channel should be ashamed.$LABEL$0 +Love This Movie!. I LOVE this movie and I'm so glad it's available on video. I watched this when I was a kid, and I still love watching it. It's got a great moral for everyone to learn.$LABEL$1 +Weapons of Legacy book. Great! Thanks so much for your great price, great shipping, and integrity.I got this for my grandson who is pleased as ever!$LABEL$0 +A good listen provided you like the genre.. This is no intro to electronica. Nor is it a hardcore beeping frenzy without any human touches. The opening track has nice vocal touches, and the the slack-jawed commentary on "Pretty Deyenol" make for that rare track that will make you laugh while you dance. Yes, there is ample dance material here; trouble will arise in finding anyone who has heard it and would therefore be able to dance, however. In the end 'tis not a classic but rather an enjoyably small step down.$LABEL$1 +Very good headfone. I really recommend buy this headphone. Excellent sound output at this price. There are 2 reasons for me not giving this product a 5 star rating is..1) Little too bulky although collapsible.2) There is no microphone built with it. Other products like Planotronics have microphones along with the headphone at the same price.$LABEL$1 +Take a peek at Peek A Boo!. If you are a fan of this classic cartoon, then this shirt is a must have! Just a reminder, this shirt is fitted so take that into consideration when purchasing.$LABEL$1 +Amazing in its depth and relevance. What Paul Johnson does, that many are afraid to do, is take a serious look at the lives of people who have shaped Western culture, and acknowledge their many short-comings. People from Hemmingway to Tolstoy are revealed to be quite human and undeserving of universal unqualified praise$LABEL$1 +Pretty terrible. I've worked through a number of language tapes, both for German and other languages, and Breakthrough German is one of the worst I've ever encountered.For starters, the primary narrator of the tape struck me as arrogant and condescending. But worse than that is that the program does little to aid retention of what's presented. There are few opportunites to repeat what you've just heard and no follow-ups to confirm that you've said the new term correctly.Also, the program appears to have been produced in the UK so some of the translations are a bit funky (for example "tschus" is translated as "cheerio")On the positive side, some of the dialogues on the tape appear to be genuine, real-life conversations that have been (surreptitiously?) recorded.As alternatives, I'd check out Pimsleur (very expensive but excellent) or Living Language.$LABEL$0 +DO NOT BUY!. This product left a horrible white film on everything...plastic bowls, porcelain plates, silverware, glass glasses, plastic glasses-u get the point. It was so bad that I actually thought the kids put some kind of glue or a dirty paint brush with white paint on it in the dish washer. So I took all the dishes out of the dishwasher, scrubbed everything (still thinking it was the glue/paint, & yes that's how horrible this stuff was) & put the dishes back in the dishwasher for another cleaning not realizing they'd just come out with the white goopy film again, so back to hand scrubbing. Then I thought something was wrong with the dishwasher. I mentioned this to my husband & he suggested maybe it was the detergent since that was the only thing that changed. So off to the store for my old detergent and amazing, no more white film. I will never buy this stuff again. HORRIBLE, HORRIBLE, HORRIBLE PRODUCT. & shame on P&G because I'm sure this product was tested before they put it on the shelves!$LABEL$0 +okay.... Bratz luvers need a serious reality check!. Okay.... I don't have this doll yet, but that is not why i am here. Who ever wrote that "she looks dead" or something like that, read the title of my review~ BRATZ MAJORELY SUCK!!!!!!!!!!!!!! You always complain that My Scene just SHOPS! They don't!!!!!!!! They take ski trips, vacations to miami, go to hollywood, go on dates(At 16?!?!), go to clubs (AT 16!?!), etc. But, can anyone tell me why they don't go to school? Oh, my scene, i luv ya but lower ur prices once and a while. AND REMEMBER... BRATZ SUCK!thx M@NDY$LABEL$1 +step by step tarot. this guide for use with the tarot, is a more in depth book when learning the art. it gives useful insights with the cards and a gaining of self knowledge as you follow through the pages and tasks.$LABEL$1 +Surprising Discovery (talks about the end). Rory Cochrane and Mary McCormack were riveting. It's a talky movie with not a lot of action and no physical contact between the leads, but I couldn't turn away. It looked like the ending was going to be predictable, especially when it got down to the last 10 or 15 minutes. I thought the end would be Cochrane breaking the seal to hold his dying wife, choosing to die himself. Or maybe the last shot would be Cochrane on his side of the seal, alone. Nope, the movie turned it around. Cochrane was contaminated and sealed in by the military and gassed. Pretty amazing movie.$LABEL$1 +Works great with Windows7. Bought this camera in Germany, and windows7 automatically downloaded drives. works great for skype applications - which is why I bought it-, good picture and videos. I am buying a second one for my brothers' birthday present-$LABEL$1 +fails to please. Ming's show is always one of our favorites. The book, however, just doesn't excite us as much as the show. The photos are nice, the information and individual descriptions are helpful. But, the book just doesn't exude the same spark as Ming's tv personna.$LABEL$0 +Good Pictures; Very Little Said. I don't think you could really call this a book--it's more like a scrapbook or photo album. I learned perhaps 2 things about AJ that I hadn't heard before. It is definitely NOT the tell-all book it has been hyped to be--which is probably a good thing. The pictures are great--obviously mostly from her personal collection, as there are pics of Backstreet Boys sleeping, and at family celebrations. Very precious and priceless picture of Brian and Nick in younger years sound asleep on a couch. There is one picture of AJ in the bathtub--not too revealing--thank goodness. All in all, not a big price to pay for some really great pictures, but not much of anything else.$LABEL$0 +Ugh!. I love Def Leppard. I HATE this album. Guys, you've sold a gazillion albums and won respect--now please spare what's left of your dignity and retire? Please? I'm asking nicely.$LABEL$0 +Light Thickens Review. Book arrived on time, in good condition. I enjoyed it as I have all the Marsh books.$LABEL$1 +Back to the Basics. I've been a long-time fan and follower of Nancy Griffith - over 25 years - and it was great to find a more recent album by her that was "back to the basics" in style. (Some of her past efforts have been a bit heavy-handed in their messages.) The flow of songs is just right, and her voice and songwriting abilities are still as strong as ever. A wonderful choice for any Nancy Griffith fan - new or old.$LABEL$1 +Great Dialogue entertaining story. Well crafted entertaining novel thatkeeps you interested the entire tim$LABEL$1 +Disturbing. This is the most disturbing children's book I have ever read. It starts off sweet enough but can you imagine if your mother in law snuck into your bedroom every night to rock your grown husband to sleep? I'd get a restraining order. Definitely better books out there that teach about unconditional love and parent/child relationships. I would never let my daughter read this book.$LABEL$0 +Four Star Music,Two Star Plot!. Buy this for the music,and Doris Day.Then go out and the get the Soundtrack CD,which is out of print.Doris Day,and the trumpet of Harry James...........two of the best ever.$LABEL$0 +NOT GOOD AT ALL !. I DID NOT LIKE THIS BOOK AT ALL,ONLY THE LAST FIFTY PAGES WAS OKTHE BOOK IS ABOUT A WOMAN WHO HAS AROUGH CHILD HOOD AND NOW SHE IS HAVINGA HORRIBLE MARRIAGE. HER HUSBAND WILL NOTMAKE LOVE TO HER THE WAY SHE WANT HIM TOAND THE WAY HE USED TO, HE IS NOW A DECONAND HE KNOWS HIS WIFE IS SLEEPING WITH OTHER MENSHE ALSO CARRIES AROUND SOME KIND OF HATE FOR HERGRAND MOTHER FOR MAKING HER HAVE AN ABORTION WHEN SHE WAS YOUNGER. THE TOPIC WAS GREAT BUT THE WAY IT WAS WRITTEN AND BOUGHT OUT WAS NOT GREAT AT ALL. THE BOOK WAS BORING !$LABEL$0 +horribly written. i purchased this book prior to a trip to cozumel this summer, hoping for a quick, light read and some local color. if you don't mind redundancy, very simple sentences ("see jane run") and misspelled words, then this book should be great for you. i ultimately said hasta nunca to "the tourist" and my copy now resides at a pink beach house on the yucatan!$LABEL$0 +Ichabod Crane Revisited. SLEEPY HOLLOW (1999), starring Johnny Depp, Christina Ricci, Miranda Richardson, Michael Gambon, Casper Van Dien, and Jeffrey Jones, combines horror, suspense, and comedy brilliantly. This is a loosely adapted version of Washington Irving's "The Legend of Sleepy Hollow." Depp plays a bumbling constable who relies upon the latest scientific methods to figure out who is responsible for a series of beheadings in New York's Hudson valley. Directed by Tim Burton, the film looks terrific with exquisite sets and evocative cinematography. If Burton takes liberties with the Irving classic, he succeeds in creating a superior black comedy with his distinctive trademark. And look for a surprise cameo in the role of the Headless Horseman.$LABEL$1 +shakira. I only know of this guy because he worked with Shakira so I decided to look him up. This album is as bad as Oral Fixation Two!$LABEL$0 +Good racquet. Compared to some of the other racquets I've used, the soft layer is thinner on this racquet, yet the blade is still plenty sticky. As a result, you don't get quite the spin with this as you do on other racquets. However, it will spin plenty. And what is lost in spin is made up for in speed. I've liked it and so have other players who have played a game or two with it.The only fault I find with it, is that I wonder of the durability. There are some cracks on the edge from hitting the table and I wish the manufacturer wouldn't make the thingermajigger (clear lucite) in the handle. It's cool and all, but I think durabilty would be better served to leave it off.$LABEL$1 +I love this CD!. I'm only 20 years old, but I've loved this movie pretty much since birth, and my mom had the soundtrack when I was younger, so I grew up listening to the pioneering new wave of the 80's. I've purchased my own copy and love it to this very day! I'm still looking to buy the 2nd soundtrack, but for some reason can't seem to find it anywhere. I know it was on Amazon a while back, but was very expensive (almost $40) and there were only about 4 available. There's some great songs on that one as well, in fact, I might like that one just a little bit more. But definitely check this CD out! It's like totally tubular, for sure!$LABEL$1 +My first heart rate monitor. As a runner I was happy to receive this as a gift. It's great to be able to monitor your heart rate as you exercise. This unit comes with several extras that are really nice -- such as the fitness quotient that calculates your fitness based on age, weight and activity level. It also has a bicycle mount, which is something most don't include. The watch is well-designed -- I get compliments and questions about it -- and the controls are logically arranged and very usable.$LABEL$0 +I enjoy the Mentalist. I was disappointed that I wasn't sent the review booklet with my DVD. I'm writing my own as I watch each show. I enjoy every character in the series. They all do a great job. I often don't like the Red John character to be a part of the show. When he is part of the story it is too dark and evil for my taste. I wish he would get killed and go away forever. Jo$LABEL$1 +NOT THE CATWOMAN WE KNOW. First off 1)Catwoman in the comics was white not black like others have written.2)In the Adam west Burt ward Batman series she was white Julie Newmar- black Eartha Kitt- and the 1966 movie white- Lee meriwether.3) Halle berry is half black half white. But that is not why I gave it 2 stars I would not care if she was all black or latin or ect.... I gave it 2 stars because you can not change a comic characters orgin this much and still think people will come and see it. Granted Catwoman has changed over the years but somethings have always stayed the same She is a catburgler with no super powers. That is what made Catwoman and Batman so cool the ability to do what they do WITH NO SUPER POWERS!. Will people go see this movie- yes because Halle berry is SUPER HOT but even she can not save this stinker of a movie.$LABEL$0 +not good. Very hard to get into its a book you can put down and pick it up days later and still caring on with it$LABEL$0 +needs Karaoke machine!. Nowhere in the product description does it say that you have to play this disc on a karaoke machine in order to get the on-screen lyrics -- but that's exactly the case. I purchased this and several others for my son to use in a DVD player with a plug-in microphone, and, while it plays the music on the DVD player, it does not have on-screen lyrics. I am extremely disappointed in the product description.$LABEL$0 +Love it!. I love it and my son loves it. It fits perfectly with his mouth, and is easy for him to hold. It's 100% silicone, so nothing can hurt his mouth. I also found that when he is having a bad teething day, if I rub a little bit of his teething gel on it, it really helps. He would chew on it all day if I let him:)$LABEL$1 +NOT Non-Stick. This pan is NOT Non-Stick. Both sides stick terribly. I've been attempting to use this pan for over a year now with the same issue each time. I've tried high, medium and low heat. Each time I want to flip it I have to open it and scrape the egg off the bottom, which defeats the purpose of the pan. It also leaks egg onto my stove every time I flip it.$LABEL$0 +Nissan Travel thermos. This travel thermos is the best. It keeps coffee hot for hours. It's easy to use while driving and doesn't leak. I wouldn't have any other brand.$LABEL$1 +More than Just another Great Nancy Drew Book. There is more here than just a good story for children when reading these books. I have an inquisitive 7-year old who has loved reading a few of the Nancy Drew books. (It was also an enjoyable walk down memory lane with one of my favorite childhood book series. It's a good mystery story and one of my favorites of the series). This book introduced the Amish people to my daughter and made for good discussions after we read a few chapters every night. The series also brings to light how things were "back then". Telephones with cords, big convertible cars, and a unique vocabulary. I love that we can download the book for immediate reading. My daughter and I pick out the books together and dive right in. The ebook is exactly how the real book is with the illustrations included. My daughter looked forward to the pictures and scrutinized how each one was drawn. More than sharing the reading time, I love the discussions that come from reading these books.$LABEL$1 +Take off eh!. Santa brought me this DVD for christmas 2003. I stuck it into my computer DVD player today, sat back, and immersed myself into the sounds of RUSH. And amazing sounds they where. Considering that this concert could have been halted because of previous rain or the equipment showing up half a day late, it was amazing how they pulled it off so smoothly. The band once again shows why they are the kings of progressive rock. Song after song are performed flawlessly. And to top it off the fans where amazing. A unsuspected bonus of owning this DVD is the documentary DVD that comes with it. It was not only educating, but hilarious. Those guys have quite the sense of humour, and if you don't like them, then Take off eh!$LABEL$1 +This is religion!. I had high hopes for this book. Unfortunatly the authors were unable to rise above the technology/process wars. The words "In Our Opinion" or simalar statements occur on every other page. If you happen to be in disagreement with the opinions reading this book is torture.I am afraid this will hurt WWISA, the goal of creating a viable Software Architecture Profession can only be achieved if we stay independent of the wars. This book, being visable evidence of the organiztions existance will give readers a false impression of the WWISA.$LABEL$0 +Another Satisfied Customer. I bought the Delorme Earthmate USB for my laptop because I couldn't afford a GPS system for my vehicle. So, I figured $130 ain't a bad price. So far, I have used it in my area. Knowing that GPS is not 100% accurate, I feel the Earthmate USB is accurate enough to figure out where you are and to find your way. Only downfall is the mapping software. The main roads are fairly accurate. The side roads have less to be desired. Because of that, this product only gets 4 out of 5 stars.$LABEL$1 +This is the best movie that I have ever seen!!!!!!!!!!!!!!!!. The remake of Disney's The Parent Trap is the best movie that I have ever seen.Lindsay Lohan is very talented and beautiful and this actress has a future.$LABEL$1 +GGGGGGG-UNIT / THe GAMe YOu aint GOne MAke it. This man deserves no stars none at all for this album he wanna go out there wanna be grown wanna act like he can make good music well the tracks on his cd that were jus him was a test n he blew it he aint no gangsta he aint no G hes NO game all he talks about is his shoes all the time.Yuckmouth killed him on the mixtapes and all that as it is now he cant come back wit a good ryme. yo the first time this cd camei got it i was tired of it by the end of the day the only song i was really feeling of the album that wernt getting annoying were hate it or love it and dreams.GAme give it up THe game OVer you finished and when tony yayo come out wit the album and g-unit come out wit that mixtape u thru so man go back to compotob and go back to sleep your records played out lame!$LABEL$0 +Painful. Being a Styx fan for a number of years I was excited to see the remaining members of the group reunite for another studio album. However, after hearing this sub-par effort from the Styx makes me wish they would have forgone the effort and stuck to their day jobs.With pointless lyrics and musical arrangements that put you to sleep it is safe to say that the magic that this band once had has gone the way of the dodo.This is a perfect example that sometimes living in the past is not such a bad thing. If you feel the need to hear Styx wipe off your turntable and listen to some of the old classics."Brave New World" makes their single "Music Time" sound like Beethoven.$LABEL$0 +no longer effective. this product is not longer effective since they removed the cortisone. I did give it a try for a few months for psoriasis, but it was was basically just greasy stuff on my elbows and knees that did nothing. bought this other stuff, "MG 217" and it completely cleared it up in 4 weeks. amzing stuff!! maybe the freederm works for other conditions, but not for psoriasis.$LABEL$0 +Never outdated!. Chorale singing is just not around much anymore. Thank God for the technology that has kept this beautiful music alive for our enjoyment. Robert Shaw Chorale was the best. Also, some of the sacred songs are getting harder and harder to find, and here they are on this one CD.$LABEL$1 +This is pretty terrible.... This cd is a flaccid mess. You've already heard the only two decent songs ("Survivor" and "Independent Women Part I"), so there's no need to buy this. It's mostly just embarassing, cliche-riddled, off-tempo tripe, especially "Nasty Girl," "Bootylicious," "Apple Pie ala Mode," and "Brown Eyes." It appears as if all that earlier "writing on the wall" was done in vain; too bad when Destiny's Child cleaned house last year, they kicked out all the talented members.$LABEL$0 +Wasn't too impressed. I tried this headset with my LG mobile phone, and I constantly had a hard time hearing the person on the other line. I also didn't like the "switchboard operator" style headset -- too much of a hassle for use on the road, and too big to easily fit in the glove box. Might be ok for someone at an office desk. I switched to a Body Glove over-the-ear style system -- better sound, more compact and convenient.$LABEL$0 +Terrible movie. I had to see some mumblecore titles for a class. I thought this could be the worst movie ever made, until I saw Hannah Takes the Stairs. This is the 2nd worst movie ever made. No story, no plot, uninteresting characters. You'll honestly get more enjoyment listening to your dishwasher run for the length of this movie.$LABEL$0 +Disappointed. I desperately wanted my daughter to enjoy a yummy chocolate chip cookie. She is allergic to nuts and eggs, among other things. We eat pretty healthy and I kept an open mind, but these were just gross. My 22 month old wouldn't take more than 1 bite. My husband and I couldn't even eat more than one. :($LABEL$0 +Truly stunning ending. The end of this movie is so well done that, despite it being an animated action film, it nearly brought a tear to my eye. Mr. Freeze in the animated series is so wonderfully tragic, and voiced with an incredibly haunting performance by Michael Ansara.At the end, when Freeze has lost everything, but sees on the news that all that he did and sacrificed was not in vain, the music crescendos and you realize that he can rest in peace, even if he never sees his wife again. As someone who loves tragic love stories and happy endings, this movie ended perfectly for me, tragic and joyous at the same time.$LABEL$1 +A really good mouse. I purchased this as a gift for a friend. He had the exact same one but his dog decided to eat the cable. He liked it so much he asked for the exact same one even when I offered to buy him one that was more expensive. He has been using this model for a couple of years.$LABEL$1 +To Mel, with love.. I read this book in four days! I couldn't put it down!A tale of time forgotten, where LOVE ruled the clubs.In all my clubbing years, I've yet to experience those special nights where there is nothing but 'love in the air'. Mel lived this!This book helped ME live that.I'VE HAD FOUR LONG DAYS OF PARADISE!!!Thank you Mel, may you rest in peace.$LABEL$1 +South Africa - general overview. The geography of South Africa is the main focus of this title. Within this subject too many topics are touched on for a 32 page book that is nearly 50% pictures. Each topic, including weather, plants, animals, industry, people, etc., is given a very quick overview but none are given much depth. A glossary and index are incuded. A pronounciation guide for non-English words would have been helpful. For someone interested in general information about this part of the world this is an OK choice. For someone looking for research material - keep looking.$LABEL$0 +Wait until the end..... Yeah, normally, when you say that its followed with a "....you wont believe what happens" Not the case, what I liked about the end, was the excellent rock playing as the credits rolled, AND the fact that the movie was done. I absolutely hated this movie. I felt like it had a cast filled with supporting actors, no heavy hitters anchoring it down. Now, this movie is compared with ID4, Alien, War of the Worlds, whatever...NO WAY... ID4 has real heart, characters you care about, they have an affect on the outcome. Alien is cinematic classic, this doesnt even come close to touching Alien...so forget that comparison! Lastly, War of the Worlds, brilliant, beautiful, scary and like nothing I'd seen, this movie doesnt touch IT either. Skyline largely follows in the footsteps are larger more successful sci fi movies, and gives you nothing new. Do yourself a favor, dont substitute the originals. You'll be happier watching the ones that came first.$LABEL$0 +great acting, great story. This is an autobiographical story about James M. Barrie andhow he came to write the play and novel "Peter Pan".It is also about death and orphans: the English, as Oliver Twist by Dickens points out, had trouble dealing with orphans.Barrie had a warm open heart and found a fantasy world for childrenthat appears to be timeless and universal.There is always a place in the heart of children for pirates, Indians and fairies.There is a real contrast in the emotional approach to death taken here and that in another recent movie:The Bucket ListI think that both have good acting by great actors,but one seems to be about the "me first" approach to lifeand this one is about living with death for both the livingands the survivors. I think that both are "sentimental",but this approach seems better.$LABEL$1 +Plenty of Ice But No Zebra. Maclean lost his battle with alcoholism later in life, and it adversely affected his output. His novels became shorter and their characterization flatter, and in Athabasca, he presents one character's alcoholism in virtually a positive light. The plot of this story is forgettable too and there's only about ten pages near the end where 'master of suspense' can be applied to the writing. A sad decline for someone who was the Tom Clancy of his day and is virtually forgotten barely fifteen years after his death. As for this book, read Ice Station Zebra if you want to play in the snow!$LABEL$0 +The Best Bond movie in the universe. Out of all Bond movie's, this one is my favorite. Except for the fact that Kissy, the bond girl is only in the movie for about 20 minutes. It is so dumb why they cut the other one off. Well anyways, a space capsule was captured and hijacked. The Americans think the Soviets did it. Next, another capsule is captured and believe that the Americans did this to retaliate. The tension between the two could create another war. James Bond is sent to Japan to investigate. There, he finds the evil leader of SPECTRE has done this so when the 2 most military countrys destroy eachother. When that has happened, Blofeld will take opporitunity to seize the world. There was a lot of action in this movie. Like.1. The Space capsule hijack2. The building fight.3. The car chase and helicopter4. Little Nelie chase/fight5. The dock gunfight6. The final finale, the crater battle.$LABEL$1 +sweet deal. If you want a reliable player to jog with, runs on regular batteries, has no hard drive, uses musicmatch to make play lists and is easy to use, then look no more. I've used this one about 5x/week for over a year and it works great. I get about 15 hours per AAA battery and have had no problems with this one. If you like the idea of not having to worry about hard drive failure and battery issues with the iPod, this is a sweet deal. One suggestion, pick up some better earphones to maximize the sound quality of the player.$LABEL$1 +Not so much. This worked on my dachshund about 3 times and then she decided the noise wasn't quite annoying enough to stop her from barking. Another problem was that if I tossed my keys on the table it was sitting on or my children squealed while playing, it set it off too. So we had to be quiet around the thing. I continued to change the batteries in hope that it would eventually work on her and, in about a month, I had gone through 3 battery changes. If I had continued to use it, I would have been buying batteries out the wazoo. All in all, it was a good idea but didn't work at all for my dog.$LABEL$0 +Mario's Back. (but i got the castle song stuck in my head.). It's Really Fun, But It Only Took Me 4 days to beat (6 days including the two bonus worlds, W4 & W7). but once You Beat The Game It Gets Sort Of Boring.Sound: 8.0Gameplay: 9.9Graphics: 9.0Overall: 8.7$LABEL$1 +A Jewel Among the Rocks. My wife and I are voracious readers and often settle for books that are OK, but not noteworthy. Every so often a jewel pops out of nowhere and The Wild Trees is just such a book.We were early readers of The Life of Pi, and feel this book is just such a read. Editorially, they are miles apart, but both books surprise you by just being wonderful and refrshing.Within 30 pages of the start, you will be breathless, and then the character development begins. There is the poor son of a billionaire, a wonderful love story and of course the trees. The wonderful magnificent trees. And, it's all true.I just bought 12 copies to send to my reading friends and just felt it would be a good thing to let others know.Enjoy.$LABEL$1 +The Nay Sayers are WRONG!. Setzer has ROCKED since the Stray Cats and the new BSO album is no different. Brian and crew update the rockabilly and swing sound and it's great! Those who say the Setzer Orchestra is worthless have no appreciation of adaptation of musical styles into a VERY enjoyable SWWWWIIIIINNNGGGGIN' Setzer style. The originals are no less great, but the remakes are fun, and the originals are great! If only more CD's were as much fun!$LABEL$1 +Marginal. This collection of sentences and catch phrases is VERY weak on technical details and VERY heavy on the diatribe. In several instances, it is down right incorrect when referencing history. This book may fit the needs of a poli. sci. type, but it is less than a dust collector when it comes to those working in the fields of IT/IW/IA. As a 2 decade professional in the field, take my recommendation and avoid this book if you are looking for anything beyond recycled political phrases related to IW.$LABEL$0 +Will only be helpful for a few.. The book was NOT what I was expecting based on prior reviews. This is NOT a guide to life organizing and prioritizing but rather the author's idea of handling office incoming mail, a filing reminder system for phone calls to be made and work to be done, keeping things one needs to share with another individual in a central location, and scheduling and consolidating that sharing. For those who don't need a computer to do their job, have a memory like a sieve, or are super disorganized and don't know where to begin to start, this might be helpful, otherwise, save your money. His ideas are only practical in a low volume paperwork environment and with those who have non-technical professions. Some kind of portable, daily planner or calendar or a computer syncing PDA is much more practical.$LABEL$0 +Rocks........As all Metallica does. when I first found out that Metallica was going to perform with an orchestra I was a little hesitant. Who would have thought Metallica would ever enter the same building as an orchestra, much less perform with one! When I first played it I was blown away with how much the other instruments accually "filled" Metallica's sound giving a new edge and fullness. Where some of the Metallica songs started to get bland or the same, the orchestra just creates such a particular sound that it sounds sooooo much better. It has all of the greats from some of the older stuff as well as some new songs. The only drawback I did notice was on the back of the cd. It lists the songs with only part of their name, this was a little misleading when purchasing from a store. Other than that, this cd is a must-have for anyone that has ever heard any Metallica. Even if you havent, this cd is for anyone with a need for metal.$LABEL$1 +Men in Knits. I have bought many knitting patterns for men but this book is consistently the best for all sizes and shapes. Well written and easy to follow.$LABEL$1 +Good general guide on entering the industry. I've been working in the field of game audio on the content side for about 5 years. I got this book as I was starting out and I found it a quick, easy read that offered alot of helpful insight and pretty much everything Marks said has held true in my experience. There are people complaining here that this book doesn't offer deep technical information or insight on how to provide content or help with audio programming and that's true. Maybe the title could have been clearer - it's more an idea of what game audio is about and what it's like to work in that field. But if that's what you're looking for, it's a quite worth reading and I highly recommend it to anyone who wants to know how to break into the industry on the audio side.$LABEL$1 +This a must for every preacher to read.. This book captivates you. Spureon stood out as a preacher and pastor far above most who ever pastored. Dr.Dummand has given a vivid description of the many faceted sides of the great preacher. When I finished the book I felt like it should be studied rather than just read. You will love the many tidbits of fascinating information about the man and his ministry. Mr. Spurgeon was involved in controversary quite often. The author tells how and why. Spurgeon took a strong stand on the fundamentals of the faith when many others were not as open. There are many paralells to prominent pastors of today. It will especially encourage and strengethen younger pastors. As I read the book two thing struck me. How I wish I had read this 50 years ago. Then how we need more his tribe today. Every Christian would be blessed and profited by this book.$LABEL$1 +Bad. This product is horrible. I tried is for my green anoles, ant it totally burned one, and killed the other.$LABEL$0 +Stories are too short, not worth the money. I just bought the single DVD version and was psyched to see a dark Batman animated DVD coming out. Being a big fan, I had to get it. Bottomline, its not worth the money. Rent it first. The first story is horrible. The animation is off; Batman looks different in every story as does Bruce Wayne. Each story is only 12 minutes long so there's not enough to satisfy you. They'd be better off having fewer stories and making them longer. They probably just released this for marketing since the movie comes out next week. Too bad they didn't give us anything quality and just fluff to "satisfy" until the movie comes out. Avoid this if you can.$LABEL$0 +Get *Undertow.*. Unnecessary repeat of the Aenima and Undertow sound, but without the hooks. Very mediocre effort.*Undertow* is a great cd.$LABEL$0 +Amazing speed. This little device is amazing. Very fast and lots of options. Good software, and lots of free stuff comes with it. My only gripe is that it takes a while to warm up, and while that's happening, it'll take three or more sheets at a time. Once you've had it on for a while, though, it works like a champ.$LABEL$1 +terry does it again. Another amusing Terry Pratchett book. Not much more to say. The hidden puns are zingers worthy of a good read. Enjoy!$LABEL$1 +high on shock but don't expect to take anything away.... the book is definitely a page turner, but don't look for anything to really touch you with the characters that surrounded his life, or in his complete lack of any reflection on the events and people that shaped his childhood. unlike say, a Sedaris story - there doesn't seem to be much humanity in this memoir. I don't know - maybe that's not exactly the point of this book (or it IS!) but by the time I read the exerpt from his book Dry - I was convinced that he's only in it for the satisfaction of grossing his reader's out....$LABEL$0 +A work of historic importance.. Der Graf von Gleichen will never be remembered as an opera "gem", however the Cincinnati-College Conservatory of Music's beautifully sung recording of this work is a must for any opera lover's library. The opera was composed during the last days of Schubert's short life and was not finished before his death. Therfore, Der Graf had never been staged let alone recorded by any arts organization of significance. Enter CCM. The singers and orchestra bring to life a work that history has set aside. Schubert's compositional strengths are evident in his hundreds of song treatments, and the arias in this opera reflect those strengths. For instance, the role of Suleika, gorgeously sung by the warm yet innocent soprano of Gwendolyn Coleman, is highlighted by arias resembling the Schubertlieder for which she is named. Ms. Coleman, by the way, is just one of numerous talented singers on this recording who are gracing the concert halls of the world. To hear them, buy this CD!$LABEL$1 +I really wanted to love this album. After the lackluster 14 Shades of Grey, I really hoped that Staind's new album could blow me away like they did the first time I heard them in my local music store. Unfortuantly, I realize that the band I love doesn't exist anymore. At least I still have Tormented, Dysfunction and the memories of the times I've seen them live. Now, this isn't an awful album but there's nothing that can separate them from the rest of the sludge you hear on the radio. If you want to hear music that really rocks, do yourself a favor and pick up a Local H album.$LABEL$0 +Best of the best!. This is the ONLY pregnancy book you will need. Before I got pregnant and during my pregnancy, I got at least 10 pregnancy books. The only other one that I also found helpful was "What to Expect," but this book is WAY better. Don't waste your money on other books. I regret getting all the "natural birth" and "natural" methods books, they were not scientifically proven (in fact, sometimes outright dangerous!). Go with the Mayo Clinic. You, your husband, and your baby will be glad. : )$LABEL$1 +An unfortunate misstep.. A show that was to define an entire new genre in its first season goes out on in the exact fashion it sought to lampoon, punctuated by an ending that invalidates the premise that was at the very heart of the show. This transparent attempt to generate revenue from an extended treatment of it's "shocking" ending is neither surprising nor warranted. Best to turn the spigot off here and redirect those hard earned funds toward something that kept its integrity and stayed true to its heart, such as Shout Factory's "My So Called Life" or the pre-Star Trek J.J. Abrams signature, "Felicity".$LABEL$0 +Didn't work out of box; rude customer service. After a week the receiver still hasn't picked up a signal. I've tried it both in the car (w/ the auto adapter unit) and in the boombox but have yet to get a signal. XACT customer service is unfriendly and fairly difficult to work with...they don't seem to believe me that I can't "acquire a signal". After a few emails and a phone call I get to return the unit at my expense and wait an unspecified amount of time for a replacement. Meanwhile, I get to pay for a service (SIRIUS) I can't use. Try JVC, those who are using JVC receivers around here don't seem to have any problems.$LABEL$0 +Ordering process screwed up. When ordering this item, I was informed that it could not be shipped to a post office box so I gave my physical address. Item was then shipped via US Post Office to my physical address. Problem is that I don't receive mail at my physical address only UPS shipments. When item was very late (didn't ever arrive) I contacted seller only to find out they could not understand a rationale English sentence. I was also very frustrated that I could find no way to complain to Amazon about this mess. I have ordered a ton of stuff from Amazon but am now going to shop elsewhere until they resolve this issue to my satisfaction.$LABEL$0 +Delicious!. I've been buying these since they appeared in my area, and they are delicious. The portion size is acceptable, considering these are only 100 calories. The cookies are nice and minty and have a chocolate coating on the bottom of each cookie.Unlike say, the Oreo 100 calorie packs, these actually taste like grasshoppers, only smaller. Unlike regular grasshoppers though, the 100 calorie pack version is trans fat free.Overall, these are a great example of what a 100 calorie pack should be.$LABEL$1 +Three Cheers for My Chemical Romance. Arguably the best disc to come out in years, I haven't listened to anything for one month. Since the day this disc came out, I haven't played anything else in my CD player. The best cD in ages dawg$LABEL$1 +Excellent. A wonderful story! When I first heard about the subject matter I was a little nervous. (How much fun can a leper colony be?) However,I was totally blown away! Rachel is one of the best written characters that I have ever read. Although her journey from child to women takes place under trying circumstances, her story speaks to us all! I highly recommend this book!$LABEL$1 +Planet of the Apes (Blu-Ray). Great collection of movies with the first one the best one. Because the budget on the succeeding movies was cut, to some degree the quality suffered; however this was balanced by the creativity.The collection looks great in blu-ray.$LABEL$1 +This is the worst video i have ever seen.. Curtis Mitchel speaks better that he can play. He shows only a few licks from the vast collection of Floyd songs and the licks that he shows are also not played like the original. They are played with the worst variation that Curt could probably think of. I am a beginer player with 5 years of playing strictly by ear and without technique or music theory and even i can copy Floyd songs better than what Curt plays in the video.$LABEL$0 +i love it!!!!!!!!!!!!!!. i love this bed set. it is soooooooooo cute. the only downfall to it is that the comforter doesnt fit the crib, it is too small in length, and too wide in width. the fitted sheet for it fits great though. when i went to buy it at the store located in vernon hills, il., they me that they were going to discontinue this set, and wouldnt sell me thier floor model, so i had to go to the schaumburg, il store which was totally out of my way and a pain in the behind to get to. so if youre looking to buy it, call the store beforehand to see if it is in stock or if theyll sell their floor model to you.$LABEL$1 +Mono operation with Secret Service Throat Mic.. I assumed that the term Mobile meant radio and not cellular technology. I was able to confirm the loopback presented when the ring and tip3(of 3) are shorted, a poor design indeed.In any case the pins for io/out on this and likely other devices meant to work with radios, like Visar Series and TalkAbout, are reversed... perhaps to avoid this problem?Some comments above indicate this is mono, I can't confirm or deny that.Here are some links I found helpfull:[...]This /may/ match the expected input of this adapter:[...]These are the same and NOT like this adapter:[...][...][...]$LABEL$0 +GAMECUBE ONLINE !!!!!. I bought this adapter and it is easy too instal and is the greatest game accesory ever. some of these reviews are old but now there are many online games available for gamecube like 1080 avalanche, mariocart double dash, mario golf, Phantasy star 1,2,and 3, lord of the rings, need for speed under ground,final fantasy crystal chronicles ect...$LABEL$1 +The least exciting of the four solo albums!. Gene Simmons seem to believe his solo album was the best, as well as the most liked. I would say that Simmons recorded the least exciting album of the four Kiss members. The opening "Radioactive" is the album's highlight. The Beatles sounding "See you tonight" and the quite rocking "Burning up with fever" are better than the average, but when it comes to the closing "When you wish upon a star", I certainly wish that Simmons would shut up - it's plain awful. The overall impression is that it's rather lame and the material is in fact quite weak more than occasionally. Simmons sure have a talent for business, but he surely think too much of his musical skills.$LABEL$0 +Runner. Once worked through the directions (set up display , etc) this has become totally addictive for my training runs! A bit bulky, but otherwise very satisfied.$LABEL$1 +Charming Story. I bought this book for my grandson and we both enjoy it. I actually get chills when I read this sweet, loving story with a lesson everyone can benefit from. The art work is darling with bright colors and smiling faces.$LABEL$1 +All aboard the crazy train. good DVD that looks into the behind the scenes of big wave riding and photography.It also looks into the circus that follows.I bought the DVD because I am interested in big wave surfing and bodyboarding and i think the crew that laird surfs with have covered all bases.There isn't much more big wave stuff than other similar titles, but they have shown new angles and ideas.Helicopter tow surfing, etc. etc.I recommend this DVD to anyone keen on Big wave tow surfing, big wave riding in general, people who like and are mature enough to ride different equipment depending on the day.I also recommend this DVD if you are a fan of Laird Hamilton and his approach to wave riding.$LABEL$1 +Great for the money. I had one hair dryer for 20 years and since then I have been going through one a year. This is the best yet. Leaves hair with nice shine and soft. Last 2 I bought left hair fried and dull after first few uses. Daily use now for 4 months or so and still works great. Unfortunately can't expect to get that 20 years out of anything anymore. 1-2 years would be great on a 20 dollar hair dryer I think.$LABEL$1 +love the product-IF they will EVER SHIP it to me!!. The vitamin shoppe is not responding to my notices - As of today, we are 10 days past our latest shipment arrival date, yet we have never received our product, and have send two appeals for them to PLEASE RESEARCH And RESPOND to us. I have never had problems with an Amazon vendor like this before. Needless to say I am NOT happy!!! This is a great product, it really keeps lungs clear and helps alot with springtime allergies and congestion.Looks like I will be ordering it thru someone OTHER THAN the Vitamin Shoppe if I want to breathe this spring.$LABEL$0 +A Big Disappointment. I had a lot of hopes for this book from the title and the customer reviews.It started well enough with an account of the accident that led to his epic run.However,the book for the most part reads like a travelogue of the Grand Canyon and a history of the land,explorers,settlers and Indians that went through there decades and centuries before. I don't really care about all the historical detail. Frankly, it got to be very boring. Boring to the point I couldn't finish it. As a lifelong runner I'm always on the search for great running books,this definitely is one to avoid.$LABEL$0 +Something for Everyone!. I usually am hesitant to buy these types of books - because I live in a colder climate (zone 3-4) there are usually not many combinations, styles, etc. to choose from out of an "all inclusive" book. Not the case here! There were plenty of plans and ideas for all zones and everything was very comprehensive in drawings and text. Just within the first few minutes of looking at it I had several ideas for my yard. What's also nice is that it covers everything from small spaces that need just a few plants to fill in to large areas that need coverage. I will definately be referring to this book AND sharing this book for a long time to come!$LABEL$1 +Research?. I downloaded this book to read on holiday in Greece. After several chapters I became rather disenchanted and indeed rather cross. The author chose Ashburton, England as her 'remote' village. I lived there in 1969 and have been back there recently so was pleased to discover the story using the village as a setting. However it lost its credibility when she describes a busload of 50 Japanese tourists stepping out. That will never happen in sleepy Ashburton, we don't have sidewalks, and the streets are not arranged in 'blocks'. Police have not been referred to as 'bobbies' since the 1950's and the final straw came when Douglass ordered scones and describes slathering the scone in clotted cream with no mention of jam - sacrilege! It may seem petty but it would be like me choosing a remote town in America and describing pavements instead of sidewalks etc. Write about what you know or do the research. It may have been a good story but I will never know.$LABEL$0 +disappointing. Had heard good things about Louis CK. But what a disappointment. I forget which aspect of his crudeness turned me off. Was it animal cruelty? Hard to remember, but I know I don't want any more Louis CK.$LABEL$0 +Infinity Blech. Briefly, I could not get through 30% of this book; the characters were pasteboard, the settings were bland (terraformed worlds tend to be like that), and the pace dragged (as far as I read)....I peeked ahead and was dismayed that the main character was still stumbling over the same plots devices and still mumbling the same drek about longing for her long-disappeared sister. Jeez, that got old quick!How could a former Navy officer write a science-fiction chick-flick-book? Must have been really boring checking customs IDs in North Dakota.So I thought I would advise anyone potentially considering..but my hands are getting heavy..must warn readers..can't keep typing..eyelids lowering..head..sinking..ZZZzzzzzzzzzzz$LABEL$0 +Dorky? or not By Lea. This is a book you read if you are totally NOT against dorks or even if you hate them this book is for you. A boy who was known as dork at his last school now wants to change his image, will taking off his glasses help.... NO hes still squinting! Find out how Jerry Flack copes in his new school.$LABEL$1 +Not great. The machine didn't work well when we tried to grind cooked meat and spinach into ravioli filling. Threw it out.$LABEL$0 +A brilliant idea. So many of reviewers are saying this toy is inappopriate and exposing girls to things they shouldn't know yet. What?! This isn't "Kama Sutra Barbie" we're dealing with. If you're afraid a pregnant doll will scar your kids psychologically, what happens if a a friend's mother expects a baby or they see pregnant animals? One reviewer said these issues are too mature for 6 - 11 year olds. I was between those ages when I started my period, I knew what pregancy was (my mum devilvered my little sdister when I wasn't even two) - too mature, I think not.I had a similar pregnant doll when I was a small girl (I'm 15 now), but unfortunately I cannot remember the manufacturer or the name of the doll. What I do remember is that it was my absoloute favourite doll. When I was very young I had trouble imagining the concept of a baby in my mother's belly and it helped enormously. I had a wonderful time with that doll. You know what? It hasn't made me get knocked up!$LABEL$1 +Does not work on our 14" and 18" bicycles. This kickstand did not install on either of my kids' bicycles - one is 18" and the other 14". It was too long on the shortest setting, and the design of how to install it does not fit with the frame shape of either bicycle. Very disappointed! It is also very stiff. WD40 helped some, but I doubt my 5.5 year old would be able to use the kickstand on her own even after the WD40.$LABEL$0 +Dont Buy. As with others, they work great when you first get them, but then one earphone goes dead to broken wire.Although I like them, they are or wee 80 dollars of junk. I seen 5 dollar headsets preform better$LABEL$0 +One of the Translations of the New Testament. This is NOT the original Aramaic text of the New Testament. It was translated one. If you need the original Aramaic text, do not buy this one.$LABEL$0 +Great Ansel Adams Book!. If you're looking for a great bio on Ansel Adams, this is the book for you. It is a great, fact-filled book.$LABEL$1 +Nice, but odd pockets. Jacket fits well, and keeps me warm. Pay attention to the size. I got a Medium and it's almost too big. The only thing I've noticed is the pockets zip UP to open. I've never had that before so it will take some getting used to, Unless it was actually made wrong...$LABEL$1 +Cute Movie. Purchased this DVD for my grandson - he has all the otherbuddies movies. This is a cute christmas one.$LABEL$1 +One of my favorites. This was my first Jaci Velazquez CD and I really like it. There is one song that is very worshipful (Adore), there are several that make me feel grateful for all God has done (Imagine me without you, He's my Saviour). I love the "latin sound" in several songs. Overall, it is a declaration that God is there, (You don't miss a thing I do), and that He loves us.$LABEL$1 +Not a classic. I got this and I'm sorry Biggie fans but Ready to Die drops a big stinking load on this CD. I skip most tracks on here because he went crazy with the club songs but his storytelling is above par.$LABEL$1 +leaks. I purchased this pan for elderly mom, she informed me, that when she made an upside down pineapple cake, that when baked, it leaked in her oven. Where she than had a mess to clean in her oven, She said she didn't use a cookie sheet, but she should of. No cookies sheets shouldn't be required when baking cakes.$LABEL$0 +excellent book. two years ago I bought this book, and at first I didn't know what to do with it. I just put it away, because I didn't understand what it was all about.Since a while I am learning the Divination with the Opele and now the book enfold his secrets to me. I was amazed, but I must say I am glad I bought it.$LABEL$1 +No aerobics, and QUIET PLEASE!!. I bought this tape thinking that I would get an intense abdominal toning session, and instead, there is long stretch of aerobics at the beginning. I am not a big fan of aerobics in the first place, due to the chirping and ranting of most instructors and the idiotic and pointless flailing that it usually entails. Okay, fine. I don't do aerobics, and limit my cardio workout to sensible things like walking or commuting by bike or swimming. This leads me to the second complaint I have about the video, and that is the leader's incessant chatter throughout. Why can't they just COUNT! I find myself actually yelling at them to SHUT UP!! Which, actually works my abs a little harder, so there might be a reason for this annoying banter after all. At one point, the third instructor actually changes the exercise in mid-execution. I thought this was very sloppy. But, I must say, the workout itself is satisfying and produces results, if you can stand it.$LABEL$0 +fine for a small camera. this would be great for entry level slr with shorter lenses - doesnt fit my canon 40d with any of the zoom lenses - must return it.$LABEL$0 +More Mush From the Wimp(s). This is typical liberal crap from the blame America first crowd that today makes up the democrat party. FDR and Harry Truman must be rolling in their graves.Read this to see for yourself and then read "Unfit for Command" to see the truth about John Kerry and his campaign.$LABEL$0 +Loved It![.]. I read this book AFTER visiting Celebration, Florida. I was interested in more background info and details. We walked down the Main St of town and thought "this is nice" but not very practical. Practical is shopping in [local store] and buying groceries in[local store]. The days of the corner grocer and little hardware store on Main St are long gone so I was curious about the opinions of the author and his neighbors. This is a great story - it seems to be unbiased and does provide good background info on the town without making it boring. The author nicely weaves little stories about the town or tales of the neighbors into this "documentary" to keep the story moving. I know this book is not for everybody but I thoroughly enjoyed reading it. It's also a great commentary on planned communities in general although I'm not sure that was what the authors intended.$LABEL$1 +Unwatchable. Mainly notable for remarkably poor, but very loud, acting, this version is the worst adaptation of this play I've seen. I only watched about 10 minutes of it before giving up.$LABEL$0 +Very good, basic mouse.. I have had this mouse for about a year now (scince I got my gateway laptop) and works fine. Now, I dont travel much, laptop mainly stays in my room so I dont know how it travels. I personaly like it because its very responsive. I dont have to move my hand all the way across my desk to have to click on search msn which is nice.-Pros-Very ResponsiveBattery lasts of a long timeSmall enough to fit practicly anywareUSB 2.0 Plugin fits convinently at bottem of mouseUSB is realitively smallBattery takes single A++-Cons-Gets slightly dirty easily.I highly suggest anyone get it for Sony Vaio Laptop or Dell XPS 400, works great for everything.$LABEL$1 +A Formative Look at Hemingway. Biographers have tough assignments when writing books about their subjects: how to fill a reasonable number of pages with the entire life of an individual? Even someone who's not famous or historically significant would likely have enough material about their life to fill a book. Michael Reynolds as a biographer gives in, and instead concentrates on only a sliver of Hemingway's life. This decision made for good reading and one should end up understanding that it was Hemingway's earlier years, as is the case for most of us, which ended up shaping his life and death. The book also provides an interesting look at prewar American society, in particular, the growing and changing middle class. This supporting content often serves as a break from the sometimes cumbersome biographical text.$LABEL$0 +Read either Zahn or Kevin Anderson instead!!!. The whole story about Callista is just stupid and this book is just flat out slow. Zahn and Anderson are much more exciting writers and you can't put there books down while all I wanted to do was put this one in the trash.$LABEL$0 +My first Calphalon Commercial cookware. This is my very first piece of Calphalon cookware. I have been cooking for well over 50 years, and it is far superior to any other item of cookware I have ever used. You can use very low heat, food does not stick to the bottom of the pot, and it requires very little stirring or watching. My single complaint is that it is quite heavy, and lifting it from the stove while it is filled requires a bit of strength. Having a second "helper" handle on the opposite side of the pan would be a good thing for older persons, like me, so we could use both hands.I really wish I had cookware like this at least 20 years ago!$LABEL$1 +Overpriced and a bit quirky. Found this wristband pin extractor/installer to function with a few quirks It seems to jam when used to pull pins and the installation of pins is a bit tricky, but functions. The spring loaded height adjustment was useless and only made the job more intricate and complicated. Construction is adequite and it comes with extra pin die extraction bits. Too bad it doesn't include other sizes or a hold-down machanism for the wristband during use. Over priced.$LABEL$0 +A wonderful debut.. This is truly a terrific first effort by this brilliant band. All of their eclectic glory is revealed from the start. Where their sound would mature over subsequent albums all of the ingredients that made them such a unique band are present. Brilliant musicianship, dynamic compositions, stellar vocals and harmonies and strong production are all evident. Classical, jazz, English folk, blues and rock all inform their sound. One of the finest bands in British progressive music. Highly recommended...Simon$LABEL$1 +needed more work. The writer is obviously a serious poker player, but the book is not well-organized. The result isn't very reader-friendly. I'd be very eager to see a reworked second edition, though.$LABEL$0 +Annoying.... This book started out annoying and ended annoying. I understand their whole image that they're trying to portray (or at least I think I do), and that's fine, but there is just way too much cussing in this book. I really couldn't stand it.That being said, I knew most of the information in this book already, but some of it was informative for me. I liked that. I like being informed without all the derogatory language though.As you can tell, the language really bothered me. Blah...The other thing that bothered me, and I'm not sure if it was a joke or not, is they go on and on about how bad it is to drink soda, how bad it is to eat junk food, artificial sweeteners are horrible, blah, blah, blah. Everyone knows that already. Duh. But then somewhere toward the end, they say something like, "Don't blame us if you see us doing beer bongs. We're only human. It's all about balance." Huh? Okay...I could go on and on, but bottom line, I wouldn't recommend this book to anyone.$LABEL$0 +Wonderful science memoir. This book details the author's childhood love of chemistry, from spectacular reactions to his study of the periodic table.He tells the stories of some early chemists who discovered elements. For Sacks, each element seems like a complicated and fascinating, automaton toy.His family history, treated almost as an afterthought, is intriguing as well.$LABEL$1 +YAY DRAGON MOVIE!!. All I have to say is this is my fave movie of all time ^_^ I've read a bunch of reviews dissing this movie and none of them hold true in my opinion. I'm a dragonluver through and through and anyone who says this movies has no plot doesn't know a good movies when they see one. The ppl of america are too used to movies with nothing but action and thats it. Lets get in our cars and drive around killing ppl, oh yes great movie... :P$LABEL$1 +Great. This is a great movie from beginning to end with a sursprise ending, but don't ask me what it is go out and buy it.$LABEL$1 +Slow to start hard to put down.. That's right this book starts slowwwwwwww.But I found myselfnot putting it down after I got into it. So, stick with ityou'll enjoy yourself.$LABEL$1 +a revolution business can manage. yeah, revolutionary language and a new look for a trusted strategy guru. Hamel captures the revolutionary vibe in a better-looking-than-most business book, but stops one step short of being truly revolutionary. This is just enough revolution to keep the current leaders in business, but for the same dare-to-be-different vibe made genuinely radical and personal check out books like Funky Business (another great looking book) and Cluetrain Manifesto. Closer to the imagination generation.$LABEL$1 +Love this movie.. This dvd came to me with no scratches which is great. The movie is great, and comes in an old fashion case, but thats ok cause its an old movie.$LABEL$1 +Mexico Extravaganza. I love DK guides and have used them for years when I travel. This one is as visually exciting and informative as any I have purchased in the past.$LABEL$1 +Not great art, but great nonetheless. I enjoy all kinds of art. Highbrow this ain't but the extreme ludicrous-ness of the circumstances that befall these characters is so over-the-top, and the characters so likable and engaging with all their flaws, and the sheer joy of the ensemble playing, led masterfully by the smooth and daring Bradley Cooper, made this a must-have for my collection. I laughed out loud watching it alone in my room and plan to watch it over again and again over time when I need a lift or a two-hour vacation. Zack G. Practically steals the show with the character's off-the-wall thought processes but everyone shines, except for poor Justin Bartha who doesn't have much to do, a function of the plot. As memorable a film as any that were paraded on the red carpet at the glitzy awards ceremonies for the year 2009.$LABEL$1 +Dancing by the greats!. This movie is a compilation of some of the greatest dancers and dances ever filmed! From the early days of Ziegfeld Follies and Busby Berkeley to modern ballet and break-dancing, you can see the different styles and forms of dance. Some of the stars are Ruby Keeler, Fred Astaire, Ginger Rogers, a wonderful solo by Bill "Bojangles" Robinson, the Nicholas Brothers, Eleanor Powell, Ray Bolger, Gene Kelly, Cyd Charisse, Ann Miller, Leslie Caron, Nureyev/Fonteyn. Wonderful choreography from "West Side Story" and "Flashdance" and other memorable dance movies.$LABEL$1 +They don't come in indigo for my size. Annoying.. I have a short body size for an adult. But for my measurements they only sell dark blue. I have always liked indigo. Why not that light indigo in shorter, smaller sizes? Annoying.$LABEL$0 +A wonderful "NEW" classic!. Michael has wrote a wonderful classic story for Kids from age 8 to 80! This Book gives you the Christmas spirit you need, to get through the holidays. Olive would make a great little gift for all your friends!$LABEL$1 +Good Story!. This book was great, while my son still doesn't sleep through the night every night in his own bed, things are better.$LABEL$1 +Oops, she sounds bad again. Move over Hoku! The next manufactured blonde bimbette has come along and she goes by the name of Britney Spears. We all know her by her "catchy" songs "Oops...I did it again" and "...Baby One More Time". "This is a story about a girl named Lucky... A girl who got silicone breast implants" Britney, we all know it wasn't the silicone that screwed you up, your mom dropped you on your head as a baby. Poor Britney. Let's all go cry over her while she pilfers millions masquerading as talent. She probably lays her producers just to get somewhere!I would have rated this negative all the stars in the sky but they just wouldn't let me. Oh well. I'm going to go work on the pgsweetpg: unholyangel.net$LABEL$0 +Poorly researched. While entertaining at times, this book is obviously not done by a serious historian. Most of her material is taken from secondary sources. In one chapter, the material is actual a book report, because the author only uses 1-2 sources, and constantly quotes from one. I finally sold it to a used book store, because as a history buff, I was ashamed to have it in my collection. More People Magazine than history I'm afraid.$LABEL$0 +Amazon has the wrong item photo. Crossed my fingers that this was the product I needed, as the image Amazon is using is incorrect.Works great, installed it on my 2000 GMC Jimmy. Beaware, if you find you need to replace this air pump, replace the three check valves as well. I replaced FOUR pumps before I realized there were additional parts to replace.ACDelco 214-638 Air Injection Check Valve (two of these, located between the engine and strut towers, each side)ACDelco 214-1938 Valve Assembly (one mounted with the air pump)$LABEL$1 +Boring. How does an exciting musician that has brought so much to the music industry become such a settled boring clone? The only answer can be that money has changed the man. And on a much louder note, how do his two sidkicks of Police become so unrecognized? The answer is they are not, and with a little leap of faith, you will pick up OYSTERHEAD instead of this weak album.$LABEL$0 +A Brilliant Piece of Work. Okay, as a non spiritual person, rather i am just a total movie nut, i must say that this film was beautifully done. Regardless of your faith, or how you choose to express it, the movie blends impressive scenery with heart-wrenchingly superb acting. Jeremy Sisto as Jesus after his his former roles, was quite a thrill to experience. I found myself watching him throughout the movie and saying to myself "that would be the face of Jesus." The simple kindness and joy in his expressions, the truth so eloquently expressed. The additional cast leading a truly enjoyable landscape upon which this film was carried, left me wanting so much more, i ran out and bought the remaining bible movies made by TriMark. So, whether you are a religous person looking for a new face to add to your ideas of the bible, or just a movie-holic like myself, i truly believe this movie is worth watching.$LABEL$1 +Essential 80s fare. In the age of "Porky's", "Revenge Of The Nerds", "Police Academy" (what were we thinking???), and "Airplane" came this underrated comedy gem.You don't have to like Goldie Hawn, but the supporting cast makes it work--Wesley Snipes, Woody Harrelson, Nipsey Russell, and James Keach--and the jokes still work a couple decades later. Dig LL Cool J's theme song (pre-dating his work on yet another football film--"Any Given Sunday), and let your memory work overtime.$LABEL$1 +These ear buds suck. Worse than skull candy from target. I hate how these last such a short time. My Skull Candy usually last longer than this, this ear buds lasted like for a month. No wonder they are so cheap. If you are financially broke, don't go for this. Instead just save up, and get better pairs that won't break, because if this continues to break it will add up.$LABEL$0 +A very dated album. This CD did not age very well. There's some good songs (well, 2 - Astronomy Domine and Interstellar Overdrive), but in all, this album sounds extremely out of date and quite unlistenable.$LABEL$0 +Exceptional Lyrics + Great Music = An Awesome CD. Take one listen to the Crown Jewels' sophomore album and you'll be hooked.The brothers Conte, singer/guitarist Steve and bassist John, know how to deliver a great album. Early '90s rock fans may remember the Conte boys from the New York City-based Company of Wolves - originally signed to Mercury Records.After the group split, the Contes formed Crown Jewels and released the debut album, "Spitshine," a few years back (check it out). However, their new Linoleum CD is well worth the wait!The standout track is "Last Confession," with a rockin' sound and catchy hooks. You'll dig the slow grooves of "Strawberryvelvetfiftycentshoes." And you might relate to loving the "Toughest Girl in the Neighborhood."If you think the songs sound awesome on CD, they sound even better played live. Pick up a copy of Linoleum and see the Jewels perform when they come to your town!$LABEL$1 +Really. I can't believe you are raising the subscription price 50%. I'm canceling today. Hopefully everyone else cancels so you guys wake up.$LABEL$0 +critical distance. I've read most of the reviews here. They are little over done. But, this is a fine album. Lisa's band is tight and competent. The production and mixing of the CD are excellent. Lisa's voice, of course, is the highlight. Her voice is sublime and can send chills down my spine; vigorous, yet vulnerable. I was stuck on this album for quite a while and still enjoy listening to it from time to time. Her lyrics are one of the weaker points, though. It's not that they're bad, just not what they might be, sometimes confusing and, worst of all, sometimes trite and simplistic. Her sentiments are heartfelt, but her ability to capture them with words can still use some work. In any case, this album is well worth it. I was quite disappointed with her second album. She is a cutie, though, and that doesn't hurt.$LABEL$1 +Missy is dinkie die true blue. This CD is just awesome..her lyrics are fantastic and her singing voice has a sarcastic edge to it that makes it so Aussie I can't even explain it.I can't believe all this babble about her accent being fake. She is from Melbourne, a city founded primarily by free Settlers, as opposed to Irish Convicts in Sydney and Hobart. The free settlers were often of Scottish (as well as a Irish and a few Scouses) decent which makes the Melbourne accent slightly different to Sydney, its more nasal, like a Kiwi accent is.. So for all you babbling on about how a freakin Aussies sounds (I doubt many of you seppos (Americans) know the word is pronounced Ozzie not Ussie, like Ozzie Osbourne and or how to actually pronounce Melbourne) all the Aussies are saying she is dinkie die true blue mate (and yeah thats means really Australian)..so why not listen to us.$LABEL$1 +i. In Which Nursing Home Do You Live?Angel Perfume reeks of chocolate-scented bathroom air freshener & some kind of orthopedic shoe powder with a Godforsaken undercurrent of nursing home pastries. Have some self respect, my friend; whatever your age, you are too young for this aroma...$LABEL$0 +a crucial Obsessed album that should be in your collection. this is a very nice compilation of tracks that span the entire career of The Obsessed, starting from the original line-up from back in '83 (the long sought after "Sodden Jackal" e.p.), all the way up to the final '94 era of the band. it mainly consists of demo recordings, alternate takes, live tracks, out of print 7"'s, and unreleased songs. it was recently re-issued with a bunch of bonus tracks and the MTV video for Streetside as a CD-Rom track.$LABEL$1 +This Is An Excellent Movie. This Movie Is Indeed A Classic.This Is One Of Those Movies That I Can Watch Time And Time Again.I Enjoy Watching This Movie every Single Time That I Watch It.$LABEL$1 +Singer's best novel. Singer establishes a tragic situation, then has the nerve to make a comedy. Nobody else could achieve this delicate balance. If you're interested in exploring Singer, start here. Then read his posthumously published novels: The Certificate, then Shadows on the Hudson. If you don't like them, I'll give you your money back.$LABEL$1 +Absolutely love these sheets!. We love flannel sheets and use them exclusively all year round. These are now our favorites. They are soft and velvety and wash beautifully with no pilling. We have put in an advance order for two more sets to arrive in October.$LABEL$1 +dude, where's the comedy. I saw this had 4 1/2 stars and i just had to bring it down a peg. This movie blows more than a prostitute. Don't waste your time or money. Beleive me!$LABEL$0 +An Actual Sprint Tech Support Agent. Well being a Sprint Tech Support Rep, I have become with all the familiar phones that Sprint has to offer. I am not going to be biased, just straight forward.PROS1. It can hold a 2GB micro SD card.2. You can get telenav services, for ten bucks a month, its GPS thats reliable and re-routes you if you miss your turn.3. Powervision capable. Speeds of max of 2 MEGS, but average of 400-700 KBPS.4. Its sexy, attention getter, and stylishCONS1. The slot for the memory card is in a horrible position. When I transfer music files, I like it stick the memory card in the adapter b/c the tranfer rate is fater than through USB.2. The music controls on the front are kind of sluggish.Other then that, its a good solid phone. It can basically do the same things as the RAZR, phone as a modem and you can watch live tv, but its just smaller.$LABEL$1 +For the $$ this toy is not that fun. Our 8 yearold wanted this toy so badly for Christmas. He was willing to give up getting anything else just to have this toy. Our son has maybe played with this toy a total of 3 times since he got it. Even on our hardwood floors the robot does not move quickly or very well for that matter. It does a few tricks and can roam on its own. Our son read the entire manual, did all the tricks, and the poor roboraptor is in the closet collecting dust. I would not reccoment this toy to anyone b/c of the price and lack of entertainment value.$LABEL$0 +Not Their Best. Don't get me wrong. I believe that dashboard confessional is one of the best bands out there. chris carrabba's music is the heart-wrenching, cry-yourself-to-sleep kind. but when I first got this cd, I was rather disappointed. The lyrics are still as emotional as always, but they don't have the same impact as there is on their other cds. chris' voice is mellow without the kick it usually has, and they have diluted their sound to mere pop. judging from past work, this cd isn't as "full" as it could be. they are capable of much more.$LABEL$1 +PrintShop Deluxe 22. I am very disappointed in the product. Since purchasing it yesterday, I have had my computer crash several times with "Serious System Error" whenever I need to switch discs to view graphics online. I am also extremly disappointed to find that there are practically NO PEOPLE OF COLOR in their photo graphics (there were 1233 Christmas Photos and I could count on one hand the number of ethnic themes). If you are looking for a diverse blend to make your projects for church, holidays, etc., don't waste your tiime on this product -- GOOGLE your graphics and save your money.$LABEL$0 +An Excellent Read. This book proved to be an informative read.I enjoyed how it went into great detail regarding the important events and themes that constituted the makeup and formation of Modern Europe.Goes into detail about the important formative phenomenons of revolution, militarism, and nationalism...all worth understanding.In a word, very engaging and worth a look. I recommend buying Barricades and Borders any day.$LABEL$1 +you can disable U3 feature. I agree that there should be an optional U3 uninstaller program coming with the product. I guess there were too many people complaining about U3 launchpad since they put an uninstaller for U3 at [...]. It works and completely removes U3 feature as well as its launchpad.$LABEL$0 +Awful. Unlistenable. Emaciated, pale and emotionless.. I've also been a fan of Stan Rogers for at least 20 years. I had high hopes for a fresh interpretation of some of his best works. This isn't it.All the vocalists combined can't match Stan's own range. The opening bar of the Mary Ellen Carter (1st song) gave me high hopes for the rest of the CD, but I was BITTERLY disappointed.The idea of a mediocre tenor singing Northwest Passage would be laughable. But that's what they did here. They absolutely butchered his music.This entire album completely lacked the emotion and passion that Stan brought to his music. It was a cheap, hollow imitation that wouldn't have stood on it's own merits in the absence of Stan, but knowing (and loving) his music made it even worse.It was the equivalent of expecting the finest Filet Mignon and getting a cold, uncooked hot dog instead. Yecch.$LABEL$0 +Not a good selection.. Of all the English textbooks I've read, this has to be the worst. I had an assignment to pick any short story I wanted out of it to write an essay over and realized just what a terrible selection there was! All the authors chosen are very obscure and when I went to read their works, they were extremely mundane and I understood why I had never heard of them before.$LABEL$0 +Maybe a fluke?. I received this pen, smashed in it's packaging. I think instead of ordering something small like this online I should have just went to my neighborhood camera store. I hang out there too much as it is though.$LABEL$0 +Treats its subject matter with psychoanalytical expertise and in-depth examination. Divine Subjection: The Rhetoric Of Sacramental Devotion In Early Modern England by Gary Kuchar (Assistant Professor of English, University of Victoria, British Columbia, Canada) is a blend of theoretical analysis and close readings in historical context in order to better understand the connection between devotional literature and early modern English culture. Chapters discuss the "gendering" of god in the poetry of Richard Crashaw, representation and embodiment in John Donne's "Devotions Upon Emergent Occasions", representation of the recusant soul in the works of Robert Southwell, and concepts of body, word, and self as written by Thomas Traherne. A meticulous and scholarly text for intermediate to advanced history, theology, and philosophy students, Divine Subjection treats its subject matter with psychoanalytical expertise and in-depth examination.$LABEL$1 +Very Heavy. I bought this unit hoping for a lightweight vacuum to do spur of the moment cleaning, but it is as heavy or heavier than a standard upright.I was very disappointed. It also does not perform very well. Only positive thing is that it has a fairly long cord for a portable vac.$LABEL$0 +Couldn't finish this one.. I just couldn't stay with this story. I started another book and came back to it with the same problem. Just a story about a woman who married multiply men and took everything she could. I think the story tried to cover to many marriages and jumped from one to another with no getting to know the charactors story. When I buy a book I at least want to finish it so I get my money's worth, this was a first for me. I don't even care to read the last pages.$LABEL$0 +burned out after 3 years of light use. I've bought Bon-Aire products in the past, and generally satisfied with their performance. Initially I was very happy about the Bon-Aire BA121 because it inflates tires much faster than the old Bon-Aire AC150 I previously owned(and it still runs). The problem with the BA121 is that it failed after 3 years of relatively light use. I inflate 2 sets of 4 tires 4 times a year. That comes out to 32 inflations a year. So in 3 years that would be 96 inflations. And then it died a premature death.$LABEL$0 +folks are being a little harsh...... I read the Secret Life of Bees back when everyone else did, and based on the bad press for The Mermaid Chair, I bought it, but let it sit on my shelf for many years. I finally took it down and read it, and while I will agree that is was no Secret Life of Bees, I thought that it was pretty good. It is not an uncommon tale, although I am not that far from the main characters age, and I would not have conducted my life as she did, I know some women who would and who would handle the situation as she did. A quick and light read. Not so sure as to the reason for all the outrage. It's just fiction, people.$LABEL$1 +Easy Read. I like the cases; they touch upon all the high yield concepts. Also, it is an easy read and will not take very long to finish.$LABEL$1 +just awful. do not like this productit is very hard to get rail under bedpops out of rails track and it is sooo hard to get back in track$LABEL$0 +A very scholarly history that is also a very good read. I bought this book in the bookstore at Versailles. After my tours of the palace and the gardens looking for ghosts and wondering what life was like and what was in the heads of the people at courts of Louis XIV, XV and XVI. I was hoping that this history would help me with that and it did. This is a well footnoted scholarly history but it is also a very good read, a very unusually good read.$LABEL$1 +Keep looking....... This book was a slap in the face to all VB programmers. They preach "their" coding techniques to you, then they don't follow it themselves. By the way, they other reviews about this book being full of bugs, is correct!$LABEL$0 +You, guys, need to chill!. Why is everyone attacking Bill? Well... Because he writes a book, about his view on USA as it is and as he sees it today. I've never heard Bill calling people, F****** As****** on TV. Of course, my oppinion may be bias, since I agree with 95% of his comments. And haven't even completed the book, but so far its logical and if you have some common sence, even if you don't agree with Bill, you can see where he is coming from and if you have an open mind you can certainly learn a thing or two. Mr. O'Reilly is a true independent, and that what drives everyone nuts.$LABEL$1 +Love This Book!. I love picking up this book, just to look at all the stitches. This book is full of them, and each one has a description underneath, showing you how to do them. You also get sections on knitting and crocheting. The sections have illustrated pictures, descriptions on how to do both, and other various information to help you get started on both. Overall, I really love how detailed this book is, love having so many stitches that range in difficulty, and love that this book is all inclusive. Great book to have for anyone.$LABEL$1 +Wonderful pieces not just for the horn enthusiast. I owned this on LP and was bowled over by the playing. Now to have it on CD is fabulous-I think I wore out the record. Everything here is a pleasure: the music, playing, and recording. NOT background music but great beauty and virtuosic playing by Tuckwell that keeps your attention riveted.$LABEL$1 +Plates Melted. The first time I used the plates was for bacon which I put between paper towels as has been recommended by many on this site.After three minutes the plate melted.Enough said.$LABEL$0 +HORRIBLE!!. The only thing that this movie and the book have in common is the name Jason Bourne. It does not follow the chronological order of the book. The name Carlos the Jackal is NOT even mentioned. They do not mention that Marie is a PHD, and she willingly joins him. He tells her everything from the get go. In the book he kidnaps her and does not come clean until near the end. The closing scene in the book at the safe house is not even in the movie. Based on this movie they have no intention of doing the next two books. It is almost impossible. This movie is as far away from the book as it can get.$LABEL$0 +The most amazing combat strategy game out. This game has everything any spy or army wanna be would need in a gam$LABEL$1 +glissjr. I just love the purchased of the cast iron to cook cornbread. It is especially great with the two handles. You will not regret making this purchase. I am 100% satisified.$LABEL$1 +Log Holder. I gave this as a Christmas gift to our daughter. She liked it very much. I chose it as she could fold it up and store it during the months she doesn't use her fireplace.$LABEL$1 +Offensive Spanish swear words in track titles. Maybe some kind of factory fluke on my CD, a practical joke by a disgruntled employee, but the 13 track titles on my CD did not correspond to the printed labels on the cherubic paper cover. Instead they were unprintable vulgarities in Spanish. Moreover, the unidentified guitarist plays out of tune.$LABEL$0 +Wish I had not bought this. I bought the DI-624 and a DWL-G520. Bad, bad, bad, very bad.The problem is the g520. I cannot get any decent signal strength. I even added a 6db microstrip antenna and it made no difference at all. More money wasted. All I can get under any circumstance is very low signal strength. It works somewhat until it drops the signal entirely. How useless it that!!??This card is junk!! But at least it doesn't freeze my computer.$LABEL$0 +An engaging, literate, accurately detailed novel.. Tariq Ali's rich and complex historical novel is set against the collapse of the Ottoman Empire. An ancient stone sculpted shaped in the form of a woman overlooks the palace where generations of Pasha family members and servants have abided for generations. The Stone Woman is an engaging, literate, accurately detailed, highly recommended novel of personalities and events as the family becomes scattered across Europe, in a time of political unrest and the clash of major power politics under the likes of Bismarck, Disraeli, and the Russian Tsar. Also highly recommended reading are the Tariq Ali's first two novels in his planned "Islamic Quartet", Shadows Of The Pomegranate and The Book Of Saladin.$LABEL$1 +Love Montalbano - so happy I stumbled upon this series.... Great series set in Italy - great characters. Highly recommend this book and I look forward to reading the entire series$LABEL$1 +Awesome CD !!!!!!. This is one one my best cds. I first heard them on mtv , then heard them on the radio. I love Better Days, Long Way Home, & Billhilly. Very Creative Lehrics !!!!!!$LABEL$1 +One of the best films of the '70s--no kidding.. I can't tell you what an original The Texas Chainsaw Massacre is, nothing else like it in the world and completely successful in its dogged pursuit of capturing something intensely disturbing (and yet completely satisfying and jubilant--go figure). The deeply weird all-male family is quintessential Americana dementia--the goony birthmarked hitchhiker, bulky Leatherface in his black tie, the frustrated father ("Look what your brother did to the door!"), and of course, the blood-hungry nearly dead Grandpa. Will you think I'm mentally balanced if I say that they evoke pity and sympathy as well as horror? They do! There is something undeniably bittersweet about them. The thwarted Leatherface swinging his chainsaw impotently through the air at sunrise on the highway at the end of the movie is one of the classic images of cinema. You must brave this movie. Any reluctance on your part will be redeemed.$LABEL$1 +Terrific action movie from the first 10 min. I saw the opening premiere in New Delhi when on a tour of India and was glad to get a copy to show everybody back home, a real thriller.$LABEL$1 +Love Love Love these knives. I've had these knives for over a year and I still love them. They are easy to use and are very sharp and effective. I would reccomend them to anyone and am planning on giving them as a gift this holiday season. Great quality and are definitely comparable with more expensive knife sets.$LABEL$1 +Good design/value -- abit tight and thin. I like the velcro side latches and full length zippers. However, this leather appears thinner than most and the lower legs are tighter. That said, it's still a very good value and I would recommend it.$LABEL$1 +Prom Kings Rock. The Prom KingsThis is one of the best CD's I have ever purchased. It is so good that when I want to listen to it I have to take it away from either my wife or my daughter first.$LABEL$1 +Retro Kitchenware. I received my order of Retro kitchenware glasses in less than a week. They are just like the version years ago. They really keep your beverage cold longer.I am happy with this product.$LABEL$1 +Snail pace delivery. It took forever to receive this bible and I still have orders that have not come in. It's been over a month! I am starting to dislike Amazon and am considering using another site.$LABEL$0 +Save your money and your time. Avoid this movie.. This movie is absolutely aweful. If you want a more detailed review of why, there are plenty of good ones out there. And I support those reviews.$LABEL$0 +cracked and moldy. Arrived cracked and moldy. Will burn it in thefireplace.Lokks like it might have been nice if it had been in better condition.Very disappointed.$LABEL$0 +This album is not worth the money.. The problem with this CD is that it wreaks of ego, and yet no substance.The voice is the same as any other I've ever heard, but has been produced by a fellow Canadian, and a label that needs to make it's money back by placing it on soundtracks, desperate to get their investment back.The songs of boring, boring, boring.$LABEL$0 +A fun romp of a book.... This is one of those books you gulp down fast, like a cold beer after cutting the grass! A lite beer, frothy and not too filling, but definitely hits the spot on a hot afternoon. I'm a sucker for first person narrative, and the heroine is spunky and fresh. The last half of the book gallops by a little too fast after the great buildup, but I had a good time reading it and will be looking for more by this author.$LABEL$1 +A wonderful story. Another wonderful book by Lynn Kurland. This book is even more wonderful if you have read "This is all I ask". You get to know Kenderick before the events that make "Stardust of Yesterday". But is still great all by itself.$LABEL$1 +Misleading and Not Helpful. I recommend against buying this book. I read only about a third of it and found two errors on fundamental points. On p. 67, there is a glaring misstatement about the use of Wizards that suggests that the authors never even tried the feature they are "explaining." And on page 98 there is a section on "Nudging" shapes where in half a page of text the authors do not reveal the one thing that one must do in order to "nudge" a shape -- namely, hold down the Shift key while using the up and down arrow keys. It appears that nobody bothered to proofread this book after it was written.$LABEL$0 +Wicked. Wicked: The Life and Times of the Wicked Witch of the West (Harper Fiction)I did not like the book at all. I made myself read it.$LABEL$0 +Human Disorder - Ugly Modern Aggression. Human Disorder should stand high in anyone's rankings of underground metal bands. This was one of the first "Hardcore" or "Hard Rock" CD's I ever bought because I was so impressed with the bands live performance, and their lyrical content. I continue to listen to this CD four or five years after I bought it, and I enjoy it each time.When I first met the band and saw them perform, they quickly sold out of the CD's they had in stock, and it took awhile to track down a store that would order it for me. Now, thanks to internet stores like Amazon, everyone can enjoy some of the best underground music without the hassle of tracking down a retailer.If you're into "hardcore," "metal," or "hard rock," check this out, you won't be dissappointed.$LABEL$1 +i miss this show. I was determined to own the entire series of this show from the minute I started watching it. I only started being a loyal viewer in the 5th season, and got hooked. As soon as I have the entire set, (which is soon) I plan on having myself a marathon and seeing the George Clooney beginning to the end of what I thought was one of the best shows on TV.$LABEL$1 +great spray nozzle. this nozzle works very well, i have used several different paints through it and it spray them all just great. has a nice consistency, and works as advertised. the wide angle sprays evenly, and gets the job done allot faster.$LABEL$1 +should have paid more attention to size. Hardly larger than a shot glass, I have used it to re-heat leftovers a few times. melt some butter in the microwave, that sort of thing, but way too small to for doing any real cooking. I have found similar ceramic baking dishes for as little as $4.00 locally.$LABEL$0 +Thanks for Ruining The "Batman" Series! I Appreciate it!. What can I say. This movie is HORRIBLE. It completley loses the darkness, the danger, and the creepiness that were found in the first two movies. Val Kilmer just wasn't a good enough Batman. Gotham is now a disco inferno other than a dark and pest-infested city where true evil lurks. This failed attempt to build on to the series is a joke. Plain and simple.However, I DID like Jim Carrey and Tommy Lee Jones. They were great, but that still didn't help the movie any.Thought this series couldn't get any worse after this one was made, until...............$LABEL$0 +Too easy to claim a "Black Belt" title. I was looking for a challenging book and the booked looked promising as the book cover rated the "super tough" and the back says it will test even the best, most proficient experts" NOT!!!I would give the puzzles a "moderate" rating and the difficulty does not increase toward the end of the book which was disappointing. I did improve my solving speed and honed my pattern recognition skills but did not encounter or require any of the more advanced solving techniques.$LABEL$0 +Great picks. This nylon pick has great play feel. It is stiff enough to pick individual strings and still feels comfortable stumming chords.$LABEL$1 +A Cook Book For Real People with Real Lives. I love this cookbook! I don't have a lot of time to spend baking. This book helps me make quick, good-looking, better-tasting cakes. It is full of good ideas that you can mix and match.$LABEL$1 +WORST CUSTOMER SERVICE EVER !. My complaint isn't with the show itself. It's with Warner Home Video. I purchased this DVD from Amazon. It arrived shortly thereafter. However, when I opened it, it had two disc ones, and NO disc two. I called the customer service number on the box and explained the situation. They were very polite and said they were a "fulfillment" company but would forward the problem to Warner Home Video.To make a long story short, I have called a total of five times since early December, and been totally ignored. ALL I WANT IS THE RIGHT DISC. Perhaps Warner Home Video is so big it can ignore customers with impunity, but as a lifelong Superman geek, I'm terribly disappointed.WARNER HOME VIDEO, DON'T YOU CARE ABOUT YOUR CUSTOMERS?$LABEL$0 +Another bold ripoff of TECH Method. Without a single acknowledgement of TECH Method Tomczyk boldly goes where others have gone before.What should you write about a book basically plagiarizing other's works? The sections on superheat, subcooling, are obviously lifted from TECH Method. Subcooling and superheat at the compressor was never discussed in this industry until Lloyd wrote TECH Method and the people who don't give him credit are reprehensible.The other parts of the book aren't noteworthy as the information is available elsewhere. The five part Copeland manuals come to mind flipping through this book.Not a troubleshooting book as much as an instruction book. Troubleshooting is is all ways better in TECH Method where it's broken down by system. And gives specifics as to settings for each system.While this is better than no book. I suggest something other than this book.TECH Method:[...]$LABEL$0 +DO NOT BUY THIS PRODUCT!!!. I have never written a review before, but I just could not let such a defective product go unnoticed. I have been a loyal Palm customer for years now and decided to buy this one for my wife due to it's size and it having all the features she needs. After receiving not one, but two that were defective straight out of the box, I will be ordering a Tungsten E for her.DO NOT BUY THIS PRODUCT! Palm has obviously not spent any money on quality control and does not care if they destroy their reputation by putting a shoddy product on the market. Even with the attractive price, this product is simply not worth the problems - it is not a value if it doesn't work!$LABEL$0 +Brassy hair. It did not do any "magic" trick to my hair. I was expecting a good product indeed, but I was not impressed or satisfied therefore I wont purchase it again.$LABEL$0 +Three to one. I have purchased this brand of sandpaper before and I thought it was just fine sandpaper, that is before I received a free sample of 3M sandpaper,I was shocked to discover that it took three Mirkasandpaper disk to do the same area that a single 3M sandpaper disk was able to accomplish the same area. while I do not believe you get what you pay for his true in all cases it is the case when it comes to cheap sandpaper and 3M sandpaper.$LABEL$0 +She wrote a terrible story then tried to put music to it. LABEL ON CD SHOULD SAY WARNING : THIS CD IS A WASTE OF GOOD MONEY PUT IT DOWN NOW. IF YOU ARE CONSIDERING BUYING THIS CD WHY NOT RATHER GIVE YOUR MONEY TO THE HOMELESS OR SOMETHING CAUSE THAT IS WHAT ALANIS IS GOING TO BE AFTER THIS ALBUM.$LABEL$0 +Good TV. The TV is great and it was easy to install. I just wish that the base swiveled. It's pretty light so it's not a big deal. I'd recommend it.$LABEL$1 +Makes you wanna move!! (dance). Aicha' was the first song I heard from a station in Boston from this group, after that I was hooked!!! Thank you Amazon .com, It seems that you were the only ones who had it!! So easy just a click away! Every song on this CD I enjoy, especially the first one, "Am Saxxul", Don't ask me what it means but I love it!! Hey Who says learning another language isn't fun!!!!$LABEL$1 +Very readable and reasonable. This books is fabulous. I listened to the audio version, and it was very thought-provoking. It's unapologetic and non-political. Recommend highly.$LABEL$1 +Great. Putting the sermons on a CD will make things easier. It is hard to find older gospel sermons. The sermon is a good sermon for those who like the older teachings. It also arrived in a timely manner.$LABEL$1 +Family Tree Maker. It seems to be working just fine. It took me awhile to figure it out, but now I seem to be doing okay.$LABEL$1 +Nonthing Last Forever. This is another great book from Sidney Sheldon. It keeps your interest going. The last part of the book wraps up the whole story. Really enjoyed it.$LABEL$1 +meet the spartans. a waste of money... retarded movie... wait for free cable or better yet bypass then also$LABEL$0 +Great Fox gloves. I've used the gloves on 15 rides now and they don't show any signs of wear. I ride hard, usually 25-35 miles a ride, rain or shine. Medium fits me like they are my own skin; not too much fabric over the wrist. The Velcro strap allows me to cinch up the wrist as tight or as loose as I want. Fast drying and I definitely like the softer fabric on the thumb for wiping my face.And a bargain price.$LABEL$1 +Quite pleasant. HAAND KE PAAR CHALO is one of those routine films that has nothing new to say. Everything is so predictable. It looks like a film straight out of the 1980s.Music [Vishnu Narayan] is quite pleasant.$LABEL$0 +Funny. Hilarious social commentary on the mundane in all of us. Follow 10 stereotypical people trapped in a mall trying to elude a killer. I read it while watching Monday night football so it is not a difficult read but overall it was highly enjoyable!$LABEL$1 +The Brutality and Horror of War. This book offers us a glimpse of the brutality of the Air War over Europe from the American perspective. Numerous photos of doomed aircraft with wings sheared off, gas tanks exploding, gaping holes caused by flak that are both spectacular and horrific. One cannot help but to wonder what these men were thinking in their last moments. Overall this is a good book; I think, though, that there aren't enough pictures (some I've seen quite often) to justify the cost, and the text was somewhat sparse and did not offer much in the way of background information.$LABEL$1 +RUDE & AGGRESSIVE. The number of times "Shut Up" appears in these stories is shocking!! We have never seen the series but we have a cute Scholastic Thomas book and when our son received a Thomas Train Set I picked up a couple more books from the library. My husband and I were VERY disapointed with the language and the aggressive nature of all the characters (trains & people). Trains hitting each other and saying "there's more coming should you misbehave." Threatening to send trains away for being "clumsy." Of course our son loves the books because he loves trains but we don't want him learning anything these books have to teach.$LABEL$0 +Laughter for young and old. My dad introduced me to Pogo, and at first I found it hard to read. The phonetics and gramatical "modifications" that Kelly used to get across the Southern accents of the characters were strange to a five year old yankee. Later I realized Kelly isn't lampooning Southern accents, he's actually paying homage to them in a humorous way.This recording has two levels also. You can listen to it as a collection of nonsensical lyrics set to some nicely composed musical backdrops, or you can appreciate all the archaic words and double meanings in the songs. The more familiar you are with old literature, the more likely you are to know words like "quoits" and "swain" and "twixt".Young listeners will love this recording for the happy driving melodies with the funny words. Older ones will appreciate the double meanings and clever use of archaic language on top of the inherently ridiculous lyrics.$LABEL$1 +Cute story. After living a very sheltered life Lesley Caldwell could not believe when the fine gentlemen Quincy stops and talks to her. She could not control her blushes and giggles. Her only source of relationships with men are from her romance novels.Quincy could have any woman that he wants and knows that there are many who want him also. What he can't believe is that he is so attracted to Lesley because she is not like some of the women he has dated in the past.There relationship grows but not without some drama. There fellow co-worker Cheryl is a trip. Some of the things she does and says are just unbelievable.This is an easy one day read. I was shocked that Cheryl wrote such a short book compared to her previous releases. You will love this book there is laughter, sadness and the most important issue suspense.$LABEL$1 +tough tough read. I didn't make it to the end of this book - I really didn't see the point. I suppose if you believe the United States miitary is the center of evil in the world and they are resposnible for defiling the environment this might be your kind of book.Like most people, I thought the book's premise reasoble, but the author never really pulls it off. There are all sorts of things that are being set up and go absolutely no where.Finally, I did not understand the motivations for a number of the second tier characters.$LABEL$0 +Great Book. As all the other reviews, note this book is not much of a departure from Parker's Spenser series. That said, it is a fun read. Sunny is a fun new character. It is clear Sunny could easily be a Helen Hunt.The story is much like earlier Spenser books we have all loved-whether that is a good or bad thing. Parker has included the good and the bad from his earlier efforts. We see the effortless way he puts characters together with only a few words. And the way the characters interact-much like Spenser with Hawk and Susan. Sunny has her sidekick friends Spike and the lover with who she has the issues involved in all long running relationships. Nothing new here. Parker also uses his broad brush of few words with the usual character stereotypes the reader will recognize from the Spenser books.All these things aside, we are glad to get a new Robert B. Parker book. He still has what it takes.$LABEL$1 +Only One Lesson learned.... Never buy a movie without seeing it first. I bought this movie after seing the trailers and constant requests from my daughter. I finally gave up. Silly me... I wasted my money. The movie introduces you into this wonderful world, raising your expectations, and then they drop this stupid plot, with absolutely no purpose. I had to spend more than an hour after we saw it, trying to calm down my very upset daughter, who was crying almost hysterically, yelling: "why Mom, why????" But, lesson learned.$LABEL$0 +Looks Great, But Where's the Audio Out?!. I thought this was superior to the Archos 20Gb, with better interface and FM tuner, only to be shocked to observe that the only output is via USB? Who the heck uses these things on a computer once music is loaded? Where's the output to enable an RCA jack to a stereo system so you can do away with the CD changer? I returned mine same day and bought the Archos.$LABEL$0 +Love this product! ( & so far all others that they make). All of the Japanese bath salts are very nice. Very soothing and refreshing, The salts go a long way and I think that they are quite econimical if you like baths. I also like the orange and mint for summer. Great bath salts!!Fast delivery!$LABEL$1 +wrong c/d in the case! very disappointed...never got what i ordered!. was so excited to get this c/d and when i opened the case...the wrong c/d was in it! i was so very disappointed!never got my c/d...but i paid for a c/d i didnt order$LABEL$0 +Horrible piece of junk. This instrument is just about unplayable. My daughter's band director has never heard of this model. I played the clarinet for 6 years and found it hard to produce a sound, let alone a rich, full in tune sound. A complete waste of money.$LABEL$0 +Lousy.. I was not satisfied with this movie. I did not expect it to be similar to the first version of The Butterfly Effect. However, what I did expect was that the film would at least do a decent job of telling the story in an effective manner similar to the first. It failed, however. The acting was lousy. The script was poor. The movie was an embarrassment and should have had substantial revisions. Unfortunate.$LABEL$0 +Customer Service is terrible at Panasonic and the product is unreliable!!!. Had to change the drum about after 2 years of moderate use. I changed the drum (almost $100) in October 2006 due to streaking. Late February 2007, only after 4 months of use, it started streaking again! Contacted the CS at Panasonic and it was a complete waste of time; left message with the supervisor, never returned my calls. The Panasonic customer service policy is frustrate you and hope you will go away! Well, I won't go away. The freaking defective drum costs more than half of the machine!I will write to someone higher up and let the person know just exactly how I was treated by their CS. I own lots of audio, video equipment and do you think I would consider Panasonic product in the future, not a chance! Do you think I would buy any Panasonic product in the future, not a chance! This is very short-sighted approach from Panasonic in a very competive environment.$LABEL$0 +The most unnecessary game ever. This game is exactly like the rock paper scissors that you play with your hands, except that you have to pay for it. It's a worthless product.$LABEL$0 +A Wonderul Meessage!. This Bible includes the Old and New Testament. My thirteen year old is using it in his studies and understands what this wonderful story is all about. The print is very small so I'm giving it four stars.$LABEL$1 +Love It!. Fantastic cutting board. Stable, doesn't slide around on the counter and if using for meat just throw in the dishwasher when you are done.$LABEL$1 +It kept me turning the pages, but...... Let me say first that I like Sandra Brown. But I sure wish her characters could be a little deeper and not so dense. They do the dumbest things! It's kind of like in the horror films when no right-minded young female would enter a dark menacing building at midnight...but they still do, you know? Everyone in the theater wants to yell, "DON'T GO IN THERE!!!" But the idiot on screen still does and all kinds of bad things happen. Overall, The Alibi was a pretty good plot with enough twists to keep my interest. The outcome of Sandra Brown's books is always a given: good wins out. Buy, hey, that's why I read them! I LIKE it when good wins! You won't be disappointed.$LABEL$1 +Doesn't fit RoadTrip Pro SS. I'm sure this is a great cover, however the description says the case fits ALL Coleman RoadTrip grills. This is not true...it DOES NOT fit the RoadTrip Pro SS grill model number 9928.$LABEL$0 +A must read. To all undergraduate students in physics, and first-year graduates this is the book you must have. It is clear, highly interesting and set you up perfectly to continue into this most fascinating of all subjects in physics. Highly recommended.$LABEL$1 +It made me cry!. I tuned to the classical radio when I ran errands the other day and heard music like none I've heard before. Perfect bagpipes, yet I verified that it was indeed German Rennaisance music. I nearly had to pull over with the tears that came to my eyes!$LABEL$1 +Harmony 880. I Love this product. I replaces about 5 different remotes that I had lying all over the house. Definite addition$LABEL$1 +When the wayans, J.LO, Kelly Koffied left then so did all the talent. When shows do final seasons usually they go out with a bang. But saddly this shows last bullets in this shows gun was a bunch of blanks. Now dont get me wrong, it was funny, I'll give it that, that's the only reason it got 2 stars, but season 1-4 raised the comedy standeard so high and were so funny but this season was a huge failure IN LIVING COLOR wise. So I'd recomend this for the series collectors like me. meaning I have season 1-4 and although I didnt like season 5, I'd feel uncomplete without it.$LABEL$0 +Classicly lovely and great for baby's vision. Not only is this a simple, timeless, unisex looking mobile, but it is also great for the development of a baby's vision. Whereas some mobiles function moreso to match decor, other mobiles are educational attachments to the crib. Keep in mind that pastel colors are not appreciated by infants for months. The panda bear was the first animal seen by my infant b/c of the black and white. The primary colors of Blue Jean Teddy then become noticed. The green gingham pattern on the dog and the softer hued duck were spotted after further development. My baby is now a sitter and she still likes to look at the panda the most. The only con of this mobile is the wind-up music box. I would have preferred a battery-operated one so that it can play as long as I and my baby wanted. But the reasonable price of this mobile AS WELL as the cute look of it made it a great buy. Educational baby products don't have to look weird!$LABEL$1 +Some problems but great grinding action. Great grinding action, quiet, and fast. Downfalls are hard to clean, and we have had a problem with the switch. We had trouble with the switch not turning machine on when pressed. We tried un-plugging the unit and then plugging it in again and the switch works. Nothing in the literature says to do this, but it is the only way ours will work. Would not buy another.$LABEL$0 +they just don't last. Batteries seem smart, but they don't last long when new (except in the flashlight) and they gradually just die off completely (and are not cheap to replace). Be forewarned.$LABEL$0 +False Advertising. I couldn't find a case that was meant for my camera, so I looked around and found this one. According to the measurements on Amazon it's "8.3 x 5.5 x 3.3 inches". That would have been plenty of room for my camera and a few accessories as well, so I bought it and it arrived today. At first I thought they must have sent me the wrong one. Nope, it's the correct case. The problem is that it only measures 5 1/4 x 4 3/4 x 3 inches and my camera won't fit into it.$LABEL$0 +No Right Channel. I have the exact same problem as the other reviewer who tagged this item as "poor" - and with so many good reviews I wonder if there is a problem with this manufacturing run. Lots of hiss on all FM frequencies, right channel is not there, and the input pot can't seem to adjust a standard line-in signal level to prevent distortion. Too bad because I had high hopes for this product, but now it's got to be returned.$LABEL$0 +This was informative but . . .. not what I was looking for. I was wanting a book about juicing recipes, this was secondary to the book content. I wound up giving this to a friend and co-worker is an avid health guru so I am sure it will see lots of use.If you are looking for some ideas on juicing go for Jay Kordich's "The Juiceman's Power of Juicing."$LABEL$0 +Unfortunately based on incorrect information. This book, as well as the many tales of the ENIAC, are factually incorrect. This was even proven by a federal judge in the state of Minnesota.On October 19, 1973, US Federal Judge Earl R. Larson signed his decision following a lengthy court trial which declared the ENIAC patent of Mauchly and Eckert invalid and named Atanasoff the inventor of the electronic digital computer -- the Atanasoff-Berry Computer or the ABC.Mr. McCartney does a great job of ignoring the facts that were proven in the case,and instead believes the hearsay, and tarnished depositions that were later recanted.$LABEL$0 +Innova DX Disc Golf Set (3-Disc). I bought 2 sets of 3 golf disc for my son to replace about 40 discs he had in a car that burned. He loves them.$LABEL$1 +nice book. I bought this book as a joke for my husband who actually loves Spam. I was surprised to find some good recipes in it as well and he likes the book.$LABEL$1 +They missed the point. In the true Fifties Hollywood spirit, this film seems to miss the point of the original book entirely. The strongest theme throughout the book was how lust for power can corrupt anyone - even the closest of your friends.However, the Hollywood dream weavers wanted to play it easy for the audience, and turned it into an inane sanctimonial hallelujah - and poorly even as that. The acting is stiff, the dialogue just plain corny, and the storytelling bland.The bookwriter Mika Waltari's popularly acknowledged masterpiece deserves a much better film than this.$LABEL$0 +As expected. Korn did it again. Same riff's, same sound, same lyrics, same style! Please Korn renew!! The first 2 albums were great, then it was time for a renewel because many bands stole the 'Korn Sound'. Korn didn't renew themself which means that they are musically dead. A pitty.$LABEL$0 +Story line missed the mark. Not good. I and II were very good and married into to each other very well. This was a B rated movie at best and they are trying to bring in low cost actors to continue to the run. Do not watch. And please do not let there be a IV.$LABEL$0 +Junk. I have had the same experience as many of the other reviewers on this forum, pixelation and freeze-up. I have had mine for less than one year and it has now failed for the third time. Panasonic is absolutely no help and will not recognize that they have a faulty product. I will never purchase any of their products based on the service I have received$LABEL$0 +hard to describe because it's so good. This books prompts one to trot out superlatives such as marvellous, sweeping, epic, but at the same time, the focus on each character's lives is highly personal. They are so many story lines, each a book until itself, yet Ms. Davis has managed to weave them into a tapestry that is hypnotic.It's a book at is working on so many levels. A great book that deserves recognition.$LABEL$1 +Great Right Angle Drill. Great Tool! Lightweight, compact, totally functional. The only improvement needed would be a compact Keyless Chuck.$LABEL$1 +really good. really good, not so fast but it takes pounding and cold weather, we used it to measure frozen goods and it takes his sweet time but it gets there$LABEL$1 +Not for Breast Milk or Glass Bottles. So we thought the features like the cooling and heating would be great, nowhere did it say it would not work with glass bottles until we opened it. Then for Breast Milk you basically have to heat it twice so the 5 min turns into 20 min (5 plus 10 for cool down plus another 5) This was a great disappointment and I am happily packing it up for return.$LABEL$0 +Not the best Step Workout. This instructor goes right into the steps without much instruction. I can see how this workout could be fun once you know the steps but trying to learn them without guidance is very frustrating. The other frustrating part is the camera work. There are too many close up views of the instructors face. You are not able to see what steps they are doing when the camera is in on a close up. I would not buy this DVD again or recommend it to anyone.$LABEL$0 +Not worth the trouble.. I bought this hearing it was bad. Being a DBZ fan and having seen all the movies up to this one I thought hey how bad could it be. Well it made me regret the money I spent on it. If you must see it rent it or borrow it from someone they might just give it to you. Anyway the only reason I think someone should buy this is if they want to own all the DBZ movies or if you bought Triple Threat with all 3. The first 2 are a Godsend compared to this.$LABEL$0 +a good workout. this door exerciser provides a good workout, i can feel it in my legs and stomach. i love it, and you can't beat the price!$LABEL$1 +"In Time" is absolutely the worst movie I've ever seen!. "In Time" is absolutely the worst movie I've ever seen! Save yourself the t-he "TIME" and never watch this terribly written story!Oh and if for whatever reason you decide not to heed my warning, and a 1/4 of the way through the movie when you realize it's the stupidest and most ridiculous POS ever, but you wanna keep watching because maybe they'll start to possibly explain the movie or perhaps give you some background on this pathetic time technology... DON'T!!! This movie explains nothing. These people walk around with literally, their life savings on their arms! Which!! anyone can just grab and take at will. AHHHHH!!!!! are you kidding! The writer couldn't even come up with a sensible way to end the movie, just a 2 man army, about to rob the worlds biggest bank. What the....! I want my "TIME" back!!!$LABEL$0 +GET ANY OTHER CONTROLLER. I JUST READ SOMEONE WHO'S JOYSTICK BROKE IN ABOUT 2 MONTHS, WELL I HAD THE EXACT SAME THING. IT DOESN'T SEND THE MESSAGE TO THE DREAMCAST TO GO UP OR DOWN JUST SIDE TO SIDE. IF YOU WANT TO PAY $20 FOR A TWO-MONTH CONTROLLER, GO RIGHT AHEAD. ALSO NOBODY WILL REPLACE IT BECAUSE IT IS OVER A MONTH OLD. IT'S A SCAM. FOR THE TWO MONTHS I HAD IT, I DID LIKE THE AUTO-FIRE$LABEL$0 +Great deal. I had been looking for these books for awhile and buy new to high for me. So this was a great deal$LABEL$1 +Great book for expanding your financial knowledge.. I am on my second read of your book and have been so glad that I came across it through an Amazon search. Based on your ability to put this subject in terms that a layman can understand and the comments from your other readers, I felt comfortable enough that I have made my first trades using your system. I bought stocks in May that met the criteria and then sold the options for them. By doing the math, I can see that making 25% - 36% per year will be no problem. I feel the excitement that Jake felt in the book and I can't wait till June for my first option to be up so I can make my next trade. Thank you, thank you, thank you for writing your book.$LABEL$1 +The Psychology of Action. I have found this book to be a great reference for goal theory. Having been published in 1996, it provides another source for following the evolution of goal theory, after such books as Maehr and Braskamp's, "The Motivation Factor", and Locke and Latham's, "A Theory of Goal Setting & Task Performance". The contributing authors read like a who's who of contemporary goal setting and achievement research. It has been very helpful in my research, it collects into one book current information that I spent considerable time finding one article at a time from several journals. I'm in Sport Psychology and I have concluded it is a must have.$LABEL$1 +Table of Contents Would be Nice. I haven't read the book, so this is actually a review of the info on the book. Why is there no TOC listed? How am I to decide on this book if I don't know what plays it contains. Very bad marketing.$LABEL$0 +Great!!. They are soft and warm.. Just be carful with size, they come smaller than your size and being slippers you want to have room.$LABEL$1 +dancefloor missy. the basement jaxx treatment of this "missy e... so addictive" track is excellent. missys flow on this song and the jaxx urgent and fluent beats are made for each other. check out the basement jaxx's own stuff ( Rooty and Remedy) and see why missy, whos always been on the experimental tip, got remixed by them.$LABEL$1 +Amazing..... OK..Fashionable nudes of Duchess Fergie, Rachel Hunter, Roseanna Arquette and the one I love the most, Mimi Rogers.This is a very nice book and proceeds going to a good cause.$LABEL$1 +Rodney Respectfully Croons Some Tunes. Rodney Dangerfield has sung songs in some of his movies, most notably the animated "Rover Dangerfield" and "The 4th Tenor." Except for the last bonus track, all of the songs on this album were recorded from 2000 to 2004, when Rodney was old and in failing health. His version of "Strangers In The Night" does not compare favorably to Frank Sinatra's version, while the remix version of that tune is even worse. Rodney's song selection is somewhat strange, covering the religious hymns "I Believe" and "He." He's more enjoyable to listen to when he's singing the upbeat "I Spent My Birthday In Las Vegas" and "Rappin' Rodney," the title song taken from his 1983 comedy album. Rodney's even more enjoyable to listen to when he's telling jokes!$LABEL$0 +Review. Very nice book, but it took a little while to get into it. Peltz' style of writting could flow a little better but when one reads books written by anthorpologists you know what you are getting into.$LABEL$0 +Awesome movie but not exactly as I remember it.. When I first saw this movie I interpreted it to be a straight up action/adventure movie. Not seeing the movie in over 20 years this interpretation is how I remembered it. I watched the movie recently and it was completely different from my memory. Not a bad film but I completely forgot about the comedy aspect of it and how it wasn't really a serious action/adventure piece in the style of the Die Hard series.$LABEL$1 +why skull cany why????. i have bin using these headphones for like over a year now and everyone has the same problem with them like after the 3rd month one of the speakers on the headphone start to act up if skull candy does not fix this issue soon then they might lose alot of sales due to the bad reports that people will eventually put up online about these products....im now thinking about buying the studio edition of the skull candy headphones but if i see 1 thing talking about 1 of the speakers going bad im not buying it and if i should count ive bin through 6 of the regular ones so far$LABEL$0 +Too Political for Kids. This video was a disappointment. Besides being poorly done, it's overtly political. Do not recommend it at all.$LABEL$0 +Truly a moving movie experience. I've never been a big Metallica fan... heavy metal just isn't on the top of my music list, so I was marginally interested in seeing this movie. But, I often find documentaries fascinating, so I watched it.I have to confess... I was extremely moved and captivated by what I saw. Actually, I couldnt's stop watching it. It was genuinely inspiring to see these hard-core metal icons being courageous enough to face their demons and show up real, exposing their humanity to the world ~ rather than being content to hide behind their fame.Oddly enough, this movie gave me a sense of hope ~ hey, if these spoiled, ego-centric "rock stars" can evolve and learn from their own human experience how to make peace with each other... maybe there's hope for us as a nation? My personal thanks to Metallica for having what it takes to tell the truth.$LABEL$1 +Poor Content. The information provided in this DVD series is very limited and in some cases wrong! What is provided is very basic. Anyone who has taken astronemy classes or watched another similar TV series (such as Carl Sagan's) will learn nothing new. Very broad and inacurate assumptions are made without sufficient effort to gratify them (for example a black hole may devourer our solar system). Little factual information is presented to provide a clear picture.I did not find the series entertaining, even with the decent CGI effects. I do not recommend this for anyone with a fair knowledge of astronemy.$LABEL$0 +Five Little Monkeys..............Disappointed!. Don't even buy this unless it is for a impaired child. I did not read the reviews first, and now I think I am stuck with it, as I can't find anywhere the instructions on returns!$LABEL$0 +MGM hits a new low in Tastelessness. Whoever thought up this abomination must have been out of his mind.Technically,they did a good job,sets,props,camera work,etc.A fine set of supporting actors provide characterizations that are cliches,at best.The plot doesn't even qualify as stereotypic;the dialogue is inane;and the leads don't even provide roles that manage to be one-dimensional.There is a continuous emphasis on brutal cruel,and grossly inhumane situations,terrifying horrors of the ancient world,monstrous disregard for life,and appalling barbarisms.3/5 of the way through the picture is the most atrocious sequence;a ritual human sacrifice which will outrage anyone with the moral fastidiousnessof a gila monster. .... This piece of tripe deserves any bad remarks a critic can find.$LABEL$0 +Great CD, AMAZING comic & human!!!. I can't recommend this CD enough!!! Bill Hicks left us FAR too soon!! Bill, you are very much loved and missed!!!$LABEL$1 +Overpriced, overdesigned. I love tools and that together with the look and feel of these and the fact that I spent so much should have guaranteed a positive review. Unfortunately, in actual use these are a pain. They are difficult to use one-handed. When adjusting you need to release with one hand while holding square to slide the other. When pumping them closed they don't really get that tight so you'll end out switching to the screw adjustment. I might forgive that but you also have to be careful to leave sufficient thread to release since unscrewing is the only release mechanism.So, save your $$ and get the Bessey tradesman clamps. Just slip it into position while putting it on, and twist it tight. You can get several Tradesmen for the price of one Powergrip.$LABEL$0 +this game is so old school and it rocks. if you like old arcade games like i do then you gotta get this game. it will entertain you for hours. it gives you a veriety of games to choose from so you dont get bored easly.ther is only on bad thing about this game on ms pacman. if you choose the full screeen its to little to even see and if you choose the larger screen it srolls when you go up and you cant always know if there will be a ghost when you go up but dont get me wrong this game rocks! you also get to choose how many lives you get for ms pacman. there is also alot of other options to choose from in the other games as well. its old school and it rocks! (so pimp)!!!***$LABEL$1 +Horrible. Horrible plot, inaccurate, horrible actors...It doesn't even have good special effects. The movie is by far the stupidest, most irrational movie i have ever seen.$LABEL$0 +Only brought it because it was required. This book was required for school. Shipper was great and I received it in a timely manner.$LABEL$0 +Excellent first read from Cheryl Kaye Tardif. I picked this book up on a whim, and could not put it down.Ms. Kaye-Tardif has a wonderfully unique writing style that I enjoyed very much, and I am looking forward to reading more novels by her.Whale Song is the story of Sarah Richardson, who at age 11, moves to Canada from Wyoming in the summer of 1977. She is befriended by a Native American girl and her Grandmother, and they take Sarah into their family and treat her as their own.Sarah's father, Jack, worked for a company studying marine biology and Sarah often went out on the Ocean with him listening to the sounds of Killer Whales, and seeing whales close up.I love this book so much, but know that I can't say much else about it without giving away main events in the novel. If you're looking for an easy, thought provoking read, I suggest you pick up Whale Song.$LABEL$1 +Worst "concert" video ever!!!. This supposed concert video is nothing but a collection of nonsense pre-concert, backstage, and audience garbage video. It shows 2 second clips of actual "live" band footage intermixxed with camera shots bouncing all over the place. A real concert video is just that, a live video of a band on stage playing their songs. Thank GOD I bought a cheap VHS version. I never even watched the whole thing. If you want to see a real show check out Iron Maiden's Rock In Rio or Primal Fear's The History Of Fear. This crap wouldn't be worth watching if it was sent to you for free!!!! I can't imagine Ozzy ever saw this and approved its release.$LABEL$0 +I love most of the songs on this cd. I had this cd lying around for a while and started listening to it a couple of weeks ago and now I can't stop. There are some real gems on this cd.$LABEL$1 +Problems with modern mice. I have this device and a 2-port Linksys. Frequently with this one, I get a delay in or totally lose my mouse control when switching between computers. I'm using a MS optical mouse that is natively USB, with a USB-to-PS2 converter attached that could be a problem. Just a warning to those with similar configurations that they may get similar results. The Linksys KVM has no problems with my setup.$LABEL$0 +Read the book instead. I just finished reading the book for the second time last week, and I just got done watching the dvd tonight. I've read everything by Stephen King and I think this book may be the best. The movie is not bad; Anthony Hopkins is well cast and does fine here, but the movie is like a reader's digest condensed version of a masterpiece that should not be touched. I know - you say that the book is always better than the movie. But this time the heart of the novel was removed. The characters were so much more developed, the story more supernatural. The book is a masterpiece that captures the spirit of the 60's, the magic of childhood, and the inevitable loss of everything. Skip the movie and spend an enjoyable week reading.$LABEL$0 +Comparison of new vs old release. The sole purpose of this review is to compare "The Invisible Man" in this collection to the older DVD release.EXCELLENT. Dramatic improvement - much better contrast and detail. It appears that a different source print was used, and it's much better than that which was used for the older DVD. This is unquestionably worth the upgrade, regardless of all the added benefits.You can view screen capture comparisons on my website.$LABEL$1 +Love this movie!. When I saw this The Avengers on Amazon I noticed the Blu-ray 3D/Blu-ray/DVD/Digital Copy combo set was the same price as the Blu-ray/DVD combo set, so I of course bought the four-disc combo set even though I don't have a blu-ray 3D player. The blu-ray is great quality and the extra features are top quality.$LABEL$1 +Hard on the ears. The first half of this CD is hard to listen to. Although music is a matter of personal taste, I find this music to be extremely irritating and grinding on the ears. It is played in a high scale on piano (electric or synthesized?) and I find myself passing over 1st half of CD missing the subliminal opportunity. Second half is fine. Subsequently, effectiveness can't be fairly assessed.$LABEL$0 +full catastrophe living. Although I have not yet finished the book, I can tell already that this is the best self-help book I have read. There is no difficult jargon, but still you feel taken seriously. The pace is quiet, everything is very well explained, and I really think this therapy works. That is, if you yourself are prepared to invest, because the author certainly demands a commitment. Although the term `mindfulness' is often misused by so-called therapists, this is the real thing. Do you feel stuck in a rut of negative thought, or are lived day-in, day-out by your pain, try this book. I am convinced it will help you too.$LABEL$1 +Enjoyable & informative. I found this book not only very informative & funny. The only reason I didn't give the 5th star is that it was written before the exam was released & the practice questions, while helpful to reinforce fundamentals, did not match what the exam authors came up with. In the real world, I'd trust Gary & Bob far more than the exam authors with security of a network. For sitting in a little room facing tough questions, add a good practice exam to run the score up. This book helped me pass on the first try.$LABEL$1 +Won't Load. I have all the requirements, but it still won't load onto my PC or laptop. I haven't had a chance to see how bad it is. I should have read the reviews before I put it on my Christmas wish list.$LABEL$0 +Disappointed. A friend of mine loaned this book to me, raving about the story. The packaging on the book is well done and makes it appear as if it's much bigger than it truly is. Upon reading though, I found the book to lack the depth that I presumed was there. The characters are very flat, the writing is juvenile at times, but the plot kept me going.There is so much potential in the story here, but I don't feel the writers have taken the time with their work to polish it and add depth to their work. It looks as if they're kicking two of these books out per year, which leads me to believe they're more interested in churning them out rather than creating a quality piece of fiction.Still, I keep reading them. The plot is just enough to keep me moving forward. I do see the agenda in these books, and as a Catholic, I feel somewhat offended by this. I feel like they've done a lot of stereotyping in the series.$LABEL$0 +Good, but no Rusted Angel. Expanding senses is overall a well-rounded album and deserves recognition for being so but... doesn't quite live up to it's other albums.Here it shows Darkane changing more towards melodic death than its thrashier roots.Also they got rid of Lawrence Mackrory, his replacement (Andreas Sydow) is good,but not up to par.Thankfully Peter Wildoer(ex-Arch Enemy) is still pounding the skins like usual, maybe not as good in rusted angel but hey, he's an awesome drummer anyways.Definetely worth the money, but if you're new to Darkane, check out Rusted Angel before getting Expanding Senses.$LABEL$1 +failed device. The CD player failed just after the warranty expired. Radio reception is poor. This one's going to the Salvation Army.$LABEL$0 +Another Hit From Strunz and Farah!. This is another great Strunz and Farah album, but it is hard to beat their previous works Americas and Heat of the Sun. However any way you slice it it is still world class Flamenco and Latin guitar music. If you are new to Strunz and Farah get Americas and/or Heat of the Sun. They are awesome! If you already own those titles and are looking for more excellent Spanish guitar music then pick up this title, Zona Torrida, Wild Muse, and Stringweave. That will give you a strong and amazing collection of music from this genre. Enjoy!$LABEL$1 +Good Holster, Great Price. BLACKHAWK! is a well known brand used by security companies, police, and military forces around the world for a reason. These holsters are good, made of a lightweight polymer, and function like they say they do. The company isn't known for putting out poor products.Mine is for a left hander on a Springfield 1911 A1 Loaded model. So I was skeptical when it said fits 1911 Government Model and Clones, considering variations can screw things up. This holster lives up to what it promised, and I love it. The best feature is that the release for your weapon relies on the finger, and by design, will place your finger on the frame and out of the trigger guard, ensuring you won't shoot yourself or discharge when you aren't ready. It helps to remove error, teaches the shooter the proper draw, and works extremely well at doing it's job: carrying your firearm. I highly recommend this holster to anyone who plans to carry their weapon.$LABEL$1 +Read Concrete Blonde first. Unlike most authors with continuing characters, Connelly has not published the Bosch stories in chronological order. Black Echo is an entertaining novel but it reveals key plot elements of The Dollmaker case, described in the Concrete Blonde. I didn't find the plot as compelling in The Black Echo as in his later books, but perhaps that's because of my lack of interest in war experiences. The writing is unusually descriptive -- I was starting to cough with all Bosch's smoking. (Surprising he wasn't the character needing a heart transplant, described in my favorite of Connelly's books (so far), Blood Work).$LABEL$1 +SPT Su 4010 Ultrasonic Dual Mist Humidifier. Received the above humidifier and used it the first night. It worked fine. The very next day the heater setting for warm mist would not work. This is a record for a usage for a new product. It lasted only one day.I am returning it to Amazon for a full refund. When packing up this return I saw a packing list on the box. It had already been returned to the company and they reshipped a defective product to me as brand new. Bad practice!!Forget buying from SPT$LABEL$0 +THE WORST!!. The worst fitting boot I have ever bought. I thought with the North Face name I wouldn't be disappointed. I usually do not make comments but I do not wish these on anyone!! I even took the sole out and bought a comfy sole, still horrible. I bought these for a trip to Canada and was absolutely miserable. I ended up throwing them away! BIG WASTE!$LABEL$0 +Better strap it on first.... I keep slipping off this pillow. It's hard, makes me sweat, and it really serves no purpose when I wake up in the night and find my head down on the lower part of it.I cannot imagine one of the cheaper pillows being any less comfortable. This is a lot of money to pay for something that cannot be returned if you're not satisfied.$LABEL$0 +Thanks for getting my son's hopes up!. My kindergartner was so excited when we saw this backpack online and we couldn't wait for it's arrival. Visually, it's stunning - I was contemplating using it myself if he decided not to keep it! However, on DAY 1 when I picked him up from school, BOTH of the zippers had broken (the clasp thingy had fallen off) rendering it useless and now I have to return it. My son was really upset, as was I...and I also wish I had the reviews on here before I bought it since apparently this has happened more than once before! Beware this backpack, fellow superman fans - it brings heartbreak!$LABEL$0 +Awful! No more please. Please no more tween/teenage actress releasing CD. Lindsay's becoming the next Britney Spears, and that's even insulting to Brit! WTF, her CD debuted at No.4 on Billboard's Album chart? Has the music world gone mad? Her career will fade away in 3 years at best. If you want a real artists, I'd recommend Michelle Branch, Mandy Moore or Leanne Rimes. Go away, Lindsay Please!$LABEL$0 +worst book i have ever read. this is by far one of the worst books i have ever encountered. Cisneros is a horrible author who knows nothing about writing a well organized book that actually makes sense. I wouldn't reccommend it to my worst enemy$LABEL$0 +ambient humidity is KEY. works in dry low humidity places like the west coast.DOES NOT work in high humidity places like the east coast or South East Asia.$LABEL$0 +love it. this is definitely the best pencil I've ever used... writes smooth, feels good in the hand. Full time student and use it for note taking etc..$LABEL$1 +Enjoyable. The humor was a little cheesy, but it is a "family" movie, so it's fitting. Kids will really enjoy it. I'd recommend a watch for adults if they don't mind the slightly kiddy atmosphere of it.$LABEL$1 +Cordless circular saw great value. Product came quickly and was a very good value for the money. Milwaukee makes a good tool.$LABEL$1 +Great Lens Pouch. I buy and use Op/Tech's lens pouches and camera cases. The materials and workmanship are high quality. I have contacted the company several times and they offer excellent customer service. I take my camera equipment on hikes and backpacking trips and Op/Tech's cases and pouches provide good, light weight protection.$LABEL$1 +NEVER AGAIN!. These diapers are awful and we'll never get them again. They seemed thinner than the Huggies we normally buy, so I guess the only plus is that you can fit more in the diaper bag/in the basket on the changing table, but the positives end there. They leak like crazy - esp. when they get pretty full during naps/bedtime - we have to wake up our son to change him in the middle of the night so he doesn't wake up in wet pajamas and a puddle in the morning. Also when they fill, they sag so terribly. Our toddler quickly learned he could easily reach in when they were saggy and mess with his poop if he had any. He also easily took them off, unlike the Huggies - probably because they were sagging and uncomfortable. Unfortunately we have 222 to get through... ugh...$LABEL$0 +Notable Tribute. This CD is a very good tribute to Ella. All the artists added thier own style without losing the essence of the performer they all admired.$LABEL$1 +Gorgeous art work, sturdy book!. Bought this for my boyfriend who loves Luis Royo, it's a sturdy book and has nice printed images of Luis Royo's art work, can't wait to purchase another book like it for our Luis Royo collection. :)$LABEL$1 +this camera is not good. awsome when you take pictures that is not woving...because of the delay(about 2seconds)you cant take pictures the way you want.$LABEL$0 +Terrible Tome. There are novels that are so bad they don't require a long review. This is such a thing. It received a star from me because there is no way I could give it a black hole. Do not waste your money. I have already pissed-away my time on this terrible exercise.$LABEL$0 +Ummm.. Don't know what to say. I don't like this book so far. I haven't read all of it, and if my opinion changes, i intend to post another review. But after reading Flowers in the Attic, I find it hard to fall in love with Olivia like I did Cathy or any other heroines. She just seemed so harsh in FITA, that it's difficult to believe that this is the same grandmother$LABEL$0 +Sounds like the tip issue is common. I've been using mine (included with my Garmin - I know I wouldn't have paid $200 for it) for a little over a year. Recently I went to plug it in and noticed the tip missing. My concern was whether it was lodged in the cigarette lighter. Fortunately, it wasn't. I was about to throw the whole thing out, but went looking for a replacement fuse setup just in case. For a replacement cost of $200 for the unit, I'll keep looking for the part. Didn't even miss the traffic updates though - where I drive, it never did much.$LABEL$0 +Benefit of Whibal smallest size. I found this item of little use for my needs. The problem really is that it takes one photo with the whibal before anything else. This adds one unit for any other number of photos. It's OK if you take quite a number of pictures in the same environment,but it's a waste if you're going to take only a few. What you get is one photo with whibal for three or so taken. However, I find that with my Canon EOS 30D, I would gain a lot more with the larger size (3.5 x 6) which would allow me to use the custon white balance. This is why I ordered a second card, this time, the right size. Unfortunately, I had to pay much more to grt what I needed.$LABEL$0 +One of his best - backup band is incredible. John Hiatt with the North Mississippi Allstars as the backup....yup, it's as good as it sounds. Great album, very "Hiatt". Similar to Walk On, with a bit more of a 'produced' feel to it. That's what makes this great though, it's definitive Hiatt with just a twist of newness to make it a fresh album.I have to disagree with the reviewer who said that the storytelling isn't as good as in previous albums. They are more abstract than what I'm used to hearing, but that allows me fit in my own interperetation of the songs, which I love. Best album I've bought in '05...$LABEL$1 +worst technical service encountered. I'm no computer expert but I can get by most stuff on my own. With Linksys, I had problem setting it up and I thought I can call them for advice. The technical support was a sham. The guy didn't want to stay on the phone for more than 5 minutes because he had to manage his resources for other users! My call to him was placed at 7 AM eastern standard time and he even admitted that no one was in the queue..but he just didn't want to stay on the phone. Even with any changes he suggested I had to reboot the computer at least once to accept the changes, which takes around 5 minutes and he refused to wait to see if my router was working for my computer. Perhaps Linksys is a good product, but I will never know because I am going to return it to voice my displeasure with their technical support.$LABEL$0 +Saturday Morning Nostalgia. Despite the overt overacting (especially from Marshall and Will), which is sometimes necessary to engage a child audience, this classic Saturday morning series is engaging for young and old - most notably for some of the classic science fiction writing. A special treat was finding out one of the episodes (The Stranger) is penned by Star Trek alum Walter Koenig.The transfer to DVD is passable, but there are some areas where the series definately shows its age and could use some restoration.The interview with Sid and Marty Krofft is very relaxed and low key and extremely interresting, too short for all these guys have done together.The Holly - Cha Ka interview is definately for the adult crowd. A good retrospective of the series, and "Holly" is definately not the innocent young blonde girl anymore!I was happy that my son, who is dinosaur crazy, found this as engaging as the modern, special effect laiden dinosaur tales.Overall a good series, worthy of more DVD's.$LABEL$1 +Poor quality. Am so disappointed. This clock is poor quality. The pendulum is plastic and really looks quite pathetic. I am returning today as I feel embarrassed to display on my wall. I agree with a previous review, you certainly can pay much more for a clock, but for this quality, I expect to pay much much less.$LABEL$0 +Not for me.. For my taste these are way to hard. If your a Pro with finger tips made of steel these may be very good for you cuz they do produce a very nice sound. But if your a newbie like me or only pick up a guitar every now and then these are very difficult to play with.I wish I knew what were the strings that came originally came with my guitar cuz those were much easier to play with.$LABEL$0 +Amethystium. I was so dissappointed in the cd. This music is so familiar.This guy actually takes sounds from Delerium, Tangerine Dream, Enigma, Deep Forest and others that I recognize (David Arkenstone) and combines them as his own. I even recognize the flute solos from other cd's. This is absolutely not creative.I was tired of listening to it before it was finished. Don't waste your money on this one. Just buy the other artists he is compared to for a more creative and unique experience. And by the way, this sounds nothing like Mythos.$LABEL$0 +Not very informative.. This book is appropriately titled. If you have ANY common sense you will not learn anything. There are lots of lists with no elaboration; for instance "25 common mistakes of first time supervisors". There are no comments on actions one should take to avoid them, just a list. The bulleted and list based layout causes most of the pages to be half blank. This book has only about 30 full pages of text. It takes about 25-30 minutes to read cover to cover.$LABEL$0 +Disappointing. As I was reading this, I kept shaking my head. This book didn't really give me a lot of help. There really isn't much in here that I couldn't find in a lot of other, much better, books. I found the advice to be plain wrong in some cases, ill-advised in others. And the author's attitude bothered me. It was off-putting.It wasn't a really horrible book, which is why it got two stars, but I've read books that gave me a lot more help. If you're insistent on buying this book, though, my copy will be up for sale. :)$LABEL$0 +Great value. This product fills the gap between high priced name brands and greymarket junk. As I'm not a professional photog, it fills the bill without breaking the bank. Nice move on recommending it with camera purchase.$LABEL$1 +Complete Bourne series in Hi-def. I already have two of the three in regular DVD. When I heard that Amazon was going to bundle up all three in HD-DVD, I decided to have it reserved. The price of Ultimatum by itself is more than half of the price Amazon was asking for all three. So why not??Watching all three on 1080p was well worth the price of admission. Bonus Features of HD-DVD discs are good extras not found on the regular discs.I wish the discs came in an official sleeve that binds all three together, but they came as separate discs. A good buy!!$LABEL$1 +Borrow it, don't buy it. Other reviewers have listed the flaws (basically an Ode to Metallica, ignores important bands, dismisses punk entirely, etc) but I also have a juvenile negative reaction to anyone listing "living in Williamsburg, Brooklyn" in their bio. That one sentence speaks volumes about what is inside. No judgement, I live in Williamsburg, too, but...The book is interesting, but not worth the cover price.$LABEL$0 +Didn't work for me. I installed this item in place of the factory-supplied belt on my Powermatic 64A table saw (excellent saw, by the way). The saw was already running quiet and mostly smooth, but I was enticed by the thought of it being even smoother. Installation: The belt kept riding up on the pulleys, though I hadn't changed the alignment, and I had to mess with the motor mount, and mess, and mess, for about an hour till it spanned well. When it was mounted, the belt seemed no smoother but a LOT louder -- a high-frequency whine the saw never had before. I held off buying this item for a long time, because of the cost, and I should have left well enough alone.$LABEL$0 +The BEST wedgie slides ever. I bought a pair of these last summer and I absolutely love them. They are so cushy I wear them to the office, out dancing and shopping. I just found them here in white so I'm ordering a pair in white as I already have the black! They are the perfect little slide.$LABEL$1 +A little bit of today. We truly enjoyed the movie, "The Prisoner of Second Avenue" especially since today's job market is much the same. Jack Lemmon & Anne Bancroft work wonders. After all it is a Neil Simon play and with talent like that it's no wonder folks keep inviting themselves over for a movie night. I wish more of these movies would be made.Truly enjoy.....The Prisoner of Second Avenue$LABEL$1 +Undelivered. I ordered this on Halloween for my daughter's birthday in middle of November. Am still waiting - it's now Dec 3rd! Amazon assures me it's coming (so's Christmas) and which do you think will get here first? Am about to cancel my order. What shabby service. 6 year old missed out on her birthday present is telling me never to order anything from Amazon again. A very disappointed and let down customer. I am hoping this review will shame Amazon into doing something, since it invited me to create a review - without having delivered my order!!!$LABEL$0 +No Slippers get's an A plus. A wonderful story, my two year old loves it. We read it every day. The illustrations are absolutly beautiful, very well done and very creative. Looking forward to more books from this author as long as Holly does the illustrations too!$LABEL$1 +Great Product. Quality product, it was exactly what I wanted. When the item arrived I went to the shop to try it out. It worked without a flaw. I think the picture of the item helped me with the decission to buy. No regrets.$LABEL$1 +Poor presentation. When I orginally got this movie I thought it was going to be a horror movie. Maybe a B horror film at it's worst. This movie would have been ok if I was watching it on an "Afternoon Special" and I was 13 years old again at it's best. I also didn't think that this movie would have had Christian undercurrents as well. It would have been ok if it would have said that on the back of the DVD and I would not have watched it. I was very disappointed in this movie.$LABEL$0 +Interesting and fun. Go around your house and plug everything into it. See where the energy hogs are. After you've done that, you can put in on a shelf or sell it on eBay.$LABEL$1 +horrible waste of money-poor design-worst I lap table I have owned. I hate this tablefalls over very very easily, poorly made, wheels to high does not roll under couch or chairsI wish I had returned itpoor quality woodabsolute waste of moneyfell over damaged my computerI have had this 3 months and hav to break down and buy another one$LABEL$0 +Where are birds, deer, walking in the woods. I now longer can go for walks in the woods or around town.Where is the village square with the New England white chruch?Was there a sunrise or sunset over the mountains or lake?I stopped watching after 30 minutes.maybe it is at the end?The Christmas Carols are fine.Linda22$LABEL$0 +Funny but love between characters not there.... Yes, this book was hilarious; is there another author this funny? I can't imagine it. Anyway, I wished there would have been more romance. they don't have to be Madeline Hunter type love scenes (although they are great)but give us SOMETHING! Their love simply didn't click because they rarely even embraced.$LABEL$1 +Dusty, noisy, cumbersome. It seems like I've had to do maintenance on this vacuum prior to each use, as if housecleaning isn't work enough! Cleaning filters, unclogging the hose, reattaching the hose, etc... It's dusty and messy and has been since about the 3rd use. The only thing that's been consistent is the dust coming back out. It's too loud and messy and I'm kicking it to the curb next trash pickup. Wish me luck on my next attempt! Dirt Devils and Bissells are out for me.$LABEL$0 +Good niche history book. This book is well written and researched. It is devided into a number of cases in which the author describes the actions and accomplishments of various Quaker educators durring the Civil War era. Noteworthy was their fustrations with Southerners who distrusted any "teachers" from the North, especially ones who sought to educate former slaves. For someone unaware but interested in the history of Quakerism in the mid 19th century, or interested in 19th century women's history, I recomend this book.$LABEL$1 +Great Book Scott O'Dell. The Island of the Blue Dolphins is a great book because it's about a girl who is all alone in the island and the girl had to fight so she could live before the Aleuts come to the island. I like the book because it's a true story about a girl who made friends with wild animals that could kill her.I also like it because I like animals a lot and the book is about how Karena make wild friends. I recommend this book because I know you will love it and will want to read it and read it. I give 5 stars to The Island of the Blue Dolphins.$LABEL$1 +Buyer beware!!. Can you believe Amazon is still selling this CD with virus-like copy protection scheme! Do not buy this CD!$LABEL$0 +Approval Addiction. Perfect for those who experience what the title describes. Clearly Ms. Meyer loves the Lord as she weaves scripture throughout. Definitely biblically based.$LABEL$1 +Awesome Period Production. This production is extremely entertaining. The costuming is awesome and the character development is believable. I would highly recommend this.$LABEL$1 +The Joy of Meditation!. I was thrilled to discover this book and think that it has to get into the hands of more women who may be struggling with forms of meditation that do not serve all of us well. Itoffers liberation from practices that do not respect andlove the human body, especially the woman body, the sensesand sensory pleasures. The authors echoed many of my ownconcerns, experiences, and approaches as a teacher ofWestern-oriented meditation. The book is beautifully written,too--just a joy to read!$LABEL$1 +And these people have a problem with Harry?. I happened upon this book quite by accident. I was looking for a bad example of "Christian" authorship and theology (Frank Peretti specifically) and found this.I thought I'd read it all after reading Neil Anderson books, but this is absolutely dreadful. I'm shocked and dismayed that this book even exists, much less that it can be found promoted on the bookshelves of Christian bookstores.My recommendation is burn this book and read your bible. Specifically Job where it is shown that Satan has NO power over us and can do NOTHING to harm us unless God grants him permission.$LABEL$0 +A must read for women, parents and men who give a ..... Finally, someone has validated and verified what I've always known...and depended on. Read this first and then get Protecting the Gift and give it to everyone you know with children. It's just too important! Do not fall for the failing social assumptions...You will always know when you are in danger and be able to really protect your family. My intuition has saved me countless times when all around me told me I was nuts to be so paranoid...Heck, I was a bartender...I always knew who was really dangerous! Thanks Gavin, everyone thought I was ?...then later, they changed their attitude...why do you have to fight so hard for sensible safety? Go figure...$LABEL$1 +If the books is called "The Moscow Option".... ...then why do we spend the majority of the book everywhere but the Eastern Front?I won't deny or disparage the actions in the Pacific and the role of the British, but if a book is supposed to be about the German war in Russia, perhaps it would do well to spend some time in that setting.Instead, we get exceptional detail regarding British actions in North Africa, followed by hour-by-hour reworkings of American actions in the Pacific - and then we get sweeping generalities regarding the German actions in Russia.The premise and title of the book are largely sidelined, as if they are of secondary importance. Why?In this case, don't judge a book neither by its cover, nor by the synopsis printed thereupon.$LABEL$0 +cheap. I have seen the movie many times, and it was as good as I remember it being.However, when I received the DVD the casing and the disk itself was made really cheap. I first thought that I had ordered someone's illegal copy that they had hand made. There were a couple language options, one of which was the original Japanese, as a native speaker, I appreciated this option. However, when the movie plays in Japanese there is no option of not having English subtitles, which was really irritating.I recommend this movie to everyone, but spend the little extra and buy a better copy of it.$LABEL$0 +Useless Gimmicks. This cookbook holder is too shallow to hold a book. At best, one can insert several sheets of paper. I was very disappointed as I expected (note the name "cookbook holder") it to hold an actual book. I made the mistake of ordering four and gave all to charitable re-sale shop. Perhaps some craft person can conjure a practical use for these. They definitely will not hold an actual book!$LABEL$0 +Great replay value! I like the game.. I had Superpower 1 and couldn't wait for this one to come out. When I first attempted to play Superpower2, the game had trouble starting do to having so many bugs. The bugs were taken care of with a number of patches over the years. I played this game for many hours trying different things with different countries. Most seem to talk bad about this game, but I enjoyed playing it! I would recommend getting the game and see if it's for you. Yes you could go on for days about what the game doesn't do, (like neighboring countries not getting angry for your massive build up of military units). The game is a starting point for other greats to follow.$LABEL$1 +Prong Fasteners. I bought these for work. They came in a HUGE box, but otherwise, no complaints. Great product and arrived a day early!$LABEL$1 +Really poor quality. We have owned this printer for a little over a year. The initial setup was easy and it seemed to work fine, for a while. Print quality for the price is good.First problem, 6 months in, was it would only print the last page of multi page documents. Pain in the ---, but I just printed one page at a time. Now, it has stopped scanning from any machine. I checked online and it seems that others are having this problem as well. It says, "unabale to download applications list". I tried all of the 'solutions' offered both by users and Lexmark. Updated the drivers then uninstalled and reinstalled all of the software- twice. Lexmark owes me 4 hours of my life back. Bottom line, this printer is not good at wireless connectivity, and really not good at anything but printing. Buy something else.$LABEL$0 +Very Disappointing Book From An Otherwise Great Author. I was so completely disappointed with this terrible book. I loved Generation X, Life After God, Microserfs and Shampoo Planet and count them among my all-time favourite books, but this book is garbage. Truly. I could barely finish it, and I sold it to a used book store as soon as I plowed my way through it. The plot is stupid and absurd and I almost felt embarrassed for Coupland upon finishing it. I agree with many other reviews that Coupland's work has really gone downhill after Microserfs (ie. Girlfriend in a Coma, Miss Wyoming, and this piece of trash) but I sincerely hope readers will not judge all of his work based on this one stinker. I read that Quentin Tarantino has optioned the book, but I seriously doubt even he could make this story good.$LABEL$0 +dissapointed. i remember when they first showed a prview of this moive in theatres long time ago in 1999. it was only playing in selected theatres and i wanted to see it pretty badly. few years later i could not find a dvd anywhere i went. finally it comes out and i buy it on amazon and man, was i dissapointed. sure martial arts in movies is great if you like it, but it was not so good in this film. also the special effects which they were praising about in this film looked like a kid in his parents garage made it. in all, this film is lucky to recieve 1 star.$LABEL$0 +I'm now empowered with the knowledge to meet my son's needs.. Thank God I was told about this book! Odd how the SI dysfunction diagnosis is about sensations that are not "pulled together" to get the clear picture. This book PULLED TOGETHER seemingly disconnected behaviors that my son exhibited, and gave me a CLEAR PICTURE of his diagnosis, his needs. What a relief! My son is 5 years old, born in Russia, and came to America at the age of 3. While he seems to be exceptionally smart (academically he is spelling a multitude of 3 letter words), he has been extremely hyperactive, fidgety, thumb (and now clothes) sucking, speech delayed, & sound sensitive. I am grateful for the depth and organization of the material presented in this book. It empowers me as a parent to step forward to access the services my son needs.$LABEL$1 +Simply amazing..... I went ahead and bought these even after reading several bad reviews about the cords falling apart. That was a little over a year ago and mine are still like brand new - and I wrap the cord around my mp3 player constantly. The sound is amazing...but make sure the earpieces are pushed in properly. They sit farther inside the ear than expected. That makes them block outside noise as well. Also, after finding the right earpiece size, they're very comfortable. These are excellent for the price! If mine decide to die, I'm definitely going to buy another pair.$LABEL$1 +Not for impatient beginners. I could not learn to speak any danish from this book.Buy Pimsleur's and Berlitz's instead!$LABEL$0 +Exciting. This was my first real exposure to Percy Sledge, and now I gotta taste for more! The tracks have an impressive range and unique style that impressed me very much. Thanks for the music Percy!!$LABEL$1 +Very disappointed. I am a teacher, and I bought two these staplers for everyday classroom use after reading all the positive reviews. As it turns out, these are terrible staplers! The first stapler didn't even make it a week--a student accidentally knocked it off the table, and because it is plastic instead of metal, it immediately broke. The other one made it three weeks, during which it jammed all the time and required lots of pressure in order to staple anything at all. It wouldn't open all the way, so I couldn't use it to staple papers to a bulletin board either. Finally, the second one broke durnig regular use, when I was simply stapling two pieces of notebook paper together. It jammed and was impossible to unjam without popping the spring. I'm not sure why this has so many positive reviews, but I wish I could go back and spend a bit more for some metal staplers.$LABEL$0 +It's a fairy tale?. I found this book to be a fairy tale for ocean lovers, sunset lovers and boring escapades of the well-to-do.After one hundred pages I had to force myself to continue reading this book. I didn't want to waste the eight bucks. After 183 pages I finally gave it up. Not for me.Another reviewer mentioned Salty is a book for males. Maybe she's right. It sure didn't have any redeeming qualities for me.I would like to share my sorrow for the death of Ed Bradley with Mr. Buffett. There are many of us who loved him.M$LABEL$0 +TouchPoint Bible. I was very well pleased with the purchase of TouchPoint Bible. It was stated as "used" but in good condition. When I received the Bible it was in perfect condition. I was so pleased because my husband and I wanted to give it to a friend who is trying to learn more about the Lord. We each have this Bible and really enjoy the information given before each chapter. Thought it would be insightful to him. He is thoroughly enjoying reading this Bible. So thankful Amazon has this site.$LABEL$1 +Unusable. This is a collection of very rough outlines from Youth Specialties celebrities. However, it seems like it means to give them one more book with their names on it rather than to produce worthwhile curriculum for youth. I didn't find this helpful at all.$LABEL$0 +BEWARE, PLANTS NOT INCLUDED. BEWARE!!!! None of these products contain the plants. It doesn't state that on the boxes, or in the ads. All you are getting is the tarp-like quality, plastic tube, a cable thing to hang it with and a foam rubber 'collar' to put around the plant that you have to supply. I can't get live plants where I live (an island in Alaska) so both the tomato and the strawberry planters were a waste of money for me. BTW, the strawberry planter takes 15 live plants!!! (Just in case you're shopping) I also located these same things in a store, and the boxes DO NOT STATE THAT THE PLANT IS NOT INCLUDED. So don't think you're geting a ready made garden - you're not! And none of their ads - on TV, or otherwise, state this fact. PLANTS NOT INCLUDED!!!!$LABEL$0 +Just Because Modest Mouse Is Popular Now, Does Not Mean The Album Completely Sucks. Sure, it's not their best. All the polish erases some of the charm of Isaac's strained vocals and seemingly improvised guitar work. But it's still Modest Mouse, and it's pretty damn good. I think this is a natural progression from the Moon and Antarctica, with stronger lyrics that often deal with death and the afterlife, and a more "mature" sound (Excluding Dance Hall, which is the closest this record gets to sounding like older MM). I didn't want to like this album, what with all the radio play that Float On and Ocean Breathes Salty received, but listen with an open mind and you'll find that it's actually a good album, my favorite tracks being "Dance Hall", "Bukowski", "Satin In A Coffin", and "Ocean Breathes Salty".All indie fans should give this "sell out" record a chance.$LABEL$1 +Joy. The Joy of Signing I found when I ordered it, it was in top mint condition it was very well taken care of for it being a used book I was very impress with the condtion of the book I was very very much happy to have ordered it. I will for sure again order because I know I will get what I will pay for. Thank You I am very pleased with my book. Keep up the great work.$LABEL$1 +worst fairy tale book I've seen. The book is super-barbie-girly, both in terms of illustrations and the texts. Every single story reads silly, simplistic, dry and boring. The stories are basically the same familiar old good fairy tales, but somehow the details are altered to make them "morally correct," and, as sideeffects, become very silly girlish.$LABEL$0 +WEAK. Put your money towards something more powerfull and hotter! I can put my hand in front of this thing. It's crap!$LABEL$0 +Update. Thanks for the very fast service. It was quick and the product works great.SuperMediaStore is great for at least my first order with them.Well that was my original post. I ended up getting a little excited. Dont buy this keep looking.$LABEL$0 +Informational. Good advice; good information. Science and numbers provided are great guidelines. Common sense tells the rest of the story for most.$LABEL$0 +Enjoyed. My nephew loves the dvd! He will play it over and over again! I am so glad that we purchased this for him!$LABEL$1 +Not bad. The sound is good. But it is not perfect for everybody. It is good for my husband to wear on his ear, but not good for me. I guess because my ear is smaller? ... Except this, it is good.$LABEL$1 +Worked well. Import from financial institutions is great.. Worked without a hitch. Cost of e-file puts a damper on this being a great deal.Simple stocks an bonds are easy. The import from financial institutions worked great. All items were easy to verify and had more detail than the forms I received in the mail.Years past, I had a few more complex items and you have to figure out the tax code is talking about (if you can). The TurboTax and its help didn't automatically fix the complex tax code we have. Too bad they didn't have a (better) tax encyclopedia to help you out -- yet, I don't know how they would ensure the accuracy year after year. This year, I didn't have any such stuff to worry about.$LABEL$1 +It's Not the Product. I tried to rate this order earlier, but I think it got lost in cyber-space. I have used this product before with good results, so it is not the product per se, but the condition in which it arrived. The item was in its original packaging and appeared to be unopened. However when I opened the box the lid was off the cream bleach, and it had hardened to the point that when I mixed it with the activator it was too dry to stay on my face rendering the product useless. I see no reason to return the package as it would cost about as much as the item itself. I would consider returning it if I am sent a self addressed return package with postage prepaid and a replacement package.$LABEL$0 +Braun 6000FC. The replacement foils only last a few weeks of normal service. When they go bad, you know it because of the gouges it takes out of your skin. It is cheaper to buy a Norelco in the long run because of the cleaning solution as well as the need to replace foils often.$LABEL$0 +A worthwhile oddity. Here's a tricky question: who is this CD for? It isn't just music, there are some sound effects, and some of the music is very brief 'stings' and 'stabs' (as they are called).Interestingly, the answer may be someone like me. I had the CD on in the background, and some of the pieces are extremely evocative - at least for people who have seen the stories they come from. There are a number of other wonderful pieces - the TARDIS takeoff from the first story is great.But, of course, the best item is the always wonderful Doctor Who theme - 4 versions, including one closing credits, which are all fabulous. I especially like the comparison between the 1967 revision and the original 1963 version, but can't say which I prefer.$LABEL$1 +cats hate it. I couldn't get my cats to eat this if it were Kentucky Fried. Maybe it's just my cats but couldn't recommend it.$LABEL$0 +Beautiful MG. When completed this guy will look just amazing! So much detail! It will take a long time to panel line, but isn't that part of the fun? My first MG, and I will treasure the building experience for many years to come. Love it!$LABEL$1 +Not the usual. I really liked Acropolis and "Best of Yanni", so when I heard the vocals in this CD, I was *very* disappointed...Yanni fans may like it, but I don't care for it, over all. I bought if for my husband as a gift, and he didn't care for the vocals, either. It distracts from the beautiful compositions that are Yanni's signature sound, in my opinion. Buy one of his older works.$LABEL$0 +Great Tool set !. Love ALL the tools. The rotating Ceramic tub is great in tight corners, and they are made very sturdy.$LABEL$1 +Kingsters Unlimited. Not your typical teenager for sure. A very interesting book. I don't think Shawana is ever going to be a soccer mom. A teenager with a very steely reserve. I admire she used what resources she could. Being thrown out of the house at such a young age and making a go to better herself is admirable. I wonder though, if seeing such a seedy side of men will skew her for life. I wish her the best of luck.This book certainly was incredible and very funny in many spots. As she said, she never did anything to these men they didn't want. One thing for sure, there are certainly many more kinksters out there than just me. I've never understood the whole Dom thing but to each there own. I'm glad she had limits and didn't cross the line into prostitution. Would it be fun to spend an evening with her just to listen to her stories. Incedible!!!$LABEL$1 +An Excellent Rendition!. I'm an avid fan of The Wheel of Time. Robert Jordan's skill at description really makes the books come alive, but to see actual artists' renditions of his world, as carefully dictated by him, was fantastic. These pictures are exactly as he wanted them to be. You really get to see the characters you have seen only in your mind's eye. To Jordan's credit, these pictures were very close to the images his descriptions helped me imagine.Absolutely worth the money and time to read!$LABEL$1 +A Terrific Product!. I bought this for my son several weeks ago because he wanted hot lunches but didn't like the selection at school. Honestly, I bought it mostly based on all the positive reviews. I was eager to see if it worked as well as most people said it did.Well, my son has mostly taken soups to school in it, and he says that the soup is always as hot as if it just came off the stove. Just today he took pasta in it, and he said it was just as hot.In the morning, I leave the boiling water in for just 5 minutes, and the latest my son has lunch at school is 12:15. I prepare the thermos at 6:30 a.m.! It's also the perfect size for a couple of servings and fits nicely in the side pocket of his backpack.I would HIGHLY recommend this product!!$LABEL$1 +I Was Ripped Off. I ordered this book as a holistic reference, for which purpose it was a complete failure. I even bought the second book, "More Natural Cures Revealed: Previously Censored Brand Name Products That Cure Disease." Not only was the book written poorly, it contains less real information than a supermarket rag. As if I were not defrauded enough, the book refers it's readers to a website (NaturalCures.com) where you can get the "Real, real" information not available in the book due to some kind of government regulations. So now I've paid $36 and change for two books which supposedly contain information on holistic cures, and do not, but they want to further defraud me to the tune of $9.95 a month to join the website in order to get the information which was supposed to be in the first two books in the first place. In my opinion this guy and his publishers should be in the San Quintin book of the month club for bilking sick people out of their money who are disparately seeking a cure.$LABEL$0 +Vincent Bugliosi has brain made of junks. This book is a waste of woods. The Supreme Court Undermined the Constitution and Chose Our President? I think Vincent Bugliosi loves to choose presidents through false ballots. He loves to play the guessing game. Oops, I just poked a hole here and here and here, but who did the voter choose? I shall psionically communicate with voters to determine their intention! Buzzzzzzzzzzzzzzzzzzzzzzzzzz!!!!!!!!!!!!!!! No response, what shall I do? Mini-mani-no... Never mind, count it as gore's.$LABEL$0 +Great book for first time parents of newborns, to help you get through the first few months. I'm an expectant first time mom and have read a number of baby books. Many of them, such as "Baby 411" and "What to Expect- the First Year" are great reference books. However, they can be a bit overwhelming, as they tell you all the possible senarios that can go wrong, and also pack information about the baby's first year(s) into one book. This book, on the other hand, is a practical read to prepare for your first few months as a parent. The authors keep it simple, and only expand on common health concerns (such as collic). Instead of scaring you with all the other worst-case health scenarios, they just tell you what symptoms warrant a doctors call. They also break things down into a lot of detail- how to swaddle, how to bathe, how to change a diaper while giving you tons of useful tips that I haven't seen in any other book.$LABEL$1 +Amazing. I was amazed at how quickly this product helped me. I have recommended it to 3 friends with similar problems and 2 said they had ordered it also.$LABEL$1 +Just the good stuff. I am not a huge country western fan, but there are certain artists I really like. I like when an artist comes out with a greatest hits CD that really is filled with greastest hits. If you are a Faith Hill fan, but want to buy just one CD, then buy this one.$LABEL$1 +100 Words Every Word Lover Knows. Word lovers know or should know almost every word in this book. It's really a book for people who don't love words but think they want to. The format is good and the price is right. Maybe it's a good stocking stuffer for a young person who likes to read and write.$LABEL$0 +This book shouldn't be called a cookbook. What a waste of a cookbook. If you want a great cookbook look at Lilian Jackson Braun's coookbook. I got Sneaky Pie's cookbook from the library and I am thankful I didn't waste the money on it. Most of the recipes were for food for pets. I guess Rita Mae Brown was trying to compete with Lilian Jackson Braun. If you are going to buy one cookbook from a mystery write buy Miss Braun's.Sneaky Pie needs to take this book and bury it in the litterbox$LABEL$0 +The Miner's Gold Should Stay Buried.... The Miner's Gold should stay buried, and so should this DVD! From beginning to end, this DVD was a disapointment. I chose to give it 2 stars, although it is more deserving of a 1.5. The idea itself put me in mind of a mummy film- disturb the treasure, and awaken an evil curse. First, the film seemed to "bright" to fit the horror genre. Second, the film score was not at all ominous enough to invoke any type of fearful anticipation (Except for the end of the movie!) Third, the actors looked more like teen-show actors than actors of a horror film. The only good spot in the film was a 20 second strip dance given by a well-built red head. My recommendation...this one should go back to the dust.$LABEL$0 +Soy candles. The packaging was very nice. The aroma wasn't as I had expected. Could hardly tell there was an aroma. The candle burns nicely, no smoke, but you can't beat the small of a glade candle.$LABEL$0 +Liquid doesn't stay in. My kids love it, but forget bubbles... we went through the entire solution in one hour because they kept lifting the mower, and the solution was just pouring out... horrible design.$LABEL$0 +Horrible CD. What the heck was she thinking? Dangerously in Love is a Classic, but this BDAY is a step back. Sorry Beyonce. Telling women to get a Frekum dress when he does wrong is why HIV is steadily rising in black america.$LABEL$0 +Extraordinary!. This is one of the best documentaries I have seen so far. My husband and I were amazed by the lives of humans around the globe. We have been urging our friends and family to see it. One can learn so much about the survival and adaptability of the human race. This documentary takes the viewer through so many emotions and, honestly, can change the views we have about the humans that inhabit this wonderful world of ours. It may sound like a cliche, but seeing Human Planet can be a life changing experience. I urge the readers of this review to buy it or borrow it. You will not be disappointed.$LABEL$1 +Tremendously Entertaining and Educational. I bought this book primarily as a dig at the Fox news network (at 40% off, why not?) thinking that Franken probably wouldn't be much of an author -- then read the whole book in two days. It is tremendously entertaining, well written and a real eye opener. Franken does get a little annoying and petty at a couple of points, but overall the book is very informative and funny. The chapter (in cartoon form) "Supply Side Jesus" contrasting a Jesus who believes in Supply Side Economics with the real Jesus of Nazareth was my favorite part, and should be required reading for every person who beleive that being a Christian means supporting Bush-style economics.$LABEL$1 +Boring storyline. Okay language.. i found the plot of this book moved along to slowly to really captivate my interest. i also had trouble identifying with any of the characters. however, the author's use of language may be a saving grace of some readers.$LABEL$0 +Well constructed, easy to assemble deck box. Deck box came in excellent time. It was super simple to assemble and seems big enough and strong enough for me to use on our Dock to keep a generator, gasoline, a water pump, and a hose and other marine related items.$LABEL$1 +Best Video but could have made it even better. Hello,I'm one of the phenom's loyal fans. I like this video. There is no doubt that this video is a good one. It contains many wrestlers like Edge, Kane e.t.c superstars and most of the top ring announcers like J.R, King and e.t.c opinions on the Undertaker and his character, but if felt something missing liek they could have asked Mic foley's opinion. And what about some of the best in the WWF, Austin, Rock, Show and e.t.c. Anyway it is good one for an Undertaker fan.$LABEL$1 +Would be a great item but hose got holes right away. Sure wish Black and Decker would get their act together. The bag that came with the leaf vacuum lasted 1 season then the stitching on the zipper started to unwind. 2nd season of use and zipper ripped and came off track renderng the bag useless. I decided to try this instead. Worked pretty good, a slight challenge getting the cover to stay on the waste bin. Then notice holes in the hose. I have not contacted company for a replacement yet but can't expect a replacement will hold up any better.$LABEL$0 +Great Experience !. Ordered this product for my son for Christmas. It arrieved with in a few days to my disbelief... It was a fantastic buy, saved me the hassel of fighting the crowds and to boot all shipped for FREE !!! Now how can you beat that... I did the majority of my Christmas shopping thru Amazon this year and plan to make it a tradition... Thanks Amazon !!!!$LABEL$1 +Don't buy this machine!. I purchased this machine a year and a half ago to use for about three months out of the year on weekends only. This machine met my ice needs well. The problem is that the ice sensor has now gone out and there is no customer support for my problem. Neither I nor an appliance repair service can find anywhere to purchase a replacement ice sensor. Without this part, the machine is useless. Paying over $200.00 for a machine that only lasted for four months of weekend use is not my idea of a good investment. There is no customer support after purchase. So my recommendation is to stay away from spending your money on this machine. I have to throw mine in the garbage.$LABEL$0 +Appearances Can be Deceiving. I have to admit that I'll give Take2 Interactive software credit for thinking of such a great idea for a game, but they really could have put some work into it. The cover of the game looked really interesting and I couldn't wait to recieve this game, but when I tried the game, I wasn't as excited as I was in the store. The graphics are lousy, the sound is crackly, and the whole game is just bad. You run out of money when you first start the game, you can't move around as easily as you can in other simulated games like Sim City 4 or related games, and things don't appear for a really loooong time. It's a waste--do NOT buy this game--you will seriously regret it.$LABEL$0 +This book has the best scene in the whole series.... In Novemeber 1997 in Orinda CA, on a book tour for her latest Niccolo book, I had the pleasure to hear Dorothy Dunnett read aloud the "Revels" scene (essentially the last part of Part Three, Chapter 9 from The Ringed Castle) which is my favorite scene in the entire series. She is truly a remarkable woman, still hearty at 75, with a wit and intelligence rarely scene in real life. She told us she reads numerous (sometimes hundreds!) of history books before writing each novel to make sure that nothing in the novels contradicts anything from known history. She has created in the Lymond Chronicles the best historical fiction I have ever read, and the most compelling fiction of any genre I have ever read. When she does her book tour for the final Niccolo book in 2000, be sure to go see her--it may be your last chance to see one of the most remarkable women authors of the twentieth century.$LABEL$1 +Absolutely Wonderful and funky.. I absolutely love their music especially "Rock this funky joint". It just puts me in another plane and is one of those songs that you just don't want to sit out. From the original release years ago until now, it still makes me wanna pull the car over and get down.$LABEL$1 +overnight success!. Frownies are a part of my age fighting arsenal! I have a tendency to frown in my sleep and wake up with a slight furrow between my brows; Frownies remedies this. Highly recommend!!!$LABEL$1 +Truth of fats. I enjoyed reading this book. It has changed my life. It does work and has made eating fun again. I have more energy than I have in 10 years. My skin is glorious and I'm 62 yrs old. My metabolism has kicked in again and I'm doing more. For anyone who suspects the food processing companies and government sanctioning of same, this book really opens your eyes.$LABEL$1 +Fantastic book!. I read a lot of parenting books and this ranks at the top. I highly recommend this book for parents who want to learn how to shepherd their children in everyday life. We are using it with the parents of our church and so far everyone loves it!$LABEL$1 +Perfect for me. I have been using this daily for a little over two weeks. It has worked perfectly for me. It amazes me how much better coffee tastes when making it this way, compared to a drip coffee maker. I'll never go back.$LABEL$1 +Love this compact camera.. This is my second Fujifilm camera, its great, we motorcycle ride and its great for me to take pictures from the back of the bike. The pictures are clear, wonderful, and easy to take. I have taken over 20,000 pictures with it, and hours of movies...and they are great. Hubby loves it because he gets to remember all the great places we have been. Glad Santa gave it to me.$LABEL$1 +TALES FROM the OVAL OFFICE or IF WALL COULD WRITE. If walls could write stories, this would have been a more interestingly written tome. MONICA'S STORYs' dispassionate tone suggest that the author was trying to protect Monica by cleverly presenting the tale as if nothing sexually exciting took place between her and the president; or the author is merely a gallant gentleman who came forward to give hope and support to a suffering young woman who had made several silly mistakes that had caught up with her and was giving her a public chastisement she and the world will long remember.Regardless what the author's intent, he managed to produce a profoundly BORING BOOK. I highly recommend it to insomniacs who have counted every sheep in the galaxy. It works better than Nembutal, guaranteed! Hopefully, this experience has taught this young lady that she can't have everything she wants and that she better stop wanting other women's husbands.$LABEL$0 +iffy service and quality. when i first ordered this product, i was sent an entirely different product (finger cymbals, for what it's worth). upon contacting customer service, which was very polite, i was, soon, sent the ocarina. unfortunately, the ocarina was out of tune (and one can't really re-tune an ocarina). upon again contacting customer service (significantly less polite, on this occasion), i was told that i'd have to ship back the ocarina, at my expense, which, considering the mistakes already made, i thought unreasonable. two stars for the original round of friendliness, but i shan't do business with this vendor again.$LABEL$0 +Great light !!!. I really like this light. I found the lighting to be even and with no glare when positioned the right way. I thought that it might be in the way of the buttons but it wasn't at all. I used this light in complete darkness and in low light and it worked just as great in both situations. The only thing I didn't like is it requires a separate set of batteries and the batteries were not included in the packaging. I can't compare to the worm light or the shark light because I have not used either, but I did buy and return the lightboy. I was not able to see the screen very well at all!! It basically put a glare over the entire screen! The traplight was the replacement for the lightboy and after using the traplight I don't feel that I could find a better light in any of the other choices. Buy the traplight! You will definately glad you did!!!$LABEL$1 +Another What-If Book. Since Elaine Pagels' Gnostic Gospels there has been a steady stream of books written on the subject of lost options in Christianity. This is a particularly bad example of that genre because it misrepresents the substance and nature of almost every heresy and threat it proposes to assess. Especially weak is Ehrman's treatment of Marcionism which he fundamentally misunderstands and seems to know only from the dated studies of Knox and Harnack. His idea that Marcion's view of God was too "new" for the church to accept is based on a howling anachronism in the dating of Marcion's heresy. In fact there is plenty to suggest that Marcion's solitary gospel and limited collection of Paul's letters corresponded to (and resonated with) the most ancient inclinations of Christian theology. In short, not only yet another case of popularization but a bad job of reading the evidence as well.$LABEL$0 +The Little Prince. Along with the classic, Jonathan Livingston Seagull, this book is a must have for all book collectors. I lost mine and thanks to Amazon I now have it once again.$LABEL$1 +A good starting point. I am currently taking the FREC Salesperson I course and this is the book, as you know, we must use. If you are not taking the State Exam, there is no real reason to buy this book unless you just want to educate yourself. Reason being -- the book's goal, like most of it's kind, is for the student/reader to pass the state exam in the end. Hence, there are probably other books out there that convey similar information that aren't booged down with useless details that only exam takers need to know.$LABEL$1 +Moby wrap. I love the Moby wrap, it's comfortable and there's so many ways to wear it. The only problem I've found is it's very warm, so make sure you and baby are dressed lightly.$LABEL$1 +This book offers insights and HOPE!. I found this book to be very helpful. The author writes from a vivid and heartwarming testimony of his own struggles with insomnia. It gives hope, humor, and clear instructions to overcome insomnia. Great book.$LABEL$1 +diving masks. These masks have a very small nose space and in both my boys (18yrs and 22yrs) the mask was very uncomfortable to wear.$LABEL$0 +Wrong part in the box. When I went to install these rotors after I had the first one installed and went to do the other side I found that, though the part number on both boxes were the same, the second box did not contain the same rotor. Both boxes appeared to have the factory seal so this appeared to be the fault of quality control. Because of this I returned all of the parts I ordered for this job and went with Genuine OEM parts. It cost more but the fit was of course perfect and the quality of the parts appeared to be far superior.As a side not I ordered these from Amazon and they refunded my money and sent a return label promptly. I am very happy with Amazon's service.HTH,Robert Loose$LABEL$0 +Laptop Battery. This battery must have been old. Fully charges it would last maybe an hour and a half. Acually this was no better than the one I was trying to replace.$LABEL$0 +just what I expected. After reading the reviews before purchasing these shakers I had mixed ideas about the product. The people who commented on the lids not working were half right. Each lid only stays put on the shaker it came on. If you try it on the other one it will pop right off. Once I got that straightened out they work fine.$LABEL$1 +Good album. Read All About It is a good album. It sounds different from the Newsboys we know today as they were still finding their sound. If you're a fan of the Newsboys already you can feel comfortable buying this album. The sound of the album is very 80's rock but still stands up to the test of time.$LABEL$1 +Why do I still own this?. I've had this herb mill for 10 years after receiving it off my wedding registry, and frankly I'm surprised they are still selling it. I thought it would make the tedious task of chopping fresh herbs much easier. Well, it doesn't. Basically, anything even remotely leafy gets macerated and caught on the tines and doesn't come loose. Then, you have to disassemble it to try to scrape off the crushed little bits, which stick together & to your fingers and are hard to distribute into whatever you are cooking. I end up getting out scissors and just using those instead. Don't bother with this...at least for fresh herbs. I guess it might work to chop dry herbs into smaller bits, but I can usually do that with my hands.$LABEL$0 +seat cover. seat cover fit was excellent. Only problem was that two of the loops that help hold the cover in place were torn.$LABEL$0 +waste of time. you can get the basics of the story in the other posts.i was really looking forward to this after reading all the glowing reviews.after all the build up to the final meeting with the shrike,the book ends as they walk into the valley!no final anything,it just ends.it is just a collection of crappy short stories.this guy was too lazy to write an ending? one of the worst books i have EVER read in my 40+ yrs of reading. YUCK...weeks later i have been informed the story is continued in second book.i didn't realise this.maybe "to be continued" should have been added to the end??$LABEL$0 +Best Dressed. I think all of the Lizzie McGuire books are great and I would think that other people should also read them$LABEL$1 +Most Beautiful Voice!. AL Martino has the most beautiful voice and this is his most beautiful cd! I have most of his cd's, but I mostly listen to this one. It contains his best songs. If you love standards, this is the cd to own!$LABEL$1 +Exactly what I wanted. This was the album my husband had been looking for, he was very excited to get it for Valentines Day$LABEL$1 +A treasure. I am really into martial arts, and last year suffered a serious muscle tear. I certainly believe Western medicine has its place, but Western doctors were worse than useless to me in this case. The exercises in this book have been instrumental in getting me back on the mat again, and in putting my body back in balance so I don't risk such an injury again. It's also a great resource to have in the dojo for first aid--over the years I have seen bits and pieces of the stuff in this book used by various teachers (e.g. cupping, moxibustion, plasters), and having it all together in one handy volume is priceless. I'm so grateful to Tom Bisio for creating this book--and for helping me put myself back together.$LABEL$1 +This product stinks like a dirty diaper. We registered for this product after hearing raves from other people. We could not be more disappointed. Among other things, we were never able to figure out how to get this thing to work. My husband and I have four masters degrees between us, and my father is an engineer. And yet we still could not figure out how to get this thing to work. Out of depseration, we took the genie to the local baby store and after 45 minutes even the staff could not figure this product out. How much genius does it take to make a diaper pail this complicated. We are much happier with the diaper champ.$LABEL$0 +This is a GREAT printer!!!. I would recomend this printer to anyone who appreciates quality color photos. It is incredibly fast and suprisingly quiet. The black and white quality is nearly identical to that of a lazer printer. The amazon.com price is also the cheapest that I have seen it for. I believe it is a must have for any small business and definetly worth the purchase price!$LABEL$1 +Ehhh..... Just save your money and get a macro lens. I'm not saying that these don't work, just that they won't be great. Save that $20 and start working towards a dedicated lens for macro work.$LABEL$0 +KILL PHIL. KILL PHIL IS THE BEST BOOK ON A POKER STRATEGY THAT I HAVE EVER READ..IT IS CLEAR,CONCISE,AND VERY EFFECTIVE AND GETTING THE MESSAGE ACROSS HOW TO BE A WINNER IN TOURNAMENT PLAY.SIGNEDDOUBLE00$LABEL$1 +Beautiful Bodum Thermo Glasses!. These glasses look beautiful, classy and elegant on my table. I love that they are hand-blown and the thermal feature keeps them from making rings on my tables. They feel good in the hand and are very delicate and light. Love, love, love these glasses.$LABEL$1 +If poetry were fiction.... This is the best collection of short stories I've read in years. Fresh and inventive and downright honest.Read it.$LABEL$1 +RACIAL TENSION SOLVED BY THE GOVERNMENT??. i read this book, and must say that it really got my mind thinking in a new direction regarding racial tension. For a new writer, this book is awesome, and a bit frightening at the same time. Could definetely see this as a movie. The characters are very well developed and whole concept is quite intriguing. Would recommend this book to anyone who enjoys a "good read".$LABEL$1 +This book is titled incorrectly. The guts of the book are just plain stuff for beginners. The illustrations are of an architectural nature, yes, but the book says almost nothing about creating anything like those illustrations. For instance, all of the illustrations use a hand lettered font that does not ship with AutoCAD, and nowhere is it explained how fonts are copywrited or even available outside the boxed version. Plus, much of the presentation is misleading - it seems that the book is edited for newer version by pasting more stuff onto the end of a chapter. Some key points are just plain wrong. Architects! pass this one up. Worthless to you.$LABEL$0 +Funny comedian.. If you are Indian, you have to watch this comic. His observations are dead on and he will hit home...The Chinese and the Indian bit is the most funny but the entire show is funny and watchable.$LABEL$1 +False Advertising. The item is listed as:"3M Marine Adhesive/Sealant Fast Cure 5200, 05220, White, 3 oz. (Case of 6)." However, when I placed my order, I only received one, not a "case of six." Not the deal I expected. Probably could find it cheaper somewhere else.$LABEL$0 +Not particularly useful. I am looking for a book that would be able to flesh out proper business processes utilizing well defined modeling language/framework. Although UML is extremely useful for software development, the author's work did make its case stand with me on UML's usefulness as business process modeling tool.The examples are too simplistic and the suggested modeling diagrams are far too cluterred for a business personel to understand.(Cluttered diagrams on a simple example) The book would be better if it had a growing case study and used real world examples and diagrams.$LABEL$0 +Not what is pictured!. The image for this game is NOT what you get in the box, you're getting Haba's My first Orchard game NOT Orchard (which is different game and which is pictured above). The My First Orchard game is for 2 year old's and is very simple and different than the other Orchard game for older children by Haba itself. I was very disappointed in the wrong image being pictured and buying something that I didn't realize was going to be something else. So please be sure to check out a proper pictured item for My First Orchard, because that is what this seller is selling. Now I have to return it and find the original game Orchard that I thought I was buying before from someone else, hope you don't make the same mistake as I did. I didn't know there were two different Orchard games...now I do. :)Cheers.$LABEL$0 +yeah right.... yeah right...we have an writer claiming that a nation that worshipedgreek(hellenic)gods...people that beared greek(hellenic)names...(Alexander,Cleopatra,Philipos,Pausanias...)people who spoke hellenic(did Philip or Alexander needany translators?)People that participated in Olympic games...and last but not least gave a name to a great period inhistory(gee...I think the name is hellenistic)were not hellenes but another nation (slavic maybe...)Woh! I was enlighted reading this book!good job...$LABEL$0 +don't like the finish. These are not what I thought I was getting. I expected the "black satin" finish to be that low gloss black wood grain type finish commonly seen on bookshelf type speakers. Instead, it's a rough black powder coat finish directly on MDF particle board. It looks like countertop formica instead of wood. As a woodworker, I have always understood a "satin" finish to mean a smooth finished surface with a subtle luster (as opposed to a glossy polyurethane finish). It seems pretty misleading to advertise these as "black satin wood" speaker stands. There is nothing "woodlike" about them.$LABEL$0 +Not What I Had In Mind.. I knew the movie would be stupid,but I decided to see it because of these three reasons:1.I had nothing else to do that day.2.I thought it would have some funny moments.3.Last,but not least,Denise Richards!These three reasons dragged me to the movie theater.Before you know it,I was watching it.After the movie was over,I was thrilled to death because the movie was finally over.This movie is just plain horrible.It is stupid and is a waste of time.The only memorable part is the cat fight between Denise Richards and the other woman.Stay away from this movie.Peace Out.$LABEL$0 +love disney. My little girl loves Disney and I knew this was a good one she didnt have and we were unable to find in stores Amazon gives you the oppertunity to get Disney that are retired and I love it I still have a list to purchase. The timelyness in delivery and the price for this product was very impressive$LABEL$1 +Real cool. I must say, this is not my favorite Junie b. book, but its pretty good. I was suprised when Junie b.'s secret admierer turned out to be,meanie Jim!READ THIS BOOK PEOPLE!!!!!!$LABEL$1 +Intermediate Accounting. This book is poorly written. Many concepts are presented unclear and more complicated than necessary. There are not enough worked out problems to check yourself on. There is an unacceptable amount of errors throughout the textbook and the online website only works if your teacher sets it up for the class. Individual students cannot access the website.$LABEL$0 +Intriguing yet unsatisfying. This is one of those books that held my attention to the end and yet, when finished, left me thinking that the author really didn't know how to wind up the loose ends properly. Frankly, I'm sorry I wasted my time on it.$LABEL$0 +Moon Over Miami is a Technicolor Musical Delight!. Moon Over Miami ranks at the top of the list of Betty Grable musicals. This beautiful Technicolor, musical remake of Three Blind Mice stars Betty Grable, Carole Landis, Don Ameche, Robert Cummings, Charlotte Greenwood and Jack Haley. This is the story of three women who pool their resources and head to Florida to find a millionaire husband for one of them. It would be remade again as Three Little Girls In Blue (in Atlantic City) and once again as How To Marry A Millionaire (in New York). Betty Grable's dance with Hermes Pan is amazing and one of the best moments in her long career.$LABEL$1 +Good buy for beginners. Yes, there are a few downsides to this system. It can take up a bit of floorspace, and it is a bit pricey. But... I had this system a few years ago and loved it. I had to sell it when I moved into a tiny apartment and needed all the space I could get. I recently repurchased the item again and don't regret it at all. There are so many exercises you can perform with this unit, and after two and a half weeks I'm already seeing results. This is a great product for beginners or for those who want an inexpensive home gym.$LABEL$1 +excellent value. Order the NTSC MinDV Camcorder as I have own MinDV tapes that need to be converted to iMovie. I was very surprised that the box came complete with all the accessories. The battery was still working as it was such an old bottle.I will recommend both the seller and the product. Condition Excellent. I used it for 1 day, and now I can sell it for almost what I paid for it.$LABEL$1 +Not for Serious Photographers!. I was greatly disappointed by the book and immediately returned it. This book contains ONLY so-called "drive-by shootings" - it's obvious this author made little efforts to capture the best lights or composition. These "snapshots" were mostly taken in the mid-day sun, when almost all advanced photographers avoid taking pictures. This book is probably intended for tourists on a bus-tour, but not for serious photographers.If you have money to waste on this book, buy two copies of "The Photographer's Guide to Yosemite" by Michael Frye. The latter book is truly a work of art and I was deeply inspired by every image in it. It's hard to believe these two books - on the other extremes - are priced about the same.$LABEL$0 +A must read for the strategist. It covers the 3 basic risks that can derail any strategy: demand risk (no one will want your product or demand is higher than expected), competitive risk: other companies capturing the market and taking away customers and capability risk:that a firm is not able to deliver the value propositions that customers will pay for or the capabilities cost so much that it is unable to make a satisfactory profit. It also covers differentiation and low cost strategies. A rather insightful book w/ numerous business cases. I am taking notes on this book for future reference.$LABEL$1 +Baby has fun in it, but chord is too long.. Our little girl enjoys herself while in this jumper, but the chord is too long. There are no instructions on how to shorten it, and as far as we can tell, it's already as short as it can go. Her legs are already bent while just sitting in it, so when gravity pulls her further down when she's jumping in it, I get nervous that she'll bang her knee(s) on the floor.$LABEL$0 +This book is outdated and was published in 2000. I highly recommend purchasing any DNA and genealogy books written in 2003 and later as we come into 2004. This book is already outdated as it was published in 2000 and science has advanced with new cutting edge technology in DNA and genealogy testing and new interpretations.$LABEL$0 +H and Claire have done it!. This album blew me away. What a change from the former Steps members.1. All out of love 10/10----great song2. DJ 9/10 Good dance song3. Half a heart 8/10---pretty good4. Another you, Another me 10/10----Awesome song5. Beauty and the beast 8/10---Good remake6. All I want is you 9/10---Nice and disco-ish7. Centre of my heart 9/10---pretty song, sounds Christian8. You're a love song 9/10---very pretty9. Two hearts beat as one 8/10---Ok ballad10. No turning back 7/10---kinda lacks, but good11. Nothing at all 8/10---Great song, but chorus lacks12. There you were 9/10---Way better than J.Simpson and M.Anthony13. Invincible 10/10---I love this song14. Too close to tears 10/10---Best song on CD15. Let me carry you 0/10---Worst song, they couldve done way better, i dont know what possessed them to sing this!Over all I'd say this album rocked! H and Claire have a place in my heart and my CD collection forever.Also reccomend their song: don't give up, (don't let go)$LABEL$1 +well design product. Nice flesh light funtion at the tip. Easy to use for auto but hard to reach for motorcycles.$LABEL$1 +BrainTeaser. I like this product and think it's good for problem solving. I do wish, however, that the manufacturer would have put puzzles on BOTH sides of the cards and not just one.$LABEL$1 +Tire Storage Garage. It is utilitarian and does the job I wanted it for neatly. I hope for seveal years of use so I will not know until later whether to add the fifth star$LABEL$1 +gets gummy. I like the texture of these Eggercizers, but after manipulating them for a while they get gummy. Baby powder or cornstarch helped, but that gets tacky, too, after a short time.$LABEL$0 +Moving film, intriguing soundtrack. Um, Kelly Bone...what do you mean "Basquiat himself was a selector of the music"? He's dead and has been since the mid-1980s. His friend and contemporary Julian Schnabel made the film, but unless some sort of channeling is involved, I think Basquiat remains dead.$LABEL$1 +absolute butter. The "Boz" is too smooth. His music is timeless. His voice is as good as ever. His guitar work is superb. His band is one of the finest you will ever hear. Don't miss out on this. Buy it! You will not be sorry.$LABEL$1 +THIS DIET IS DANGEROUS TO YOUR HEALTH !. This book is "junk science". Please, research it for yourself. It is unfortunate that so many Americans are misled by this kind of supposed dietary miracle. High protein/low carbohydrate diets are inherently unhealthy. These diets are imbalanced, they promote water (not fat) loss, they cause ketosis (which, contrary to what the book says, is a VERY unhealthy state), they are often low in fiber and high in cholesterol and saturated fat. Furthermore excessive protein may leach calcium from the bones. DON'T TAKE MY WORD FOR IT. See if the Surgeon General, the American Heart Association, American Dietetic Association, American Cancer Society, and the American College of Sports Medicine agree with this diet "revolution". These organizations may not always be right, but they're right about this one.$LABEL$0 +Great Resource for Basics. I am using this as a resource for my church small group.It has been a great conversation starter each week and has provided good strating points for understanding fundamental differences between many of the worlds major religions and biblical Christianity.It is easy to read and well organized.$LABEL$1 +The Best of the Mantovani Orchestra (vol 1 & 2). The Madacy Label has betrayed Mantovani's genious, and substituted poor recordings in these 2 CD's. I have immediatelycancelled all Madacy Label orders with everyone, and will investigate all future items with a Canadian origin prior to purchase.Joseph C. Jernigan$LABEL$0 +I got the lemon. Not only is the music performed on a keyboard, but my copy had two "The Two Towers" discs. Even though the first disc read "The Fellowship of the Ring" it had duplicate tracks from "The Two Towers". Luckily I only paid $.99 for it at a music and am now selling it back for $2.95. Howard Shore's scores are magnificent but this rendition of it is pretty bad. If I could I'd give it 0 stars.$LABEL$0 +American Psycho equates to American Trash. The review title says it all. This book blows. The only thing worse than this book is it's movie adaptation. Save your money and buy something worth while like ear wax, a pocket lint collection, or maybe even navel fuzz.$LABEL$0 +Fantastic product!. This is the BEST cleanser I have found. Not only does it keep breakouts at bay, but it makes your skin soft and complexion even. I definitely notice a difference in my skin since using it. One of my favorite things about using it is that it doesn't make your skin feel itchy and tight like most cleaners for acne prone skin.$LABEL$1 +Sorry to see it go!. I have been drinking and loving Good Earth Tea for years. I make it cold in the summer and hot in the winter... everyday! I ordered a case from Amazon last week and upon opening the first bag, I knew something was wrong from the smell but tried it anyway. It was horrible. I called Amazon and as always, they were wonderful about refunding my money. Then I called Good Earth and found out they changed the ingredients and some boxes are the old flavor and some are not. They said they now have 3 blends. Well, I can't begin to figure out which one I am getting so I am onto trying other types of tea! So it's been lovely but no more Good Earth tea for me!!$LABEL$0 +Disappointed. I was under the impression that this book could be used to teach a 5th grader organizational skills. It really is not what I wanted.$LABEL$0 +it does the job. i really liked this product it preforms flawlessly. As far as cables go, it does the job fine.$LABEL$1 +excellent investment for the home gardener. Finally--a gardening book aranged the way home gardeners think! Includes every step from soil to sprouting to tending and harevsting (and recipe ideas too!) for various types of veggies. All the author needs to do is add a chapter on saving harvested seeds, and it'll become the absolute home gardener's "Bible."$LABEL$1 +Horrible film. Terrible film. no emotions. no narrative. the main female lead is disturbing and twisted. the film doesn't cumulate into a cohesive story.$LABEL$0 +I Love it. This is a wonderful show, I bought the disc because I had not seen the show, Now that I have seen this I watch the show every week$LABEL$1 +Excellent. Look, there is not much I can say except this is excellent and if you strive to achieve anything, especially physical-oriented, this is the book to get for mental aspects.I am sure there are other more fancy-pants ones out there, newer, more technical whatever - but this is no-nonsense guts of it and will inspire anyone involved in pursuit of physical excellence.Check it out.$LABEL$1 +The Jerk. This movie will not play in any of my 3 Blueray players or my old style dvd player. This movie was to cheap to send back. the postage would not be worth sending back.TOO BAD i was looking forword to watching this movie.$LABEL$0 +Frontline Plus. I have used frontline for years first the spray, which I can't get shipped anymore. So I use this on my dogs.....It does the trick...$LABEL$1 +A Must Have For All the Psychos!. The Psycho Realms Is One Of Hip-Hop's BestBig Duke & Sick Jacken Kill It On The Tracks.What Really Sets them Apart From the Rest Is That They Have Some Dark & Gritty Beats & Lyrics.Never Rapping About Money Or Ho's, Which Is Great Cause That's All Rappers These Days Talk About.Their Lyrics Have Meaning And Basically Tell A Story.Big Duke Has Got A Unique And Deep Voice Which Adds to The Overall Feel And VibeSick Jacken Has His Own Style which Also Adds To The Appeal, Together These Two Brothers Kill It.One Of The Best Hip-Hop Albums Ever.Sick Side World Wide!$LABEL$1 +Very Happy. I am very happy with this antenna. Wanted to get rid of our expensive satellite bill and this works just great for the local channels. We get over 74 local channels in the Los Angeles area with this, even the ones listed as violet on antennaweb. I love that it is so low profile verses the larger antennas. Was a snap to set up- just unplugged to feeds to the tvs in our house from the satellite dish and plugged them into a splitter. Took maybe 2 hours tops to set up and get going.$LABEL$1 +Just read and see!. This is the best Bible translation I have ever had the opportunity to read. I read in four different languages and so far this is the best, translated and interpreted Bible I have had in any language. I investigated a lot before I started meeting with the church in my city. Every accusation I encountered was either flat out a lie or a result of blindness. It troubles me that God's children are deprived from such reaches that are in the ministry of Witness Lee. We all have been gifted with a mind. If a seeking person utilizes his or her mind with an open spirit he will see what I saw in the Bible when it is opened the way it is in the Recovery version. Just read it with an open being!Most of what is said about brother Lee or the Recovery version is not the stand of the church.$LABEL$1 +Disappointment. Such a waste of time. No basis to the book. Completely distorts bible verses out of context. Would not recommend this to anyone.$LABEL$0 +Brand name and price isn't always a good indicator of the product. Taylor is well known for quality oven thermometers. I purchased this one based on their name and it was their higher priced unit. The "Connoisseur" in the brand name also swayed me to make the purchase.Although the bracket/stand the thermometer is supposed to be attached with provides for various ways of putting it in the oven... none of them work well at all. If it is clipped to a rack it can't be read. Hang it sideways... can't read it. Hang it facing the door... you can't read it. Lay it on the bottom rack (which I ended up doing) and it's readable but very difficult to read. And, it just gets worse over time as the lens tends to get coated and turns brown.I just ordered the Cuisinart brand of oven thermometer to try instead. It looks like it has an easier to read dial with better color coding.$LABEL$0 +Starrett 13A Double Square Review. Excellent Measuring tool! Nice to have the confidence of an accurate square. Coupled with low price and Amazon's quick fulfillment, it's a no-brainer.Thank you,Loyal Amazon CustomerNC, USA$LABEL$1 +Fantastic!. Easy to install. My Swiffer mop, broom, as well as my small handled brush fit on it. Great product and I highly recommend it.$LABEL$1 +have not received. I HAVE NOT RECEIVED THIS YET!!!!!! IT SHOULD HAVE BEEN DELIVERED BY 12/30/2010!!!!I HAVE SENT TWO E-MAILS AND STILL HAVE NOT GOTTEN A REPLY AND HERE IT IS 1/08/2011$LABEL$0 +Careful! Read all the details.. I am only giving the product a one star rating. Why? I ordered Nature's Way Thisilyn based on the description displayed prominently at the top of the page. It states: Nature's Way - Thisilyn, 175 mg, 100 veggie caps.NO, NO, NO! Look more carefully, you only are getting 60 and at premium price at that. Further down it states: Package Quantity: 60This is absolutely a rip off.Nature's Way Thisilyn is an excellent product, however, read all the details or pay the price. You can find the 100 capsules from other sources and the price will be reasonable.SHAME on these rip off artists!$LABEL$0 +Did nothing for me. This was another disappointment as far as energy and alertness. I felt nothing different even after doubling up on the dose. I think I still have half a bottle or more left. I wasted money. I have since went to cheaper and more effective green tea that you can get at the grocery store.$LABEL$0 +Outdated by three years. I wondered why the tablets looked funny. The supplements I received had expired three years earlier! I will never order from this company again.$LABEL$0 +Stek Trek Collection. I bought this for my husand's birthday. I would have giving it a 5 star rating except I am not enjoying watching one Trek episode after another. Before purchasing remember this is almost 2400 minutes of Star Trek.The shipping was on time and the product was as advertised. I would say if you like Star Trek or know someone who is this is a great purchase.$LABEL$1 +Useless. Natural products are so much better than this stuff. Quite literally useless product. Diet and exercise cannot be replaced and this stuff does not supplement it.$LABEL$0 +Bought for my 8 year old son. Talk about being upset!!!!! My son thought he was getting a camera like Mom's but this camera did not work right out of the box. We thought we had set it up wrong, or the batteries were dead...couldn't get it to work even after reading the little booklet and changing the batteries. When we tried to download his pictures and mine, the computer kept saying that there were no pictures to download! A complete waste of money it's going back for a REAL camera!!$LABEL$0 +A Good Way to Start Easing your Worries.... Easy to setup. Got its first unfinished basement reading in about 2-1/2 days, and held within .2 or .3 of that reading for several days. I then moved the unit, and got a stable but .7 different reading in a little used corner of the family room. Seems to do exactly what it claims.Only way to know would be to get a couple of units, and exchange their locations over time. If you get a high reading, you would maybe want to get a licensed inspector/contractor to come over. If the reading is not high, this may be a lesser cost way to ease your mind...Customer support is excellent - nice people. I would recommend before paying for a contractor, and even after , before letting someone proceed with thousands of dollars of remediation.$LABEL$1 +broke in 6 months. this fridge was great for my son and then it stopped working in 6 months what a dissapoitment!!$LABEL$0 +Essential reading. John Bamberger's translation of the Praktikos and Chapters on Prayer by Evagrius Ponticus should be required reading for anyone interested in the ascetic theology of ancient Christianity. Not only does he render the challenging, often elliptical, Greek of Evagrius into approachable English, but he prefaces the two works with an invaluable introduction. This century has been one of enormous progress in the study of Evagrius, and any reader of the Chapters on Prayer and the Praktikos will appreciate why such effort has been expended. Evagrius still has much to teach us.$LABEL$1 +As other noted, it is junk. I only charged and used it 3 or 4 times. It just went completely dead after a few months. Stay away.$LABEL$0 +A DISAPPOINTMENT. This is the third grill I have owned, and the first George Foreman. They have all been plagued by uneven heating. You still have to flip hamburgers and chops and move them around. What good are top and bottom heating elements if you have to do this?$LABEL$0 +Disappointing. 32 000 photos to choose from, and this is what he comes up with?? Many of the pictures are black and white, out of focus and grainy. The panorama shots are very poorly composited from smaller pictures. I’ve seen much better seamless versions of the same photo series in other books. Numerous pages are simply empty. Just black. There are many great photos in this book, but they are too few to make it a good buy. A few google searches will turn up many more great photos than you will find in this book.$LABEL$0 +Great review of how rivers work with a sense of humor. This is a subperb review of how rivers systems work and how man-made changes effect these systems. Perfect for the interested layperson interested in earth science. The second half of this book covers the major watersheds of California.$LABEL$1 +Starts the healing process. Im a runner, currently training for the disney marathon. I started with the awful plantar fascitis issues 2 months ago, just bought my first pair of the heel seats and they do give a lot of support to the exact arch area where i have the source of my pain. Result ... i can get back to my training, on top of that i recommend taping the foot for those that are trying to do some sport & suffering from plantar fascitis.All in all this is an awesome complement, im about to order my second pair for my daily shoes.Thanks$LABEL$1 +It's always good to hear another side of the story. I'm glad to have finally read this, I knew it wouldn't be as exciting, having already read Into Thin Air, but I'm certainly glad I picked it up. The Good: that we get an account of what happened from Boukreev, an explanation of his rationale and additional accounts of Fischer's expediton. We can only imagine/speculate how worse if would have gone had Boukreev not been there. The Bad: the writing. It felt disorganized, poorly constructed, disjointed ... Boukreev could have used a better co-author.$LABEL$1 +#1 Steroids Book For 2003!. I read this Monster of all steroid books Steroids 101. Jeff Summers pulls no punches and leaves no question unanswered (even questions you would not think to ask). Steroids 101 is written in hardcore language that speaks directly to all levels of Bodybuilders! There's No Comparison! Steroids 101 is by far the #1 Steroids Book For 2003!$LABEL$1 +Does not fit Vans with Stow and Go Seating!!!. I am normally a cautious person and have worked for years on cars, trucks, and jeeps. I bought this item after checking the website and it indicating it would fit a 2005 Dodge Grand Caravan.However, that is not the case. After getting the box, and finally getting time to install it I find out it will not fit 2005 Dodge Grand Caravans with Stow and Go Seating/Storage.This was a waste of my time and money and the product should at least state caveats in the description when checking if it will fit or not.I will probably not be ordering parts from Amazon again. Pro-tip Call the manufacturer directly next time.$LABEL$0 +Disturbing, but for different reasons. An account of an American intellectual who submerges himself in the common rubble to learn their horrible violent, racist ways. Interestingly, each chapter is preceded by a small clippet from Victorian accounts that define and demonize the mob, i.e., the working people. Equally disturbing are author's metaphors that consistently compare people with animals. This book is exaggerated and indeed fabricated for the most part. Does violence occur during football matches--yes it does. But the author makes no attempt to explain this behaviour on a personal level; he views it as mob mentality. Furthermore, it downright insulting to the British public, which may or may not be a good thing. It is interesting, but the tone of the book is not objective--it's an elitist account, written in inflated diction, of an upper class professional "trying" to understand the vulgar culture of the masses--culture that is made of thugs, Nazis, and alcoholics, according to the writer.$LABEL$0 +Not what I expected. Well written. This is the introduction to a multi volume series of books. since I am not into vampires there is no resolution for me..$LABEL$1 +The best jazz album of all time. This album would have to rank as the perfect album to a perfect summer's day. It is hypnotically beautiful and takes you to places you've never been before. Tony Williams' hi-hats in the title track provides the mood for the album and all the musicians make an incredible contribution. Oh, and Miles is on fire.$LABEL$1 +Cuerpo Sin Alma. I have been looking for this song for many years. It is one of the best songs I have ever heard. If anybody can get this for me I will buy it immediatly!!!!$LABEL$1 +Turning point. The Killing Dance held a true appeal in its romance and relationship issues for Anita. The plot of Sabin, Dumane and Cassandra however was wasted in an attempt to throw Anita and Jean-Claude's relationship into a more mature level. I feel that the older triumvirate could have been more developed as characters, in order to give more groundwork to the Richard, Jean-Claude and Anita triangle. Hamilton tends to let the deeper plot overtake the relationships sometimes, but in The Killing Dance, she put way too much focus on Anita finally choosing between her two preternatural boyfriends. The powerful ending helped draw together the novel, and especially with the reconnection between the three main characters. All in all, the book was extremely entertaining, and Anita is now going to have to face a maturity which she has not had previously.$LABEL$1 +Entertaining. I thoroughtly enjoyed this movie. It is not rocket science but that's not what I chose this movie for. Bridget's character is not flawless. She is insecure but of good character, overall. Her chosen boyfriend is not terribly exciting but he's good to her/good for her. They genuinely care about each other. That is what is refreshing about this movie.I save 5 stars for Gone with the Wind or Polar Express, but this is close.$LABEL$1 +unclear information. I was disapointed and surprized when i recieved this product. Nowhere in the sescription did i see that the deck was mini. The cards have to be less than an inch in length. I would not have been so disapointed in the product if I had known this before buying it but i was expecting normal sized cards and these that i have bought will not work for the reason i bough them. You would think that someone would have the sence to mention that the cards ar mini!!!$LABEL$0 +What Happend To Sammy and Cindy????????. I read thise seires manily because it was about racing not jumping!!! I think that Joana Campbell should wright the books instead of Etes. The books have gotten a lot shorter since she has takin over the series. Also it is like Samantha and Cindy have fallin of the face of the Earth. If the books dont get better i am going to stop reading the series.$LABEL$0 +so repetitive !!. I dont understand why this book gets such good reviews.... the writing is mind numbingly repetitive and the point gets lost. David Deida was recommended to me but I find this book very disapointing.There are better books out there ... Charles Muir comes to mind, Margot Anand.... and a multitude of others.$LABEL$0 +Missing in Action. The book did not give you tips on the special missions or much on car setup. The only thing of use was the car and prize check off list, but there is no information on Peugeot's Cars anywhere in the book.$LABEL$0 +Silver Mat is a sheet of vinyl. I returned these mats - they were nothing but a sheet of plastic. It is well worth purchasing the "coin" mats. Yes they are double the price - but are great and no comparison to the cheaper ones - save yourself the return shipping fees!$LABEL$0 +Not worth the money. Not even usable.. Besides being hard to fill without spilling and kind of a pain to clean, my coffee maker started leaking shortly after I got it. There is no troubleshooting section in the manual. What a waste.$LABEL$0 +DO NOT BUY..... If you are looking for Geo Motor rebuild book, do not buy this one. The motor rebuild is a couple of general discussion paragraphs.$LABEL$0 +Clay's CD is wonderful. Buy it and listen to it once and you will never want to turn it off. The songs are wonderful, and the way he sings them will move you in many ways. I was brought to tears by "The Way", it is so beautiful. Finally an artist who will not compromise his beliefs and delivered a great, personal debut album.A must buy!$LABEL$1 +american wedding is crap. me and my wife rented american wedding a few days ago.this movie is garbage and a waste of time and money.im glad i did not buy it.american pie 1&2 will always be the best.the bachelor party was only like 10 minutes long and jim was not even there.most of the actors didnt even seem like they wanted to be in this sequel.another thing was chris klein was not even in this movie and a few of the other actors.i think they should have took more time in making this film.its a bore to the core.$LABEL$0 +hot wax feels fine.. I used this wax to soak my hands in heater hand tub. It gives pain relief from joint discomfort and allows mobility of my hands. I enjoy the heat and mobility that I feel from this heated wax. Works well and provides comfort.$LABEL$1 +Can't get my child out of her new wagon!. We gave my daughter this wagon for her first birthday. She loves it! She wants to ride every morning before work and again in the afternoons. She brings friends along (human and stuffed) and there is plenty of room for four small children. The high rails allow a good view but keep her safely inside giving Mom enough reaction time when she tries to stand in it (which she does frequently!)The big wheels make for a smooth comfortable ride for all.I HIGHLY recommend this affordable, safe, classic toy.$LABEL$1 +Unimpressive. I am a fairly experienced trombonist, and I purchased the cd looking for a recording of the Serocki, which I was performing at the time. I found Sauer's interpretation to be robotic, and I felt as if he didn't find dynamics to be important aspects of music at all. In my opinion, he is being a technician and not a musician on this cd. His playing is entirely unimpressive, and not worth listening to at all. I recommend purchasing a Joe Alessi or Christian Lindberg cd, myself.$LABEL$0 +CELTIC WOMEN. I FIRST SAW "CELTIC WOMAN" ON THE LIVE SHOW PRESENTED ON PBS BOSTON AND IT WAS VERY ENJOYABLE. AT THE TIME I TRIED TO FIND THE CD AS THE "CELTIC WOMAN" VOCALIZED WAS TRULY WONDERFUL BUT WAS UNABLE TO DO SO.I DO ENJOY CELTIC MUSIC AND AS FAR AS I AM CONCERNED "CELTIC WOMAN" IS ONE OF THE BEST.I FOUND THE CD ON YOUR WEBSITE PURELY BY CHANCE WHEN I OPENED A PROMOTIONAL EMAIL YOU SENT.I CANNOT RECOMMEND THE CD "CELTIC WOMAN" HIGHLY ENOUGH.$LABEL$1 +Disappointing. This is a nice looking unit, although the knobs are poorly styled compared to the rest of the exterior. The knobs are also not particularly good ergonomically. And those are the good parts. As many other reviewers have noted, the unit does go off at times for no reason and makes a continuous noise akin to a smoke alarm, only not as loud. In the middle of the night, this can be a little unsettling. The top is not properly insulated, so it gets very hot during operation. The toaster rack does not get pulled out when the door is opened. You need to reach in, which is not as safe as the alternative. The bottom tray is plain steel, not polished stainless, like others in this price range. It does not have a door in the bottom for emptying crumbs. My 10-yr old cheap Black & Decker is better overall. Until I find a toaster-oven that is nice looking AND functional, I will keep the old one. Verdict: if you want to try it, make sure to buy it from a place that will take it back for any reason.$LABEL$0 +This is a good debut solo album!. Beverly Crawford's debut solo is really good. It is well-produced with well-written songs. One of my favorite songs is the beautiful "Praise Jehovah." My other favorite is the rousing title song. Then my other favorite is the hip-hoppish "I'm Yours", a song which should have gotten more airplay and one out of which she should have made a concept video. She deserved a Stellar award and Dove and Grammy nominations for this album. But I'm glad she won the Vision and GMWA awards.$LABEL$1 +For DVD/Movie Lovers!. I was accustomed to watching movies on my laptop but being back in school prompted me to acquire the Toshiba Portable DVD player. I bought the product and had it shipped to my home in Kingston, Jamaica, West Indies. To my delight the connections worked in my vehicle, any electrical outlet available and even on my new 40" Sony Bravia TV, and don't forget that it's portable - once the battery has been charged you can watch up to two or more movies on battery power alone. My girlfriend and I are avid movie watchers and we watch movies after work. Previously accessing the movies on the laptop was a chore for her but since getting the portable player she doesn't wait for me anymore - she watches them sometime during work hours. My co-workers love it, my children love it and guess what, I love it so much I am planning to purchase another. I recommend you purchase this product. It's one of those great buys you won't regret.$LABEL$1 +Clay is a class act!!!. BOTW is amazing! Clay did a fantastic job and really blew the top off that song, although the choir background may be a bit too much at times. Still great though. My fave is This is The Night! It's a beautiful, powerful song, and with a voice like Clay behind it, well it is a real masterpiece!!! No wonder Clay has been #1 on Amazon presales for 3 solid weeks!!!!!$LABEL$1 +Its big... isnt that what it said?. Another solid Cold Steel knife. It is big that is exactly what it said. The blade is really 6 inches. Over all open it is 13 inches. If that is too big for you this is not the knife for you. I use mine every day. It is a work tool and I love it. It keeps its edge, opens right out of my pocket. It is a well balanced and tough knife. Worth the money if you are looking for a quality large knife.$LABEL$1 +Another one of 'those'. that doesn't resolve itself. Multiple stories going on at the same time - I don't mind guessing games, but I like films where the guessing ends when the film does. Perhaps this is 'intellectually challenging' for some in college art class,,but this old technique just seems to go on forever. I liked the acting - I liked the visuals. Felt like going down a ladder where the bottom 5 rungs are missing. Academy Award?? Are you kidding??$LABEL$0 +Yes buy, but...... Yes buy (it's Stephanie Lauren's), but the hero and heroine are unusually dim in the last third of the book. I mean California clueless...I mean frustratingly dense...I mean "hanging chad" stupid...oh you get what I mean. But hey, it's Stephanie Lauren's....$LABEL$1 +pretty good. I wasn't expecting much from the movie, but after watching it I have decided to read the books. Interesting satire.$LABEL$1 +A waste of money. Sure it looks really cool to have a color stylus, but you could spend that same money on an even better program or game. Besides that though, there is nothing wrong with these styluses it just isn't worth the money.$LABEL$0 +Cute Movie. Thought I'd write this review to counter all the negative reviews. I really enjoyed the movie. Didn't generally care for the Mark Ruffalo character, but liked all the other participants. I think it was better for the Jennifer Anniston character to be concerned before her marriage, than to get married and to realize that it was a mistake. Really liked Costner's character. And agree with all of the positive reviews about Shirley Mclaine. It probably helped that I loved "The Graduate". But "Rumor.." is a fun movie. Just relax, ignore the "other" reviews and enjoy the movie.$LABEL$1 +Must Have High Speed Package to Work !!. I ordered this phone cord because I noticed that businesses and public libraries using broadband phone cables for high speed connections, but apparently for home users you must have the total high speed materials installed for it to work. My internet connection is still the same as it was with my narrow phone line no different, except for not being disconnected as much. If you want high speed connection just chalk up the extra money to have some company hook it up for you, doing it yourself will not WORK !!$LABEL$0 +DON'T BUY THIS!. Don't buy from beautyink! They sent a cheaper iron than the one we ordered and then ignored us when we tried to return it. We are out $100.$LABEL$0 +Cursed!. PUSA are no longer, but teir records live on... Except this purely marvelous one is impossible to find abnywhere. Mind you I had a copy of it, lent it to a now ex-girlfriend and she had the bad taste of having all the cds in her flat stolen by a burglar, cursed I told you!$LABEL$1 +Great book for those beginning in game programming!. I've rented (am renting) this book from a library, however it has no CD-ROM. (It's missing!) Anyway, from glancing through, it's a great source for learning graphical programming. (I wished it spent a little more time on 2D programming and page flipping/scrolling though, mapwise, not scenery-wise), but it's still a great book) A must order! :-) (unless you don't haven't a credit-card like me, you probaly won't be able to order online...) :>$LABEL$1 +Great for the price! Few "VERY" minor flaws.. I bought this product for my mother and my mother-in-law. It has a picture that looks great from far, but is far from great. If you're 5 feet away or more, you will not notice the pixelation. As you get closer, however, you will start noticing every pixel on the picture. The transfer of images is simple and the speaker is a good addition. The speaker isn't the greatest, but how many picture frames do you know that have a speaker, it's not for music videos, it's for pictures.Overall: Great gift idea, and if you want perfection, go ahead and spend that $150-$200 on another 7" frame. This one is just right for my wallet.$LABEL$1 +Get out the bugspray!. I mistakenly purchased Rand McNally 2000 thinking it was the updated version of the software I have been using for years. I had so many problems in the first 2 days, I called customer service who walked through all my problems and came up with the same bugs on her end - she agreed with the problems, but had no idea how to fix them! One example is the measuring tool between 2 points - it doesn't work on the icon, only around it, which leaves up to a 1.5 mile variance in any given direction! After telling her how frustrated and dissapointed I was with this software, she gave me the address to return the product for full refund (90 day guarantee).Later, I realized it was Microsofts trip planner 98 and Streets 98 that I had been using. I am ordering the Microsoft 2000 version today (and returning the other product). According to other bad reviews for Rand McNally 2000 and the great reviews for Microsoft, I am not alone!$LABEL$0 +It does not work beyond 30 days as the 5 installs were used. This is our favorite version of Office. We were excited to get it for such a good price. However, when I attempted to register the product, it said this disk had already been used the allotted 5 installs. So the software is effectually a 30 day trial. I could have downloaded that for free. It would be best if the number of installs left were listed with the product.$LABEL$0 +Terrible. I bought this for hard cheese grating and it is horrible. I would not recommend this grater for hard cheeses.$LABEL$0 +not very good examples. This book cam with the color index and idea index when I purchesed it. The others were better than this one. The examples are pretty hideous and didn't offer the kind of inspiration I wanted. I rated the color book much better.$LABEL$0 +It was confusing.. I will have to give the book a three.I didn't like this book because it was to confusing.It would say something then something else. Some thing totaly different. It was to confusing.$LABEL$0 +Sony 2HD 3.5" Floppy Disks (25-Pack). So far one dud, had hopes that these would be better than the Imation that I buy locally, seems that quality floppies are a hit/miss item....$LABEL$0 +A Biblical Reconsideration of the Apparitions of Mary, 3rd ed.. Biblical Christianity is not `polytheistic' as some "christian" religions, in this case, one which not only prays to Mary to act as an intermediary between them and God/"co-redemptrix (Where is this found in the Bible?), but to various "saints" to help them in their lives instead of solely to the one, true God of the Bible, practice it. Great subject to clarify that Jesus Christ is the only one who redeems us from our sins; the only one through whom we can know we have eternal salvation (e.g., Acts 16:31)! Very simplistically written w TMI! Could have summed it up in a few pages, rather than proving and reproving his points.CAdvoc$LABEL$0 +JUST DOESN'T CUT IT!. WHEN DEALING WITH A MOVIE LIKE THIS, YOU HAVE TO BE REALISTIC. I MEAN, COME ON, YOU HONESTLY THINK THAT ROSE LOOKED SEVENTEEN? YOU HONESTLY BELIEVE JACK WAS THE HERO? YOU HONESTLY BELIEVE TWO PEOPLE FROM DIFFERENT SOCIAL CLASSES IN REAL LIFE COULD HAVE FALLEN IN LOVE JUST LIKE THAT? AND DO YOU HONESTLY THINK A SEVENTEEN (SUPPOSEDLY) YEAR OLD GIRL WOULD WANT TO COMMIT SUICIDE AFTER HAVING ALL THE MONEY IN THE WORLD? NO WAY! THIS FILM WAS JUST TOOOO UNREALISTIC. IT DIDN'T CUT IT! THIS IS A FILM WITH MANY, MANY FLAWS WHICH UNDER NO CIRCUMSTANCES SHOULD BE EVEN CLOSELY CONSIDERED TO BE BEST MOVIE OF ALL TIME! I MEAN, THE DISASTROUS SINKING OF A SHIP THAT KILLED OVER A THOUSAND PEOPLE DOES NOT GO WELL WITH A CHEAP AND FAKE LOVE STORY.*AND DON'T THINK I DON'T BELIEVE IN LOVE, CAUSE I DO. I JUST DON'T BELIEVE IN A LOVE THAT NEVER WAS.=)$LABEL$0 +Very simplistic gameplay ruins the fun -- boring after one play through. I was expecting some level of strategy but virtually all aspects of the game are wholly simplified. A great disappointment once you realise the look of the creatures is the only amusing part of the game. I'm pretty sure a patch or add-ons would _not_ make the game better.On the issue of DRM, others say it better than I can. If the game was already cracked _before_ the game was released, DRM solely penalizes the folks who actually bought the game.$LABEL$0 +Suspenseful, clean and wholesome -- thanks MHC.. Another winner by my favorite suspense author. I've read all of Ms. Clark's books. I anxiously await the release of a new one and always buy them in hardback -- can't wait for paperback! When I finish, I pass them on to my 14 year old granddaughter who loves them as much as I. Especially great is that I don't have to worry about Ms. Clark's books being unfit for my granddaughter to read. They are very pristine when compared to today's standard fare! The way I calculate it, there should be another one released soon. I can hardly wait.$LABEL$1 +Barbie in the 12 Dancing Princesses a hit!. I bought this video for my nieces and a friend's daughter and it was a hit all around. The girls really loved it!$LABEL$1 +Hard pill to swallow. Let's see--you've got the unappealing main gay character, desperate to be straight...a jock addicted to anti-depressants...the alcoholic sex-addicted gay best friend...and the frumpy straight girl who drowns her sorrows in rocky road ice cream and phone sex lines. Add it all up and you have yet another painful addition to the growing list of gay movies with potential that just aren't executed well at all. At best this movie evokes laughter when it probably shouldn't, at worst you wonder if you're watching a bad school play where you're the only one in the audience wondering, why does this hurt so much to watch?$LABEL$0 +It was SO close to being a good game. I bought this game expecting to be amazed at how cool the graphics looked.... I was impressed!.... At the graphics. The gameplay, on the other hand, sucks. Driver on gbc was way more entertaining than this garbage.The good;*Graphics are way ahead of gameboy standers.The Bad;*The cops sit there and smile at you while you run over the civilions of miami.*You drive like you're drunk.*You can't shoot from your car or even at certain angles.The Ugly;*This game had potential to be a great game, but it was garbage because they didn't make it as smooth as it should of been.Don't buy this game. I find it so funny how people who don't even own the game come on here and say that it's such a great game. I bought this game along with Metal Slug Advanced and Wolfenstein 3-D. I can promise you that I will not be playing "DRIV3R" any time soon. Not to mention, I'm gonna buy Doom 1 & 2 soon, so this game is gonna be gathering dust for the next 10 years on my shelf. Don't buy it.$LABEL$0 +Works alright. The sound quality doesn't seem to be much better than with the italk alone, BUT, on the plus side, it cuts down any harddrive noise from your ipod that gets picked up by the italk sometimes. I use mine for lectures in a relatively large lecture hall and the professor doesn't use a mic. When they do, the sound is great. I only have to turn up my volume about 3/4 for the sound to be good, but when they don't, I have to sit near the front and turn the volume up all the way. My advice would be to buy the italk by itself (or any other voice recorder, it's the only one I've used and I like it) and try it out. If the noise of the harddrive bothers you, THEN get the mic.$LABEL$1 +Bible Basher. I really wish I had properly read the reviews, especially the negative ones, as I did not spot that this was a Christian based book. I am not anti-christian, I just want to be able to think positively, as the title might suggest it can bring. But this book will only help you if you have an open mind to that religion. Otherwise you will not gain much from it at all.$LABEL$0 +Little hands card holders. The grandkids love them and I don't have to hold thier cards for them anymore. They are great for those of us who have arthritic hands too.$LABEL$1 +Incorrect reviews. I notice something peculiar. Virtually every one of the reviews on this site pertain not to this edition of "Think and Grow Rich," but, instead, to the "Action Pack" edition, an entirely different book. This is very confusing and could be very misleading.$LABEL$0 +Daring American Theater by an underrated playwright. A courageous work that deserved the Pulitzer. It's American Theater of the Absurd at its best.The familes dysfunction is depicted in a disturbing climax. The title depicts the family's metaphorical "skeletons in the closet" in a quite literal way.Be prepared, this is not your usual drama. If you enjoy the absurd, you've come to the right place.$LABEL$1 +Is this price you are asking a joke??. You have this priced at over $500.00 - is this a mistake???Your Thyroid A Home ReferenceThis book sells for about $15.00 everywhere else???$LABEL$0 +this book makes me angry!. Dr. Larimore's book is a gross misrepesentation of my home.. Bryson City. Making the residents seem to be back woods olfs and idiots! It may be based on a true place but the book is a work of fiction and should therefore be presented as such.$LABEL$0 +This video was a real disappointment! Don't buy it!. This VERY SHORT video was bare minimum...barely better than a home movie. There were literally no tips on where to find fish, how to present lures or how to fight the fish. Only two flies were shown. Further, the promised a tour of the Mayan Ruin "Xunantunich" on the cover of the tape but no tour was on the tape. THIS VIDEO IS DEFINITELY NOT WORTH $20$LABEL$0 +Farenheit 451. I've never thought of myself as a book-burner, but after reading the beginning of this book i'm prepared to make an exception in this case. This is the most facile piece of intellectually insulting drivel I have ever read.Armed with a topic which offers a wealth of material for a skilled satirical writer, PJO totally missed the boat on this one.There is only one reason anyone should buy this book: as a self awareness test. If you enjoy this work you should get the message that you should give up reading entirely and concentrate on more intellectually enriching pursuits, like reality TV.To save someone else from having to experience this text, I am going to burn my copy; or perhaps grind it up for compost.$LABEL$0 +13, so what?. JoJo is 13 and isn't to "young" to expirience problems in life,and she is not to young to express her feelings in her songs. Not every 13 year olds life is picture perfect. I am 14 and i find JoJo to be and role model. She sings about things that actually do happen, like her boyfriend cheating on her. And yet she does not come across as a whore in her videos. I am proud of what JoJo now has and i hope to meet her someday. JoJo has inspired me in the world of music.$LABEL$1 +Worth the Read. This book is worth the read because: 1) It is a clear, accurate depiction of the accuracy and limitations of using mitochondrial DNA in tracing human migrations over tens of thousands of years; 2) It shows how mitochondrial DNA achieved this position, overcoming strong initial resistance from the scientific community; 3) It is a well-written account by one of the key researchers in the field; and 4) It shows DNA from the Y chromosome confirms the evidence of the mitochondria and offers similar possibilities for tracing paternal ancestors.The book finishes with imaginative biographies of each of the seven "daughters". Interesting enough, but if that's what you want, you might be happier with something in the Clan of the Cave Bear series.The only question left unanswered is where do I send some DNA to find out which of the seven daughters is my purely maternal ancestor?$LABEL$1 +No Minty Tingle. I'm not sure what's going on here or why there are such discrepancies between the reviews but recently I received this product from Beena Beauty Holding Inc. I was expecting to experience a minty tingle on my scalp as I have with the Paul Mitchell Tea Tree product I've used before. Unfortunately the shampoo went on just like any generic shampoo except with a very strong and synthetic lavender (and to me unpleasant) odor. This definitely doesn't jive with the majority of the reviews and I'm wondering if Amazon hasn't mixed all the Paul Mitchell Tea Tree product reviews together. The strong synthetic lavender scent lingers for a very long time. I won't be able to use this product due to the strong odor. I plan on looking into this to see if I can get to the bottom of it. Hopefully I can return these two bottles.$LABEL$0 +Sad. Did not do justice to the Stooges. It was hokey and cheap.I do not recommend this movie at all!!!$LABEL$0 +lovely comedy. Funny. Sometimes a little ackward. The leading actors are not "the" gorgeous type, but are charming and have good acting as well as the others. I think it worths owing it to see every now and then.$LABEL$1 +Disappointed. I was very disappointed with the Azalea Bonsai Tree. First of all the picture that was represented on this site was not what I actually received. For the money spent, I was truly disappointed with the size and everything else. I would not order this item again.$LABEL$0 +Slow, but brilliant. Many of the other reviewers have complained that this book moves too slowly. If you go into it expecting a rollicking adventure, then you'll be disappointed. This is not a novel of swords and sorcery. It's not something that you could pull from transcripts of your last D&D; campaign. And that is very much in its favor.Stevermer has painted a picture of the life of her main character. She is not your typical fantasy heroine, nor is she a wilting flower waiting to be saved by the big strong men. She's an individual, and the joy of the book is learning about Hail.The book expects more of you, too. Unless you're familiar with Renaissance Europe, and have a more than passing acquaintance with the Arthurian legends, you'll find many of the references obtuse. But for the rest of us, Caroline Stevermer has given us a rich world full of memorable characters, and my only disappointment is that the book was too short.$LABEL$1 +One of the best musical purchases I've made in a long time. Great music, profound lyrics, and a deep sense of sprituality - Fred Hammond delivers. Not a novice by a long shot Hammond's vocal style and delivery is truly a gift from God. Buy the CD - buy the DVD - you won't be sorry.$LABEL$1 +Well designed. To the point: Plain Jane grill. Super light weight. Heats fast and works well. Easy to clean. The only negative is there are sharp edges here and there. Cut myself on it.$LABEL$1 +Didn't work for me. They are cute and I like the idea that they are reuseable. But I ended up with muffins that were still raw on the inside. Will need to do more test batches to figure out how much longer they need to stay in the oven if I'm using these rather than paper cups or none at all$LABEL$0 +Little More Than I wanted To Spend, But Well Worth It. I'm 5'11, 230lbs, large build, on a budget.I searched 2 months all over Amazon and the net for a bench that was solid, not expensive, and would support me without the rattle or shakes that you would expect from cheap benches. I initially didn't want to spend no more than $150, but after reading some of the reviews on this and others, I told myself you get what you pay for and decided on the Bowflex 5.1.I've had it for a month now and I am glad I decided to pay a bit more for quality. It's solid, supports my head for flat bench presses, doesn't rattle at all (helps if you buy some floor matts), looks and functions like gym quality benches (If not better). Has more options in angles for incline than the cheaper benches. I would reccomend it for anyone looking for a quality bench but are afraid to pay $230.$LABEL$1 +Horrible Water Heater. This is the second Titan we have had in 3 years. They just stop working!! lights are on, but no hot water. Rather than go through the lengthy process of warranty and repair, we have decided to go back to the old fashioned electric tank type. I have had these for many years and never had as many problems as with these tankless ones.$LABEL$0 +My Favorite Conspiracy Theory!. I am absolutely enthralled by this theory. I heard about it on unsolved mysteries (where they mentioned this book), and, after reading it, I am so sure that this is what really happened. I mean, the evidence both in this book and from other sources just keeps piling up! I don't know how history leaders and teachers around the world can deny this compelling theory. Not only does the evidence convince me, it just makes more sense that it would happen this way, you know?$LABEL$1 +GOTENKS IS AWESOME!!!!!!!!. THE FIGHT BETWEEN GOTENKS AND BUU WAS AS HILARIOUS AS IT WAS AWESOME!GOTENKS ALSO GOES SUPER SAIYAN 3. AND...WELL I WON"T SPOIL IT FOR YOU> BUY IT!!! A MUST HAVE FOR ANY DBZ FAN LATA #1 SON!!!!!$LABEL$1 +Go Gerry. As a former student of Dr Sterns (way back in the 70's) this book brings back many of my own memories. As Dr. Stern grew up in the coal fields of Pa, the references strike me very deeply as I remember the same things he is writing about. His humor continues to be jacketed in serious thoughts, but just as in class, his brillance shines thur.$LABEL$1 +Author is totally misinformed/wrong on the Bengal Breed. This author has clearly never been around a Bengal nor owned one! There are no truths to her claims that Bengals attack without provacation, urine smells so strong that other cats hate them, dmestic cats are stacked out to breed with wild! Indeed! This womam needs to get her facts straight before writing a "help" and "informational" book! Quite the contrary is true on the Bengal, intelligent, loving, playful, gets along with all other cats and dogs, IS NOT A HYBRID but a DOMESTIC CAT! I have 12 Bengals and 4 dogs and 4 Cats and they all get along GReat!$LABEL$0 +Roadpro. The Item I got doesnt look like the picture they show. But I was still satisfied with the design and operation of the lunchbox I recieved. plenty of cord....easy access fuse...easy clean-up and portable. The lunchbox worked as advertised...$LABEL$1 +HAPPY ISLAND. The colors couldn't be more vivid. It is layered with cut-outs, a sturdy well made board book. Kids will love the colors and pictures and parents will enjoy looking through it and reading to toddlers. It's a mini journey on boats with a scary monster to chase the fish and pirates and treasure at the end.$LABEL$1 +Huge webkinz fan. This one is for my 3 year old.The 4 stars in durability are because of the fly-away hairs it has for it's mane and tail, they could have choose something more durable. The pegasus seems stiffer not as "bean baggy" or floppy and playful as some of the other animals.Online it's safe, educational, and fun for the kids. They don't realize that they are learning which gives me peace of mind.If you have a girly princess-loving toddler, this IS the gift to give!$LABEL$1 +AMERICA'S CRITIC. I HATED THIS MOVIE TO THE FULLEST!!!!! ITS LIKE GROUNDHOG DAY ANOTHER I JUST CANT STAND!!!!,,, I WOULD NEVER RECCOMEND THIS MOVIE AS A MATTER OF FACT I DONT THINK ANY1 IS GOING TO REWATCH THIS MOVIE!!!!$LABEL$0 +Demo oven. I needed an oven so I could demonstrate my Pizza by Bjorn, Kit & Mix at stores.The oven needed features ordinary and more expensive so called "pizza ovens" didn't have. This one does the trick and that to a very reasonable price!Bjorn SjogrenArtist & PizzaMaker$LABEL$1 +A nice book. I think all of these books that are hacker/phreak based like bruce sterling's "the hacker crackdown" make us look like criminals that should be locked up in top security prisons which we are not of course the feds make it look that way I can beleive they would nab us for hacking a goverment site and they always get put back together so why do we get nabbed and put in the clink if everything gets back to normal you should read this book and many others and they will all say the same things that we are criminals you decide for yourself and read it$LABEL$0 +Like it a lot. Just got it for my 2010 Rav4. It covered the floor from door to door, and fit nicely. This is a nice feature, door to door covered$LABEL$1 +Watch this Video!. Since first watching this video I have found it very easy to understand why eating a whole plant based diet is the best way to avoid the problems associated with animal products especially dairy. Cheese was my weakness and now after eighteen months without, I have no desire or cheese cravings.$LABEL$1 +My copy of Rock Record by Terry Hounsome & Tim Chambre. My copy, worn torn and cherished of "Rock Record" by Terry Hounsome & Tim Chambre was published in the US in 1981. If the current editions are anything close it is a WEALTH of information for any Rock music collector or Rock History buff. Listing the Albums of more groups than you could think off, who played on it, what instruments they played, just a fantastic resource!$LABEL$1 +Twilight Zone DVD Complete set. This was purchsed as a gift and was very well received. The DVDs are being enjoyed by all generations of the family, ie those of us who remember the weekly episodes during the 50s and 60s, the young adults who have seen the rerun episodes on TV, and the young children (10-14 year olds) for whom the stories are not overly frightening. The listings make it easy to find a particular episode. It was a great gift!$LABEL$1 +THE R*TIST 4*MERLY KNOWN AS DANGEROUS TOYS CD !. ONE WORD FOR THIS ALBUM (SUCKS) ! THE FIRST THREE ALBUMS ARE AWESOME BUT THIS ALBUM SUCKS, SAVE YOUR MONEY AND STAY AWAY !!!!$LABEL$0 +Too basic and repetitive.. I was very disappointed with the content of Ms. Collins book, which is an extremely quick read. After buying this book on impulse, I felt swindled by this amateur feng shui consultant.The book focuses on the practical elements of Feng Shui: don't place your bed or desk so you can't see the door, don't buy furniture with dangerously sharp corners, clear away clutter by throwing away what you don't need or love. These common-sense ideas are repeated ad nauseum for each room of the house. A good writer would have cut half of the text.If you like books such as "Who Moved My Cheese?," which I hated because it was overly simplistic and made a two-page paper into a book, you will not like this book.If you want a very quick read, simple ideas, and some horrifyingly bad pictures, be my guest.Maybe I'm a hypocrite; I did follow one bit of her advice. After reading the book, I threw it in the trash.$LABEL$0 +Serve with port, glowing embers and your dog nearby.... With the publication of Modern Pheasant Hunting, in 1982, outdoor writer Steve Grooms told us how he hunts pheasants. In Pheasant Hunter's Harvest, he tells us why. Too long in coming, it is a book that was well worth the wait, reflecting maturation in Grooms' prose and appreciation of his subject. Along with Datus C. Proper's Pheasants of the Mind, it is one of two volumes that goes to the heart of pheasant hunting with eloquence and understanding, and stands ahead of all others. Served at the hearth with a glass of port and a trusty pointer or retriever nearby, it is a book that can be consumed over and over again, reminding us that why we hunt is more important than how. Currently out of print, it is that rare work that deserves a place in every upland bird hunter's library, and if not in their library, in the glove compartment of their pick-up truck.$LABEL$1 +Best video series I have found. I have purchased several of the video series. Baby Genius and Bee Smart are pretty good. I also having the Signing Time videos. While I love Signing Time, my son is not quite into it yet. None of them keep my 7 month old fascinated like the Baby Einstein series. I have the language skills, bach, Mozart, and Beethoven. Doolittle is a little disappointing. I have not purchased Newton yet, and may not, due to reading of the reviews. But, in comparison to the other series out there, Baby Einstein is the top. I still use the other videos, because they seem to provide more direct education. Yet, I have to work harder to keep my son's attention with the other videos. Just today, my son was getting fussy and would not soothe. I turned on baby Mozart and he has not made a peep. I may not get him to sleep anytime soon, though.$LABEL$1 +Works for me !. I bought this product about 2 weeks to ago and already I see and difference in my over skin appearance. I have suffered from acne since the age of 11 and have done all the usual to help clear up my skin condition with little result. However, after two or three peels using this product I see a difference. My skin is smoother. I have minimal underthe surface pimples. Unfortnately, I am a squeezer so i do have some acne scars especiall around my jaw line. However, I see these are lighter. I am so pleased. I also use the lactic peel.$LABEL$1 +Trash. I watched a few episodes of this show on the recommendation of a friend and I'm not sure what appeal this show holds. It's full of paparazzi jerks running around making life miserable for everybody around them. The characters are all really disagreeable - except perhaps the psychitzo photographer. Also, at least one scene per show borders on hardcore porn. I gave it 2 stars instead of one because it does have some innovative cinematography. Still, the show overall feels like reading a tabloid mag in the supermarket aisle.$LABEL$0 +Could have been better.......... I've been a fan of Eddie's for years. I felt that this package did not do him justice. I'm not disputing the choice of material on this CD, it's just that Eddie had such a cache of material during his Motown tenure that I was truly surprized that more wasn't included. What happened to "Son Of Sagittarius", "Eddie's Love", "The Thin Man", "One Tear" and all those other tunes that deserved to appear on a collection such as this? It's truly not fair. It's bad enough that Motown/Universal won't re-release his most popular albums. I gave it four stars because it included my favorite EJK song, "Girl You Need A Change of Mind" in its entirety and because to this day I still love the man. Motown, show Eddie's fans some respect and at least release some of his albums on CD, like PEOPLE...HOLD ON or EDDIE KENDRICKS!$LABEL$1 +Terrible. If you came to this book having paid any attention at all to healthy eating, etc. it will not tell you anything new, and as other reviewers have commented, there are several inaccuracies. I'm not on the vegan bandwagon, so this book was useless to me.$LABEL$0 +way over priced. if you buy one of those cheap guns you will for sure need something like this. but save yourself some money, go to Lowes or one of those stores and buy a 3/8 or 1/2" cold chisel and then just grind a flat edge on it, you can get one for under $5$LABEL$0 +great book. Really good book about typical Highschool life. In the begining I wasn't sure I'd like it but all in all I loved this book. It was one of those where I just couldn't put it down. I also could identify with the charactors.Vendor was quick to send it and I was able to dive right in.$LABEL$1 +Nice examples. If you learn about design from reading, this book isn't for you. It teaches by giving visual examples. The text does nothing more than analyze the design. It has the same feel as an award book. The work is outstanding and worldwide, but mostly from the UK. The writing is decent but mostly lacks depth. The examples, devine.$LABEL$1 +Detrimental to a child's music education!. First, the physical puzzle is fine. Just don't put the batteries in. Unless you want your child to learn to distinguish between bland, non-descript synth patches from a cheap Casio keyboard.How hard could it have been to use an actual recording of the instrument for each piece? This company could easily use a public domain wave file, or better yet, ask some musicians or music educators to contribute a short melody. You wouldn't need access to an expensive recording studio, either. Today a cheap $300 handheld record would do the trick.$LABEL$0 +Anti Christian clap-trap. For those who believe the Bible is 100% literal (it isn't) and who dwell on suffering self abuse, this book will help fit disperate and unrelated bits of shaky history into a predetermined and particularly ideological mold they may feel comfortable being poured into.But it is a history of a very STAID and stagnant Jesus--something he or what he taught was NOT. He was a radical liberal (even the New Testemant--written centuries after Christ's death admits to this), who challanged notions of church bound hierarchy's.It's a shame that organizational religion (like the Southern Baptist Convention) promotes disdain for what Jesus taught--individual personal relationship with Jesus and God. Not to mention disobeying Jesus' teachings by mixing their lusting wants for power (government) with their narrow minded brand of cultlike brainwashing.$LABEL$0 +Did not work. The extension unit did not work. The base unit green light came on when I hooked it to the phone line and it was working. However the extension unit would not light up in any of the outlets. Amazon took the product back so at least I got my money back.$LABEL$0 +This book is not an effective guide to teenagers.. This book not only will not help you with your teenager, it could very well make your life a living hell. It talks a lot about how to play mind games with them and talks nothing about the trust building and responsibility training that is necessary to work with any child. Example: If your child chooses not to take a shower or put on deoderant, this book suggests dousing them with the grossest smelling perfume that you can find. This not only shows complete disrespect for your child but it teaches the NOTHING except cruelty. If you need help a better book would be - "Uncommen Sense." It is an excellent book and gives you great advice.$LABEL$0 +Solid collection of early Martin work. This is a solid package of George R.R. Martin's early short stories. But the quality varies. "Song for Lya" itself is a moving, involving, vivid, haunting, 5-star CLASSIC, & is reason enuf 4 buying the book all by itself. Also very good R "With Morning Comes Mistfall," "Second Kind of Loneliness," & "Override." Some of the rest is disappointing: "The Hero" was Martin's 1st-published story, & it's ... not bad. "FTA" is a brief joke. "Slide Show" features a series of dazzling images, but it's not much of a STORY. "Exit to San Breta" is an OK haunted-car story on a freeway of the future. "Dark Were the Tunnels" has a WAY better (& longer) sequel in George's SANDKINGS collection. But the best stuff here shows what George could do 1nce he hit his stride, & is a good curtain-raiser 4 some of the great stuff U'll find in his other collections.$LABEL$1 +This ain't Country folks. While there are several songs that are OK cuts, beware! If you are looking for a new Country CD from Leann, this ain't it folks. This one is an attempt at being a rock/pop artist and while she sings and even writes some of these songs, this is not at all what I would have expected from her.$LABEL$0 +A good value!!!. Well made, easy to use and while the clarity is not that of a expensive pair it is good enough for my uses. Birds, Night Sky, Sporting Events. I am happy with my purchase.$LABEL$1 +Does not work with Windows XP!. Crayola did not mention anywhere on the outside of the box that this product ONLY works with Windows 95 or 98. Very Frustrating!!$LABEL$0 +the amazing trance. Quite a stunning bit of workmanship - the masterminds behind it have certainly produced an album worth buying. A very good all-around record; dance to it, play it in the background, sit down and listen to it intently. Nice long tracks with no commercial interruptions, beautiful spacy/ earthy/ underwater sound waves laid on top of a solid, moving bass & drum. Absolutely altogether a fantastic trip into elsewhere.$LABEL$1 +Different from their previous albums.. but still excellent!. Lonestar never ceases to amaze me! They are an excellent group with great songs and great talent. "Lonely Grill" is different from their two previous albums in the sense that I don't think it sounds as country. In fact, a few of the songs sound like pop rather than country. But I think we need to realize that country music is changing and this type of sound is what's popular right now. Best songs on the album are Amazed, Smile, What About Now, and the accoustic version of Everything's Changed. I didn't care for the first song on the album, Saturday Night, but the rest of the songs were good. I definitely recommend this album, especially if you are a Lonestar fan like me. You won't be disappointed!$LABEL$1 +One for the money. Love this movie, awesome characters, great story. I can hardly wait until another movie comes out. This is an action packed, funny movie.$LABEL$1 +Recommended for 6 years and UP?. Its pretty disgusting that they Should advertise these as a CHILD's toy. Maybe for high school PLAYS, but there should be no reason why it should be in a 6 year old's mouth! Even if it is pretend and fake. I am very unhappy to see this here. THIS should not be a TOY for children!$LABEL$0 +Carson MZ-517 Binocular. Thank you for the quick and easy transaction. The binoculars were a gift for my niece and she is very happy with them. I look forward to doing more business with you in the future.$LABEL$1 +cheap. The material is very cheap and it is smaller than I expected. I haven't used it so I don't know how well it will hold up over time.$LABEL$0 +Interesting read. Very well written. It was one of those books that when you start reading it it's hard to put down. A real page turner.$LABEL$1 +it's my album.... I remember making this albun it was the best time of my life...I just wonder why this distributor is selling for so much..the album is different and has different styles of jazzy r&b; and pop love it!!!! it's the kind of music you just want to sit back to with your honey..and the music is ageless still sounds fresh even though the album was done in 2003Jennifer Shae Morteo$LABEL$1 +Hidden copper affects many people!. This book brings light to a relatively unknown topic of health concern- high tissue copper. I learned what the dangers of copper toxicity are, as well as the symptoms. I also learned which foods are high in copper, and different ways to chelate copper out of your system. Everyone should know about the copper connection! Especially anyone with chronic fatigue syndrome or hormone imbalance!$LABEL$1 +Never Again. I've owned this specific design as well as another design from this brand. The first I bought and the second was a gift. But if I ever receive this brand as a gift again, I will do everything I can to return it. Both sets broke so easily. I had a bunch of plates break while in the dishwasher. Other plates broke while being eaten off of. One broke while my boyfriend was eating a waffle off of it! A waffle! So it's not like it takes excessive force to damage these things. They just break right down the center every time. Plus, the bowls and mugs get EXTREMELY HOT just after a couple of minutes in the microwave. If you scratch off the paint, you can see a shiny, metallic surface underneath. I've read the other reviews where people have had no problems at all. I guess luck is just involved. But I wouldn't recommend taking the chance on these plates unless you have the money to throw away.$LABEL$0 +Re-Packaged New Age Nonesense at the Expense of the Faithful. Editing review - I did not intend to give five stars but ONE star. Full disclosure, when I first read this book, I thought it was great. But that was when I didn't know any better. Today, I can tell you that this is one of the most inauthentic primers of our faith out today. It claims to promote and praise ony branch of faith (Traditional Yoruba), while mocking another (Santeria), but then offers what is basically thinly veiled Santeria. His explanations and descriptions are out of the New Age cliche catalog. If you are just starting your journey to Orisa, pick up Joseph Murphy , Wande Abimbola or just about anybody else. NOT THIS BOOK. santeria.blog.com$LABEL$1 +Only one issue. I really like the business card holder as I purchased the black leather one. The arrival time was very quick. It's quality and very nice. I ordered it because it suppose hold up to 120 business card with one extra slot and mine didn't seem to have those options. I can only fit 72 cards in there and that is doubling each insert and that's my only issue with it.$LABEL$1 +thow it out!. [ASIN:B001HA6JLQ Canon P1DHV 12-Digit Portable Printer,Display Calculator]OMG! unless you want to spend 90% of your time trying to get the paper in this unit DON'T BUY IT! OR if you already have one of them, save the whole world a lot of aggravation and THROW IT OUT! Believe me! for the sake of your peace of mind, stay as far away from this unit as you can! Or if you simply can't bring yourself to throw it out...don't give it to anyone you care about or want to be friends with!! the paper gets really loose, slips off and out of the unit and it can take days...weeks..endless tricks to get it in place....cheap yes...once the paper is in place works great...but over all....it is the most annoying little piece of equipment I have ever owned! Mine is going in the trash! [ASIN:B001HA6JLQ Canon P1DHV 12-Digit Portable Printer,Display Calculator]]$LABEL$0 +A Must-Avoid. The content of the book is different from what is written in the back of the cover. I bought this book in the bookstore and I was interested with the short synopsis in the back cover, but then I found out that the real story is not as mentioned and that it turned out real disappointing.$LABEL$0 +Don't tell anyone I said this.... Detailing not only poisonous plants and chemicals but also how to make poison bullets and other weapons, this is definitely the manual to go with if you want to murder someone. But you didn't hear that from me.$LABEL$1 +Very unhappy with results. I bought this product at a Lowes store in hopes to get more of a shine and less of a dull appearance. The product left my 5 year old floors dull I was very upset.$LABEL$0 +Dead Battery. Brita wants to increase landfill and waste by having you throw away your 5 year-old pitchers because that's how long the battery is supposed to last in the filter replacement timers on these and similar units. My battery ran out and now I have to guess when the filter needs to be replaced. They used to have a "sticker" system on the old pitchers which was sustainable and actually better. Companies like this should be held accountable for contributing to waste pollution.$LABEL$0 +Crashes constatly. Impossible to use under Windows XP, since it constantly crashes.Highly NOT recommended.$LABEL$0 +ant farms need ants.. It took 5 months for the ants to arrive, by that time the gel had dried significantly. Fortunately all the ants were dead, so no problem. Customer service was kind enough to send a new gel farm and more ants. 2/3 of the new ants arrived dead and they remaining 7 barely do anything. My son is embarrassed we gave one of these to a friend as a birthday present and is very disappointed with the toy.$LABEL$0 +flimsy. I have used these type of dressing aids for years without problems. Unfortunately, the manufacturer's decision to engineer flex into the shaft of this one makes it almost useless. The second you put any weight or resistance on it when using it for its intended purpose, it starts to bend and keeps bending until the article of clothing slips right off the s-hook. The thing is so flexible, it bends to 90 degrees, which is simply overkill. i would believe it made the dressing aid cheaper to produce, however....$LABEL$0 +still plays with it. I bought this a couple years ago for my niece/nephew & when I go to their house, they still have it out & use it. durable, cute and good learning tool$LABEL$1 +Fragile and TINY. Ok so bad me for not appreciating this book is only about 1.5 inches square... very small! Cute, but tough to handle. More importantly, my toddler ripped the cover off on day two - and she is generally gentle with books. Cute but very tiny and fragile. It's also hard to know what captions go with what, so challenging to associate the text with the appropriate animal.$LABEL$0 +Bought three, two have failed!!. I was introduced to Tivoli by my brother who had a early model PAL radio. Bought two SongBooks for myself and one as a gift for my father-in-law. Really not happy with these radios. The sound is mediocre at best and I would say better for listening to talk radio than music. The blue SongBook (I bought red and blue ones) has the worst sticky finish on it and its impossible to clean and feels disgusting to pick up. The REAL reason I have to give it such a low rating is failure rate. One of mine died completely and had to be shipped back to Tivoli. My father-in-laws did the same thing and they blamed it on a faulty power cord but would not ship him a new one until he shipped them the radio and cord for assessment (and the courier charge was not covered).Finally, don't let these radios sit in the sun as they overheat and shut down. We use them by our pool but have to put them in the shade under a chair or else they fail in about 30 minutes.I would not buy another.$LABEL$0 +Good expansion, but very short. Rainbow Six: Eagle Watch is really a good expansion set for the original Rainbow Six. It only has 5 mission though. Even though it only has 5 missions, they are pretty hard, and they take place in famous places, like Big Ben in London, the US Capitol Building, and the Taj Mahal in India. There are 3 new weapons, and they are the Heckler & Koch G36K, the Heckler & Koch G3A3 assault rifles. Also, it includes the IMI .50 caliber Desert Eagle, which can kill anyone in one hit (usually).Even though it is short, it is a really good expansion for the first Rainbow Six game.$LABEL$1 +missing pages. Exciting to get this book for my daughter who is ready to potty train and this book was missing some pages. UGH!$LABEL$0 +WOW!!!. First thing first, Nirvana was and still is maybe the best Grunge band ever!!!My favourite Nirvana in order(1-10)1. Rape Me2. Heart Shaped Box3. Come As You Are4. Lithium5. Dumb6. Serve The Serpants7. Smells Like Teen Spirit8. In Bloom9. Scentless Serpant10. Milk ItWell most of them songs are on this album.Enjoy =)$LABEL$1 +not a good deal. I bought 3 of these shirts for my husband and they are SMALL so order two sizes bigger for sure. I will not ever buy from this store again as I paid $31.99 for each shirt and they only refunded me $23.99 plus I had to pay $15 to ship them back - so basically its not worth it.$LABEL$0 +Bait and Switch. I attended a showing of this movie and was a little put off by the rabid intensity with which it was received. During an after show Q and A, any criticisms were booed, and people not completely embracing the film-makers' belief-system were branded close-minded and victims of a biased western educational world-view.I won't blindly follow anyone and did not appreciate this kind of mob rules mentality. Before closing people were encouraged to post on message, news-groups, and review-boards as often as possible.This movie was a jumbled mess. I think it's true purpose can be exposed by the many other products and services being offered under the What The Bleep Umbrella. . .Interestingly enough if one follows the money it leads to the door of a 35,000 year old spirit from Atlantis named Ramtha. This franchise has just taken it to the next level.$LABEL$0 +Freddy Invades the Real World!!!. After The Final Nightmare, Wes Craven is having nightmares again, so he decides to write a new script. Beacuse the Nightmare films have ended, the 'real' Freddy decides to come to our world. Wes Craven, Heather Langenkamp, Robert Englund, John Saxon are some of Freddy's targets he tries to kill. He tries to get Heather's son, Dylan too. The real Freddy is a lot scarier and more evil than Robert Englund could ever portray! Heather decides to play Nancy one last time and kill Freddy...for good! If you love the Nightmare series, and a movie within a movie, you might like WES CRAVEN'S NEW NIGHTMARE!!!$LABEL$1 +Velocity -- a fast-pased performance!. I have read and enjoyed most of Koontz's novels. I just about quit reading this one because it was a little more "graphic" than I like, but I did finish it and am glad I did. Koontz writes an intelligent and engulfing story. I look at his picture on the jacket and can't imagine that such a delightfully pleasant looking man can possibly carry such devious plots of murder and perversion in his head. He does have a mishevious twinkle in his eye, however. I always enjoy the perspective Koontz provides between good and evil, and, somehow, I am left with a peaceful feeling at the end, even though, at times the evil seems so encompassing.$LABEL$1 +Disappointed. First to start out with, I'd like to say that Dee Henderson is an amazing writer w/ the special gift of writing. I would not recommend this book. The other books she has written (O'Malley Series, Danger in the Shadows) were very well written, w/ the feeling that your can't turn the pages fast enough because it's so good. Unlike the others, True Valor was slow read, and I found my self skimming and completely skipping whole pharagraghs. But even tho I don't recommend this book, the others books by Dee Henderson I HIGHLY recommend.$LABEL$0 +Another winner for Robert Crais. Always get the audio books to listen to while driving. This is another winner by Robert Crais.$LABEL$1 +Another Look. Bryson did a fantastic job of pumping fresh life into subjects and historical figures that have long gone cold in modern re-tellings. Newton, Einstein, Linnaeus, and a host of scientists crossing every discipline come to life as real people in the times, often bizarre times, they lived in. I could not have been more impressed with the ease with which he writes about complicated subjects and the sheer joy and astonishment captured in his prose.$LABEL$1 +Inexpensive and it works great!. This is a nice, inexpensive, easy-to-use appliance. I bought this for my 83 year old mom who doesn't do much cooking anymore and has a hard time stooping to use her oven. She loves it! It's easy for the elderly (and non-technical people) to use, it's compact and doesn't use much counter space. I highly recommend it for the price.$LABEL$1 +Thrice Staind. Staind's newest album 14 Shades of Gray, has that same special something about as Break the Cycle and Dysunction. Staind's music contains a little something something most other bands dream about, it's called truth. Aaron Lewis is a real person, who has the ability to take his thoughts and emotions and turn them into an astonishing sound. All of Staind's albums are the kind you can pop into your CD player and get that feeling in the middle of your chest that makes you say [WOW!]. 14 Shades of Gray is definately worth the [money], pick it up, and if you have more money pick up BTC and Dysfunction.$LABEL$1 +Filth, Porn, totally disgusting movie. This is possibly the most disgusting pornographic movie ever made, which tries to get people interested in ancient Roman history to buy it. It is nothing but graphic hedonistic porn from start to finish. It's a slick way for the porn industry to spread their filth where it otherwise would not be able to. If you are a Christian, stay very far from this movie. It will sicken you as it did me.I bought it only because Peter O'toole is in it. I cannot for the life of me imagine why Peter O'toole agreed to be in this filthy movie.I have marked on this movie case: smut, porn, filth; not worth watching.$LABEL$0 +Rabbit Proof Fence. RABBIT PROOF FENCEThe movie was GREAT!! It was suspenseful. You never knew what was going to happen next.The 3 aborigine girls were always being followed by the tracker. They were also helped alot by people that you never would of thought. For example a white farmlady gave them food and coats.A white man helped them navigate which made the movie more exciting.I like this movie. I think people should watch it. I also think it is bad taking kids from their families this is why they called the thousands of Aborigine children taken away "The Stolen Generation.BY: ParisBordeaux5/14/04$LABEL$1 +Razor burn!. I followed the directions to a T and this product made the sides of my face break out into a terrible, painful razor burn! It's like taking a serrated knife to your face! Awful product!$LABEL$0 +Exciting plot, great characterization ... a winner!. Kinsey does it again! She's the queen of the supersleuths ... "B is for Burglar" is B-eautiful$LABEL$1 +Buy the paperback, not the Kindle version. Unfortunately, the Kindle version has numerous misspellings and worst of all, the many charts that are crucial to an understanding of the book, cannot be magnified enough to read them. Buy the paperback for a few dollars more and get better quality.$LABEL$0 +Awesome. I purchased the wave and let me tell you, THE BEST THING TO RIDE! Whenever I go down the street everyone stares and ask what is it. They all say they want one too. The best thing of all is riding hills! I can even go up them but when you go down its like snowboarding. I recommend this 100%$LABEL$1 +Not the Lenmar 1120 mAh item. I received MaximalPower 800 mAh batteries instead of the Lenmar 1120 mAh batteries advertised. The seller was unable to replace them with the higher capacity product and so offered me a refund. I recommend calling the seller to verify product before ordering. They were very nice to talk with.$LABEL$0 +Comfortable - Will buy again. Hanes are not the most comfortable underwear but, they are good for the price. I would buy these again. The seller is excellent.$LABEL$1 +Good beginners book. I bought this book as a beginners guide to Celtic Shamanism. I found it an excellent starting guide (notice I said starting guide), and too this day am often referring back to it. As with all outside (of self) gathered information, it is a guide only, your own personal experiences are the definitive experience.$LABEL$1 +Disk was so scratched that we couldnt watch the movie. We love the movie Ratatouille. We were sad when we noticed that the DVD was missing from our collection of movies so we decided to look at Amazon to get a copy. We looked at the used copies because the new ones are still @ $20. So we looked at the used ones. We found on that said Condition: Used - Good for $6.86. We ordered it. It came in when expected and with much anticipation we opened it so we could watch it that night, only to see an incredible amount of scratches on the disk. I was shocked. I could accept a couple, but it looked like it was on the floor of a car in the back seat for 6 months. We tried to watch it any way and got through 30 minutes with only a few pixelated moments and a couple stutters. Then it happened. It started stalling for 3 seconds, then 5 seconds then it froze. As far as rating the movie itself, I give it a 5 star! but the quality... I have ordered a lot from Amazon, I am very disappointing.$LABEL$0 +Beauty Comes From Within. I just bought this high priced fancy looking toaster. Are you kidding me? I figured it was just a fluke that this toaster toasted unevenly/ burned one side while leaving the other side untouched. Sad to read that everyone that has purchased this toaster has the same issue. The question is - Why would a company with a great reputation like Cuisinart sell a toaster that doesn't even work? Apparently they don't think it is necessary to test the product./If you are considering this due to the beauty of it - Forget it! Beauty comes from within.$LABEL$0 +EWWWWWWWW!!!. This toy was BOOOORRRINGGGG! I didn't like the slutty clothes selection. Who could fit into that doll's clothes. Please,praytell.2 weeks after I recieved it I returned the toy back to Toys R' Us. Do not buy it!!!! I'M WARNING YOU!!!!!$LABEL$0 +Self aggrandizing. If there is a Donald Trump in the nanny business Ms. Kline would surely be hosting the next Apprentice show except that she does not seem to have the same gravitaz that Mr. Trump demonstrates. Name-dropping and full bragging of how important she is to the "over achieving" parents who are basically folks trying to integrate work and family lifestyles does not make Ms. Kline a likeable decent person. (Whether you agree with how the parents are spending their time or not)Instead of being empathetic, Ms. Kline comes across as a self-ordained I-am-a-very-important person in Washington. She brags about the fact she can choose you as a client and gets more important clients than she really cares for.The book is a quick easy read, but there is no substance and a lot of snide remarks on Ms. Kline's clients make her a character that any parent should stay away from.$LABEL$0 +Use Your Illusion I. I own both "Use Your Illusion I and II" and UYI 1 is definately the better of the two. Illusion I shows just how hard GnR can rock, while Illusion II focuses more on suicide and the darker side of life. If youre a GnR fan this is a must own. If you like this then youll definately love their debut release "Appetite for Destruction."$LABEL$1 +BORING. Had to read this book for school... it took everything I had not to throw it in the fireplace and turn it to ash. What a ridiculous thing to write about - foreigners who can't read or write English & their child is hurt. Compassion for child? Yes. Compassion for parents? No.This is a boring read.. move on to something else if this is not a mandatory read.$LABEL$0 +Nice looking CRUMMY scanner. Every photo we tried had speckles/dust all over them. I had no problems with the setup or banding (as others here did) but am returning the scanner because of pure quality issues$LABEL$0 +Nice and cleans up great in washing machine, material a little too easy to rip. The bed is great, just wished that it had a little more durability. We have a puppy and she chews the ends. The material is a little too thin and rips a little too easily.$LABEL$1 +Don't waste your $. I bought this player ($160 at my local Costco) for my husband for Father's Day. We spent many hours trying to get the software to work, and I never did get songs transfered to the player. Also I couldn't find a way to delete files from the player (it comes preloaded with some music--most of which was not our taste). The users manual is terrible, there are no support phone numbers, and the RCA website just refers you to the manual. I will be returning this player and buying another brand.$LABEL$0 +To Kill a Fruit Fly. 02/08/10Dear shoppers:My cats recently picked up fleas from their vet. For over twenty years of cat ownership we never had a problem with fleas, as we exercise a very strict protocol on contamination controlls.It was with an extended vet hospital stay that my cat brought home "unwanted guests" FLEAS!!!The vet recommended [...] and flea traps to augment their demise. Simply stated the VICTOR FLEA TRAPS do not work!!! The best they do is to trap harmless fruit flies and some gnats.I still have a flea problem as I was lulled into thinking that my home was flea free by the fact that I did not trap any fleas and my cat had only pickedup a few fleas (My vet stated).Well the traps are useless!!! Scientifically I do not know why I did not realize that, I panicked to be free of the problem.Save your money and just use a vet approved topical flea med on your pets.Sincerely:MOLARMAMA$LABEL$0 +MISREPRESENTED ITEM. I ordered what was billed as the "unedited version" and received a fully edited version. Never heard back from the seller.$LABEL$0 +Cheap watch of low quality. This product has the feel and quality of a very cheap watch (don't let the picture fool you). Although the Amazon price seemed great, the watch isn't worth half the price. Save your money or spend a little more and get a higher quality watch. We returned this to Amazon.$LABEL$0 +Surreal and exceptional. I wasn't sure what to expect before watching this, but by the end of the film I was stunned by how well it had been assembled and presented. The distinct lack of narration and guidance allow Andre and Calvin to lead the viewer through the communally warped and surreal psyche of a pair of ruthless and motivated teenage killers. Not since the original Blair Witch Project have I seen a film that has been successful in maintaining the illusion of being amateur film re-assembled by professionals, and this one being based on a tragic string of events that we're all aware of is particularly haunting and surreal. The two young actors do an exceptional job and are very believable. Scenes are wonderfully assembled in mounting tension and the film reaches a tremendous crescendo through which I could hardly blink. Highly recommended.$LABEL$1 +The Island of Dr Moreau soundtrack is truly a masterpiece.. The music focuses on the humanity of the beast people in the movie. Gary Chang is a genius. Through his work the emotions are more clear cut in the music than in the movie. Even people who don't watch The Island of Dr Moreau will appreciate this rare chance to feel the music in their bones. It unleashes primitive desires within you. That is something hard to find in the music world today.$LABEL$1 +MARGIE ALBRIGHT IS A PLEASANT LITTLE SURPRISE. ONE OF THE BETTER SIT-COMS, EVEN AFTER 47 YEARS, ITS STILL REFRESHING TO SEE AND STILL VERY FUNNY. THE CASTING IS EXCELLENT, GALE STORM AS MARGIE AND CHARLES FARRELL AS VERN ALBRIGHT. IF YOU LIKED TOPPER, THEN MY LITTLE MARGIE IS ON THE SAME LEVEL. I AM STILL WAITING FOR IT TO COME ON NICK-AT-NITE$LABEL$1 +Can not review the book. The book has not been received yet. I am still waiting for it. I am very disappointed about the order$LABEL$0 +1st MAC experience. This is the first time I have owned a MAC. Actually it is my wife's, I'm stuck with a windows laptop. I come up with every excuse to use the new MAC though. MACs are the best, no doubt about it. I will be getting a MAC desktop with my tax kickback this year...and I can't wait.$LABEL$1 +Henckles Knife Block rocks. Great purchase. Perfect price. Helps me organize the knives to find them fast. Keeps them from cutting anyone paging through a drawer. I had 2 blocks...messy look in the kitchen. This one holds all I usually use and looks so sleek. The block is deep and so it requires more countertop front to back than some blocks do, but the knives can easily be removed without tilting the block or pulling it forward to clear the top cupboards. The price is sooooo good. I hope you like yours too!$LABEL$1 +Exellent Doris Day Calamity Jane soundtrack.... Pay no attantion to the other reviews this is the best Doris day cd, it has all the songs from Doris Day's film Calamity Jane and The Pajama Game, two fine filsm with lot's of great singing from Doris Day. I'm 16 years old and can appreciate this, so I'm sure you will too...$LABEL$1 +StarTech.com TX3 FAN Power Splitter Cable - 6-inch (TX3SPLITTER). Excellent item, installed with two 120mm fans on aNZXT Phantom 410 Mid Tower USB 3.0 Gaming Case - Blackmainly because of the fan speed controller of the case. No problems so far, cable works as it should. Great item.$LABEL$1 +obviously written by 2 people.... Two books in one! You're reading one story - and toward the end someone else takes over and writes an ending for something that makes no sense based on the original plot. Obviously James Patterson got to a point and couldn't finish - and left someone else to tie it all up. Unfortunately the way it was "tied up" was so lame I'll never waste my time on another of his books.I don't expect literary value from a read like this - I just thoroughly enjoy the escape. However - this one just pissed me off and prompted my first ever book review. Did the person that actually write the ending even read the novel? If so - they need a new job...$LABEL$0 +An absolute dud...I wasted my money, so save yours!. In my opinion, this thing is flimsy and worthless. I set it up in the doorway and it is so poorly designed that it just doesn't hold. Once you bring the bar crashing into your forehead on your first or second chin-up, you realize that you've already thrown away your money and now it's time to throw away this product. I ABSOLUTELY agree with the reviewer who cautions against making this product available to kids without close supervision.$LABEL$0 +What a Great Start!. This guy is honest, period! He tells it as it is. Nassar never makes claims that day trading is easy or that the course will deliver trading results, but instead teaches the mechanics of day trading. I got more from this course for $300 dollars than two solid years of trading. I only wish I had taken it sooner. I also saw this guy trade at the Ontario Trade show with live capital. He made $1700 right in front of 10 people in less than than 10 min. That was really cool watching a man walk his talk!Buy this course, it is undervalued and delivers so much.$LABEL$1 +Super Cute Toy. So glad they brought back this classic toy. My 4 year old daughter hasnt put it down. She was so excited to get 4 puppies!!$LABEL$1 +Amazing history!!. Very well written and pulled together. One of my all time favorite books! If you like history and seeing how things tie together to change the world you will love this book. No need to be a Christian for this book to be amazing, McGrath makes very little religious emphasis except to highlight the effects of its history on the world.$LABEL$1 +DONT WAIST YOUR MONEY ON THIS BOOK. I HAVE OVER 15 POKER BOOKS, SOME OF THEM ARE BETTER THAN OTHERS.But this books suckkkkkkssss..This is the only poker book I will used when I run out of toilet paper, but just dont take my word for it. just use your hard earn money on this book and let me know if reading about 20+ hand is worth the price.Dang I dont know how Jim brier got sucked in to this wanna be book. Mr. Brier has put out Good literature on poker.... Sorry Jim..!!!!$LABEL$0 +Beautiful hero story..... This was SUCH a beautiful story and I am completely in love with it. John Carter is a man out of place and time (and planet) who doesn't want to be the hero. In the end he does and finally figures out where he belongs. The special effects and action are wonderful and I found myself cheering for John the entire time. There are some comical moments that tie in with the story. I truly enjoyed this movie and will definitely own it once it becomes available.$LABEL$1 +Very Good - if you want to SLEEP. This movie is absolutely boring. So, save the money and buy a better one$LABEL$0 +Did not like this one, it is a cheap copy of Duke Nukem 3d.. Did not like this one, it is a cheap copy of Duke Nukem 3d. I think it is a bad copy of it. If you want real fun buy by Duke Nukem instead of this one. I think that the comedy is in the game is crude and stupid.$LABEL$0 +Avoid. The spring stopped working after a few weeks. I've had other retractable cable products (earphones, USB cables, etc.) and the springs all stop working after awhile, however this was twice the cost of the other products that I've used and lasted only a fraction of the time.$LABEL$0 +wasnt the right size. when I ordered these I thought that they were bigger than what came. I got them to make miniature pies in, but they werent the right size..they are more for using to put pudding in or salsa. I kept them but had to buy some others at a local store.$LABEL$1 +Second use and the lines are all rubbing off!. I got this on 11/Jan and it is now 13/Feb. I used it once, was happy with it, and put it away. I went to use it again today and noticed my hand had a great deal of black on it after I got it down. I looked and all the text is rubbing off! I've used it once! The 30 day return period is of course up. I washed this by hand originally and one more hand washing will do the writing in I suspect, rendering this item useless. I would not recommend this product.$LABEL$0 +GREAT read. this book pulled me in from the begining and did not dissapoint me all the way tothe end. Full of suspense and action, the characters are endearing, the plotis easy to followall around a great book$LABEL$1 +over priced. It wasn't a bad video but for 40$ it could have had better production value, Video examples of strategies ect. I was kinda dissapointed it seemed like he gave a last second, free seminar and they video taped it and sold it. There are better videos out there and I'm a huge Syracuse and Jimmy B fan so it's hard for him to dissapoint me.$LABEL$0 +Burn this book. This book was not funny or interesting. It is sort of like those columns Larry King used to write..... I want a pastrami sandwich,.....isn't the Godfather a great movie,..........I remember when the Yankees won all the time.... This author must have a lot of friends in the writing business, because this waste of time shouldn't get good reviews. Thank you very very mush.$LABEL$0 +2nd review. I wrote a review before and it was not posted. This video for the money was vey disappointing. Some scenes kept being repeated, and for the price the quality was not good. It showed people smiling, close ups and bad views of Lake Chapala which was repeated. My video had blank secions in it when all I got was music. I like the mexican music but felt it was repeated over and over for the whole time. I never lost the audio, just the video. I would not recommend spending money for it, unless it were 10 bucks.$LABEL$0 +Good product just not for me. These bumper protectors are well made and installed easily but they just don't look good on my vehicle. They are a shiny glossy black not flat black like the picture and they appear to be out of place on a gray bumper.$LABEL$1 +Hamilton Beach Deluxe Brew Station. I received this coffee brew station on December 8, 2010...On January 13, 2011, the apparatus starting making an odd noise...upon investigation, the coffee pot keeps on boiling even after the coffee is done...evidently the heat sensing unit or thermal cut out has gone south...a shame...something this new, lasting barely a month...will not purchase another one...and I would not recommend this product to anyone...unless you want the hassle of returning the product.$LABEL$0 +Not good for boys!!!. This product also comes in blue which I bought for my son. The pee guard in the front does not even come CLOSE to the proper height for a boy! He would have peed all over the floor had I let him use it. Also comes apart very easily and doesn't fit back together well.$LABEL$0 +Great comedians but not a great story or script. I've seen these four in movies and TV shows that have made me laugh till it hurt. Shockingly I did not laugh once at this film. I can't blame the cast because if you see Tropic Thunder, 21 Jump street, The I.T. Crowd Wedding Crashers and then this film you will know what I'm talking about. "Spoiler" It is yet another story where aliens come to earth and they are evil monkeys. I wish they did it like 21 Jump Street and made the threat be distracted by the incompetent heroes and then busted. Also the aliens were ridiculous. I feel like someone or some people did not use the talent that was in this film for some odd reason. I thought there was great chemistry between Bed Stiller and Richard Ayoade and I hope they do another film again.$LABEL$0 +What are the games?. Please list a few games on the CD. I do not want to spend money on a CD that contains the games I already have. I am looking for gin rummy.$LABEL$0 +Skeptic proven wrong!. I bought this pump a few days ago. My son is now almost five weeks old and I will be returning to work soon. I used the Medela with my daughter. This pump is so comfortable to use. Much more so than the Medela. It actually feels like the baby is nursing. I was very sceptical about buying outside of Medela, but am I glad I took the chance. This pump is awesome.$LABEL$1 +One of a Kind. Although it is true that this movie is not blessed with great acting. However the plot is enjoyable although completely unbelievable. But then again isn't that why we watch movies in the first place. It is a shame that Beach Volleyball never reached the level of what was expected. All in all this movie was entertaining.$LABEL$1 +Finally A Band that Returns the Art of Songwriting to Music. This album speaks volumes to a master song writer. You'll quickly appreciate this band when you listen to the lyrics and how it will make you understand how the human soul is capable of the most beautiful art that binds us. Music that got me through my cancer....$LABEL$1 +Toddler's Sing Rock 'N' Roll. This CD for children is absolutely the best. Great songs sung by little tykes. My favorite is "Splish Splash". I highly recommend this, not only for kids, but mommies and daddies will love it, too.$LABEL$1 +I had to return it.. I have not returned anything for over 10 years.The text dicussses the FBI agent's feelings.On and on and on...Her feelings...From one mood and feeling, to another feeling...I understand that many will like this, so that is OK.But I could not listen to it...I was thinking: please don't tell me your feelings,on and on, just get on with it and catch the bad guy...Perhaps, this is just me, and, again: I am aware that many many people like this type of writing, and, it sells well.If so, for you, buy it.Be well.$LABEL$0 +Very Helpful!. I enjoyed reading this book! It had a lot of helpful information. It was easy to follow and understand. She gives some great spiritual advice on how to overcome trying to please everyone. If you feel like you are a pleaser, this book will really help you. You don't have to agree with everything she writes to learn something from the book. Very helpful!$LABEL$1 +Why was this film made?. Terrible acting, terrible plot, terrible movie. I do not know what the purpose of that move was. Perhaps to show minor nudity, or to sell it from the DVD cover. Move on. There are many other excellent movies to watch instead.$LABEL$0 +Give Us More!. I loved this little book. It is the perfect gift book for yourself or anyone else you know who has experienced the joy of sailing. The photos are great - very beautiful - they capture the many moods of sailing: from sheer excitement to calm reflection. The quotes are wonderfully chosen and are some of the most eloquent quotes about sailing by famous authors and others. ENJOY! I only give it 4 stars out of 5 because I wish it was longer!$LABEL$1 +Iggy Pop fan? - Then don't bother.... I am a dyed in the wool Iggy Fan, and love all of Iggy / Stooges material from 1969 throughout (Ave. B is so so though). Wake up suckers is very poorly recorded, and the quality and sound levels change from track to track. Iggy sounds really wasted on several tracks, and even forgets the lyrics to Gimme Danger ! You are way better off buying Iggys studio albums and Raw Power. Especially get FUNHOUSE! Unbeleivable stuff for 1970 ! Also New Values, and Soldier are supreme IGG-Monster.$LABEL$0 +Instructions Required for Children/Adults. Dear Sirs/Madam:I sent a review of this item/purchased for my nephew for Christmas 2011. I did not see him till early this year and the product sat on the shelf because no one not a physciian nor police officer colleage, student or myself could figure out how this works. This doesn't come with any instuctions ????? And to our dissppointment this our second correspondence. Amazon is my only link to assist me so I will contact them if I do not hear back from you as the vendor.Thank you again.Mrs., Mr. Reina(209)532-7756R.I. REINA, M.D.$LABEL$0 +Good Photos. I got this for my Grandmother for Christmas. She liked it and once I got a chance to see all the photos for each month I liked it too.If they could drop the price by about 50 to 75 cents it would make it great competition for the other calendars posted here.$LABEL$1 +Love it!. Great car seat big and comfortable. my son is 14 months old and he falls asleep in it everyday when we pick up his sister from school.It is well made and sturdy. It got great crash test ratings and seems to be very popular.The straps don't twist that is the best part. Very expensive but worth all $200 we paid for it. We bought an evenflo car seat for our 4 year old two years ago and we hate it. We are now going to throw out the evenflo and buy a Britax marathon for her. These car seats are priced high but well worth the investment in my opinion.$LABEL$1 +Doesn't fit on jeep sun visor. Bought to add light to my Jeep Wrangler...problem is, despite the picture, these do not open wide enough to clip onto the hard Jeep visor.Also the pivot point is far too loose and they wiggle too much and don't stay in place.Certainly not worth $10, even if they would clip on as advertised$LABEL$0 +Great until it died. I bought this from Amazon on June 24th and it is now dead, a little less than 6 month later. You put a disc in and it just spins and spins and never loads. This DVD player was used nightly for several hours. A sad replacement considering the old DVD player I had lasted 7 years. If you're looking for something to replace in months, this is it. Otherwise I would spend a little more money on a better quality product. The RCA player I have downstairs has lasted longer than this one. I guess you get what you pay for.$LABEL$0 +Way to Small. I thought this product was way to small. It was not what i expected at all. It says eight and up but is way to small for any child to have a tea party with and actually use. Looks more like a decoration then something you could play with.$LABEL$0 +I know this is free but it's no excuse for garbage.. I was quite excited to see some Ezra Pound on the kindle for free. But I was quite disappointed by what I downloaded. Everything looked like it was cut and pasted poorly. I should point out it was free so you get what you paid for. Hopefully some day there will be some decent Ezra Pound collections on the kindle.$LABEL$0 +This is better than you think.... I pre-ordered this item thinking that it was not too much money and lets see how it works. I live in a Condo and dont have to do the snow removal, but there are times you want to do it. This was so much fun, it works just like a regular snow blower and it takes the snow right down to the drive way, I would recomend this item to any one who has just walks or decks to do, it worked great on the drive way but does take time. But most of all it was FUN..............$LABEL$1 +One of the best wheel cleaners out there....PERIOD.. I used this product for the very first time this weekend (March 1, 08) and was VERY impressed with the results. I followed the bottle's directions, and I DID use a soft bristle brush to agitate the cleaner. The Hot Rims Wheel Cleaner dissolved ALL of the brake dust and road grime on my car's alloy wheels with EASE. Other products have left spots here and there, but this made short work of cleaning my wheels and left them with a sparkling shine. Try this product, you WILL like it.$LABEL$1 +so-so a pre-teens reveiw. i think this book just okay. i mean it was clever and funny, but one thing really pushed my buttons: the author could not decide if it was a fantasy or realistic fic. like, sometimes he portrayed her as a mystical, magical, majestic being from some sort of fifth dimension galaxy, but most of the time she was another unique teen struggling with high school issues like boy friends, popularity, and peer pressure.$LABEL$0 +Good Buy. This comforter set is very expensive looking and made of excellent qauality materials. For the price this is a steal. Highly reccomend$LABEL$1 +Great for storytelling!. When I was in high school I was in Forensics, which is a after school program in which one category that you could compete was storytelling. If I had this book then I would of surely done well. That aside, my 6 month old loves this book. She smiles really big every time I start to read it. I also love to read it everyday. I would highly recommend this book!$LABEL$1 +Broke after one night. Volume control stopped working the morning after we unpacked it. Now it works only on high, with lots of static. I wasn't expecting much sound quality at this price point, but this product is ridiculously shoddy.$LABEL$0 +Works Great. Bought this to use with a printer and printer switch--seems to works well--no problems yet.$LABEL$1 +Bad versions of good songs.... TSIA. This album contains some of Phish's finest songs in their career. Such wonderful tunes as "REBA" and "squirming coil" which are a delight to hear live are here rendered as lifeless, unfocused, energyless rot. Now I have a feeling that I may get some flack for this someday but can anyone who has heard any of these songs live truly say that the studio tracks come even close? PHISH's first two albums are dull, musaky, and low-energy, partially because they hadn't figred out how to use a studio yet, they just tried to recreate their live performance. If only they had learned what they learned by "billy breathes" and applied it to the songs on this album, the album woudl be outstanding, but the result here is almost unlistenable. Check out the bootlegs for the real stuff, kids.$LABEL$0 +It's a lawnmower blade. It fits. It cuts. It seeems well balanced. It's a lawnmower blade. I'm not very excited about this one if you can't tell.$LABEL$1 +"Do you want to live?" "I want to dance.". Never seen Moira in anything before, but I loved her in this. This film has it all: romance, tragedy, comedy...a bit bizarre at times but wonderful nonetheless.$LABEL$1 +Great stuff for your Xbox 360. A great TV for anyone looking to get a low cost HD image for Xbox 360 gaming.Pros:Solid image qualityGreat sound (Virtual Dolby)Easy setupPriceCons:Basic featuresDoesn't remember your settingsIn conclusion, for what it is and for the money this is a great buy.$LABEL$1 +Awesome Detox Product. Recommend this be used with the Ultra Clear Renew. It goes deep to clear the body overall of toxic materials.$LABEL$1 +Fun story, great jokes!. Like Alladin this Disney video captivates both young and old! The jokes are obviously geared at the adults, but the animation and story are clearly for the young at heart! My two year old loves it, and laughs at the antics of the lama!$LABEL$1 +Best of the best. Most of the really great harp players are dead and he was one of the very best. Harpers are still trying to figure out what he was doing with some of his licks!$LABEL$1 +TALES FOR A JEWISH INDIAN. One of the strangest nuances of this book is Ed Eagle, who everyone seems to think is a Native American, but as we learn later, he is really a Jew and was accepted as an Indian because of his basketball prowess. Okay, Mr. Woods, that's original. Too bad the rest of the novel isn't quite so fresh; but indeed SANTA FE RULES manages to weave an involving, if somewhat hard to believe tale.Anyone who's read a great deal of mystery novels will see the truth in this novel very early on. Woods does manage to throw in a neat twist at the end, but it only enhances what an astute reader will have already figured out.Woods writes like a screenwriter; much of his narrative would transfer well to the big screen. A little faster pacing would have enhanced the book as well. But if you're in the mood for a superflous but highly entertaining read, SANTA FE RULES delivers.$LABEL$1 +Yes Veronica, there is a good guitar record this year.. Dweezil Zappa's "Automatic" is stunning not only for its diversity and musicianship, but also for being able to surprise you again and again as you get more familiar with it. Many of the songs seem to open up after a few listens and there's some wonderful guitar playing here. Dweezil's brother Ahmet, who is underrated and a terribly good vocalist, sings on "You're a Mean One Mister Grinch", and Lisa Loeb makes an appearance as a secretary in "Dick Cinnamon's Office." Blues Saraceno, Mike Keneally and others play on the record also. Coming out on Steve Vai's record label Favored Nations, it's no surprise that it's a brilliant record from a guitar point of view, and you won't tire of it quickly. Highly recommended. This is Dweezil's best record yet, possibly typing with Z's "Shampoohorn"!$LABEL$1 +Lose 30 Pounds in 30 days; Weight loss secrets they don't want you to know about. I loved this CD. I listened to it twice and took notes. They make lots of sense and are things that conclude with other books I have read. I strongly agree with everything in here. I would recommend this to everyone. Not just people trying to lose weight but for general good health.$LABEL$1 +Intelligent and rewarding.. Intelligent due to the intriguing nature of the story which keeps you wondering. I won't spoil anything here but I thought it was brilliant.Rewarding because Christina Ricci is naked in it a lot and also resembles a dead person, enough said.$LABEL$1 +Rollicking analysis of an S&L's collapse. James Shea adopts a twangy vernacular to skewer the inflation and deflation of Don Dixon's Texas savings and loan. Dixon took advantage of deregulation and profited handsomely. Whether it was intentional fraud or opportunism is up to the reader to decide, but the book is written like a summer detective novel. It's better than so much of the hack work out there, and it's true! I recommend this in addition to "Funny Money" by Mark Singer.$LABEL$1 +May make you very itchy!. If you have sensitive skin, this detergent could make you very itchy. I normally use Free and Clear All. My wife brought this home a few days ago. The first load of my clothes I did in it lit my skin up - no visible rashes really, just made my skin burn a bit and feel like bugs crawling all over me, especially in my facial hair and scalp where I touch with my hands.Beware of this if you have or if others in your house have sensitive skin. Residue can stay behind in the washer/dryer and it will affect others if they have sensitive skin even if they use a different detergent.$LABEL$0 +Just Can't Cut It !. I was drawn to this book title because I have been collecting some wonderful fabrics that have large designs and I have seen some beautiful quilts displayed in my local quilt shop that made use of these large patterned fabrics. By buying this book, I get several patterns at a cost far less than buying the individual patterns from the quilt shop. I am especially interested in using Asian fabrics and there are 2 quilts pictured in the book that make use of these fabrics. I can't wait to get started on some masterpieces of my own$LABEL$1 +you better sit down. I didn't like it as much as XO at first. It seemed a bit too lo-fi, but after many listens, it revealed itself to me. His songs just open up. The storytelling is so vivid and the emotion so intense, you can't keep away. When you hum Elliott Smith songs, it's not just because of catchy melodies. I am in love with the songs on this album. "Ballad of Big Nothing" is the best song recorded this decade. GET THIS ALBUM.$LABEL$1 +One Star Is Too Much For This Awful Album. I am going to summerize my feelings about this album in ONE word: UGH! Trust me, this is terrible! Don't even bother. If someone tries to sell this to you RUN, don't look back, RUN fast! It's really bad rock/metal from a band that should've called themselves C.R.A.P. instead of T.S.O.L.$LABEL$0 +Spaghetti western collection. I'm sorry but I thought the image quality was much better. Instead it looks like the movie has been filmed by an old mobile phone in a cinema. I am disappointed.I have some of them in a single dvd issue (nothing to do with this new MILL CREEK ENTERTAINMENT version) and they are much much better.What's the point in producing something so cheap (in price and quality) if at the end you can't stand the vision of it?Sorry for being so strict but I really wish I could to return them all back to you.(Unfortunately I bought several collections of these ...uncooked spaghetti!)Thanks for asking.Max$LABEL$0 +Disappointing. I agree with the other disappointed review. The rainbow didn't curve, the dolphins didn't stand up, and the pool kept deflating (obviously a hole in it). Too much work for a nice sunny day when I just want to go out and play with my toddler, not work while my toddler plays. I'm going back to a standard plastic pool after this experience.$LABEL$0 +Not an accurate representation of the Leo Frank trial. There were some issues getting this DVD to work properly that I never experienced before with other DVDs. I have heard others say there were some possible defects with it missing portions of the miniseries and so forth. I was finally able to get it to work and what I saw was appalling. This miniseries makes a grotesque mockery of history and what really happened at the Leo Frank trial. Dozens of people did not stand up in the middle of the trial and start singing with the result of the trial coming to a screeching halt. This miniseries about the Leo Frank case is one of the most racist, prejudiced, dishonest, slanderous and defamatory treatments against Southerners ever produced.$LABEL$0 +Agenda science. Sociologists are normally very meticulous about how they design and conduct surveys and interviews. I found the questions the author posed to be unclear and subject to criticism, or to alternative interpretation. The individual quotations from adults who experienced divorce as a child have a complex underpinning that deserves further analysis: I suspect that many of these respondents are synthesizing an experience, sort of "making the best of a bad history." In any case, I don't think this book does more than try to substantiate further the theory of good divorce by interpreting grown children's responses to the best advantage of that theory. Not convincing.$LABEL$0 +Duhh.... Well,another album from Hatebreed,and what can I say?nice guitars,simple,but good,drums are poor,but neat...but what da F**K is wrong with th vocals? I mean,give me a break,please...listening to that guy gives me a big headache,he simply never changes is tone of voice!!!Anyway,there are much better stuff to listen to...spend your time listening good metal...old or Nu,doesent matter,there are great bands,but please,not HateBreed$LABEL$0 +A tiny, useless piece of junk for everything but toast. The oven part of this thing is so small that you can barely fit in anything worth heating up. If you don't use the tray and try to heat up a hot dog, say, be careful, because odds are the hotdog will roll of the back of the wire rack (which has nothing in its rear to stop things from falling off) and into the very bottom of the machine, where it will be an enormous pain to get out again.It toasts fine. That's about it.Go for something bigger, something better designed, something that doesn't make you want to throw it from the top of a very high building.$LABEL$0 +Way, way diluted -- not resemble photo. Take the citra-solv in the photo (the orange citra-solv we fell in love with), fill a bottle one-third with it, then add 2/3 water and voila -- the current citra-solve. WAY WAY more diluted. Not even orange as in the photo but a pale yellow. Shame on you, Citra-solve.$LABEL$0 +A great item. The ultimate item for grandchildren to watch. It provides countless hours of great entertainment and a reason to go see Grandma and Grandpa.$LABEL$1 +Snow Flower. although I do not own this disc, i have heard the song "Hana no Yuki" ( Snow flower) and it is lovely. buy it if you like nice music. Mika Nakashima has a sweet voice, most enchanting.$LABEL$1 +Microsoft Streets & Trips. Microsoft Streets and Trips 2008I have used this product for years, but I had to return it because it could'nt be activated by Microsoft. After installing I couln'tget the requied code because it wouln't load and show the code. I triedreinstalling to no avail. I'm still using the 2007 version. Does anyone know of a soloution? Microsoft site was of no help.$LABEL$0 +Good Buy for 13.99. I bought this movie set for 13.99 which is good buy for the price. Good quality for the price and enjoyed them.$LABEL$1 +interesting!. This book treats all aspects of owning a cat and is beautifully illustrated (with many, many photographs). Addresses many common and not so common issues and is an ideal jumping off point for looking into a specific point in depth.$LABEL$1 +Very Disappointed. I was very disappointed with this book. Much of the info I needed was missing. It was big let down. I felt warned off and talked down to. I want to race not be warned I could ruin my engine, I know that. I want to really make power not just bolt parts on.$LABEL$0 +NOT for SENTRIA. This product may fit other Kirby vacuums, but it most certainly does not fit the sentria model. I returned this item with ease, but am disappointing. Do not advertise a product as compatible if it is not. NOT FOR KIRBY SENTRIA!!!$LABEL$0 +review of "Atlantis, the Lost Continent". it was great. haven't seen it since i was a kid 40 years ago. great to be able to get this kind of stuff. wish it was available on dvd instead of just vhs.$LABEL$1 +DuWop Revolotion. it gets streaky. i didnt really like this product. i suggest buying the cosmedicine tinted moisturizer.$LABEL$0 +This book doesn't tell you too much. This was not a very informative book. I thought there were a lot of good ideas and a lot of different concepts brought out in it, however the author did not go into very much detail on any of the subjects. I thought it was also a little disorganized, the author seemed to delight in making the reader skip from section to section. I would keep looking for another book, this one is a definite one star.$LABEL$0 +new ms office. It is very different from 2003. If you don't like icons and ribbons, stick with the old. It just takes some getting used to and there are some nice features (compatibility mode is one of them).$LABEL$1 +stable and nice size. Theproduct was light and works well. The steps are deep enough for my dog to use them comfortably. Easy installation$LABEL$1 +this book is not for the average person. This book was assigned to me as a reading for a book review in my cultural anthropology class at Mississippi State University. I thought that this book was a difficult one to read because the layout was hard to follow. The names began to get jumbled by the fourth chapter. The story line could be good if it was brought to the audience in a more typical and easy to read format. Less rambling on and on would be great. I have never read a book that took half a page to describe a creek...it would have been ok if the book was about the stream but it wasn't it was about like 50 people and eachof their life stories...It stunk!!$LABEL$0 +A outstanding wireless controller. The Wavebird is, by far, the best wireless countroller out there. With 16(yes, 16) different channels, you can be sure that there won't be any outside interference. In addition, the Wavebird has a claimed 20 feet range, but mine can go well over 40. Dispite all this, the Wavebird still has an ample 100 hours of battery life. Being a casual gamer, My Wavebird has lasted me from September to mid-March and still going on strong. For those who complain about the lack of rumble, know this: vibrations require a motor which sucks up battery power like nobody's business. So unless you want it to have a 20 minute battery life, quit your yapping.Recommended at the highest level.$LABEL$1 +Doesn't work with all table tops.. We can't use this at our table!! Our table has a support that runs along close to the edges that drops the clearance by about 3 inches. This is not a problem when you are sitting on a chair but when you use the booster seat there is only an inch or two for our son's legs to fit through and it will not work. I guess this would be a problem with any booster seat but still - it would have been nice to know. So the booster seat we bought is sitting in the living room right now and getting no use whatsoever. We can use it at our outdoor table which has a tabletop that extends out past all the supports but at this point our 20 month old would rather sit on a regular chair even if his shoulders barely clear the table. I think I will just use a phonebook when he needs a boost.$LABEL$1 +Not much to "Touch and Feel". If you are looking for a book to offer your child textures to feel, this is probably not the best book for you. The book is actually more about animals than a garden and the textures are very small. The colorful pictures are nice.$LABEL$0 +Loved it!. Oy, did I love this video. Like you wouldn't believe. Buy it and watch it with your mother. Or HER mother. Or by yourself. You'll laugh. You'll jump for joy. You'll feel like a WINNER.$LABEL$1 +Customer Service. I have got a very good and prompt service and response from Amazon for the book ordered.$LABEL$1 +not useful for me. I found the diagrams in this book difficult to follow, and it didn't contain some words I wanted to learn, while it did contain some I would be unlikely ever to need. Also, the signs are NOT ASL but Signed English. However, I have seen other books in this series at the bookstore, and I might buy the ones on food or school. This book, however, I didn't keep.$LABEL$0 +good book. good book, Interesting read from a good author. Fast flowing and found interesting , would recommended it to all readers$LABEL$1 +iTalk = Handy VOICE Recorder. The iTalk recorder makes very adequate voice recordings on my 3G 40 Gig iPod. I've had no problems with freezing (or any performance issues). Before using iTalk, I read all of the reviews, and following the helpful suggestions from other users, I've had good recordings from the first.What's terrific about iTalk is that you can organize your recordings in iTunes. As another user mentioned, you can create playlists of related recordings that can later be burned to CD-Rom.Two drawbacks for me are the volume level of iTalk's speaker, which I find too low for adequate playback even at top volume on my iPod, and the lack of a carrying case to protect and identify the iTalk in my purse.Would I buy again? Absolutely. Would I recommend? Without reservation.$LABEL$1 +Yoanimal. These are great the way they are made with the holes punched this way. They fit fight over the screws and with a small piece of tape they are good to go. They should send some small plastic clips for this feature.$LABEL$1 +Another argentinian is doing great!. This seems to be the age of the great argentinian tenors! Apart from Cura, Marcelo Alvarez is gaining recognition for himself because he has a beautiful lyric tenor voice with shinning top notes and exquisite phrasing. I love this CD, the repertoire is chosen with great care, specially the Favorita, Duca d'Alba and Puritani arias, all sung beautifully. Highly reccomended. Maybe Marcelo will be considered to record I Puritani with Ruth Ann Swenson (wouldnt that be great?).$LABEL$1 +Uplifting. This is the book to read on monday mornings to get you in the right frame of mind for the week. Read a few pages and go out and face the world knowing you can win.Rich Fox$LABEL$1 +Compact Disc Player/Recorder. I've only had this item for about a week, but it has performed very satisfactorily during that time. My suggestion for improvement would be that the remote should be able to turn the player/recorder on and off. Also, I have other Sony products and this item is similar in that it's operation is far more complex than similar items made by other companies. I think that is because Sony consistently tries to include every concieveable function in their products. However, after reading the manual several times, I think I've learned the system. I'll review it again though before attempting to do any recording.$LABEL$1 +Good movie but not great. This wasn't one of Winnie the Pooh's best but it was still enjoyable. Price was right and delivilery was on time.$LABEL$1 +psp travel charger. fast service was going on a trip and it arrived the day before I left. Great service$LABEL$1 +The Corrections. ...P>At first, I laughed a lot and thought the book was funny, entertaining and well-written. However, after about 200 pages, I became a little confused and a lot bored. What is the greatness this book manifests, I wondered. The writing ceased to be entertaining. The characters began to seem extremely foolish and unbelievable to me. The peculiar juxtaposition of dates and time seemed arbitrary and unnecessary.I still don't understand why so many publications whose reviewers I usually respect think this is such a great piece of writing. In reality, I think a great hoax has just been perpetrated on us poor unsuspecting readers. I DID read to the end but I'm not recommending this book to any of my reader friends.$LABEL$0 +Only works with a Windows OS. FYI - this device only works with computers running Windows software. If you run Linux - well, move along...nothing to see here...I contacted D-Link about the drivers, and there are no plans to make Linux drivers for this equipment.Note: I own and use other D-Link hardware. This was disappointing because it is not made clear that Windows is a requirement.$LABEL$0 +Useless - 5 year olds can't push buttons. We bought this for our 5 year old twins for Christmas. I thought the rubber jelly coating would make them durable -- it does -- but it covers the push-to-talk buttons making it impossible for a child to press the buttons and tricky for adults too. Even when the buttons are pressed to talk, the reception is full of static. Very dissappointed.$LABEL$0 +Good for a religious book. "For Christmas and bows,"Winter coats and a sled,"To say, 'I love you,'"God made red."Each of the seven colors in this book (white, pink, yellow, blue, green, orange, red, in that order), a Thomas Kinkade painting with the color featured prominantly and a verse similar to the one above is presented. Each verse ends in, "God made..."If you are looking for a book with religious overtones to introduce colors, this one is charming.$LABEL$0 +Don't buy it. Ours broke apart after about 2 years. It's made of cheap plastic and just painted chrome, it's hard to get many average cans to align properly (this was an annoying problem the whole time), and I would not buy it again nor recommend it. Not worth the price and not well built. Try another brand.$LABEL$0 +Satisfied customer..... The product was just as represented. I am a satisfied customer. This product replaced one I was already taking. The comparison came up to expectations.$LABEL$1 +Video: Peanuts. The video was in excellent condition, and the adults as well as the kids loved watching it. The PRICE was great, too. Buy it - it's worth it!!$LABEL$0 +Misleading picture. Okay, the product itself is good. HOWEVER, the picture is completely misleading. The picture shows a plastic bag with the white pads that are almost as big as the bag... What I got was a big plastic bag with the pads maybe... a third of the size.... You can't even see the pads because they were on the bottom of the plastic bag. It is absolutely not worth the money and a complete waste of the plastic bag! So not eco-friendly. Why would they need to put such a small tiny product in a huge plastic bag?? If you want to get the exact same product, I recommend you get All Living Things Fluff N' Snuggle Cotton Nesting Material from Petsmart. It is MUCH cheaper and you actually get more product!! (I got this because I needed a few more dollars to get free shipping). Don't waste your money on this. I am very disappointed.$LABEL$0 +AWESOME. Bought three for use at church. After months of use all still work, no problems with them. Definitely worth the money. Finger loop comes in handy.$LABEL$1 +Bought 3, all 3 are bad. I bought these to use as printer cables. I plugged this cable into a brand new HP OfficeJet 6500A AiO printer. Prints ok, but refuses to scan. I try a different brand 6' cable. Everything works fine. I try the other 2 Cables To Go 13400's that I bought. Exactly the same failure.$LABEL$0 +What kind of reviews are these???. I wanted an axe that I could not only throw but could also chop trees and trim shooting lanes when I need to. I was to be using it at the deer lease mostly. I chose this one due to its good reviews but honestly the ppl who reviewed it have no idea what their talking about. The cheap metal blade comes sharp and the shipping is extremely fast but the blade bends and breaks with normal wear and tear. It's cheap metal. As far a throwing it is concerned... Don't even bother. I broke 2 of them in less than an hour. The handles are cheaply made and break easily. I've had plastic forks that were more durable. The best use is to mount it over the fire place and hope that all the weight from the dust doesn't break it.$LABEL$0 +False Overlord, Ture Hero. 1. Not a roam free style Action-RPG, just a eady liner action adventure.2. The single-player mode is a solid work , but multiplayer is very lag due to too many minions on the screen.3. the Minions are cute and fun, but its auto camera angle is not some smart when you need control Overload and Minions at the same time.4. the level riddle is easy.$LABEL$1 +Not Efective!!!. I spend hours trying to clean my lenses, no luck.Used the brush and then the carbon mat, just to realize that i have to brush again, and again, and again.Useless !!!!$LABEL$0 +Gone already. Already lost this unit. The technique to hold it on your belt need serious work because I already lost it walking. It seemed to work ok for the short time I had it but it's a poor design cause it is supposed to measure your walking steps, etc. and it fell off somewhere I was walking. Won't buy another of these. Needs a strap in addition to the clip (like a surfboard strap) to prevent the customer from loosing it right off.$LABEL$0 +Wonderful old movie.. Very pleased with this movie. Stars Academy Award winner Geraldine Page. The special feature is interesting too. Story about how a little old lady outwits her evil daughter-in-law to go home one last time. Very watchable.$LABEL$1 +Regenery! Oh what a surprise!. Oh my! Another insta-book from a radical conservative bobblehead that parrots all of the talking points from the insta-books of all the other radical conservative bobbleheads! (Really, without the pictures on the cover, could you tell if it was Laura Ingramn Ann Coulter, or Michelle Malkin who was the author?) Who could be the publisher? Why, Regenery! Wow! Well, they're still in business, so they either have a good sugar daddy or the same thousand people on the mailing list buy every book they publish. Bully for them. The rest of you, don't waste your money. If you really want to sample Malkin's Mania, go to her website. She says everything she does in the book, but you save your $$$.$LABEL$0 +lets go down now..into the darkness. i already had this ALL done and accidently closed out of it SO im not rewriting it again...Life On Standby: 3/5Dissolve And Decay: 3/5Niki FM: 5/5 TOP 5 FAVOURITEThe Transistion: 3/5Blue Burns Orange: 4.5/5 TOP 5 FAVOURITESilver Bullet: 4/5 TOP 5 FAVOURITEScreenwriting An Apology: 5/5 TOP 5 FAVOURITEOhio Is For Lovers: 5/5 FAVOURITE SONGSandpaper And Silk: 4/5Speeding Up The Octaves: 4/5yea, great CD, love it!$LABEL$1 +No interest.. Couldn't hold my interest. Just didn't want me to get any more. The mystery wasn't there. Just not my type of book.$LABEL$0 +Superb addition to your Rozz/Christian Death catalog.. The recording is from Rozz's tour of Europe in support of Daucus Karota, and features several recordings that unfortunately Rozz never took into the studio for a potential commercial release. Rozz is emotive and powerful throughout the performance, so it is definately a worthy addition for any fan. The music is more rock-oriented than dark and melancholy. The sound quality slightly pales in comparison to the Triple X Records release, "Iconologia", and the deletion of the Christian Death songs performed during this show is a disappointment. The aforementioned as of yet unreleased tracks more than make-up for the glaring omissions in the recording, so I definately recommend picking this one up!$LABEL$1 +Cary, Cary, Cary . . .. How does he do it? Well, he becomes a dad but not in the usual way! Good family story and teaches lessons on raising kids - whether they are yours or someone elses! lol$LABEL$1 +Not satisfied with labeling on product or results. I am not pleased with the results of having used this product. I have taken for nearly a month with no good results. Also the product listings on the container are not clear and not specifically listed as to just what the product contains. Would not purchase again and I am sorry I purchased 2 bottles of this product.$LABEL$0 +It's 1/4th the price of OEM sensor and worked like a charm!. My 2001 Lexus IS300 has four oxygen sensors and so far three of them have been replaced with this Denso sensor model over a period of two years and they are all working perfectly! A Toyota/Lexus performance shop (not a dealership) in Liberty, NC, installed each for the minimum one hour labor charge. So basically, I bought this aftermarket sensor from Amazon *and* had it installed by someone who knew what they were doing for less than what the Lexus dealership wanted for the OEM sensor alone.$LABEL$1 +Purchased books being deleted. I was interested in buying a Kindle, up until the news today that Amazon remotely deleted books from users Kindles.Quote from Amazon customer service: "The Kindle edition books Animal Farm by George Orwell. Published by MobileReference (mobi) & Nineteen Eighty-Four (1984) by George Orwell. Published by MobileReference (mobi) were removed from the Kindle store and are no longer available for purchase. When this occured, your purchases were automatically refunded. You can still locate the books in the Kindle store, but each has a status of not yet available. Although a rarity, publishers can decide to pull their content from the Kindle store."I won't buy this device up until this policy is reversed and I'm assured that the books I buy are actually under my ownership and control without a third party remotely deleting them akin to someone breaking into my house and taking the books from my bookshelf.$LABEL$0 +Caution. I purchased it and used it just once to make a puree and just after 15 minutes tried using it again and it was dead. It was not working at all. I saw BLACK AND DECKER and purchased it.It is most unreliable.$LABEL$0 +So...So. It looks good, but has some draw backs like1. Music is irritating2. Can not decrease volume below certain level.3. Screen (actual display)is too short.4. Display back ground should be with fluorescent color.5. It should be provided with AC adoptor$LABEL$0 +For a hard-to-please man. As always, Nautica is a great reliable brand name. Although slightly different then in the picture, I would say that it was like a navy heather color as appose to a solid, but great quality, My son will were it!$LABEL$1 +NOT WORTH IT!. I took this back the day after i bought it! It was worthless. It was so hard to get the water in the babies mouth, and even the, the baby would not pee the water out. It just sat in the stomach. How gross is that? Can we say MOLD issues here! It also comes with a very small potty for the baby, and i have seen bigger "more sturdy" ones out there. I am going to buy another one that TALKS and says "mommy, pee-pee" and it is magnetic on the babies back and on the potty, so it only pee's when the baby touches the potty.Seriously, dont waste your 10.00. You will just take it back or upgrade anyways.$LABEL$0 +Nice Surprise. I really didn't know what to expect when I started to watch "Book of Lore" but I was pleasantly surprised. Director Chris LaMartina pulls out all of the stops with this intriguing tale of horror that unfolds just like a Stephen King novel. A cast of unknowns turn in credible performances and even though it is low budget, it takes a hold of you and doesn't let go. It was nearly two hours long but it deserved its length. Character and plot development was essential in making it work. If you're a horror buff, don't miss this. The twists and turns are top notch and the collage of music and sound effects are weaved in very nicely. 4 stars. I haven't watched the second feature (Grave Mistake) yet. I'll reveiew it separately.$LABEL$1 +Very Fast Shipping. Very fast shipping, 2 days. Stores don't carry this brand usually b/c it's an older model but my wife loves it so this is perfect.$LABEL$1 +Great book.. We've had this about a week and my boy (he's 5) takes it everywhere with him, to read in case there's a slow moment in whatever it is we are doing. I can't tell you what makes it appealing for him, but he understands and retains what he has read, and it carries him way beyond his customary attention span.$LABEL$1 +DO NOT BUY. I bought this Hard Drive to back up a older Hard Drive. All I have to say is that this is the biggest waist of money that I have ever spent money on. Fist off the accrual piece of equipment is not bad. It worked for about 30 days then the USB port broke!! I cant use it I even bought eSATA cords and adapter for my computer! second the customer service at Seagate is by far the worst that I have ever dealt with. they have no way of fixing this it is not covered in the warranty and if they were smart obviously they are not they would sell the little adapter that comes of separately so people can buy them. I have read other reviews about the same problem. it seems that this happens more then just once so be warned. Go with a WD or something else.$LABEL$0 +PC-Cillin 2007 will slow down your PC/Laptop to a crawl!. Absolutely kills my PC's and laptops (typically a 2.2Ghz CPU with 2GB of RAM) with a process named PcScnSrv.exe alone using over 85% of CPU continually, and 120 MB+ memory, just for this process. Trend Micro PC-Cillin Internet Security 2007 is terrible. I've used PC-Cillin since version 2003, and until this version it has been a good product. Even 2006 was fine. 2007 is a bomb, so do not purchase it or upgrade it. Just delete your registry keys for Trend and reinstall your 2006 version, and you will be better off, until Trend Micro fixes this disastrous problem. I've been working with technical support every day (the "Customer Escalation Team") since 04/05/2007, with no end in sight so far, and it is now 06/04/2007!$LABEL$0 +Not for all day wear. I (like many others) use the radios when riding my snowboard.The sound quality can't be faulted, both sending and receiving are crystal clear (and now private). Wearing it all day you can now hear when people are paging you, not just when standing in line.Now the bad; the build quality should be questioned, the speaker inside the earbod rattles around in mine, and the "PTT" button is difficult to press when wearing gloves. The earbud's a little big for my ear, and isn't as comfortable as it could be (although it fits under my helmet fine).The other problem I've had with this is that it pops out of the headphone jack on the radio with annoying regularity. I've solved this with duct tape, which isn't pretty but it is functional....$LABEL$0 +Overrated. The entire book could have been distilled down to one or two useful pages. A typical example of the author's predilection to stating the obvious in expert-speak: "Generally children will send discernible non-verbal signals when they are ready to end a conversation with an adult. They often begin to stare off into space or become silly. It is time to end the exchange."And then there are the self-promoting anecdotes such as, "It is encouraging to meet alumni from the 90's who had been exposed to intense social skill instruction during their high school years. Their conversational entrees are far more appropriate and effective: 'How are Mrs. Lavoie, Christian, Danny and Meggi?' 'How long will you be in the area?' 'How are things on Cape Cod?'"If you can bring yourself to wade through the superfluous chit chat and you've never read anything on this subject before, it may be worth buying used.$LABEL$0 +A classic performance. I have owned and enjoyed the VHS format of this performance for several years. I gladly would have replaced it with the DVD, but I understand there are no subtitles. That is truly inexcusable since they are there in the VHS. Nevertheless, the performance is grand in every sense of the word. The death scene as done by Nesterenko is absolutely breathtaking. I actually prefer the Mussorgsky version (Kirov/Gergiev) for many reasons, but I am still very happy to own this one.$LABEL$1 +Typical Washington. The book starts out OK--and some of the concepts are impressive considering it was written in a pre 9/11 world. Then it seems like the author runs out of things to say and the tone of the book shifts. The second half reads more like a memoir and its purpose is to name drop. Yawn!$LABEL$0 +Should have read reviews first. I should have read the reviews first. This game came fast and quick but does not show up on my ps2. It shows up as error on my ps2. I just wish I read the reviews first before I bought this game.$LABEL$0 +Carter deminished. Carter's book brings to mind of how can you trust his judgement? During his presidency, he sent some brave men on a suicide mission to rescue the hostages. The equipment they were given was not designed to be used over a desert climate. Some of the men paid with their lives, but Carter lives on. If these men had reached Tehran, what were they going to do, knock on doors? I get the impression that his innocent smile is lethal.$LABEL$0 +Book for school. This is a book i got for my history class at san jose city college it is really good book.$LABEL$1 +Softer then expected, but still good.. Significant Other was good, but I expected it to be better. Three Dollar Bill (The first album), was a hard hitting album that rocked all the way through. This one still rocks, but it seems like it gets softer in the middle of the songs, especially during the chorus. However Significant Other is a much deeper and much better written album then the first. Excellent tracks on this CD are "Just Like This", "N 2 Gether Now", "Show Me What You Got", "No Sex", and of course the smash hit, "Nookie".$LABEL$1 +Terribly converted e-book format. I couldn't get past the first 5 chapters in this book due to the number of typos and poor translation. As soon as I'd begin to be immersed in the story a string of typos would trip me up and frustrate me. Often times I'd find myself re-reading a paragraph more than once to try and figure out what was being said because of the bad translation. This is certainly not a Wordsworth e-book conversion! You're better off just buying the book instead of this.$LABEL$0 +A Must Have For Your Property With Large Trees. I enjoy gardening and try to do everything myself. I have a Acre of land with alot of mature trees and was never able to prune the lower 15-20 feet. Every 2 years I had to hire someone at a cost of several hundred dollars. No more, the Pruning Stick does a beautiful job. Its very well built and it cuts like butter. I love it. Now I'm able to do it myself and prune all the trees the exact length I want.I must add I have not tried the saw included with the Pruning Stick since I also purchased American Gardeners Yardsaw, but have not used it yet.$LABEL$1 +Encore encore. I have listened to a lot of dead material. This collection is perhaps the livliest. Very good blend of tunes. Lot of music here for the money. All around great listening. Good for a new Dead fan to experience.$LABEL$1 +Good, but not good enough. Liner fits bathtub niceline and is easy to inflate. Colorful and does the job but can only be used if your baby is a "sitter" in the tub and doesn't try to pull up on the tub sides as the cushion doesn't go all the way to the top, much less over the top of the tub at all. Would be so much better if it extended up a little over the top of the tub wall.Also, suction cups are large but don't hold to the rounded corners of the tub at all, so comes off and floats up during every bath. Not using it anymore...$LABEL$0 +Dissapointed. I was excited to see this show until it would not load onto my computer. I know that I don't have the latest model, but its not that old.$LABEL$0 +Small wang. As I have a very small wang, I needed this cable to boost my mojo with the ladies and it worked.$LABEL$0 +Fun disco music. Music can be serious, but it doesn't have to be serious all the time. Baccara, with their European accents, their sexy voices and their lightweight songs, made disco music that was never meant to be taken seriously. Their music was pure fun, and never meant to be anything else. If anybody doubted that, listen to their cover of Yummy yummy yummy. It was a silly song when first recorded by the Ohio Express in the sixties and sounds every bit as silly by Baccara, but it suits them.Baccara topped the British charts in the late seventies with Yes sir I can boogie. The follow-up, Sorry I'm a lady, provided them with a top ten hit. These are the best tracks here, though The devil sent you to Laredo, Parles-vous Francais and their covers of La bamba and Can't help falling in love are also wonderful.Baccara did not make music that could be called essential, but they had a style all their own that provides a refreshing change from more serious music.$LABEL$1 +Save your money.... on this dance movie. It was a complete waste. I didn't like it. The movie had no flow. Buy the first one it's a million times better.$LABEL$0 +Disappointed. I doubt if I will use this product very much. I ordered this money clip/credit card clip with the thought that it would eliminate the need to carry a wallet on certain occasions. I was very disappointed with this product.First of all, the clip is bulky and the corners of the watch are sharp. When I reach into my pocket to get the clip out, I stab my fingers with the corners of the watch. Also, you must carry a minimum of five credit cards or they will slide out of the holder that they fit in. I have had a couple of money clip watches in the past and have been very satisfied with them. I am very disappointed with this product.$LABEL$0 +Shotgun Bride. From the back cover:BACKWOODS BEAUTYHallie Benteen would never have guessed that the man who lay beside her was Ritter Sloane -- Wyoming's most notorioius gunslinger...HANDSOME HELLIONHe'd come to throw the Benteen family off their land, Instead, he saved Hallie's life...SHOTGUN BRIDECarrying her from an icy snowdrift to the warmth of her bed, he revived her the only practical way: body heat. And for that he awoke to the cold metal of a shotgun and an ultimatum by Hallie's three strapping brothers: marry her or else! Now a marriage hardly made in heaven took off in a blaze of clashing desires ... where the simple words "I do" sparked a tumultuous passion -- an untamed love as wild and hungry as their own tempestuous hearts!My Review:I loved this book. It was very fast paced and entertaining. The Benteen family was a hoot! I'm gonna have to look for the sequel Runaway Bride now.$LABEL$1 +Doesn't fit the Senseo Delux. Hard to load, messy, and most of all DOES NOT FIT properly when used with Senseo Delux.Don't waist your money.$LABEL$0 +Good ride. I just purchased a Revmaster to spin at home and looked at all the DVD's out there to use, and chose this one and another one. I am so glad I did. I love the options of intervals, hills, flat roads, and the option of picking and choosing which ride you want to put together, and the option of the intensity. Mindy is very precise in her explanation of what she is doing and offers you choices. Very knowledgeable instructor. One minor detail, and please forgive me for the negative comment, but she does talk a lot, sometimes good, sometimes not. Other than that, I love it and never get bored because it offers so many mix and match options.$LABEL$1 +Waste of $20 - get the Krups. My Braun died after a few years of good service. I went with Mr Coffee, but will get a Krups after just a couple of weeks. Not worth the effort to return it so I will eat the $20. This is why I dislike it: the green leds do not shutoff, you have to unplug it; after you grind the coffee and try to empty it, a lot is left stuck on the bottom; the 'grind' button sometimes sticks, and you think it is broken; it is taller than my old Braun and is somewhat unwieldy. Don't need any issues with a grinder, just want it to be quick and easy.$LABEL$0 +The worst movie I've ever seen. I think that it was obvious by the trailers alone that this was going to be a horrible movie anyway, and that's why I didn't bother going to the theaters to see it like most of my friends. I waited until it was on HBO, and I have to say that it was the most painful 80 minutes I've ever spent in front of a television screen. The entire cast is absolutely horrible, once again proving that as long as you have a pretty face you don't need to have a teaspoon's worth of talent to be in the movies. The movie follows the "She's All That" format pretty closely, and every time it tries to go into another movie it only confuses the viewer more. My advice? Go to the dentist and ask to have four of your teeth drilled at once. Even that is better than sitting through this pile of garbage.$LABEL$0 +smoke'em if ya got'em. the johnny hartman john coltrane band collabration from the first note creates an atmosphere of a smokey bar with ice clinking in glasses as patrons talk in hushed tones as hartman waxes smooth as glass on vocals and the band is restrained but wonderful......not trying to overshadow hartman but letting you know that they are special to..and special they are as a who's who with elvin jones on drums johhy griffith on bass and mccoy tyner on piano...$LABEL$1 +le cerveau. un film agreable plein d'humour avec jean paul Belmondo, bourville, ectun film pour toute la famille, et pour certain? des souvenirs?$LABEL$1 +PLEASE! Re-release this product using another producer. He Mr. producer: learn something from the real fans: NEVER interrupt songs in a video again. I can't enjoy it now. Without this it would be a 4 or 5 star DVD. Too bad...$LABEL$0 +Really?. A one-star review. Really? Have you never seen "Casper (the friendly ghost)?" That's a one-star movie. Maybe you sort of have to know a little bit more about music than what you can glean from your programmed-from-audience-response radio playlist. I can't rave about this movie enough. This is music & theatre mixed at its optimal proportions. Great script. Great acting. Great directing and editing. Thirty-five years hence it is still relevant. Please, take my word...$LABEL$1 +Brilliant. All the favorable reviews here below say it all, so I'll just comment on the language McCarthy uses. The author's apparent flouting of the normal rules of grammar in favor of stark, harrowing rhythm works beautifully. Also, he uses all those wonderfully precise words we somehow almost forgot - skifts and catamites, gimbals and gambrels, stoven faces and balefires .... A bleak, beautiful read.$LABEL$1 +They warp in the dishwasher. They warp from placement in the dishwasher, but they still work. Glad I got the 3 pack, because my dog chewed one up.$LABEL$1 +Great Bag for Even the Biggest Set of Jumper Cables!!!!!. After my other set of Jumper Cables went out. I bought the biggest set I could find, 20 Foot 2-Gauge Professional Jumper Cables and these aren't CHEAP!!! I started to look for a Bag to store these in, so I could keep them nice and like new. I found this one on Amazon and got it in. Just Roll the Cables up, good and tight and had no problem putting them in. Bag is sturdy enough to keep them like new for many years to come.I HIGHLY RECOMMEND THIS BAG!!!!!!!!!!$LABEL$1 +How to read this book. I would just like to respond to Flavio's review. As a physicist, I drew the same kinds of mathematical conclusions he did when he read the book. I do not, however, feel that this is the point. Whether 9 comes out in the decimal system or 7 comes out in the octal system is irrelevant. "No 9" remains a beautifully written piece of literature that expresses author's fascination with numbers and geometry. Sure, you can find rigourous mathematical proofs why '9' must come out. I have worked it out myself, and I don't disagree. However, there are many scientific phenomena (rainbows, fractals etc.) that are no less beautiful despite being taken apart, analysed, and understood.Number 9 is a captivating, well written and beautiful book that was a pleasure to read. The reader is drawn in by the author's fascination with the subject, and kept there by the author's storytelling skill.I recommend it.$LABEL$1 +ankle brace. This brace has inflated pads to make it more comfortable. Unfortunately, they are glued to the hard plastic sides with a flexible adhesive, so they shift after you apply them. This can result in an uncomfortable fit. After I taped the pads in place with adhesive tape, the braces worked better and were more comfortable. I had a hard time applying this brace by myself because I also had a fractured clavicle--think I would have had trouble with any brace. When my wife helped me apply it, it was tight enough and provided good support.$LABEL$0 +Great Price. Amazon.com is great enough as it is. But where else could you find BluRay movies for $9.99 especially when it just came out. Item came in fast. This is a must for Disney collectors. I am about to order Monsters Inc and UP for $30. Have fun and keep shopping.$LABEL$1 +not great, not terrible. ok jigger, great for a wet bar, hard to measure the 1oz mark, better to have a traditional jigger, but it makes it simpler if you don't want to have a whole drawer full of lush tools. 2 stars$LABEL$0 +Couldn't wait to see it.. I was definitely hooked with season one and was definitely not disappointed with season two. Definitely spell binding and cliff hangers. The best part is watching commercial free and at your own pace.$LABEL$1 +Worth the wait. Possibly the most comprehensive Phish album to date. While it lacks some of the improvisational flare of Lawn Boy and Junta, it ranks right up there in my book. The band's side projects prove to be influential, as jazz and funk undertones drive the album. Pick this one up for sure.$LABEL$1 +Car Seat Base Does NOT Work. The design of the car seat base is very defective. There is no possible way to get it tight enough. I could pull on the front of the base with one finger and flip it right out of the LATCH belt (that was pulled as tight as humanly possible). In addition, the car seat carrier was difficult to secure on the base and difficult to get off, losening the belt even further with each attempt. I returned it for the Graco Oakwood and could not believe how complicated and unsafe this Eddie Bauer Travel System is in comparison. Two thumbs way down!!!$LABEL$0 +One Caution. Works as advertised. Great for travel. However, you need to be careful that you do not remove it from the cup before you disconnect it. There is an internal fuze that turns the heater off if it gets too hot. Once that happens its shot.$LABEL$1 +My personal album of the year.. Scarling is the first band to come out in the past few years that I've had any interest in at all. Most (not all, but most) of the stuff I listen to is ten, fifteen years older or more. Yet they've put out two amazing albums in a relatively short period of time that left a lasting impression on me. So Long, Scarecrow is a particularly emotional piece of work, the first full length album I've heard this year that made me feel something more than ambivalence (needless to say, I've been disappointed by some of the recent works of some of my all-time favorite artists). This heralds a complete departure from Jessicka's Jack Off Jill roots, where remnants of them could still be heard and felt in Sweet Heart Dealer. I would definetly say that this album has bumped Scarling up to my new favorite band.$LABEL$1 +The tape doesn't follow the book. After reading through the book, then listening to the tape I found myself very confused. The tape starts out following the layout of the book, but quickly starts moving around to different sections (some even on other pages) and then returning without any warning. I had to have a native speaker assist me in figuring out where the tape was reading from, and make marks in the book. I also felt this went to fast, and didn't cover basics such as syntax. This book also jumps into full dialogue much too fast, and doesn't give proper instruction. This is my first attempt at learning Vietnamese, and if I didn't have a native speaker to help me I would probably give up after trying this book.$LABEL$0 +horrible album. everysong on this album is brutally bad.agnus young's guitar still sounds great but brian johnson's vocal's on this cd is horrific.is this really the same guy who sang vocals on back in black?the song stiff upper lip is the lamest song i ever heard ac/dc performed.if this is the best material they can produced,then maybe it's time they called it a career.$LABEL$0 +Pirated DVD. When I purchased this DVD i received a Pirated copy it had no label on the DVD no subtitles, and it didn't have the name of the company that produced it anywhere. TAKE MY ADVICE DO NOT BUY FROM THIS SELLER!$LABEL$0 +Not the best model. I don't like this Brother labeler model because it doesn't save the size format from use to use. Every time I turn it on I have to start over and re-size and change fonts for my labels. Every other model I have had saved your changes from use to use. Not exactly a time saving feature.$LABEL$0 +Babies love Toddler Tunes Too. My 3 month old son loves this CD! He prefers the upbeat songs to all of his lullaby CDs. I love that the CD contains all of the song lyrics, which is great for people like me who can remember only parts of songs from my childhood.$LABEL$1 +YUCK. God shoot those poor things!!! The director absolutely SCREWED THE TURTLES UP!!! They look so much like frogs!!!!!! The animatronics make me cry!!!! The voices kill me literally!!!! Splinter I want to SHOOT because he's so horrible in this movie! The only reason I didn't give this a 1 star is because of Yoshi (he's so adorable!) and Casey Jones and the four Japanese dudes. April was somebody I wanted to just slaughter with a mace. Has anyone noticed that she changes personality in all three?? Nope. Don't like NT 3. But the ninja/karate moves are pretty cool. Either than that....put this thing out of its misory.$LABEL$0 +We'll see if the second one is any better.... I bought this at Target, used it once and had the same problems with uneven heating as other reviewers. I wanted to return it but my efficient husband had already thrown away the receipt and box. I called the customer service number on the instructions and was able to send back the plug along with $7.50 to them and the sent me a new one. I just got it so as soon as I use it I will update this review with the results. I'm not super hopeful.$LABEL$0 +Works Great, Cheap Product.. The reason why this product deserves only 2/5 stars is that It was all plastic, even the "plastic chrome". I bought this as a gift for a family member because it was ranked 4/5 stars at the time, with very little complaints for a descent price too! But like the saying goes you get what you pay for. I just kept it for myself because it still works but it is not worthy of a "gift" item.Pros+Blue Lights Look Great+Connects With easeCons-Cheap, Super Cheaply Made.-Broken Arm Bars that hold Controller-Rattling Sound inside (If you reserve one with a broken arm bar)Wishes: It was made of more durable plastic, or even some type of thin pressed metal.$LABEL$0 +My thoughts on "A Twist of Fate". With the metric tons of garbage released under the guise of rock, it's a crime that John Arch doesn't release more brilliant material like this to counteract it. I guess we should just be thankful that we have this 2-song EP at all, but it leaves you wanting more of Arch's amazing vocals. The winner on this EP is Relentless, one of the best progressive rock songs these ears have heard in quite some time. Between Jim Matheos on guitar here and Ray Alder in Redemption'sSnowfall on Judgement Day, it's both a shame and a blessing that Fates Warning had to break up to give us great music elsewhere.$LABEL$1 +Stagnant water. I thought this would be a series of compositions that conjured up images of the Amazon. Instead, it's a series of trite, redundant, and very uninspiring notes that might was well be about a water well. Very disappointing CD. And, I like Glass and defend his work to friends. Not this time!$LABEL$0 +The Greatest Country-Rock Album Ever. The Gram Parsons-led Byrds was a much different outfit than the original group, which is still my favorite incarnation of the Byrds. However (with a boldfaced, 32-point capital "H"), this album is quite simply fantastic in its own right. It is quite simply the best country-rock album ever made, in my opinion, and that is saying a lot. From the opening strains of Dylan's "You Ain't Goin' Nowhere," you know you're in for a great treat. No ringing electric 12-string Rickenbackers, just timeless country harmonies sung with great vision and enthusiasm.$LABEL$1 +Bag clips. Again found this item earlier in a chain store & couldn't find it again. Looked to Amazon & yep they had the product. It works so well around the kitchen & packing lunches & etc.$LABEL$1 +Ayurveda Dumbed Down. I purchased this book on the strength of other consumer's reviews, but was disappointed by how simplistic it is. Ayurvedic medicine is a life-long study, not a "handbook" for looking up routine symptoms. It may be an introduction to this ancient form of healing, but the book really can't help anyone get an over-all picture of their state of health, or give good advice on how to treat yourself. This book is just an example of the Western approach: why see a real, trained practitioner when you can save money and fix yourself? Only you can't--at least not with this book. Save your money and go see an Ayurvedic Physician and be properly diagnosed and treated.$LABEL$0 +Great game. Got this game for Christmas and haven't stopped playing it. Nice game to play after a hard day at work. I found it to be fun and very entertaining and can't wait for the next one to come out. I love shooter games but this was a nice break for a while. I also agree that it is too short but I still feel it has good replay value.$LABEL$1 +A nice and brief social commentary. I'm a big fan of other Sicilian novels, especially Lampedusa's the Leopard and Riotta's Prince of the Clouds. The island's tragic history produces a rich backdrop for painting a nuanced set of characters and emotions.Sciascia's short novel is wholly Sicilian, centering around his anti-mafia frustrations. The characters are nicely sketched and the writing is brief and exciting. It's a short book that reads quickly and lively.I appreciated the story and its quick moving plot. It's a good book and the introduction is helpful for understanding it's context. At the end of the day, the work is more commentary on Sciascia's times than it is a complex wrought novel. I'm glad I read it, but I didn't find it as fulfilling as I thought I might. Look to the Leopard or the Prince of Clouds if you're looking for a full fledged novel. Otherwise, you'll be very pleased with this nice work.$LABEL$1 +I bought the radio because i want to give to my mommy as a gift. I travelled all the way to Brazil and didnt work at all!!!. Please i want my money back and if is possible send me another radio. I travelled all the way to Brazil to bring the radio to my mommy and the radio didnt work.$LABEL$0 +Zenon-Ze best. I have watched this movie everytime that it has been on television. Me and my friends make sure we watch it together, it sort of bonds us. This movie is tons of fun and is very appealing to young generations and it will become a classic. Kirsten Storms is a wonderful actress and we think she will become a huge actor. Her career will only grow and make her bigger. Beware people, there is no stopping her now$LABEL$1 +Beautiful Voice. I first heard Navega traveling in Africa. I was sitting in a friend's farm house after dinner. I loved her voice the moment it came on the speakers. Sounds like a blend of Bossa Nova and West African music.$LABEL$1 +Gomer Pile U.S.M.C Complete Series. I cant say enough good things about Gomer Pile, the entire family will enjoy this series, there should be more TV series like this one on television for everyone to enjoy, but they don't make-em like they used to , i enjoyed this series as a child, and i am enjoying it all over again now, i am just thrilled that they have it out on DVD, so that future generations, can discover it, and enjoy it as much as i do, in each episode Gomer Pile is teaching valuable lessons, like being kind to animals, and always telling the truth, and being kind to everyone, also it is filled with good clean humor, i laugh out loud in every episode, you will just have to get this series yourself to truly see how great it is, once you start watching you cant stop, my advice is that if you do not have this series , Buy it , you won't regret it!!!$LABEL$1 +Comfortable & sounds great. My husband & I game side by side on different TV's, but that means only one person can have the sound on at a time or it is too confusing. However, normal headphones don't allow me to hear hubbie or kids talking, so I've been searching for one like this that would let me hear my game AND hear my people. Works great! You can wear the headset on either ear. You'll need an adapter and a longer cord to reach your system, though.$LABEL$1 +young Immature male humor. I expected this film to have some raw moments after seeing the cast, but after 30min I knew that my entire experience was going to be redundant sexual humor that never seemed to take a break even long enough to develop any sense of a story. Though well acted and clever in some approaches, the screen play and directing lacked any maturity. Its fun to laugh at raw slapstick jokes, but not when the joke is re-told a dozen times!$LABEL$0 +Didn't work for me. I guess it wasn't powerful enough to remove paint from my deck. Also, the cord is REALLY short and the "stand" doesn't do anything - the gun falls over anyway. I returned mine.$LABEL$0 +bad used unit. received this model that was on display in the store. Did'nt work, had to send it back and lose $19.00 for S&H.$LABEL$0 +X2 Rocks!. The first X-Men set not only set the stage for more movies, it gave the genral public a nice glimpse of Stan Lee's Mutants.X2 pushes the limits when it comes to screenplay, special effects and storyline.Nightcrawler is a VERY welcome character. And they do a wonderful job of using him throughout the entire movie. The opening scene is perhaps one of the coolest in film of late.Can't wait till X3!!!$LABEL$1 +White on Rice. If you are looking for a different sound from whats played on the radio then this is it. If you are like me and listen to different styles from classical to rock (a wide range of music) this artist blends them together like white on rice. A great display of talent shown by a one man band. I recomend this his music to all-those people who like to kick back and chill. Layed back music with a good twist.$LABEL$1 +Saturday morning read the paper music.. Americana at it's best. I am not generally a soundtrack fan, but this one is fun and the music needs to be listened to more than once to be appreciated. Simply fun.$LABEL$1 +perfect. Simply the best stapler I've had.Note: It is my first flat-clinch stapler.Powerful, uses standart staples, flat clinch, cheap.$LABEL$1 +Cheapo Alarm Clock!. This alarm clock had all of the features that I needed: large LCD, auto-set, dual alarms. However, the build quality and instruction manual are terrible.First, to turn off the alarm, there is a small "Off" button the far right of the top. However, half of the time, the alarm treats this as a snooze, so 10 minutes later, the alarm goes off again. This is really annoying if you actually get up when the alarm goes off and aren't just hitting the snooze button.Second, the alarm has a nap function that will make the alarm go off in 15, 30, or etc. minutes. In order to turn off the nap function after you have set it (say you set it for 30 minutes, but you woke up after 20), the manual says to hold down the off or hold down the nap button. But this doesn't work.All in all, I won't ever buy an RCA clock again.$LABEL$0 +Not Much Help. The first time I saw VID 6 was at the customer's site. I huried to the bookstore and bought the only book written on VID 6. It was like throwing a drowning man an anchor! Between this book, the MSDN Library CD, and Microsoft's ever-so-helpful online documentation, I got most of my answers from trial and error. The book is repetative and does not touch on any technical issues. It is also a very poor reference book.$LABEL$0 +Five Stars so far.... I'm only through the first eight chapters (I've been reading it while traveling back and forth for the holidays), but so far I'm really pleased with this book. I like all the FAQ and review stuff at the end of each chapter, this really helps to remember the most important stuff in each section. IFthe last couple chapers let me down, I'll update my review, but based on what I've read I'd be surpriesed by that.$LABEL$1 +A Skip and a Dash in the Dark. I had such high hopes for a book that got to the heart of my favorite city and my favorite literature. However, first it dismayed, then depressed, then just made me plain angry that Ms. Quindlen could be so superficial, so full of cliches, have such shallow skills of description and so absolutely little insight into either London or literature. Surely someone soon will pick up the inky scratches and try again.$LABEL$0 +Resin & Incense. Far too technical for my needs. Unfortunately, one could not determine that fact from the amount of information given prior to the purchase.$LABEL$0 +DEFINITELY, NOT WHAT I EXPECTED. This CD is light years in distant (remote) listening quality and technique when compared to Joe's other CD. I could not believe this was the same guy playing on the CD "A Good Cup of Joe". Don't waste your money on this one.$LABEL$0 +Great sound, but be gentle with the wires!. I've used these for 3 years of daily train commuting, and they isolate the outside sound fairly well. My only major complaint is that, despite carefully winding them in the supplied case each day, the wires eventually frayed near the earbuds. I had the same issue with earlier Sony earbuds, and I thought the thicker gauge wires of the Shure would help.On the plus side, Shure honored the 2-year warranty and promptly sent me a brand-new replacement. But now, barely a year later, the cord is fraying again on both sides, the signal is dropping out, and I've finally decided to order a pair ofEtymotic Research ER6i Isolator In-Ear Earphones (Black), since I've had a lot of success with their musician's earplugs. Their wires look delicate too, so I think I'll pre-emptively wrap them with some electrical tape near the bud end, a precaution that might be advised with these Shure models as well.Bottom line, I loved the e2cs, but it's time to move on. YMMV...$LABEL$1 +Battery life. This battery seems to last forever. Other batteries I have had in the past never had the same life time. I was always in the middle of an important short and would have to change batteries. It also doesn't take as long as others to recharge this battery.$LABEL$1 +Comfortable, Affordable, and Easy to Use BT Headset. I use this headset with a V3 Razr and have been very pleased with the performance. I've worn the headset for an hour at times and it's not a problem having it on. The sound quality is very good although there is some ocassional static on my end. This is my first BT headset, so I think the static is probably a consequence of the BT connection rather than the headset itself. The people I have called tell me that the headset actually sounds better than talking into my old Motorola V265 phone. Overall, the headset fits well, is easy to set up and use, and provides very good sound quality. For the price, this headset is a good value that's going to be hard to beat. I would definitely recommend it.$LABEL$1 +Please read this if you're an Xbox 360 user. This drive is terribly unreliable. It failed the initial test to begin using it as Xbox 360 storage (which should have been my first clue) but eventually was accepted by the Xbox and I started six hours worth of Battlefield DLC downloading. Halfway through, the USB drive lost data and had to be reinitialized by the Xbox (which should have been my second clue) so I started the downloads again. Worked okay, then after the console shut down and started back up the USB drive had to be reinitialized by the Xbox. Now this drive is in the trash, where it belongs. Too bad, it's a nice looking USB drive and the price was great for the capacity -- but it's just no good.$LABEL$0 +The Laserdisc is so much better, since it has the whole show. My long time waiting for a DVD version of that old but great Laserdisc was wasted. It's absolutely depressing what they did here, by cutting some of the best parts of the original show.The Queen Medley by the great band Extreme was probably the best part of this show, not only because the way they played, but also because the playlist choice. A Medley of Bohemian Rhapsody, Bycicle Race, Another One Bites Dust, Keep Yourselves Alive, and others leading to one of the most beautiful moments of the show: the Radio Ga Ga ending, leading the audience to tears.Although the sound has been improved and a new and useless "extra materials" has been added, it doesn't worth the content they cut (opening act, Metallica, Def Leppard, GnR, Extreme and others).I would never exchange the old original laserdisc for this useles "extra materials" with a bunch of new footage.$LABEL$0 +A Study of Six Statesmen. I enjoyed this book immensely. Each of the six contributed differently. George Kennan, a foreign service officer and then scholar, was the most cerebral and prescient. Dean Acheson was the most arrogant. Robert Lovett had the best sense of humor which served him well in dealing with Congress and others endowed with super egos. Averell Harriman was the wealthiest and the most tenacious. John McCloy was the most accomplished. Charles (Chip) Bohlen was a foreign service officer with distinguished longevity.These individuals were great statesmen. Except for Kennan, at first they were all in favor of US involvement in the Vietnam War. Even very accomplished statesmen misgauged Vietnam.I highly recommend this book despite its length. It is one of my favorite books.$LABEL$1 +ho hum. This product should be as much fun as being backstage at Miss America but it turns out to be as boring as being in the audience. It is recorded as if we are interested in the selection of cheerleaders as opposed to the cheerleaders themselves.$LABEL$0 +great purchase. This has worked very well so far. Used the double sided tape but it didn't hold so I just used 2 screws to hold it in place. Great purchase and no problems with it so far.$LABEL$1 +Masterpiece. The Pink Floyd of metal? The Gods of complex, infectious musical compositions. Opeth is one the most original metal bands on the face of the earth. In the simplest terms, you need this c.d.! Pure art! Pure Masterpiece! Absolute metal! There is talent and skill here.$LABEL$1 +The wonderful world of gloomcookie. I absolutely love gloomcookie! From the moment I accidently discovered the first book in a cartoon shop I was captivated. And although the artwork in the second volume is not as smashing as in the first, the story is so wonderfully fascinating and addictive it does not really matter much. The complexity AND simplicity of it is incredible.Highly recommended!$LABEL$1 +Bad narration on CD version. It's hard to believe that Peter Riegert has never met a Filipino, or that he couldn't at least have done some research. His "Filipinos" talk like Chinamen from old Charlie Chan films and sometimes lapse into what Riegert calls "TAG-a-log." Is this the work of a professional?$LABEL$0 +My First and Last Elizabeth Berg Novel - Read Why. This novel confused me. (I would give it 1-1/2 stars if possible.) The subject matter is decidedly adult (divorce affairs, near affairs), but the writing seems more appropriate for someone in the age range of maybe an 11 to 14 year old girl. In fact, I even looked it up to see if I accidentally selected a book meant for young readers. Both the husband and the wife are so incredibly childish acting, the story seemed infantile and unrealistic. All the scenes with the husband playing a shopping mall Santa were unnecessary and, frankly, rather stupid. I love quirky characters, but these characters were just kind of foolish. The only person halfway plausible and interesting was the young daughter. After this taste of Berg's writing, I will not sample another.$LABEL$0 +Quick read. Love Langston Hughes' poetry, but this was a nice departure. I would recommend this book to any young person who has not read anything by Langston.$LABEL$1 +Negro League Baseball. You don't have to be a baseball fan to enjoy this movie. Good acting, historically sound. Very entertaining.$LABEL$1 +Junk. No good not new as the ad states , very old and card is long been NO Good with Dish network !Cost 13.00 $ to send it back and still NO refund .And i see he is still selling them.$LABEL$0 +Good Read. Being a Demonologist and working with "possessed" or claimed to be. I find this book well writen and investigating demonic cases are not an easy task to deal with. It is rare that a person will in fact become "possessed" by demons, but in my own work I have found that in a lot of cases it is in fact some form of mental illness with the person and not a demonic attack. In any case this book does make for a good read anyways.Katie BoydAuthor of Devils & Demonology In the 21st Century$LABEL$1 +Not for toddlers. Cute concept ... way too wordy and cumbersome to read to a small toddler. Story is also boring. Good pictures ... this is really a book for beginning readers who are practicing phonics NOT a fun book for toddlers. Also, the story is quite boring.$LABEL$0 +This is just sad.. Loved the books, loved the movies, LOVED the extended editions. What a waste this release is. Hopefully poor sales will send a message to the transparently greedy and arrogantly moronic executive who greenlit this release, or perhaps to his/her boss, so he/she can join the 10%+ of us unemployed who don't have money to waste on duplicate purchases.$LABEL$0 +Good for an old diamond!. King Diamond does a great job here, which remembers those days of "Them", "The Eye", "Abigail" and "Conspiracy". However, the aforementioned albums are better than this one. Are the King's resources exhausted? Not at all, but this album, while very good, shows how hard is to keep writing original music after many years of innovation. Simply, there is nothing new to say in spite of this marvelous horror tale, the powerful sound, the great production and the very professional musicianship of the band (particularly Andy LaRocque sounds great here, not mentioning Diamond's vocals and the superb rhythmic baseline). In few words, a very solid work from one of the few classic bands that still are sailing over there with honor. You won't be disappointed: a great and soulful return to the roots, without hiding how many years we already have on our backs. Great job, evil creature!$LABEL$1 +"Surprises" were too obvious, Character uninteresting. I downloaded this book for MS Reader without knowing anything about the author. Although the premise of the book seemed somewhat intriguing at first, I got tired of the author trying to "surprise" me with events that were so obvious that a kid would have seen them coming. With few exceptions, the characters were not given enough "character" to make them interesting in the least. I can't believe that this is supposed to be a best-selling author. I suppose on some levels this book could be interesting (such as the descriptions of Miami), but for me it was plain boredom.$LABEL$0 +Beautiful and functional. The red color is bright and doesn't fade with usage. Just fill the pot with sake and put in microwave for a minute max and you're good to go. The cups are right size and good-looking. Overall, very satisfied with the item, price, and shipping.$LABEL$1 +Get what you pay for. I would suggest spending a few more bucks for better quality earphones. First and foremost, these do not fit very comfortably in the ear and do not come with multiple ear buds. The sound quality is far inferior to $10 Skullcandy Earbuds I previously owned which also had a volume control switch on them. For the price I could not expect too much, but next time I will definitely pay a little extra money for a better quality product$LABEL$0 +Great info on national account management.. An excellent book on national account management that emphasizes 'customer delight' as a primary sales goal. I like how the author covers the foundations and then moves through planning to implementing the account plan. Lots of charts, tools, and minicases clearly illustrate the concepts. A must-read for the sales professional!$LABEL$1 +feels like he's writing for young adults. This is my second book by Paulo Coelho. I first read the Alchemist and I bought this book before I realized it was the same author. Based on reading these two books, I have to say that this guy writes as though his audience is young adults. The writing is flat and simplistic. If you like reading YA books, then you might like this. Otherwise, don't bother.$LABEL$0 +Glad my husband bugged me to read this book!. My husband kept telling me to read this book but I thought "No way, boring, no impact that concerns me." But, there it was and I read it and I'm very glad I did. This book was short, informative and far from boring! I'm now able to discuss this intelligently and make informed decisions.$LABEL$1 +pheromones. I purchased this product because I recently moved with my cat. I actually have no idea whether its making my cat feel more comfortable, but he did seem to handle the move pretty well, so just from that I will continue to use it.$LABEL$1 +The comedy does not mix with the drama. In "The Wood" "Get On The Bus" and "Soul Food" the filmmakers was able to balance the comedy with the drama but in "Kingdom Come" nuthin works...One second there is a dramatic reminiscing about the death of an unborn child and in the next Jada Pinkett starts screaming and tries to be funny (which she definitly is not)...I like Jada Pinket in "Set It Off" and in "Jason's Lyric" but u find yourself wanting to strangle her character in this movie...Not even LL COOL J, Vivica A Fox or Whoopie Goldberg can save this movie from being a disaster...When making this movie they should have chosen either to make a comedy or a drama.The movie is kind of like a 90 minute commercial for the church mixed with Drama and strangled comedy.$LABEL$0 +3D SAW. hi, i cannot play this dvd in my play station 3, i would like to have a replacement or instructions on how to make it work, regards.$LABEL$0 +DON'T BUY!!! FRIES BATTERIES!!!. I bought this to plug in USB cords for bioth my HTC EVO and a GPS unit. I have now ruined two very expensive batteries on each, which I'm sure the seller is not going to replace. Spend a few more dollars and buy something of better quality, it will be worth it compared to the price of new batteries!!$LABEL$0 +I wanna be sugar free. I learned a lot from this book. It emphasized eating no sugar products. It is hard to be completely sugar free. Even if you are buying organic products you still have to read every label. Sugar is sugar, organic or not. The kids react either way. I try to keep my kids off as much sugar as possible. I can tell when they have it because they are more hyper and ready to fight and argue.This book gave me some good ideas. I now have an easier time. And someday I want to be completely sugar free with my family.$LABEL$1 +Acoustic Mope Rock. This CD of Luka, his guitar, and some of the most depressing songs around is just too musically repetitive. One song sounds so like the next that it is tough to distinguish one from another, regardless of the topic. While lyrically challenging, the lack of variation in sound defeated me and this one will rarely get another spin.$LABEL$0 +OK design, poor materials. I like the design of this grater: it doesn't take up much space and is easy to clean because it comes apart. Unfortunately, the white plastic broke in several places after only a few months of use.$LABEL$0 +Good, until it breaks. Well, it worked very well while it lasted. I used it only at my work PC, so I barely retract it. Works well tho. After about 8 months, the connector can no longer keep a stable connection. One wiggle and it'll disconnect, and if you're unlucky, like me, it will corrupt your music/video and everything will disappear. To fix this, you'll need to SSH in and delete the iTunes_Control (which had all my unrecognizable music) and re-sync.$LABEL$0 +Very general video - Doesn't cover all the questions. I was disappointed in this video because it didn't cover a lot of the questions I have about soldering - how to keep my tip clean (use of sponge, use of a sal ammonic block), how to tin my tip, etc. Instead, Payne just covers the act of soldering. She also moves very quickly and doesn't always explain what she means, which makes it a little confusing. I was looking for a a video course in copper-foil soldering and this did not really explain to me how to correct the issues I'm having with my own soldering. While it was helfpul to see someone in the act of soldering, I didn't get $30 worth of advice from the video.$LABEL$0 +nice. My 18 month old loves the Signing Time series, she knows many signs thanks to these dvd's. Move and Groove shows kids how to sign walk, jump, dance, etc and puts it all together in a fun song. There is also a short segment on signing letters into words, as well as numbers at the end of episode.$LABEL$1 +My Mother could design a better game!. Real War is a really poor excuse for a RTS, its not realistic, yes it has weapons platforms right out of today's military. However the game play is sub-par, and boring. You are better off spending your money elsewhere.$LABEL$0 +Perfect. I bought the Mini Vert after having had the blue version. Love both! The magnetic clasp is wonderful and works perfectly.$LABEL$1 +Bad Girls of the Bible. Our Sunday School used this book for a quarter, and I could hardly wait until we were done. Liz's humor got to me -- one woman in our class said it is hard to read some of the rough, crude things. I love humor, BUT.............her writing turns me off completely. They had the video to go with the book yesterday and she is just too silly for a mature Christian!$LABEL$0 +Bodum Martini glasses. Love these glasses for our beach house. Shorter stems allow them to be placed in dishwasher. Martinis seem to taste better in the large sized glass.$LABEL$1 +don't buy this book. Season of the Machete- did Patterson really write this book? after a few pages I threw the book in the garbage; if there were less than one star it would have gotten it; surely he jests.$LABEL$0 +No support.. This will not support you plantar fascia. If you have plantar fasciitis don't buy this product. I am planning to return it.$LABEL$0 +Trainspotting. I loved this movie because it deals with a time in my life that I just cannot forget; The movie handles the issues of drug addiction, friendship from both serious and funny views well. It's also moving (that may be because I can relate to it well?) with lovable characters, no matter what they are!$LABEL$1 +already done. All I can think of to say is, instead of growing millions of humans and plugging them into a complex database to harness their energy, why didn't the machines just make batteries?Who greenlighted this?$LABEL$0 +Equestrian Vaulting. I was very pleased to finally find a book dedicated to the sport of vaulting. It is without a doubt the least recognized equestrian sport, and it's about time a book was published directed to this abnormal sport of gymnastics on horseback! Equestrian Vaulting is a very worthy purchase, with information, tips, and pictures of the six compulsaries...Information about the categories of competitions...tips on putting together Kurs...etc. A wonderful guide for any vaulter--beginner to expert.$LABEL$1 +Great beginning!. First LP by Edoardo Bennato after a few years singing somebody's else songs. Full of energy. A good start for a very brilliant career on the European rock scene.$LABEL$1 +The food comes out steamed!!. I am deeply disapointed from the smoer, the liquids from the meat are causing the food to be steamed insead of BBQ kind of smokey. The taste is good, so I will try to improve my cooking techniques for better results.$LABEL$0 +Outstandingly Flawed!!. Merlyn would have hated this book and the author who wrote it. Amazingly shallow with numerous, rediculous and gratutious sex narratives. The "thrashing" episode was a waste of ink and could easily have been written by any hormonal 17 year old high school male.$LABEL$0 +charming. This book is exactly what I expected. If you love pcitures of people you don't know, you'll love this book.$LABEL$1 +Too predictable. Well, I finished this book just bc I started it, you know how that goes... It was super predictable and way too melodramatic for me. Maybe you'll enjoy it more than I did- I thought it was pretty disappointing, can't imagine how bad the first edition was. Sorry.$LABEL$0 +Trouble in paradise for Toni & Alex. Their May/ July (not really December) affair is in trouble due to another woman putting the moves on Alex without him really reciprocating. Meanwhile, Col. Howard's son Tyrone meets a nice girl to help him get over vain beauty Bella. But can he really get over her? One humorous note, though. The new girl has this strange stopwatch. No batteries, no solar power. Would you believe it has a SPRING and you actually WIND it! Otherwise, VR whiz Jay Gridley is after this hacker and the guy sends him a mild stroke online. Which knocks him out of the box, and if too many people take this part of the story too seriously, it might start a Luddist phobia against VR that will more than counter the bunch who've made a secular religion out of gizmos. That would be a shame--what about those of us who aren't computer enthusiasts but find the gear...er um...useful?$LABEL$1 +Soft and Silky. I just rec'd and washed the white set ordered 5 sets b1g1 free deal burgundy,silver blue, white, heather (lilac) and green.When I rec'd them they were so light feeling and when I saw 60/40 cotton /polyester mix I thought oh no ! But after I washed and put them on the bed. I was impressed they feel so silky soft very deep pockets. While I am not crazy about polyester It will proably ad to the duribility of the sheets. I am glad I re-read the reviews here so I know to expect bleeding of the dark colors. My tip is to add about 1 cup of salt or vinegar to your wash water this will help set color and stop bleeding.$LABEL$1 +Mighty Ducks Rock!. Great movies. Would totally buy again! Brings back memories from our childhood. Having all 3 movies is perfect for a mini movie marathon!$LABEL$1 +Real movie about dysfunctional families. This a good couple film about what not to do.It applies to many people, thankfully not me.Rather than talk about issues, the characters submerge themselves in vices.pretty real ... good drama ... went quicklyPS Have you seen my panties? > LOLYou'll know the scene.$LABEL$1 +very good, but could be better. The message of this book is wonderful, challenging, even life-changing. However, I felt that instead of using so much dialog to teach and preach, that the book could have used more action. I think that in real life no one could listen to all that Li Quan had to say and still stick around to be his friend like Ben Fielding did. I'm thankful for this book and how it made me think about my priorities and how superficial we can be with our faith compared to Christians who are being persecuted.$LABEL$1 +A legendary disaster. The woefully miscast Lucille Ball drags down this elephantine musical, which does at least offer a healthy share of unintentional laughs.Unless you're a devotee of camp, stick to Rosalind Russell and the non-musical version (if you can find it letterboxed).$LABEL$0 +It's fine. Like the others, I wish the red LEDs would go off after charging, but eh... what can you do? Otherwise, it does what its supposed to.$LABEL$1 +very good reproduction. I missed the original broadcasts-- and bought the videos for someone else. From what I've seen, its an excellent series. The only downside is the dated production quality. Overall, its classic Michael Landon -- everything from a teenage werewolf to a little house.$LABEL$1 +Don't use with later zunes. The 2nd generation ZUNE's don't fit very well. Buy the V2 for use with zune 80 & 120.$LABEL$0 +WORTHWHILE. I FOUND PATRICIA CORNWELL'S BOOK " portrait of a killer" very enlighting. Ms Cornwell knows her forensics, and she brings us up to date by giving the "MO" of the era. She has done a lot of research on this book. I throughly enjoyed the history and back round given.$LABEL$1 +Both Dogs Love These!. Ok, best dog bed ever. Both of my dogs are obsessed with these. I've bought several other beds and my dogs never use these. My pups are a Golden (14 months) and an Aussie (9 months) and we've never had issues with chewing, popping, or anything. They DO get stained easily with nasty dog stains (dirt, drool, and the like all stain the bed), but these are tucked away in our bedroom just for bedtime, so we don't care how they look.$LABEL$1 +Phone gets VERY HOT !. I got this phone on July 2, 2004. I charged the battery and after two days of not using the phone, the battery was dead. I recharged the battery several times and the it keeps dying even though I don't use it.I went back to COSTCO and I was given a new battery. The phone gets EXTREMELY HOT! If I call my mom and am on the phone for 20 minutes, it is UNCONFORTABLY HOT and am unable to continue conversing.My guess is that this phone is good for emergency calls but not as your only phone. Furthermore, the guy at COSTCO told me that the phone is not designed for long periods of talk time. I asked what was the phone for?Anyway, am going back next week and have them exchange it for another one. If that one gets hot too, then I may just consider cancelling my contract and getting my money back. I have never had a cell phone that got so uncomfortably Hot.$LABEL$0 +Another great Ga'hoole book. My son and I have really enjoyed the whole Guardians of Ga'hoole series. This book is no exception. The story is well written and holds your attention quite well. We have read all of the series at bedtime and 3-4 chapters a night never seems like enough. We both always want more.This story explains a lot of things mentioned in the other books. It was nice to see the background behind those books. Now we are anxiously awaiting the next addition to this wonderful series.$LABEL$1 +I seriously don't get it.... I don't understand the praise this album is getting. I have no idea why "young folks" gets played so often on the radio. I can't stand that song. I got the album, not having heard even one bad thing about it, and I honestly do not hear anything redeeming with this group. People tell me that they get a nostalgic feeling while listening to this, but I don't see it. I've wanted to ask people "what do you see in these guys? why do you like this?!?" but I don't want to be rude. But seriously, why is this so popular?$LABEL$0 +this is the product to have for short trips. very easy to use and has a long range for communicaton. this is what you would want if you do not want to carry too much stuff.$LABEL$1 +Works well, I think. Replaced all of my smoke detectors with these, but seriously, how do you say they're working terrific until your house catches fire and then you can say, "These saved our lives!"?Installed easily, test easily and battery access is simple. What else can I say?$LABEL$1 +A Journey Back Home. Garrison Keillor delivers yet another home run with his trip down memory lane to fictional Lake Wobegon. Chock full of boyhood angst, baseball, religion, flatulence jokes and sexual fixation, Keillor elicits memories from his flock of loyal readers and creates a pseudo-memoir that stirs echoes of Bill Bryson's Life & Times of the Thunderbolt Kid and David James Duncan's The Brothers K. High praise for this author and much deserved. If you're a man (especially one who grew up pecking away at his own Underwood) between the ages of 30 and 60, Lake Wobegon Summer 1956 is a 'must read'. I can't recommend it enough.Salmon Run$LABEL$1 +great story. really nice story to help children understand that divorce is not their fault, which is an almost-inevitable conclusion most kids under the age of 8 will draw. family in the story is obviously a middle class caucasian family having a pretty amicable divorce: families where there has been violence or more argument in front of the kids would want to add some sentences here and there. for example, "remember when mommy and daddy used to yell/hit/argue all the time? that was scary, wasn't it? we didn't want to scare you, so we decided we were better as friends than as husband and wife. i know it is hard to go from house to house, but now it is not scary and we both love you very much." that sort of thing.$LABEL$1 +Not For Me. Unfortunatley this belt did not work for me. When I tightened the belt, the nerve pain in my leg became greater. If I only had the sacroiliac problem, it probably would work.$LABEL$0 +gamer since 1988. Do not listen to other people who have review this item and gave it one star. They are probable little kids who are under 18 and don't know how to play a game with challenge. That is what good about this game it has old-school challenge and that is important and very hard for me to find in a game. The villians are cool the story is somewhat the same as the N64 version but a little different.$LABEL$1 +bad. i was very disappointed when i got this cd. how can you have a greatest hits cd and leave off 4 top ten hits? including his only number one song? he left off fire lake, tryin' to live my life without you, shame on the moon, and shakedown(#1). plus he left off ramblin, gamblin man. i thought maybe he left these songs off because he didn't have enough room. this isn't the case. he had enough room to put 3 or 4 more songs on it! he probably left these songs off so you would have to go out and buy the other albums. good move bob.$LABEL$0 +Consumer Ripped Off by Seagate. I bought this drive and within a week it began making seriously abnormal startup sounds (grating like the spindle was off balance or something). I contacted Seagate and they replaced this unit with a REFURBISHED unit - I BOUGHT a NEW units!!! About three months later this refurbished replacement started to do the very same thing. Now, my warranty is past and Seagate won't make good on their responsibility to replace a defective drive with a NON-defective drive. Just waiting for the inevitable crash and/or total startup failure and will NEVER buy from Seagate again. They should be sued.$LABEL$0 +sabarate. Haven't really used the manual yet (waiting for my new computer to be set up). However, perusing through it, it appears to be well-written, the instructions seem to be concise and easy to follow. I feel that this manual will be really helpful to me in navigating through the new system.$LABEL$1 +great mold. More like two bite size molds. I was expecting the cavities to be much smaller but it is a good mold.$LABEL$1 +poor copy. I have two reviews for this movie. the first is the film itself and the second is on the actually copy.This movie is a great Kung fu classic. The title I am more familiar with is "Return to the 36th chamber" aka "Return of the Master Killer"36 chambers usually refers to the first one. Aka "the master killer of Shaolin. or just "master killer"That being said I do really like this movie and feel that everyone should own it... just not this copy.Now for the copy being sold here...the image is so poor it is difficult to watch. it is very grainy the color is off and the cropping is horrible.My recomedation for anyone really into classic kung fu movies is to pick up a region free player and buy the Hong Kong remastered versions by Celestial released by Intercontinental Video Limitedor Deltamac$LABEL$0 +HIGHLY RECOMMENDED!. It's a shame that more people out there cannot be graced by the musical presence of Amel Larrieux just because she is not on the top ten lists nor make appearances on MTV. Nevertheless, she is a gem, soulfully bombarding her listener with a concordance of musical honesty. Her voice is airy in its delivery, she literally breathes into every song. Talent such as hers makes me upset that artists such as Britney Spears can be idolized, yet REAL voice talent such as Ms. Larrieux's can be ignored. This is one of the best albums of 2004. Highly recommended if you are a fan of the likes of India Arie., Jill Scott or Sade.$LABEL$1 +great homeschool resource. I got this book for our homeschool. It list lots of useful items that are free for the asking.So far we have received items such as coloring books games and teacher's kits!Very useful for teacher's or homeschool families.$LABEL$1 +A Collector's Find. I'm a serious collector of movies. Not only does this collection contain movies not available before on DVD, it also contains many cartoons and short subjects which were not previously available on DVD. I highly recommend this collection.$LABEL$1 +Not sure about the authenticty...... The seller sent the items very quickly. The only doubt I have is that all the blades I've bought have blue aloe above and below the blades. These have green above and blue below. I've heard there are copies of the blades going around. Could this be the case? They seem to work fine though and I don't want to impugn the seller's character since I'm really not sure!$LABEL$1 +It's like listening to a tv evangelist. I read this book BEFORE 'The Bible Code'and it made me want to read the original.This is the only book I ever threw in the garbage the second I read the last word. I don't need to be preached to at my age. This guy is just another big mouth preaching about God and the bible. All Stanton knows how to say is 'they left out the vowels'-give me a break. I will be reading The Bible Code soon. It may be another Chariot of the Gods but I bet it won't preach to me. Save your money.$LABEL$0 +Best tasting lo-cal cat treat!. We have a cat on steroids due to a medical condition. We have to count every calorie for her. Her diet is very limited, so treats are important to her. We've spent a fortune trying every lo-cal treat. Either cats don't like them, or they're not really lo-cal enough.A trim Treat is 0.8 calories ... break 4 of them in 1/2 & your cat gets 8 little treats for ~ 3 calories. (Roughly the same a 1 piece of other lo-cal treats.)We have 4 cats. 3 out of 4 love Trim Treats. Even those that are not on diets. (Except Jessicat ... she hates everything that is not filet mignon or shrimp. She's the "Mikey" of the cat world)Trim Treats are a great find. My cats highly recommend them!$LABEL$1 +Best Band Ever. With alot of my cd's there is only 2 maybe 3 songs I like but on this CD there are 17. This is the best cd ever. If you like punk, ska, rock, or reggae you will like this CD BUY IT!!!!!!!!$LABEL$1 +WHY TITS??? WHY??. I really like some albuns by TITS like Tudo ao mesmo tempo agora and TITANOMAQUIA...But what tits became in the late 90's makes me sad...They were a punk rock metal band and after the acoustic MTV they totally sell out their sound!!! Why, Tits??? WHY?$LABEL$0 +It's Only Missing God. God is almost completely absent from this film, which, you'll have to admit is pretty weird. There were also two or three really uncomfortable sex scenes. No nudity, but still painfully uncomfortable to watch with the family. One especially where her husband threw her on the bed then pushed her head aside and said "Don't look at me."The acting, writing, directing were Ok, but when you see a christian film, you hope to see something that focuses on God.Definately recommend you skip this one.$LABEL$0 +Read before ordering this CD. For others who love slots and video poker as much as I do, please note that this product ONLY has 3 games on it - 2 slot machines and 1 video poker machine. I was wondering why it only took about 30 seconds to install! I have purchased casino software that has cost as little as [price] and it STILL had much more of a gaming selection on it. This software has more film clips pushing travel to Vegas than it does the actual games themselves. Do yourself a favor - order something else.$LABEL$0 +What are the dimensions. I love Amish crafts. But, I gave one star because for most of these Amish items they don't give the size and weight. Please, give the size.$LABEL$0 +coin sorter. This coin sorter counts the amount of change and sorts them out into pre-former coin wrappers. It rarely jams. A little noisy, but works very well.$LABEL$1 +fun game multiplayer, but who plays multiplayer if its not online?. this game was an alright game back in the day, but only when your playing with other people. If you never played it your not missing much and this ain't one of those titles you will be replaying. 2 stars.$LABEL$0 +Low Reading Level. The reading level of Watership Down was unbelievingly low, so low that it could be described as shocking. For lovers of middle school fictions, bunnies may excite you. Though mature and readers searching for a more challenging read should find some other novel to try on.$LABEL$0 +oh no, what's happened to him?. When I started reading Allan Folsom's THE EXILE, I couldn't put it down...when I did (after reading it in two marathon sessions) I ran out and purchased (not at Amazon but at full retail price) THE DAY AFTER TOMORROW and THE CONFESSION.I was amazed by his intricate plotting, the continued surprise twists, the breakneck pacing. Here was an author who was a clear master of the genre - imaginative, facile, talented.Sadly, The Machiavelli Covenant was disappointing. I kept waiting for it to take off, and it never did. I was 200 pages into it and I asked myself "When is this going to start" It was interesting, but didn't generate the excitment his other books did.I will definately read his next book when it comes out, I'm just not salivating for its pub date.$LABEL$0 +Nothing like Hair One or Wen. I bought this because the bottle said it was a "conditioning shampoo". This is nothing like Hair One or Wen. This lathers like a regular shampoo and I did not like the way it made my hair feel; like a dried mass when wet.I suppose if you had oily hair, this may work for you. I just want to caution people from spending their hard-earned money on something that is not what it appears to be. (Also, someone mentioned it's not really organic)$LABEL$0 +Too long, too little, nothing new. It is very disappointing to write a poor review on a Clancy novel. One of my favorite authors. The good is that you get to renew all the characters of the previous books that have not been killed off and you enjoy. The story line is disappointing in that it is almost a rehash of the last books with different villians. The most disappointing is even though the book is 1000 pages none of the characters has enough of a central theme to identify with unless they are old friends from previous readings. There were pages upon pages of preaching on all kinds of issues somewhat akind to Ann Rand (Atlas Shrugged). Hope he can find the forumula if there is a next book.$LABEL$0 +Not compatible with iPAQ 3835. I just received the product and found that the cable is not compatible with my iPAQ 3835. Amazon.com shows this product under accessories for the 3835 but it does not work.$LABEL$0 +Perhaps I expected too much.. I purchased this for my office chair. All in all, I am disappointed. It felt good at first, but didn't stay put--kept sliding down. I stopped using it.$LABEL$0 +4 stars for understanding Internet stuff; 2 for exam related. I wrote and past the i-Net+ (1K0-002) today (Mar-5-2004). This book contributed 40% of the content.The content of this book is excellent for understanding Internet-related information. However, from the standpoint of the i-Net+ exam the book missed the mark.The book helped with understanding some of the concepts. The practice questions were way way too easy.The exam was hard... damn hard. I passed with a 83% mark.$LABEL$0 +A Superior Work and Recording. If you enjoy baroque music, this is certainly a must. The clarity of this recording is wonderful. It has a kind of depth that I don't often find in CD recordings - almost as if I can reach out and take hold of the music. The fantastic Dresden Concerti are performed nearly flawlessly by Reinhard Goebel and his ensemble on period instruments, lending themselves to create a rich, classic CD recording.$LABEL$1 +Poor Merchandise. This item was not worthy to because not enough technical info was given when item was purchased. As a result I spent 3 days buying adapters that would possibly match this drive and nothing worked. Now I have to purchase another drive.$LABEL$0 +I look at things different now. I'll be very minimal in words to convey how I feel after reading this book. I can stand in a line that goes around the supermarket several times and I say to myself""How can I control this situation? , No more road rage for me, I don't make fun of other people anymore, In general I am a better person to my wife, kids, peers and everybody out there. Thanks.$LABEL$1 +didn't send/didn't return calls/still charged for it. I don't know why they didn't send me the Toddy (that I'd heard so much good about), but they didn't and they didn't return calls and they still charged me for it. When I would call the cust. serv, who never knew what the hell was going on, she'd say, "I see the order. I don't know why you didn't get it. I'll have someone call you about it." They never called.It was July of last year and I was a month away from getting married, so I didn't follow up like I usually would, but I figured eventually it would show up or they'd credit my card. Then I forgot about it, but going through my '07 bills, I stumbled on the cc charge and got agitated all over again.Maybe it's a good product, but if they aren't professional enough to fulfill their offers, you'll never know.$LABEL$0 +Opinion of a new teacher.. I am disappointed with this book. I am a new teacher and do not find the ideas in this book helpful at all. The ideas presented are not new, and even new teachers would be capable of thinking these thing up on their own. The book presents ideas such as; how to make finger puppets, how to have a puppet show, writing a story about a "building" (whoopee), how to put a timeline on a bulletin board, how to make a seating chart, etc, etc. Not new ideas at all!$LABEL$0 +Just not enough. This soundtrack is like a five course meal stuck at the third course. The music in this film is really what brought it together and was what for me personally put this movie into the good category as opposed to the ok one. There were much more songs that should, could have been on the cd but weren't. Underworld and Thievery Corporation to just name a few were left off the list, even though the songs were very important to the feel of the movie. If anyone knows the entire list of songs from the movie, i would be really glad to get a hold of it. thanks$LABEL$1 +I don't even like 'classic rock'. I don't know if that's what this is considered, but I do know that Floyd and Bowie are the only musicians I can stand from 1960-1988. So even you don't think this is your thing you should give it a listen.$LABEL$1 +1st time review. After reading all the negative reviews for this product I almost didn't buy it. Lots of complaints about pouring and taste. I have found that after reading reviews on many different products, a large percentage of the negative ones have to do with the user, not the product. When a reputable manufacturer has the same product on the market for an extended time you can be sure they will redesign it for legitimate complaints. I can't figure out why my pot had none of the problems many critics experienced. It performs perfectly has no pouring problems and the coffee is great. I recommend it highly and am glad I bought it. Surely this wasn't just luck.$LABEL$1 +Great French compilation. This compilation was released in France in 1991 by Polydor. It sold 250,000 copies and inspired the release a year later of the internationally known best-of "Gold". "Abba Story" features 25 tracks on 2 CDs. Tracklisting is based on ABBA songs that were popular in France. A great compilation without a doubt!CD 101. Waterloo02. Mamma Mia03. Fernando04. Dancing Queen05. Money Money Money06. Knowing Me Knowing You07. The Name Of The Game08. Take A Chance On Me09. Chiquitita10. Voulez Vous11. I Have A Dream12. The Winner Takes It All13. Thank You For The MusicCD201. Ring Ring02. Super Trouper03. I Do I Do I Do I Do I Do04. SOS05. Gimme! Gimme! Gimme! (A Man After Midnight)06. Happy New Year07. Rock Me08. Summer Night City09. Eagle10. One Of Us11. One Man One Woman12. So Long$LABEL$1 +A wonderful suspense romance..a must read!. This was a great romance suspense novel! I really enjoyed the characters and it really kept me guessing til the very end! Anyone who is a romance suspense lover is sure to love this! Can not think of anything I did not like about this book!$LABEL$1 +Excellent variety of plan selection and skill levels .... As a freelance draftsperson this book is one of four by Sun Designs that I had thepleasure of assisting with. 'Classic Toys in Wood' was a truedelight as was the follow up book 'Making Timeless Toys in Wood'.Classic Toys in Wood contains 40 toy plans including; construction toys,a host of fun toys in the 'boat marina' theme, rocking horses, and more.The book itself contains 12 mini plans as well as an illustrated storyfor children.My niece was just a small child while I was working with theprotypes of these toys. She visited often and of course loved toplay test them. She especially liked the ferris wheel and allthe little people she could put on the ride.Unlike some mass made toys, these stood up to the rigors of play.Along with the mini-plans included in the book you will findexcellent step-by-step instructions and materials lists.Full size plans for all the toys shown in the book can be ordered directly from Sun Designs.$LABEL$1 +Love it. Great book.. suspense! I couldn't put it down. Dodge and Warren are two intriguing characters anyone can relate to. Gardner never disappoints.$LABEL$1 +Why no Region 'B' yet?. PLEASE,PLEASE,PLEASE, LET US, OVER THE POND, HAVE THIS SUPERB BLU-RAY DVD ON REGION 'B'. IT APPEARS ONLY TO BE AVAILABLE ON REGION 'A'. IF ANYONE WITH ANY KIND OF CLOUT HAS THE POWER TO REMEDY THIS THEN PLEASE DO SO.....YOU WILL MAKE A LOT OF FANS OVER HERE(UK)VERY VERY HAPPY.$LABEL$1 +the second one had less dents then the first!. Well we like the BBQ but the first one we got was so damanged! Dented, broken handles - had to send it back. The second BBQ only had a broken handle so we decided to keep this one - we were afraid to see what the next one would look like! It was almost a joke at this point. If you buy this I would make sure you pick it up in person.$LABEL$0 +Not worth it. Where do I start? Well all the speeches with exception of two are from his first term - his farewell address and the 2000 DNC speech. Many, including the later, are cut short! Why? It makes no sense! And I cannot see any reason for several of the speeches selected for this DVD to be on there. I was under the impression this was supposed to be a collection of his most important and/or greatest speeches to the nation. I was dead wrong! In addition to several others I was really hoping to see I couldn't believe they left out all the state of the union speechs and the 92' and 96' DNC speeches! For any true Bill CLinton fan this DVD is NOT WORTH IT!$LABEL$0 +Another tremendous album by Lucy. This one has it all--great, personal lyrics (Just You Tonight will have you running for the kleenex), well-written songs and playing. The title track is a real keeper, as is the cover of Steve Earle's Somewhere Out There.A great album, sure to be in my CD player for years.$LABEL$1 +Capcom should be Ashamed. This is the absolute worst Meage Man X game there is. The bosses stink. The armors are pathetic. The timer makes the game more annoying than interesting. DON"T BUY THIS GAME! SAVE YOUR MONEY! Hopefully X6 will be much better.$LABEL$0 +If you can get past the shoddy camera work..... you might have been able to watch the entire movie without getting motion sickness. This paparazzi type of film shooting works well occasionally, and gives it a documentary type of feeling. However, when it is as often as it is in this movie you become very aware of the camera and its movements, which detracts from the story and the movie itself. All you become aware of is the CAMERA and the cameraman, and why the hell isn't he using a tripod or something?!?!? Don't most people want to get into a movie and empathize with the characters? I couldn't see how this was possible when we are constantly reminded that they are only actors being filmed by a shakey cameraman.The story was fine. A feel good film, sappy and happy.$LABEL$0 +Foggy motions. 2 1/2Even with its slacked lo-fi grogginess intact, there is an undercurrent of persuasion keeping things alive at least.$LABEL$0 +Untruth in Advertising. The subtitle of this book is "Stories of Special Forces from Iraq to Afghanistan." Why then, is over half the book taken from the Vietnam conflict? And one of the stories is by that foul-mouthed self-promoting braggart, Richard Marcenko, a name that makes real navy seals wince in embarassment.There is not one original story in the entire book, and it's the only book I've ever purchased only to realize that I'd read it already. Each article is some re-hashed part of another book that most SF fans will have already read.Very disappointing.$LABEL$0 +Beautiful!. We chose this semi-flush mount for our newly remodeled kitchen to add a touch of elegance. It turned out to be very well made. The craftsmanship is very good and the detail is delicate. My only complaint is that the color was not quite the one we thought. It was described as "Etruscan Gold" and on the picture it had nice gold tone. The semi flush we received looked a lot darker, more like bronze color. In the afternoon light you can see the gold tone, but not at night. We decided to keep it anyway because it still matched the overall color scheme of the kitchen. It is a very good light fixture, we are happy with it, and it was easy enough for my husband to install.$LABEL$1 +Prince of Fire. This continues the excellent series with Gabriel Allon proving once again that he is a most human hero. I enjoy the way the author brings the action to a high level without losing the depth of feelings the hero and his team experience. A wonderful read.$LABEL$1 +Not Good. This physics book "helped" me through two horrendous semesters of Purdue University physics. There is absolutely no correlation between the text and the homework problems, which lead all of us engineers to wish bad things upon the Purdue physics department and the authors. If the chapters were a bit more clear, maybe I'd have gotten an A first semester and a B second, rather than B and C, respectively.$LABEL$0 +the first review. This dvd contains:the Batman 2-part season 1 finaleEpisodes included:The Rubberface of Comedy(part 1)The Clayface of Tragedy(part 2)In this season 1 two-parter finale, Joker turns Detective Ethan Bennett into Clayface!!!!!!!!!!NOTES:Clayface's "the batam" debut!!!(I Think)this dvd comes in a Walmart exclusive 2-pack(along with "Batman Begins"the movie)$LABEL$0 +Not as advertised and ordered from Amazon/'s Audible Books. The Audible download was described as a trilogy, but it is not. It is only the first two books in this harrowing, fascinating and brilliant series of novels. Apparently the third book is lost in Audible cloud, but I have the Patrick Melrose quartet in one volume, and my sense of loss and agrievement has been assuaged.I will miss Patrick, and his brilliantly written, terse story when I've read the last volume. I will put them away, and pull them out in a few years and return to his world, so richly and unsentimentally described. St. Aubyn's deft portraits hit close to the grain, and will be as fresh 20 years from now as they are today. Cultures may change. People don't.So, no stars for Audible/Amazon, but five for these fast paced, deeply felt and entertaining novels. And buy the books, you will not like being cut off in the middle.$LABEL$0 +St. Valentine's Massacre. This is an awful book. His favorite character, Father Blackie, intrudes here and there, but the book is basically about an anchorman, his love life, and a mystery. The writing is poor and repetitious. Greeley (or his amanuensis) was just looking for fillers. Certain phrases are repeated...and repeated...and repeated. And how many times do we want to witness the lovemaking of the middle-aged anchorman and his train-of-thought adoration of his love? I felt like several someones forced themselves to sit down and write 300 words a day, not caring what had been written previously and not being sure where the plot was going. The characters are cardboard cutouts.$LABEL$0 +As Beautiful as Poetry. This picture book for gardeners is a small volume of watercolor illustrations detailing every aspect of gardening. This is a book to look at and browse through. The pictures are charmingly rendered beautiful plants, garden plots and espaliers. It calms one down, like reading a good poem, and takes one back to when gardening was an art.$LABEL$1 +Nice little item!. I was looking for something light and small to keep my curls intact when blow-drying after a shampoo. I didn't want a large heavy diffuser, and the HotSock was the perfect solution. The price was right, and I'm very satisfied.$LABEL$1 +False description. Although inexpensive and usable, they are not for the DS system and do not fit into the stylus slot. The product description is misleading.$LABEL$0 +Humorous and Helpful. Although this book was written with a humorous tone, it contains some very helpful information. I use to be a nice girl, but I got tired of never getting what I deserved. I have found through trial and error that being a "bitch" has ultimately given me self respect and respect from men in general.$LABEL$1 +Just another myth. While it is possible to get some power gains by insulating your intake tube (that is, only if the tube is being subject to large amounts of heat), it is just impossible to get "100 HP" gain and "50 MPG" fuel consumption. Such remarks would just come from someone who works for the company and is trying to sell the product. If these gains were true, all the companies selling the high end performance mods would go out of business with people buying this product. A built as mentioned on the previous post would imply this person having an intake attached to a turbo, which will get hot regardless unless you have an intercooler for the air to get colder, denser and therefore, providing more power to your car.$LABEL$0 +Great Sabbath Tribute CD. This Sabbath Tribute CD is great. It's much better than Nativity in Black 2 and Masters of Misery. The music sounds great. But anyone who listens for the first time may not like some of the vocals. They have a black and death metal sound to them. So if your a black metal or a death metal fan you'll like this CD. The best songs on the CD are: Snowblind,Hand of Doom,Johny Blade,and Symptom of the Universe. I recommend it to any die hard Sabbath fan.$LABEL$1 +square d well swiitch. Great item with a great price, The same item sell in local stores if they canbe found for about twice as much. thanks mike$LABEL$1 +Great idea, but will break very easily and won't work well on toilets!. I purchased this product after reading all the reviews and watching Claire's review video, but although it might work well on the bath tub or the sink, it does not work well on toilets. I tried unclogging my toilet possibly 10+ different times, but no matter how accurately I did it, my toilet is still clogged. Also, after less than 20 attempts, the pump broke and won't air seal broke and won't hold more than 4 pumps. (supposed to hold up to 20-30)So as much as great of an idea this product is, it won't really work on toilets (although it does work OK on tubs/sinks) and might break easily (mine broke in two days).$LABEL$0 +Very disappointing. As much appreciation I have for the thorough research of the writer and his attention to details this book is a safe phone directory that does not leave space to the imagination of antiques lovers. Boring.$LABEL$0 +Mr. Krueger's Christmas. I love and adore Jimmy Stewart; I always have and always will. His movies are timeless and his humanity and humility, as an actor, are inspirational to people everywhere. However, it is clear to me that Mr. Krueger's Christmas is nothing less than Mormon propaganda produced for the specific purpose of advertising and exploiting a particular religious view as opposed to the universalism of the true Christmas story that surely embraces all humankind.$LABEL$0 +Not as announced. I bought this product believing it was an original RCA LNB as it is announced in the description and is shown in the picture. To my surprise I received a replacement item from another manufacturer. Fortunatly amazon refunded me the cost.This seller must annonce the item as it is (real manufacturer), and not using the original brand without saying it is a replacement part (not original).$LABEL$0 +I really hoped for better things . . .. I really hoped to enjoy this book more. I forced myself to keep reading several times, hoping for more substance. This book was terrible--too wordy, too predictable, just too much of whatever and not enough of good, crisp writing. However, I must say that I appreciate the Christian values of the book.$LABEL$0 +This movie was ok.... I gave this movie only 4 stars because it was not that belivable to me, and while a movie does not need to be.... this one i was expecting to be almost based off a true life story.Besides that though, this movie was relitivly a mild-paced movie, some parts were a little slow, and in the end there was a twist ending. This movie may not be the best movie to show to younger kids, because they may get afraid of the concpet of someone knowing their whole life and trying to kill people.Robin Williams did a good job, and all the characters in this movie were very well played! There was not much of a plot, but what they did have was pretty well planed.There was no "Thrilling" special/visual effects and no "Stand-Out" music, but that's ok because this type of movie does not require eaither.This might be a movie to rent though, as it is one of those that you can see twice and be done with.~Hope this helps$LABEL$1 +NOT for use in the SUMMER. If you are planning on making Ice cream in the Summertime...forget it...I spent almost a hundred bucks....(I know thats what happens when you get these big ideas on baking good) at the store....pre mixed everything...set the batter in the freezer...after freezing the bowl for 2 days...was practically exctatic that I was going to have fresh cold ice cream within 20 minutes!! I had all the toppings...all the goodies....well...20 minutes later I go back to the blender and the batter is still the same as when I poured it...I am not completely blaming the product...HOWEVER......Im just hoping that you read this...to warn you that this product is better to use maybe in the cooler months...then it may work fine. =]$LABEL$0 +WOW! So Surprised!. I've never been more pleased! This collection of church recipes is HUGE! The cookbook itself is larger than 8.5x11, and the recipes are the "tried and true" kind that are getting harder to locate in this day and age. If you're looking for great recipes look no further...this is the cookbook for you...and the best part is the price!$LABEL$1 +I like this 3 games in a board edition.. I bought this game because I love Risk board game, and Clue. Then I have great expectations with this game but Risk is just an random numeric game after a few matches I been bored, Clue is very predictable is boring. But if you don't have nothing to do and you want waste time Battleship is the answer, is the most funniest game between the other two piece of crap.$LABEL$0 +Great Read. This book was really good. Teens can relate to Anna. She has to go through boy trouble, social status, mean girls, and parenting problems. Cammie, Sam, and Dee think Anna is just an A-list wanna be. While Cammie's ex, and major hottie, Ben, and Anna are falling for each other. Plus there's the hot limo driver. Her dad doesn't have any time for her because of his job and his new girlfriend that is just like Anna's mom. This book will keep you hooked. I read it in 1 day. I'm sure you'll love the drama.$LABEL$1 +Blackberry 8700 rubber case review. Product didn't resemble picture shown. The keyboard area was covered -- not open as shown. This makes it very hard to type with the case on the device.$LABEL$0 +Cant Find It Anywhere. This cd in my opinion is one of the best if not the best in the underworld record label. As a matter of fact this is one of the best rap albums ever made. Not just in chicano rap bcuz in that category they are the best for sure but in any kind of rap they are the best. My favorite songs on the album are-#1- Ordinary Day#4- Coastin#5- Freakin#8- Very Next Day#9- Float On#10- LostBut what pi$$es me off is that I cannot find this cd in any local stores here I have looked at so many and I was looking for the cd while on my period and I was getting so emotional (bcuz during your period you feel like that, girls you can understand) and almost crying cuz of my dam* period and the fact that I couldnt get the cd. Well anywayz get this cd if your lucky enough and can find it YOU WONT REGRET IT.Oh yeah if anyone from here know where to find the cd tell me.And another question is the Mr Capone-e chicano or pakistani?$LABEL$1 +Not what I had expected. This book didn't teach me anything I didn't already know. I guess I should have read the title before I bought the book. I was expecting Computer security auditing 102 and got Hax0r1ng ExP0sed: your 800 page ub3r l33t guide to take you half way to script kiddie! I'm not saying that this book doesn't have any decent information, I am just saying that it's not for the guru. I could rewrite this entire book in fewer than 40 pages.$LABEL$0 +Disappointing. This a great book, so why the 2 stars? The book states on the cover that it is a revised edition complete with 1/96 scale fold-out plan. Well when they revised the book I guess they took the fold-out plan "OUT". I couldn't find it. I bough 4 books in this series and they all say the same thing but NO PLANS. If it wasn't that the other information in the book is great I would have returned all 4. Still a disappointment.$LABEL$0 +VERY HARD READ. This book is very hard to read. I have successfully made it 3/4 through the book, but it's because I have been forcing myself to continue reading. I do like some of the points the book makes, and think it has a wonderful message, just wish it was easier to read. Uses A LOT of big words that are not everyday words for the average person, which forces you to have to think longer on each sentence you read. Would find myself having to read the page 2-3 times in order to get the point. As said, it does have a great message, but I believe it could have been written as a better flow of words. I would only recommend this book to someone that is an avid Theological reader, not an average Christian looking to deapen their spiritual relationship with the Lord.$LABEL$0 +Amazon's Look Inside of 212 Degrees. I have to say that the "Look Inside" preview that Amazon has pout together for this book is totally useless. I use this function often and have purchased many books based upon the insight that it has given me. For 212 Degrees, it it essentially nothing but the cover and inside and outside flaps. That leads me to believe that the substance of this book is very weak and; therefore, I will not be making the purchase.$LABEL$0 +where did the old Dean Koontz go?. I have read all of Koontz's books and I anxiously awaited this book and after reading it, I knew the wait wasn't worth it. I had just read Odd Thomas and so hoped this new book would be better. Alas it wasn't. Where of where did our Dean Koontz of Dark Rivers of the Heart and Watchers and Dragon Tears, etc.go? He would so carfully craft a story and draw you into it so deep that you couldn't wait to finish it but you didn't want it to end. This book was so formulaic that you really didn't have to finish it to know what was going to happen. In his early books, every word he typed seemed important to the story. In this book, you have page after page of almost nothing but adjectives. I want my old Koontz back. This book was not worth the read.$LABEL$0 +Strength and perseverance. This is a good movie. Thora Birch is convincing. The story is incredible. Sometimes it is a little slow but it's worth the time one takes to see it. It's inspirational.$LABEL$1 +Rambling. Unlike the author, I'll be concise. The book was rambling, disorganized and lacked structure. There were several memorable anecdotes and one gets a good grasp for the life of a struggling professional golfer. However, Mr. Feinstein was obviously under time pressure to complete the book because it was difficult to follow.$LABEL$0 +Enemy at the gates. Awesome movie, graphic as it gets. MANY head shots :) Some of the actors suck though, little bit of cheesyness on their parts. Would buy it if I were you. Imagine Saving Private Ryan only with a lot more snipers.$LABEL$1 +Weak Fire Hose. It is an over rated toy. My year old labradoodle shreeded it within two days. Indestructible my a**. Chew proof, hardly.$LABEL$0 +rip off. if you are going to print a few large pictures every now and then and that is it, then maybe this printer is for you. but if you are a normal person who likes to print off several photos as well as e-mails, internet documents and other normal stuff, then this printer is a nightmare. it is constantly constantly constantly running out of one of its eight color cartridges and then it won't even let you print in black! it is expensive to keep all of that ink around! then half the time it prints your picture poorly, so you have to print it again and, well, there goes your ink. i am so angry i purchased this thing. it is huge and incompetent. i hate it. i recommend you get a normal small reliable printer and then send away for your prints.$LABEL$0 +Avons eyeliner gimmick!. I was introduced to Avon through a friend who sells it. I really wanted a superior product and there prices seems fair, checked out reviews and made purchase. I purchased Avon Glimmer stick in black and brown. I bought it from an avon store. I must say Im disapointed. I mean the stick breaks off easy (im gentle and dont even use it everyday), didnt even last 6 months. I had the SAME experience with the mascara, all of a sudden one day I went in to use it and it was broken.(how does mascara break) Not even 6 months of use.$LABEL$0 +Missing Holes, Not That Easy to Assemble. On the left side panel, 3 out of 8 holes for the back braces were missing. It took two people to assemble. The final product is decent. But for the price I paid, I expected higher quality in manufacturing.$LABEL$0 +The Secret (Audio CD Set) - Rhonda Byrne. If Ms Byrne only knew how her unprofessional voice and amateur reading style detracts from the powerful messages imparted in this set, she would have it re-recorded by a professional. Good material - poorly presented.$LABEL$0 +Very Nice - Especially for the Price. I got this about two weeks ago, and now I've put it to a fair test: During driving. I think the so called "Shock Protection" saved it most of the time, after all, these aren't the worst roads. But suffice to say, it never skipped. So, it works great! However the car kit that came with it only worked one time when I hit PLAY, and it only made output in the left ear. Good thing I brought batteries! The AC Adapter is included as well and is a nice touch. The headphones included are high quality. Finally, I haven't tried the cassette adapter, for I have no use for it when I could have CD quality =) Why four stars then, and not five? Well, perhaps for the poor car kit, but also for looks. Looks don't matter though, that's a silly thing to judge, right? Go and buy it! $50!$LABEL$1 +Right stock number wrong product. Ordered replacement part only to find out the stock number for part is wrong had to order part direct from mfg.$LABEL$0 +Fantastic Box Set To Own ...... There's not much things to say about such an epic of a movie. It's simply one of the best Blu ray to own. For the record, I don't see any problem on the green tint issues posted by some reviewers. On my Panny Plasma P50GT50 via the OPPO 93 player, not a problem. The picture is simply gorgeous and the accompanied audio was darn good too !!!$LABEL$1 +Brick Brick Brick. Do not buy this. I opened the box and hooked everything up. It was detected as an unknown device and none of the drivers would install. ADS Tech sent me a BRICK. Buy any other brand.$LABEL$0 +Cheap is not Better - Buyer Beware!!. Okay, it has been 48 hours since I purchased the first one from Best Buy and now I am preparing to return the 3rd one to Circuit City! First one had a broken dvd drive, would not recognize any disk, 2nd one windows would not work, third one has a bad modem. DO NOT BUY! I can't believe how much time and effort I have wasted, not to mention money because of having both stores do the set up and adware removal, only to go through this. In addition to all the faulty manufacturing, I found it to be REALLY slow, more so than my current 4 yr. old model and the graphics are very low quality and antiquated looking. Save yourself the trouble.$LABEL$0 +Shred & Tighten. From day one I felt like my body was tightening. I've been doing a weight class for several months but level one kicked my butt.I have tendonitis in my shoulder so I had some concerns but the workout seems to be working out the shoulder & it is feeling better.$LABEL$1 +Dont buy this. It worked for a few months, then started to say system unavalibe all the time, if you reset the system it works for about a day before saying this again, freezes up when checking voice mail or trying to call people randomly, no more updates on firmware so please do not buy this as a warning; THEY HAVE DROPED SUPPORT FOR THIS PRODUCT. I have an IT degree and have messed with this item for a while beliving that tweeking it would help, but sometimes things just do not work. Skype is a good service, dont screw it up buy purchasing this phone.$LABEL$0 +Convicts Candy, Was Just Tooooo Much For Words.. When I Saw The Cover Of This Book, I Knew I Had To Purchase It.Afer Reading The First 2 Chapters, I Couldnt Put The Book Down. Candy Was A "Transexual" Who Caught AIDS & Died. Doing Her Time While She Was In Prison , She Had Many Sexual Escapades, With Brothers The Were "On The Low" But Wanted No One To Know.. It Seem To Me That Some These Brothers Were Just Drawn To Her Because If Her Beauty... Candy Had It Going On.. Do Ya Thang Boo. This Book Was Really Good....$LABEL$1 +Rip Off!!!. It broke after 4 times using it, broken stalk and it wont fire!!! GARBAGE!!! To make matters worse my 30 day gaurntee is up and im out of my $100!!! I tried to find the return address and there was none...I will never buy this product again!!!$LABEL$0 +not his best. i would truly give this cd 1 1/2 stars but i can't. i can see where he was trying to go with this one musically, but it's just not happening. There are way better Capone cd's out there. don't waste your time on this one.Comes to a disappointment for me - cuz i own all his cd's, but not this one.$LABEL$0 +Dragging rubbing sound from tray. The Sherwood had a good sound, the only problems were (1)the remote unable to open and close tray and unable to move from disc to disc to remove from tray.(2)the tray was slow moving and had a dragging rubbing sound.$LABEL$0 +Totally Chuffed!!!. This is easily one of the top two or three metal albums of all time. This is the Reign In Blood of the Death Metal/Grind Core genre. Amazing lyrics, written with sheer honesty and brutality. As far as the music and songwriting goes, its furious and relentless. Pintado, Harris and Embury are songwriting gods. They combine speed, grind and crunch like no other. Support the mighty Naplam and buy this and then go see them live. If you get a chance to hang with them, I assure you, you won't be disappointed. The eternal Gods of Grind!!$LABEL$1 +Good book, stupid layout. This book has a lot of good info and photos. But the layout is the stupidest thing I've seen in a book. Most of the photos are spread across two pages and since this book is quite thick, the centers of the pictures are curved and it ruins the photos. The info and the photos in the book should get 5 stars but the layout has ruined everything. They have also missed IL 2 which I believe is the most produced aircraft in history if not in the second world war. They have included aircraft models that are much insignificant but missed IL 2. Some would argue that IL 2 was a ground attack aircraft but not a fighter but almost half of this book is dedicated to bombers and other non fighting aircraft. I give 2 stars because it makes me mad to see all the good photographs in this book spread across two pages which looks like the author is mocking me.$LABEL$0 +Boring Workout. This workout is not without challenge. So, even though it starts out easy, some of the sections get your heart rate up and and you will work up a sweat. However, the fact that each segment begins with its own warmup makes it too disruptive to do as one complete workout. Also, Keli Roberts is by herself, there are no background exercisers, and she is just no fun at all. I found this workout incredibly boring.I recommend Amy Bento, Cathe Friedrich or Chalene Johnson for fun and challenging kickboxing workouts, but don't waste your time and money on this one.$LABEL$0 +Ride the Rocket!. This book is like riding on the back of a rocket. It takes off and never lets up. A great read!$LABEL$1 +return. I received this book for a present and after suffering through a half hour hoping to find something original enough to engage my interest, I simply gave up and returned the book. Not remotely recommendable.$LABEL$0 +smells.... strong rubber odor. I would have loved this product if it wasn't for its smell. I really tried. I even washed it with soap and everything.. but the smell won't go away. I can't stand surrounded by stench of car tire smell. Does it really make that much difference in manufacturing cost to have it made with just a slightly above the quality than the ones they used? If it wasn't for the smell, I'd be buying them in bulk and place it everywhere I sit and also pass it along to friends as a gift!$LABEL$0 +Great Condition Majora's Mask Game Guide. This game guide came on time and is in near perfect condition. There was only a small tear on the binding of the book. My son was thrilled he had a guide to go with the game and the interior was in mint condition.$LABEL$1 +Not like the original one. I had really liked the original version of this book which is meant for slightly older children. So I got this for my 14 month old daughter. She is least interested in it although she loves books and has many favorites. I didnt like it much either. There is no rhythm and the text doesnt flow very well. In fact, the last few pages just contain a bunch of alphabets thrown in as if in a hurry to finish the book. There are better books out there!$LABEL$0 +Don't bother. This book is a sad reminder of what repugnicans once were. How can a party sink to multitudes of degrees of filth and worthlessness.$LABEL$0 +Recommended. I really enjoyed this but didn't absolutely love it. Nice animation. Interesting story. Mostly likable sprinkled with a few annoying characters. Recommended on blu-ray for sure. I can't say I will be watching it over and over. But it's definitely worth a go$LABEL$1 +Great tasting substantial snack bar. I was looking for healthy on the go gluten free snacks. This is my go to bar, love the taste and very filling.$LABEL$1 +carol at the lake. I love this product as when I am traveling I need to charge my ipod touch and this does the trick!!!$LABEL$1 +One of the best technical analysis. This is, in my opinion, one of the best technical analysis books out there.The approach of Richard Wyckoff was developed in the beginning of the century and it still applies. He shows you, in great details, how through price, volume and trend lines you can identify what a stock is doing and what it is about to do. And he did all of it by hand!!!The system is pure and, if combined with other indicators, moving averages, etc. can be powerful.The book is full of technical information. It is condensed, not an easy read but worth every penny and it is one of the least expensive books out there.I highly recommend it.$LABEL$1 +The stand broke in 48 hours. A cheap plastic part on the stand of this timer (so it can be placed on a table) broke off within 2 days of receipt.Cheap and to be avoided.$LABEL$0 +incomplete episodes. I am glad it had closed caption, but disappointed the dvd episodes were each missing about 3 minutes of episodes as network aired, and showed the syndication truncated versions.$LABEL$0 +Compatibility problem. I got this for Christmas for use with a Cassiopeia E125. The software loaded fine, but the receiver did not appear to get a signal. The Ambicom office was closed during Christmas break, so I put it aside. This week I e-mailed Ambicom. Their response is as follows:"Unfortunately, the software is not compatible with PDA OS. It's only for Pocket PC 2002 and 2003. Sorry for this incovenient caused."Amazon's product description and the (sparse) Ambicom documentation did not reveal this detail. Now I'm stuck with something I probably can't use.$LABEL$0 +Controversy mistaken for depth. The only thing that makes this book even appear to be worthwhile is it's "controversial topic" (which is advertised right on the cover). I was so irritated with how awful this book was it took me over an hour to chill my brain enough to start a new one. So often controversy is mistaken for depth. This book had none. I thought it was going to be great but the more I read the more I was proved wrong. The characters are absurdly one-dimensional while constantly try to claim otherwise through out the book but ultimately don't. This book is not even worth the paper it is printed on. Normally if I don't like a book I donate to the thrift store or give it BCID on bookcrossing. This one I tossed directly into the recycling.$LABEL$0 +Prepare to be blown away!!!!!. "Fireproof" byfar surpasses "Above". The music is harder and has more of an edge. It's amazing how Rob can be screaming one minute and then singing softly the next. To those Christian alternative fans, this is a must have. The song "Further" is this album's equivalent of "Father", and it is amazing. The whole album will keep you head bobbing throught. This album is as good as P.O.D.'s "Satellite". So, if you haven't gotten it, get it. You will not be disappointed.$LABEL$1 +Unbelievable!!!. I'm not one to read books but when a guy friend of mine preseented me with this one i had to go ahead. This book sat on my shelf for 1 month before I finally picked it up. It was wonderful!!! I read the entire thing in one day. What a thing for someone who dislikes reading!! I can't wait to buy his other books!!$LABEL$1 +Book condition not rated correctly. When I received the book the glue on the binding is falling apart and the book is split in half when you open it because it is in such poor condition and was not rated that way. I have to repair the binding myself so it wont fall apart in the middle of my class.$LABEL$0 +Helpful Resource. This book is a great place to get new ideas when working with children. Its also been a great resource to reccomend to new therapists. I have used the "Sticky Dots" intervention on serveral occasions.$LABEL$1 +Hilarious!!. This is my favorite movie of all time and I have seen a lot of movies.I can watch this one over and over and over and it still makes me laugh everytime. I think this is Brandon Fraiser's best comedy role, he is soo good at every character he plays in this. He is hilarious! I love this movie!$LABEL$1 +Boring Book - Went Straight To The Recycle Bin. The stories are thin, the typo's are glaring, and I wouldn't even donate this book to the Good Will, etc. - because no one should have to read this piece of junk.$LABEL$0 +Re-release of Naomi's solar pumpkim, still good.. This CD features most of the same tracks from Naomi's Sloar Pumpkim, whcih Mr Tabor released himself. I prefer the NSP for the mix and selection of songs, although this CD is also very good.$LABEL$1 +Don't waste your money!. The toaster looks nice, but burns my toast every time. Very uneven. I have to watch it every time I make toast. Cheap. Don't buy it!$LABEL$0 +Fits my MacBook Pro Perfectly!. This sleeve works great to protect my 15" MacBook Pro and looks great as well! My notebook goes in and zips up easily, even with the snug fit. The pocket on top would fit a small ipod or jump drive, but definitely not big enough to hold much more. I like the slim lines of this product because it makes it easy to fit into another bag or a backpack for transport.$LABEL$1 +Not adequate. Bought these for my two adult chins. The male is tiny, but he was somewhat cramped in it and only used this until I added a fleece house - now he only uses this for a platform. It's also not heavy or stable enough for them to use as a platform - on shavings it will tip slightly and startle them when they jump on it. Additionally, they jump on it with enough force that the top comes off daily, so eventually I had to nail it down so they wouldn't fall on it awkwardly.The female is much longer than the male, and she looked really uncomfortable in this whenever she had to turn around in it. She too abandoned it, and I didn't even give her an alternate nest box.I know the price is attractive, but now I have two houses that I'm going to pull out and replace with more substantial, large boxes. I definitely don't recommend this house type at all.$LABEL$0 +Goodness, such language. The little girl in this movie must have aged 20 years during its filming. Language is so gross, it is unintentionally funny at times. A real gore-fest.$LABEL$1 +Magnificent. This is simply one of my favorite musical works. Something like this could easily have drifted into very cheesy territory indeed, but this is first class. I actually prefer this version to the original Silk Road albums. This well-done orchestral interpretation brings something extra out of the music. It's a lovely, enjoyable piece of music.$LABEL$1 +In very poor taste. I agree with other reviewers that this well is dry and the family is no longer interesting. But that disappointment is mild compared to the disgust I felt that she used the Twin Towers tragedy to plump up her character's adventures. First time I'd seen our national tradedy experienced by fictional characters and it is in very poor taste and so lacking in sensitivity that I won't read her again.$LABEL$0 +BAD. I purchased this item and plugged it into my power point using a converter adapter for Australian Standards. A soon as I plugged It in It ""BLEW UP IN SMOKE IMMEDIALTLY"" IT NO LONGER WORKS "" I DIDNT GET A CHANCE TO SEE IT PLAY "" I DIDNT GET A CHANCE TO HERE IT PLAY ""WHY WOULD A COMPANY SELL ELECTRICAL ITEMS TO AUSTRALIA THAT ARE NOT COMPATABLE !!!!!!!WHY WOULDNT THE COMPANY TELL YOU THAT YOU CANNOT USE THIS IN AUSTRALIA !!!!I USED AN ADAPTER !!!WHY DID IT BLOW UP!!!!!!MY FRIEND BROUGHT ONE AS WELL, SHE LIVES IN AUSTRALIA TO AND GUESS WHAT HAPPENEDIT BLEW UP BOOM !!!!!!!WE BOTH LOST TOGETHER OVER $300.00WERE THE ITEMS FAULTY !!!!!!WERE THEY JUST NOT COMPATABLE FOR AUSTRALIAWHY WERE WE NOT ADVISED????THEY KNEW WERE THEY WERE SENDING THEM!!!!!!!I AM VERY SAD AND SO IS MY FRIEND!!!!!!!!!!!Pyrus Electronics 4gb Mp3 / mp4 / mp5 Player with 2.8 Inch Touch Screen and All Stainless Steel Casing$LABEL$0 +too bad to even be funny. Sometimes rap music, like horror movies, are so incredibly bad they end up being funny. Not this. Maybe because he obviously takes himself so seriously or because he is such a scumbag, I have no sympathy for him and his ridiculous music. I've heard more intelligent rhymes from 5th graders.$LABEL$0 +wonderful layout, full of incredible inspirational media art. I just picked this book up in NY and I'm blown away. Every time I eye it on my shelf I have to stop what I'm doing and pull it out, sit on the floor, and pour over the pages... This is wonderful art for the generation X/Y age group. Not to cram too many buzzwords into this review, but this stuff really is on the edge... it's out there... I'll be a happy man is this is the direction the art world takes in the next few years...This book takes an empty approach to design... lots of white and black space with strange freeze frames of different video and web pieces. Unlike most of the digital art books today, this does not have a companion CD-rom. Thats what makes this book so interesting, is that you have digital moving art, frozen, taken out of context, and put to paper. There's not many books like this, too bad.$LABEL$1 +HUH?. The Stretching is waaay to long! Get to it Already! 2ndly The Dance moves are not properly gone over, so you're left LOST threw out the workout. By the time you take your pulse rate, mine was way below, since i was mostly wandering around my workout room in confusion. Eevenn Eric Niles can be seen confused and screwing up. 3rdly wheres the instructor from the first grind workout, and who's this crappy fitness instructor Wanna be with the bad hair that looks like she had soda cans in it all morning? STAY AWAY FROM THIS ONE! Garbage$LABEL$0 +Most interesting characters from Indian Mythology.. Indian mythological literature is full of interesting and fascinating characters. This book is an entertaining collection of stories drawn from Indian myths and legends of yore. The colourfully illustrated book has stories about many less known characters from our legends as well as some of our favourites. The book is specially written for kids. The language is simple and sentences are short.Read this book if you like to know about Kumbhakaran, Ravana's brother whose daily diet consists of thousand plates of vegetable curry, two thousand bowls of chicken, three thousand platters of kheer, five hundred live goats, five hundred baskets of raw fish, two hundred whole banana trees, mountains of rice and a hundred barrels of wine.$LABEL$1 +cozy. Great, i get to be the 4th reviewer. I guess that about sums up how popular this band is. Well, rare gems are hard to find. This disk has a lot of variety but DMST definitely has a distinct sound. I have there previous 2 disks and think this one is the best. Has a more warm cozy, country feel to it. Some of it is very beautiful, some slightly annoying and noisy. If you are investigating them because of godspeed and the constellation stuff, they are not the same. Well, you do get some tremelo guitar (what's with that anyway), but the music is far more pleasant and palatible. enjoy$LABEL$1 +a disappointment. This book purports to based on high quality research. If so, the author has not made a good comunication job of setting it forth. I found the book superficial. It was also looked through by a true scientist resident here and panned it badly. It's a good idea not well done in my opinion$LABEL$0 +Item not has advertised. I was disapointed with this jacket. It was advertized as cashmere. When I received it the label stated it was recycle cashmere and it did not look or feel like cashmere. I was very disappointed and I returned the item.$LABEL$0 +The Stand to the Nth power. This novel is fantastic. It starts to drag in the middle, but the fast-paced action and in-depth characterizations are marvelous. Also wonderful is his putting forth of philosophical ideas and the power of God. A father risks his life for a daughter. What could be more heart-warming. Read it, please!$LABEL$1 +beware!. I double checked application chart several times,I checked the numbers when it arrived. All correct, I ordered the correct item and Amazon shipped that model.However, after several hours removing the existing air filter components I started building the new system. IT DOES NOT FIT THE THROTTLE BODY! Key cutouts are not there. Volant customer service is not open on Friday. So back it goes. Very disappointed. Will never buy a Volant product again.$LABEL$0 +rocky 5 soundtrack. I never got my cd I ordered I waited for good month, and nothing. And I email them twice for a answer. I got different answer and I wasn't happy at all. So I file a clim and they give me my money back.$LABEL$0 +The Best Anthro Fiction. Wilson's Crazy February is perhaps the best example of anthro fiction that I've read, and gives a much clearer idea of life in Chiapas than most anthro nonfiction. Crazy February gives the reader an acute sense of what it is really like to live there. I'd also recommend Peter Matthiessen's Far Tortuga as another wonderful example.$LABEL$1 +Beware: This is NOT a Microsoft headset. I ordered this headset, thinking it would be an original Microsoft headset, and was disappointed to see a cheap knockoff after opening the package. The microphone can only be used on the left side, which sucks because I usually have it on the right side. The pictures all show a Microsoft XBOX 360 headset and the manufacturer even says "Microsoft". Totally false advertising. I will never buy from this seller again.$LABEL$0 +Nuvi- inexpensive and satisfactory. I work as an Admissions counselor for a University and do a lot of traveling. Frustrated with the pages of directions from online map sites, I got advice from friends and tried the Nuvi. I've found it to be extremely helpful when finding high schools and colleges. It has also assited me in finding local food places. One great feature I've loved is the ability to search for hotels near my destination. The thing my boss loves is that he's saving money in printing and gas (yeah for not getting lost!)A couple of problems- I've found that the turning warning is about 50 feet off. (still need to call garmin help about that) Some businesses are slightly before or after the location that the Nuvi has recorded.I'm planning on buying at least one more for our admissions office, and am very happy with how the Nuvi has helped me to be on time to the various appointments that go along with my profession.$LABEL$1 +Pop-up top impossible to open and close. I was really excited to get a stainless steel water bottle with a pop top for exercising and a mouth large enough to put ice cubes in, at a decent price. Unfortunately I didn't heed the other comments about the pop-up top being hard to open and close. For me, it was next to impossible. The cap doesn't fit snug onto the pop-up top, so that when looped around your finger, it justs pops right off and the bottle falls to the floor or ground. Poor design. If you don't care about using the pop top (one of the main reasons I bought the bottle), this is a good bottle for the price.$LABEL$0 +Barbara has a great voice. Wow, Barbara Streisand has such a nice voice. In this musical, I love the songs "people", "I'd rather be blue over you" and "I'm the greatest star." Everyone says that Barbara Streisand is so ugly, but personally, I think she's actually kind of pretty. Yeah, her nose is big, but other than that she's not that bad. Anyway, it's just a really great movie. THe only problem with it is that the romantic scenes were a little too numerous and kind of boring.$LABEL$1 +Not that Great. Another toy that's just taking up space. I have been looking for the prefect bath toy for a while and still haven't found it! :( My kids are 2 1/2 and 1 so maybe they are just too young, but I wish I could go back in time because I would not have ordered this. I wasted money again!$LABEL$0 +What a disgusting, pointless piece of garbage. Not only is this a complete waste of money, it is also a waste of an hour and a half of your life. I felt like I was watching one of those pathetic, schlocky B-movies from the 1970's. Whoever is responsible for making this should be penalized and the people who promoted it as even remotely watchable should be ostracized.$LABEL$0 +PHOTO IS WRONG. This does not include the decorative ring pictured. It may work for a 1/2-inch stub, but it has a large and clearly visible (except in the photos...) hole in the bottom for a set screw to secure it. Who thought that was a good idea?Was hunting for a solid and more substantial spout than what is offered individually in the local stores. It feels solid and substantial (thus 2 stars), but is fatally flawed. Had to return it.$LABEL$0 +Great pacing and extremely enjoyable!. If you're a horror fan -- or more importantly a zombie fan -- than this is going to be on the top of your list of "must reads." The pacing is fast, the zombies are different enough and terrifying and the characters are fun to read about. There's also a good bit of tension thrown in. Smith does a great job of throwing monkey wrenches into his characters' lives... and it makes for a fun read. It starts out great, sets the mood and never really slows down.The writing style is accessible and concise and flows extremely well.This book deserves a spot right next to all your favorite horror novels.$LABEL$1 +Well worth the money. I suffered from Panic Disorder for more than 10 years. Every GP i saw told me i would never be cured and offered me medication to keep my anxiety under control. Thankfully I never accepted the drugs. When i was at the end of my tether feeling totally worthless and helpless, i found The Linden Method. I bought it, thinking i was maybe being conned as i was at my lowest ebb. I have to say i cried when i first started to read the manual. And the Panic Attack Eliminator was like an epiphany. The Linden Method is honest, safe and has a real understanding of how panic can control your life. The after sales support is also superb.I am not totally cured, but i know this is mostly down to me. The Method itself is sound, and if it doesn't completely cure you, I'm sure it will at the very least make your panic disorder much more manageable.Very strongly recommended.$LABEL$1 +Nightfox laser dance song. I read other reviews in search of the best song of the movie but not on the soundtrack and I did some searching and found the CD but it's not on Amazon anymore although the page is still up, the name of the CD is "Peines De Maures / Arc-En-Ciel Pour Daltoniens [IMPORT]"by La Caution. You can probably buy it on ebay or your local underground music store.$LABEL$0 +This review is for the 3D Version - HORRIBLE - Don't waste your time!.... I've proudly collected most all 3D Blurays available in the US since the beginning. I must say that I ROBOT is the worst 3D conversion I've ever experienced. I actually sold it on ebay for $9. It looked like a pop-out book - simply unsatisfactory. FOX/SONY has boasted about their new techniquest to convert 2D Classics to 3D classics. Note to Fox/Sony: PLEASE DON"T RUIN ANY FURTHER CLASSICS IN YOUR CATALOG WITH THIS QUALITY CONVERSION. I was so Dissappointed - a Great Movie in a horrible 3D presentation.Sony/Fox should take some pointers from Pixar or James Cameron for the future 2D- 3D conversion. You thought Last Airbender 3D was bad - experience I-ROBOT and it makes the Airbender look like a classic. Shame on you Fox/Sony - Give us better quality 3D Conversions and we'll buy them.$LABEL$0 +AWESOME STORY. The photo of President Kennedy with future President Clinton in the crowd is eerily ironic. For you people looking for some kind of embarassing kiss & tell story, try another book. If you want to see how one of the great minds of our times work, this is the book. President Clinton's accomplishments were many. He was and IS loved around the world. This book celebrates him, and we applaud him! I am honored to have been alive during his years as our leader.$LABEL$1 +Scions. a continuation of the Shannara series. Fast paced and with lots of bad 'guys, monsters, dragons, dwarfs, elfves, battles. In other words another action packed thriller. an easy read.$LABEL$1 +GOOD MOVIE!. If you're a fan of the first movie you will love this one, it's very intelligent, keeps you guessing, and a lot of humor!$LABEL$1 +Don't Waste Your Money. Painful to watch. Baldwin , as usual, has zero ability to project ANY emotion whatsoever. Whatever scene he is in, he has the same expression and is unable to communicate any feeling at all through his eyes. Poor script and silly idea for a movie. Pure garbage except for a few laughs where they aren't supposed to be. Cheap effects. Very low budget.$LABEL$0 +Bad Title. It's not a strategy book.. This is a book about openings. It's not your typical strategy book. Since it is an openings book, the material is very outdated. If you want to learn about the ideas behind the openings then I would recommend Discovering Chess Openings by Emms. If you are want a more detailed book on all the major openings then I would get Fundamental Chess Openings. FCO is a good reference book, but for the most part, it just lists moves and doesn't try to teach you about opening theory. If you are looking for a strategy book then I suggest Modern Chess Strategy by Pachman.$LABEL$0 +Norah's shining moment. Norah Jones may not have the keyboard proficiency of Dianna Krall nor the polished vocal range of Sade but she has what the others don't have - eight Grammys. Whether the Grammy was a one-hit-wonder glitch or a confirmation of her talents is a moot issue.What is obvious in this New Orleans performance is her artistry -- no embellishments, just simplicity and grace. Norah exudes femininity which is sometimes hard to convey in a jazz setting; her voice, oftentimes soulful and melancholic, comes across intimately in Lonestar, Bessie Smith, The Painter Song and the surprise encore Tennessee Waltz. Her now familiar "Don't Know Why" and "Come Away with Me", performed live, are enough reasons for having this DVD.In the musical world where artistic integrity are often compromised, it is nice to have for more than a 'brief shining moment' a lone star like Norah Jones.$LABEL$1 +A must-have for all 80's hard rock fans!. This is the second part of a 2 volume movie set highlighting the Moscow Music Peace Festival from August 12th and 13th, 1989. It has concert footage from Motley Crue, Gorky Park, Ozzy Osbourne, Scorpions and an awesome jam which went on at the end of the concert. It also has alot of backstage footage with the bands and fans. This is one movie you must have!$LABEL$1 +not like the movie. I like the book and found the subject of animals in captivity more interesting than I would have ever expected. I had read "Son of The Circus" and found the comparison of India and Canada very similar in "Life of Pi".$LABEL$1 +A disappointment. I purchased this CD a while back, like many others, expecting to find the awesome collection of 50s music heard in the movie. While John Carpenter may be a fine composer, it is truly a disservice to have released this album instead of the ACTUAL movie music...$LABEL$0 +recent purchase error..... be careful. recent purchase was not as pictured.... watch carefully when making a purchase. Item was a book picture was projector.... not the same....$LABEL$0 +Merci. Pour un Marseillais, quel plaisir de voir que notre rap s'exporte et est apprécié par les étrangers. Mme si on est pas né sous la mme étoile, merci du soutien.$LABEL$1 +A let down follow up cd.. I read in a magazine interview that Miss. Jones did not want to be seen as "Just A Jazz Singer" an on this cd she wanted to show her country music influence, which she got growing up in Dallas, Tx. On a side note she came out of the same perfoming and visual art school as fellow Dallas Texans, the great contempary jazz trumpter Roy Hargrove, and neo-soul singer Erykah Badu. Back to this cd, while I really like her voice, she is out of her league as some sort of neo-country female singer. Although the cd does have it's solid moments such as track 11 "The Prettiest Things." I give her credit for try to branch out into different sounds,but one must know what works and what does not. I hope that by her next new cd she knows the The quote of Miles Davis "Great Music, like great art is more define by what's left out, rather than what's put in."$LABEL$0 +mine doesn't work either. Like others said, those little pins don't stay down, and the item plugged in does not come on when it is supposed to. Mine doesn't come on at all. Unfortunately I bought it several months ago and only now am trying it, so I can't return it.Looked like a great design but is worthless if it doesn't work!$LABEL$0 +Great book for new Sunday School teachers. This book helped clarify why I wanted to be a Sunday School teacher.It help me with focus on weekly objectives.It maintains that we are making disciples.$LABEL$1 +A twisted mess of the heart. This is the first Jodi Picoult book I've read, and it helped me easily fall in love with her writing style. Easy to read, keeps you interested and captured. This is a love story like no other, with twists and turns that will make it difficult to put it down. Highly recommended, however, be warned that the material in this book is difficult to read.$LABEL$1 +Excellent. I installed this product in my 2000 Honda Civic. I did not use the ground wire supplied, because it says not to when a charger is used, which I use. The sound quality is excellent! It is as good as my cd player, and way better than an FM modulator! If you want to keep your factory stereo and would like a way to add cd quality sound from an iPod or other source, this is the way to go.$LABEL$1 +Care Bears movie fun. My girls loved this movie. It was a favorite that they had to watch over and over again. Catchy songs too!$LABEL$1 +Works well.. I was skeptical at first but after a few tries I caught on and was able to use it satisfactorily with a wet brush. I thought that it might be real handy for air travelers who face unreasonable limitations on what they can bring. I still think I would prefer my conventional Kiss My Face cream or a good mug soap because it provides ready lather for the second or third passes where with this stick you would have to rub the stick again and again. All in all you do get a close comfortable shave.$LABEL$1 +Good Salesman, Bad Advice. Dr. Grey, with a PhD from a university closed down by the State of California as a diploma mill, is a great salesman and story teller. Although his thesis in his new diet and exercise book is intriguing, Grey does not give any references whatsoever as to from where his theories about hormones and their role in nutrition come. Some facts in the books seem dubious, "..the brain uses 20 percent of the calories we consume."However, because the caloric intake of his nutrition system should be less than the reader would normally take, participants in the system should show a loss of weight over time. And because the theory is novel, a reader will also tend to believe everything Grey says, as believe they "feel" better.I would feel safer about his nutrition ideas if he had added an appendix of references to scientific or even to popular literature that could confirm his ideas as good science.$LABEL$0 +You are buying a bug not a antivirus software. By seeing the ad. in deals2buy.com, I purchased this software and it never worked, I installed thrice and end result is same. Tried to seek help from the customer care the only solution they provided was to reinstall and it didn't worked out and I ended up in sending it back. I made a mistake and wasted my time, Please learn from my mistake.$LABEL$0 +Sentimental Journey. I first read this in, I guess, third grade or so, and it was a trip back to those wonderful times of yore.$LABEL$1 +Not particularly moving. It's a nice, fast summer read, and I must admit to shedding a tear or two, but overall, I didn't like it.I don't think I'll be reading more James Patterson. For one thing, he is totally unconvincing as a 35-year-old female. I mean come on. There's this one line about an "upside-down ponytail" and it almost made me quit reading and throw the book against the wall in frustration. Funny how little things like that can throw off the whole experience. Generally for me, this was not dense enough to be a real romance. Badabing badaboom, they're in love. But why? No one knows.Anyway, if you're in the mood for a fluffy read, you might be ok with this one. Otherwise, skip it.$LABEL$0 +Waste of Money. This video is boring and does not even teach word problems as it states it does, just regular math problems. I was hoping to teach my students things like make a list, act it out, etc. Essentially, you watch a standardized test taken and videotaped -snoozer. "Rock" and Learn has no music either.$LABEL$0 +Good to throw.. It is easy to throw but my year old pup pulled the handle out of 2 of them in 1 day. Tha third one has lasted well.$LABEL$0 +Overpriced and incomplete. As per usual, my ratings given are for this release, and not for the content.Simply put, this is not a a true "Collector's Edition". It's priced as one, but it's not at all a complete edition, something on this scale and at this price should include all the original japanese language soundtrack with english subtitles.A real let down.Sadly even if you remember it in english as a child, you don't get that because the studio destroyed the original copies. So it's not so good for nostalgia, and not good for japanese animation buffs.$LABEL$0 +Not that great. First off, most of her songs are so repetitive that they get really annoying and irritating to listen to. The first 3 songs are somewhat more rock, but after that most of them just sound like mandy moore songs with a guitar. The lyrics aren't that great either, just the typical pop stuff going around now. One song - beautiful - even sounds like a brittany spears song. The only thing I can say about this album is that the songs, just like most songs on the radio now, get stuck in your head quite easily. Don't waste your money; go buy Brand New's album - Deja Entendu, or Michelle Branch's Hotel Paper.$LABEL$0 +Adults' Fairy Tale. It is a true fable where all is well that ends well. Mr. Reiner writes with ease about persons with distinguished achievements, wealth, and health. Even the ones who are sick are made to seem fit. There is a reason behind everything and each character possesses great human values such as compassion and understanding. Even the ogre of the tale has his good sides. Of course, the whole story is light and full of mirth. That is Mr. Reiner's style. He knows how to make people laugh. There is a minor story within the main story. Both are equally enjoyable. Nat, the main character, suffers from serious personality disorder that he succumbs to seeing a therapist. One thing leads to another and he is on the journey of searching the truth of his origin. He finds out a lot of information and a few close relations. It is first and foremost a love story between men and women and among family members. When told in Mr. Reiner's wild humor, it becomes more pleasing.$LABEL$1 +You're too dumb for this movie, and so was I. This film was long, tedious, overwrought with baseless emotion, etc, etc.I would have rather been doing laundry then wasting my life watching Melancholia. You've been warned.$LABEL$0 +A Gift Book for the Spiritual Journey. This small format, hard cover gift book is a treasure. In 99 pages, we read a variety of quotations from Mother Teresa. Recurring themes include nature, prayer, and love. We learn that the attention she got from the media was a burden to her, endured willingly because publicity for her work drew attention to the poor. She found speaking in public torture, saying it was easier for her to bathe a leper than to answer a journalist's questions.The content of these brief passages is complemented by Mother Teresa's gift for language, for example, "I am only God's pencil, one that he uses to sketch whatever he wants," and "love's garment has a hem that reaches into the dust, and brushes it away." Every page has a message with the power to inspire.$LABEL$1 +Not one of her better efforts. I get the impression that EP wrote this book(and set it in the past) because the Amelia Peabody series may be losing some of its appeal. After all, Amelia and Emerson are now getting old (hard to believe that Emerson can still be an ageless 'hunk' in those later books). So is EP trying to recall the 'glory days' of this series?I found the story and characters to be 'small' compared to her other books. This book was simply not up to the usual EP standard.On a more personal note. After ready all of the books in this series I am starting to grow weary of the pretentiousness, superiority and pomposity of the entire Emerson family.$LABEL$0 +Very True. This book hit me harder than any book I have read recently, not because of the writing, but because this was me. This was my college experience, ast least what I can remember of it :) and I can identify with many of the authors statements and feelings to be accurate. The scary part is that it is normal to use alchol like this in collage and early adulthood in america. Drinkomg untill you pass out is not abnormal but expected in many young adult settings and those that do not are not cool. This book is scary and true, and made me look at the way I drink.$LABEL$1 +DO NOT BUY THIS PHONE. After 5 weeks, the battery stopped holding a charge. The company tried to tell us the phone was three years old. It's not worth fussing with, but, man!, what service!$LABEL$0 +A wonderful mix. What a wonderful mix of in-depth information about both Jean Shepherd's body of work (which to me seems timeless) and revealing interviews that draw Shepherd's enigmatic life and humanity into sharper focus. Bergmann does a fine job of explaining why Shep's fans are so loyal; what were Shep's best contributions to radio, TV, film, literature, and stage; and does this while making us aware of Shep's enigmatic less-than-perfect personal life. This latter subject, however, does not detract from portraying the man as an overall likeable character or significant artist. A great read for anyone, whether familiar with Jean Shepherd's work or not. Thank you Eugene Bergmann!$LABEL$1 +Wow!. If you're looking to reform your classroom and reform your teaching, this simple book is for you. Shouldn't teachers be focusing on learning for understanding? This can be read over a weekend, just enough time to implement change on Monday.$LABEL$1 +Really good fans for the price.. These fans are really good for the price. I bought two for my house. One of them is a little loud, but I assume its from installation and not from the fan itself because the other fan is very quiet. These are perfect for smaller rooms or rooms with low ceilings.$LABEL$1 +Very effective. This product is very effective at starting fires indoors. It also heats well when used as directed (outdoors). Nice compact size.$LABEL$1 +You have got to be kidding me.. I just paid $6 to read a one paragraph question some guy had about laser etching and a two paragraph answer. These articles have got to be the biggest scam I have seen in awhile.$LABEL$0 +Flawed Discs. Let's see, we've got: bad color, dozens of poorly-added CG effects and equally poorly-added sound effects, missing documentaries and original movie versions from the 2006 DVDs, and none of the flaws from the '97 and '04 versions have been corrected. Pass.$LABEL$0 +Don't be seduced. This is mostly emotional claptrap. As my daughter put it, "I don't want Jesus to be my boyfriend!" Women--don't be seduced by this. Your relationship with God and with others, as scripture demonstrates, is much bolder than this.$LABEL$0 +Could be better,but OK. What I like...the attached storage cord that fits in the phone jackWhat I do not care for...for my hand, I wish the stylus was longer. Also, the tip of the stylus sometimes does not work well and you have to press extra hard on the screen or repeated times.For the cost, not a bad deal. If you want a premium stylus be prepared to invest more than a couple of dollars.$LABEL$0 +Great product and great seller. It was a very pleasant experience buying and receiving this product. We received the iron the same week we ordered it and the seller made sure the iron was well protected from our mail service. What more can you ask for?? Ironing is almost fun now but a robot could do a better job. Where can I purchase one of those?$LABEL$1 +Not the original trilogy. I can't believe this is being advertised as the original trilogy? What about the original films I grew up watching?$LABEL$0 +Died after 2 years. I bought this unit about 2 years ago. I had to return the initial unit because it did not work correctly (thanks to Cabellas customer service). The second unit worked well for a while (yes it was a long set-up), but we were happy with it. The rain guage stopped working pretty early on, as did the humidity/weather condition sensor. However, the 2 parts we used most, which were the temperature readings in and out and the anemometer, seemed to work very well until we hit the 2 year mark. Then the whole unit went out and no matter of new batteries, reset, or anything else will make the unit function. It might be inexpensive for a weather station, but $240 is not cheap by my standards to have the product only last for 2 years. Not sure that I can recommend it. Too bad, because I think Oregon Scientific usually puts out a good product.$LABEL$0 +Save yourselves. This book is a must have for anyone who has never had an independent thought in their life. I couldn't keep my eyes open trying to read this book. For anyone who thinks on their own from time to time, this book contains chapter after torturous chapter of common sense information, spelling out the most fundamental ideas over painful lengths of text. If you have never thought about anything, ever, and would like for the first time to try it out, then this book might be a useful guide for you. My apologies to the authors of glowing reviews on this book, but you should have recommended a toaster and a bathtub to go with it.$LABEL$0 +Start with a different book. I was fascinated by some video performances so I wanted to find out more about Mercury. Read some good reviews of this book about it not being sensationalistic & a hack job. Unfortunately for me it didn't give me the kind of info that I was looking for. Definitely a book for someone who has more of a background in Mercury's history.$LABEL$0 +Pitiful,Mtv,Hip Hop,Clubb'in SHITE. This is one of those thrown together soundtracks.All the cookie cutter,whoever is on the "popular music chart" crap music.There was only one cool song in the entire film and it's not even on the soundtrack.I hope the band sues.Don't waste your money on this garbage.There is nothing remotely interesting about anything on this soundtrack,but if you are a gullable sheep who doesn't mind being led to the slaughter,by all means buy the C.D,we need stupid consumers like you out there,you help the economy.$LABEL$0 +Exactly what I was looking for. Nice set for a reasonable price. Holds up to our 90 lb dog and 2 1/2 year old playing near it. I use it in our living room to hold blankets, and it holds two queen comforters and a small throw blanket comfortably. Really cleans up my living room and matches the rustic look in our log home.$LABEL$1 +Very cute adorable piano.. But my daughter lost interest !. Lots of pros and cons!!First off I have to say the sound was good when I received it but after a few months it sounds terrible! My daughter probably played with it ten times total, and not for very long! She wasn't too impressed! She's three so I think she got bored with it! I think if had bought it when she was one it would have been a hit!Great for younger kids! I'd say 1-3Very small and heavy ... Won't tip over !Extremely cute and painted very well!The Pink color really stands out and looks beautiful in my daughters room!Sound not so great ...Sound volume is average to low ! Not too noisy !Please let me know if my review has helped you in your inquiry or purchase! Thanks$LABEL$1 +No notification of cancellation. I pre-ordered this item, but now when i look at "My Account" the order is not listed. Apparently, Amazon has cancelled my order without even notifying me. I didn't even receive an e-mail.$LABEL$0 +Not the best!. I love Baby Einstein books but this one was not that good, I think there are better "bed time" books out there. Go to a nearest book store, read it first before you buy this.$LABEL$0 +Simple, acoustic-esque style with hints of Dido and jazz/blues overtones. Very satisfying purchase. "Colour the Small One" has a simple, near-acoustic rock style which, along with Sia's vocals, are reminiscent of Dido's "Life for Rent" and include many jazz and blues overtones. Guitar, brass instruments, synth organ, and even the xylophone are tastefully blended with both fast and slow percussion in amounts that are often quite complex, yet carefully avoid the "noise rock" effect. Unlike Dido, the lyrical content avoids any edgy or potentially offensive territory, making this album safe for any casual listening audience. Presently lingering near the top of my playlist rotation.$LABEL$1 +Awful. This DVD set is just plain awful. Whatever possessed anyone to release such a thing. Don't bother. Trust me on this.$LABEL$0 +Labeled 36, but it is a 34 waist - It is a SHAME! I found what exactly is the problem. Be aware!. The Jeans is labeled 36 x 36 but the product for sure is 34 x 36. I cant use it. It does not fit, like all other I have purchased before. Note: I has to change my RATE from Z E R O to O N E Star, otherwise will not show for future buyers....It is a shame, the PANTS don't match the Labeling. 36 waist must be a 36 waist! No respect for the client! Since they are acting this manner it is better to pay more and buy in a store! I dont recommend this product! The problem is that all LEVI'S 501 made in INDONESIA IS SHORT IN THE WAIST AND LEGS ! The MEXICAN MADE ARE OKAY - 100% CORRECT FIT!$LABEL$0 +Another hit Mecha-Anime has been created!. Brain Powered is the story of the battle for mankind. After 1/3 of the worlds population disappear, earthquakes happen every day. First you meet Hime, a young orphaned girl who sees a Brain Power revive. She then pilots the Brain Power against other robots. Yuu, a teenager who works for Orphan, leaves. But is followed by his sister and her Squadron. In Episode 2, Yuu is still running away, but is helped by Hime. Yuu leaves to search for his true cause. Contains episodes 1 and 2. A+ anime, B storyline, and B Characters.$LABEL$1 +Looks cheap and made like that. It is really flimsy! it is also curved to one side. button to turn it on is tiny and requires quite an effort to slide.Save your money!$LABEL$0 +disappointed. I had ordered the origanal 1st pal. I received the one with the diaper. It was not the one pictured by company. A customer posted the diaper picture. should have known. 1st time ordering and not happy. Baby however likes the toy. I wanted to give him the smaller one.$LABEL$0 +Another bulls-eye. Derber has hit the nail on the head again - in this case it's a bulls-eye, with Bush in the center. But much more important than Bush the individual is Derber's penetrating analysis of the corporate/political elites' control of our democratic processes. By exposing the underlying structure of this control, Derber gives us a meaningful vantage point to understand how the unabashed self-interest of a powerful minority negatigvely impacts the vast majority. I found Derber's upbeat style and witty presentation ultimately hopeful. It's a complicated topic, but this is a readable and important book. We need to wake up ourselves and our country to the reality of what's really happening under Bush (not to mention whoever wins in Nov) - let's demand our leaders and institutions do a much better job of implementing the fundamental ideals and human rights that our country was founded on and that we teach school children to believe in.$LABEL$1 +Nice Bowl...about the color. This is the first piece I've ordered in this color. I like to have at least a few pieces of each new color that Fiesta releases. This 'Ivory' is almost indistinguishable from the post-1986, not vintage, Yellow (the paler Yellow, not the more recent brighter Sunflower). In other words, it is more pale yellow than ivory in color.$LABEL$1 +Criminology (with CDROM and infotrac). I ordered this for one of my classes, said it included the CD ROM, the CD ROM is missing. Will be sending in for refund and exchange through different seller.$LABEL$0 +Where has he been all my life???. I was recently introduced to Martin Sexton's song Diner, and could not believe that it had taken 52 years for me to find him! He is simply fantastic. When I discovered he was appearing at a local venue (The Ark in Ann Arbor) I immediately hopped in the car to buy two tickets. His voice is sexy and soulful and genuine. I am counting the days till I can see & hear him up close and personal. If you don't have any of his music, don't wait as long as I did, pick this one up, it's great!$LABEL$1 +Amazon sent a filter that does not fit my 2010 Honda CRV. Amazon sent a filter that does not fit my 2010 Honda CRV.The K&N; filter that they sent me was much too large to fit in my Honda.I don't understand this because when I ordered this filter Amazon asked me my make. model, year, etc?I was very excited when this came in the post. I thought I could be responsible and have a re-useable filter when I ordered this K&N; filter and this was about 4 times more than the Honda OME filter I had to buy at the local Honda dealer because they sent me one that does not fit.Very disappointed.I hope Amazon will take this and the oil filter I got from them on return because they sent me both items that in no way is for my car.$LABEL$0 +don't waste your money. My road to Celtic spirituality was seriously blocked for many years by this book. It took me ages to unlearn what I had read after I realised how untrue the content was.$LABEL$0 +Generation kill. I was conflicted by the video. I think most Marines will understand the ways and means of this video but civilians won't understand anything but the action. For a former Marine It's hard to understand why there were so many screw ups but Rudy was there. I have a friend that personally knew most of the real guys in the video so he filled me in. Even though we rolled through Iraq so fast it wasn't pretty. I enjoy watching this a coup0le of times a year and instead of picking through some of the vid's I recorded now I have the series.$LABEL$1 +Extremely disappointing.. I don't understand the best seller lists... Incredibly boring characters, bland settings, repetitive language. The most mildly interesting character was the pilot, and he was dead...$LABEL$0 +EvilDooinz. Y'all know Brotha Lynch is the siccest ripgut cannibalistic rapper. He's still makin' the siccest traccs and he's bacc in the game in full force. Check out his website:www.evildooinz.comSupport the original ripgut rapper.$LABEL$1 +Disappointing.... I wasn't quite sure what to expect from Carr, since this book is such a departure from his historical fiction ("The Alienist," and "The Angel of Darkness"--"The Alienist" is a masterpiece!). I was disappointed in this book. I don't know what Carr was trying to achieve with this novel, but it's a combination of mystery and science fiction that doesn't quite come off, in my humble opinion.It takes place in 2023, and it's mainly about the assassination of the President in 2018. The investigation into it takes the main character, psychiatrist Dr. Gideon Wolfe, through many confusing twists and turns, and I was left confused and wondering what Carr was trying to prove here. It was not easy reading, and it seemed as if the book had been written in haste--there was not the character development nor the detailing one expects from Carr's fiction.$LABEL$0 +better off with a coffee grinder. I didn't like this product at all. It wasn't grinding according to the setting. We like French press coffee that requires coarse grind but this machine certainly did not do that. Even though it has a dial to select the type of ground it failed to do that. It only gave us a fine ground.$LABEL$0 +cool-scary, but cool.. the book is good. no really good. it was so good it really scared me. thats what i call a good book. one that is good enough to scar me. im really brave and fearless so something has to be really good to scare me and also i like it when a book scares me.$LABEL$1 +broken. It worked incredibly well for the first 12 months, has plenty of suction power and cleans better than any vacuum i've owned before, but the motor doesn't roll anymore and it's been over a year since i've owned it. It doesn't pick anything up anymore.$LABEL$0 +How do College's get away with this!?. This is a book written by a professor at Ohio University, and it is a required course for Media studies students. He is the only professor who teaches it and of course you are required to use this book. What's even worse is even in it's fifth edition the book is FULL of typos and grammar errors.From the 4th to the 5th edition alone, these typos still have not been corrected, and actually the figures don't add up with the chapters. The book sells for over $100 and is nearly impossible to find used. Shame on Ohio University for allowing this to go on for over 20 years. Absolutely horrible book. Save you're money. Borrow a friends copy of check one out from the library.Btw he doesn't even explain the concepts in a legible way. I've talked to plenty of people in the electronics industry who say McDanniel's definitions and explanations aren't even close to being right, let alone learn-able.$LABEL$0 +Good cinematics. Degenerate story.. This movie exhibited interesting cinematic creativity. This visual interest is as far as the movie's value extends unfortunately.There is no redeeming value to the storyline. This movie revels in perversion, sadism, and immorality. This is yet another movie in these troubled times that only adds to the fire and will further twist people's minds.Let's support good, wholesome, uplifting movies and art! When we focus on these things, then people's thoughts will be on these things. Inline attitudes, thoughts, and behaviors then result.Let's not wallow in this filth.$LABEL$0 +I feel like I'm caught in a web.... ...a web between 2 Mel Brooks movies that is:) This and 'The Producers'. This movie is one of thoes comedies when while you're watching it you are thinking: "this is so stupid!" but after the movie is over, you think about it a few days later, and start cracking up! My favorite part is probably the end when the camera busts through the wall, that is just too funny! Oh and by the way, if you're a Hitchcock fan, see this movie! If you don't know who Hitchcock is and have never seen his films- then this movie will not be funny to you at all. The only reason I give this movie 4 stars instead of 5 is because of the other Mel Brooks classic- 'The Producers'. I think that 'The Producers' is probably just about the funniest movie ever, and definatley Brooks' best film, with 'High Anxiety' trailing behind:)$LABEL$1 +Good reading, but don't expect a business plan in it.. While it can be argued that this book serves as a promotional piece both for Mr. Dell and his company (which isn't a bad and unnexpected thing after all), there's real knowledge to be gained from it. If only Dell Computers human resources is run like the way he describes in part II of the book, his company is light-years ahead from the competition just by using a really down to Earth strategy. Add the kind of efficiency and speed they achieved, and you've got a "Star Wars Episode I: TPM" company against "Battlestar Galactica" competition (sorry couldn't resist, I'm in a SW mood eheh). People who want to know about the company's history and Dell's life will be disappointed, because "Direct from Dell" is more like a book on the "Dell's way of doing business".$LABEL$1 +Excellent Movie. Just as good as I remember Trigun being. If you like Trigun the TV show you will Love Trigun the movie. It has all of the elements that we all loved from the original series.$LABEL$1 +Don't waste your time with this one!. Some people have said that this is an interesting and engrossing book, but I found it to be the very opposite! This book was VERY slow-moving; nearly the most sluggish book I've ever read. Details can enhance a book, or they can bring it down in readibility. This book is filled with the latter. Hal Borland has written some FANTASTIC books, but this is certainly NOT one of them. Fairly well-written and mildly interesting, this one is not worth your time or money.$LABEL$0 +Really Cool Concert, Great Croud. This is no doubt a great DVD. I sure missed Money Talks, but otherwise this concert is one of the finest I've ever seen compared only to Iron Maiden's Rock in Rio III. The croud is great and very enthusiastic. This is what a rock concert should be. I strongly recommend to buy this CD.$LABEL$1 +Excelente Obra. Es una muy recomendable compra, desafortunadamente no esta doblada al español, sin embargo trae subtitulos.$LABEL$1 +Not recommended. I purchased this wireless router hoping to replace my 3 years old LinkSys router. However, after playing with it for several hours, I decided to return it because of the following (using firmware 2.18):1. MAC filtering: Can't make it for wireless only. Once it is enable, it is for both wireless and wired network. This is the MOST annoying part. I mean, why do I want to enable MAC filtering for my wired network???2. Router configuration: Very primitive comparing to my old LinkSys.3. Enable/Disable Wireless: It didn't really disable the wireless network(physically). It shoulded be called "allow/deny all" access instead. Once the wireless is "disabled", it does still broadcast the SSID.4. No way of disabling SSID broadcast for security reasons.Finally, I have to give DLink credit for making upgrade firmware so easy (Web base), which is a big improvement comparing to my old linksys router.$LABEL$0 +love it, love it , love it, but where is it?. I have been looking for about two years for this movie. Nobody has it. This proves how good this movie was. I wish they would re-release it. My husband never saw it. You can't even rent it anymore. I loved the part about the pirates. I forgot how well it was written. This was a really great horror story. I just wish I could find it. Great classic!Thanx, Sherry$LABEL$1 +Overpriced. Love the hardback books but these kindle prices are outrageous! Very disappointed in this $24.99 price. I might as well buy it brand new in the store. This has got to be the authors. Are they greedy or what?$LABEL$0 +A fun product.. It is not the best game on the market, but it is a resonably fun product. There are lots of solid improvemnts over the original, making this game feel better than its precessedor. It looks better, but is just okay compared to other games.$LABEL$1 +If only I could give zero stars.... Yes, it's dumb, but no, it's not funny.And I love lowbrow humor. Like Dumb & Dumber...I laughed my hiney off and I'm no Carey fan. I rented this movie fully expecting something very stupid, and very funny.Well...it's very stupid, I gotta give it that... Only problem is that it never really got very funny. It looked funny from the commercials, but the problem is that those scenes were the ONLY funny parts of the movie. If you saw any commercials or reviews, don't bother renting or (heaven forbid!) buying the movie. You already saw the good parts.I just wanted to poke both of these idiots in the eye after about a half hour. I watched the whole dang movie waiting for it to "get funny"...and it never did. No matter how much I smoked, it just didn't ever get funny. And I usually like watching idiots blunder around!Just do yourself a favor and at least rent it before you buy...this isn't a good flick to buy on the assumption it's gonna be good.$LABEL$0 +My daughter loves it!. I bought this because my daughter loves eating watermelon but she has 2 teeth and always bites off chunks and i'm afraid she's going to choke on them. This is a great way for her to still eat it without her choking on it. I recommend it to anyone:)$LABEL$1 +Streamlight Stinger Battery. I purchased this battery on Amazon in November, 2009, from another supplier. Much like a couple of the reviews mentioned I received a battery "Made in China". I didn't think much of it at the time. It seemed to charge in the same amount of time and have about the same battery life as the OEM that lasted me numerous years.I have now noticed I get about 10 minutes on a full charge. My old "original" battery lasted me about 10 years and got me around 1 hour of use per charge. This is less than a year old and I have been using the flashlight the same as I always have.Moral of the story, in this case saving money will not be a benefit if you use your flashlight frequently. I will not buy a "Made in China" battery for my stinger ever again.I'm not bashing "Made in China" and I don't normally write reviews, but keep my review in mind when ordering.$LABEL$0 +Practical Research Planning review. The book was very informative and provided the level of information I needed for my research. There was a very simple explanation describing quantitative research that anyone could understand.$LABEL$1 +not his best work. this cd is one of his first originals ...the later cd's use bits and piece of this performance and enhance their character by using more "redneck" examples...but always a nice album to have in a collection...$LABEL$0 +Entertaining. Davy Bowman is growing up during WWII in Illinois and must deal with the changes going on around him. His brother, a pilot trainee joins up... his father, a WWI vet owns the local gas station and they are expected to ration food, rubber, gas, and other precious staples. He and his best friend travel around on their bikes savaging metal for the war effort.This was an entertaining (and educational) story of how a country pitched in to help each other during a time of crisis. I particularly enjoyed reading about the various characters that inhabited the town, and the cantankerous old teacher Miss Titus that put a mousetrap in her purse to thwart the class bully. My only complaint is that this book wasn't longer.Well worth a listen for adults and kids alike.$LABEL$1 +It came with something making noise inside. And was working fine. But after 1 week it broke and did not work anymore. The quality was very cheap, of course so was the price. But I learned not to buy such products anymore.$LABEL$0 +Leak. They are much easier to see through but they leak in heavy rain. Its not terrible because I don't have carpet in my jeep so I can open up a drain plug to let the water out but it is annoying.$LABEL$0 +Buyer Beware. Not recommended for persons who are: just become Christians; theological beginners.This compilation includes viewpoints supported by the founder of the HIGHLY DISCREDITED Jesus Seminar.Thus the "a priori " assumption is the contents will also be intellectually unfounded and dishonest and far afield from actual long-term studies and assessments.You read this at the risk of your own social, intellectual, and spiritual impairment.$LABEL$0 +Up or Down?. Really torn on the movie.I loved the beginning, but found myself wondering right away, "Just how is this a kid's movie?" The plot was just too grown-up. Then they started haphazardly throwing in this random stuff obviously meant to amuse young children. It was uncomfortable.Don't get me wrong. The introduction was engrossing. The animation was great. Most of the characters were genuinely lovable, especially the old man and Kevin. But in the end, it just felt like an ugly patchwork - bits and pieces were extraordinary, but ultimately, everything clashed.For the record, I have no problem with talking animals or nonsense in a children's movie - I even expect them. And I truly love Pixar. But this film just didn't sit right with me. The idea was very adult-minded, and it didn't seem like Disney quite worked out what message they wanted to send to kids. Very confusing.Although I really enjoyed some parts, Up left me feeling down..$LABEL$0 +fatbaby. good price for a quality boot from ariat. My wife has two pairs of fatbabies and they are great boots$LABEL$1 +Both kids LOVED this shoe. I actually bought this shoe as my son's first shoe, because another shoe was not available at the shoe store. My son loved it so much, I bought the same shoe when he grew out of it. Now my daughter loves it too as her first shoe!$LABEL$1 +horrible. IF you don't know what fps is its feet per second now i can dodge a 200 fps air soft gun with ease now this is a tenth of that know imagine how easily it will be to dodge this air soft gun and if you want to know the exact fps then maybe you should try walking along with the BB with with one o those devices that measure fps$LABEL$0 +A "must-have" for every weaver's personal library!!!. This book is destined to become one of the great classics for weavers! After 30 years of knowing 'how' to weave . . . I know understand more of the 'why' behind the drafts I have have been using. Wonderfully straight forward and well-organized. This book is a must-read for every weaver regardless of their experience.$LABEL$1 +Weak conglomeration of narratives without much Big Picture. More than anything, this is a collection of first-person interviews with former operatives in OSS during WW2, weakly cobbled together with some uncritical filler narrative. Although there are some brief sections that touch on the broader challenges and decisions of the American intelligence effort, most of it involves repetitive first-person accounts of people hiding in the woods from the Nazis. If that sounds interesting, it isn't. I came away from the book with a modest understanding of what the guys on the ground went through, but with almost no sense of the strategic challenges that sent them there. Having said that, it is an easy read, if only because it is largely devoid of interesting ideas.I would not recommend this to someone who wants to understand the broad sweep of the American intelligence effort in WW2. I would recommend this to someone who has some interest in first-hand accounts of the operatives on the ground.$LABEL$0 +cool Buk novelty item. Bring Me Your Love is a 1983 short story by Charles Bukowski. The story itself is above average for Buk and far superior to There's No Business, which is offered by Black Sparrow Press in this same format. The R. Crumb art is very compatible with the tale. It's the story of a man visiting his wife in a mental institution and the conversations that follow. Typical Bukowski subject matter...madhouses, women, sex, booze & not much hope at all. If your shelves are already filled with the real Buk books, I would definitely recommend adding this to your collection. Keep in mind, we are talking about a fifteen page book here! There's not much tohold, hence the great price.$LABEL$1 +Bad From the Start. I purchased this product shortly after buying a home with a non-working furnace. I also purchased 2 space heaters from another vendor. The other vendors products have worked as expected (thank god), but the Honeywell space heater was defective from the first. I probably should have dealt with it sooner, but with painting, plumbing, and refinishing floors and all of the chaos that comes with a fixer upper I let it go.It runs well for about 3-5 minutes and then shuts off. I susppect a defective heat turn-off. I called the service number on the bottom of the unit and was told to mail the unit for a replacement. The cost of shipping was to be paid by me. Since this was a cheap unit, and they were going to replace it with another cheap, possibly defective unit, I decided to save the shipping cost and just toss this thing in the trash.$LABEL$0 +Timeless magic!. Amazing concert. Being one of my all time favourite bands with or without some of the letters of the alphabet ... CSNY ,CSN or just C&N ! What is wonderful is how they rearrange the songs to suit the reality that they have been around for about 40 odd years now. The magic still remains!$LABEL$1 +a good game so far. well the setting up of a charecter takes a good chunk of time and the first few minutes drag on but the other charecters and the interaction is pretty well on par with other games in the genra i enjoyed the game and i like the weopons and the addaptability of the game you can do quests in any configuration and you dont need to finnish them right off the bat$LABEL$1 +Nice but not good for every day use. I bought this stroller because it looked nice and sturdy. I liked the stroller with air-filled wheels and other features such as brake and wheel-locks. However, this stroller is so cumbersome if you have a compact car. Even with my Acura, I still have to take apart the front wheel to fit the stroller in the trunk. Imagine you have your kid and have to assembly your stroller in a before your walk. It's inconvenient and takes up lots of space in your car's trunk. I was mislead by Amazon description of the stroller that it would fit in trunk of any car. Yes it would fit but you have to take apart the front wheel to make it fit in.$LABEL$0 +this cd is cooler than you.... 'Gallowsbird Bark' is amazing. I love every song on this cd. I suuurre wish they would have a concert in the U.S.A. I'll be waiting. Buy this cd. Its incredible.$LABEL$1 +smelly!. After washing and using this mug for only ice water, my water tasted like the product smelled.$LABEL$0 +Great book. This book is a treasure for anyone who loves to bake. Recipes are clear and concise, perfect for the beginner, I love this book.$LABEL$1 +Not worth the money. I was astounded when the book arrived. It fits in the palm of my hand and is thinner then some of the MP3 players on the market today. Although true to Seuss, the content was disappointing and I found the entries a far stretch at times to fit in to 'success' tips. If you want tips for success, purchase Seuss' "Oh the places you'll go" - That book is worth the money.$LABEL$0 +Strong Vacation Read. The two biggest complaints about the book are the existence of stock characters and less than believable plot twists.I found the characters strong. Perhaps they were not multifaceted or three dimensional, but it wasn't like the protagonists had no negative attributes or you had no sympathy for what the chief antagonist, Nicky, must have gone through in life.I am confused by what other reviewers found unbelievable in various plot twists. Biggest plot twists are premised on the fact that organizations, legal or illegal, seek to safeguard their assets in a variety of ways, legal and illegal. Good people make poor choices. None of these are shocking.I tried and failed to read this book traveling on Amtrak with my children, but that was more because of their behavior. I then read it thoroughly in about 4 days. Good read, interesting information, challenging focus. I strongly recommend you read this all at once as there are a lot of twists and turns.$LABEL$1 +At the top of my bookshelf. A dictionary of English phrases, fun to read and helps to grasp the essence of the English language.$LABEL$1 +John Denver Rocky Mountain Holiday. The Muppets and John Denver was a wonderful vhs.Full of fun for the kids and adults.My gradchilden loved it and so did I. The shipping was fast and in great shape$LABEL$1 +Great CD. Flourescent Adolescent was the song I'd heard that had turned me on to this band. The cd is great. Had heard mixed things about this band how they're all over the place. I love them. They make me happy. I keep it in the car for the commute.$LABEL$1 +Great Stress Reliever. Buy this game to relieve stress. There's nothing like blowing through the streets causing traffice mayhem to unwind. Graphics are decent in HD and the crashes are just plain fun. This one's worth every penny.$LABEL$1 +The BEST Relief from Bee/Wasp/Hornet Stings. We have used this product successfully for nearly two decades. It is easy to use (crush the glass vial inside the plastic dispenser; swab green fluid on sting site) and provides immediate relief from the pain of an insect stings for adults, children, and grandchildren. You may have difficulty finding it in stores. Wal-Mart allegedly carries it. I gave up and ordered 4 cards via amazon.com.IT WORKS ! ! !$LABEL$1 +Worst product I have ever used. They have changed the formula and this one comes off on everything. It has ruined a set of sheets and it washes off in the pool. The old product was the greatest I had ever used, but this is horrible$LABEL$0 +not great expectations. after reading this book i think dickens would benifit from very low expectations. and by that i mean a lot of people will be returning this book and giving bad reviews. all the classics always in my opinion, are very bad$LABEL$0 +Not Genuine. This doe not fit my M1 Carbine. Buy a different one. Plus it does not come with the oiler. Junk$LABEL$0 +unbreakable carafe, breakable components. I've had mine for about a month and the ring around the screen on the plunger has already come off and doesn't appear to want to go back on. In general, I think the screen/plunger piece does not fit well and lets a lot of air (and grounds!) pass through the ring, no matter how slowly or carefully you press down the plunger.This may be okay for camping trips since the carafe seems very durable, but I do not recommend this for daily home or office use. In fact, this weekend I'll be shopping for a larger and less cheaply built glass coffee press in a brick-and-mortar store.This unit is also very small. If I fill it to capacity I can almost make enough coffee to fill my standard-sized coffee mug.$LABEL$0 +Fowl Fans Should Love This One. The third book in the Artemis Fowl series seems a little darker than the first two, but still a fun read. Artemis is brilliant as ever, and pretty much five steps ahead of all the adults of any species he runs into. I liked particularly the development of Julia as a character--a young, take-charge kind woman who does her own thing. The ending is a cliffhanger, leaving you wanting the next book, and quickly, please.$LABEL$1 +Mistakes Mistakes and More Mistakes.. That's what this book should be called.Trust me , you don't wanna own this book, you'll just bewasting your money.I'm well beyond disappointed w/ this book.But hey, what do you expect when you're writing a bookabout a version of software that you're obviously not evenusing. How else could I be getting errors about obsolete files?If the files that come w/ the book are obsolete, then the software that made them was an earlier version of max.Thus the reason for the mistakes, max 4 is slightly different.What do all these mistakes mean to the person trying to learnmax 4 ? It means you'll be misguided most of the time and you'llend up pulling out all your hair.I highly recommend not even going near this book! You'll onlybe sorry , like I am. I should've bought the max bible.Shame on me. :($LABEL$0 +Powerful stories from another world. I first came across this book while reading Francine Prose's "Reading Like a Writer." She provided a short excerpt from "A Distant Episode" and I was intrigued.That particular story - the first in this collection selected by Bowles - was perhaps the most arresting, but they were all interesting. Each story quickly draws you into an exotic world with characters and settings that are palpable.Perhaps I was most taken in by how different each of the stories seemed to be. From a horrifying, violent descent into obscurity and insanity to a simple collection of letters by a single author. From compact, intense stories to a meandering walk through the life of an older, single woman in a foreign place.These images have stayed with me long after I put the book down.$LABEL$1 +Very Disappointed. As a single parent, I was quite excited to order this baby book....but I was horribly disappointed when I received it. Since it is hardbound, it's difficult to remove the pages that are not relevant to me. In addition, the paper was poor quality and the printing looked as if it was produced on a home ink-jet printer. The screen printing on the cover looked as if it was also done at home.I found one that was much higher quality, offered as much flexibility for 1/2 the price. The $40 price tag on this is just ridiculous.While I do think there need to be more baby memory books for alternative families, they do need to be high quality and offer the flexibility to remove irrelevant pages. My situation didn't speak to any of those covered in the book.Also, let's be realistic....do you really think you're going to fill this out until your child is in 12th grade?$LABEL$0 +A Watery Snoozefest. Following a trip to the top of Everest in "Into Thin Air," I immediately plunged right into "Perfect Storm," naively expecting the same kind of drama. How wrong I was. Like many other reviewers listed here, I found the author's annoying attention to technical detail to be very distracting from the story at hand. And many times, I forgot which boat I was on, who owned it and why we were being asked to care about it. All in all, a major disappointment. Better luck next time.$LABEL$0 +Basta cosi!! (Enough already!!). The book started off as a charming discourse on life in Tuscany, but I found myself by the first third of the book yelling, "per l'amor del cielo - for the love of god - quit going on and on re. the perfect tomato and eat the f**king thing already!!$LABEL$0 +Lame...Boring, Too much ... Circus Benny Hill Music. I have already watched the new 2009 version and really liked it. This original version is boring, i actually fell asleep 4 times. I had to stop it and come back to watch the rest the next day. This is supposed to be a horror/thriller movie, but then the benny hill type circus soundtrack is horrible. Some of the scenes are even humorous, like the police officers trying to hitchhike after they ran out of gas. The new modern version is much better. Oh ... and what's with their daughter refusing to wear a bra and showing her breasts in front of her father ... ? That was creepy.$LABEL$0 +didn't work. i have a creek right behind my 1 1/2 acres and we have always had bug issues. i got the stinger at bjs, worked great the first day and thats it! it wouldn't come on the second day, i just returned it and i'm getting a flowtron instead...i'll see if that lives up to the glowing reviews.$LABEL$0 +Excellent and Realistic Literature. This autobiography gives new meaning to the word realistic. It is funny, sad and gruesome at times. Obviously, this book does appeal to the wrestling ethusiasts, but I recommend all read it. It brings new light to the so-called "fake" sport of wrestling. I believe those who read it will gain a new respect for wrestlers, considering the time and effort they devote to the profession they love. Overall, the book is great. Surprisingly, all those shots to the head did not affect Mankind's literary talents. The generally summarizes the life of Mankind from the time he was eighteen to now. It reveals many secrets of the profession and discusses his long and hard rode to the top of the sport. I personally suggest all should give it a try and I promise all will be pleased.$LABEL$1 +meh. Its basically a girls anime. I bought it and i just thought it was too happy and light hearted. No action really. If your a guy you won't like it. Girls would enjoy this though. I sold it right back on amazon.$LABEL$0 +Homeport disappoints. The title is good. The book is not! Interesting careers in crime and art mesh in this very predictable read. However, the plot is miserable and the outcome expected from page two. The book is very detailed when it comes to the sexual experiences of the characters, embarrassingly so. Too much emphasis on the unnecessary. If you have nothing else to read... this will do. Otherwise select another book. Just because it looks good, doesn't make it so.$LABEL$0 +kids book. i purchased this book to help my daughter understand or ask questions ... she's starting to get to that age ... item was in great shape and fast shipping$LABEL$1 +No comparison to other great songwriters, ie Ryan Adams. I bought both of these albums after all of the hype surrounding them and I am thoroughly disappointed with both efforts. He continuously sounds off key, his song structure is an unpleasant listening experience and he is overly hyped as a new Dylan when in fact, he doesn't even compare to Ryan Adams or other great, young musicians in this category. Pick up any Ryan Adams cd (or Whiskeytown) and you'll know what I mean, just no comparison. Both of these cd's weren't worth my money or time.$LABEL$0 +Great fitting jeans for a hard to find size.. My son wears a 36 Waist x 36 lenght which is very hard to find. The Levi's Men's 517 are about the only jeans he likes and these fit him perfectly. They were shipped very quickly and the price was excellent. They were a birthday gift and he loves them.$LABEL$1 +Crushed our hopes!. I was having symptoms.........so I thought, so I took a test and it came out positive! I was so excited and I called my husband immediately. I also told 3 friends, and thank goodness I didn't tell the family as I wanted to confirm it w/ my doc. I will be cancelling my doctor's appt for this week as I took 2 more tests, 1 same brand and a diff. brand and they both came out negative. 3 days later.........I am so disappointed, at first I thought, a chemical pregnancy, but then I saw these reviews and am disgusted!$LABEL$0 +horrible. This is possibly the worst thing I have ever smelled or tastedtastes nothing like grapes, only feetI strongly advise against purchasing$LABEL$0 +Christmas gift my wife loves.. I got this for my wife for Christmas and she loves it.It's much prettier than the picture.The funny thing is after I made the purchase, I was reading the WSJ and there was an ad for Tiffany's and in the picture was the exact design of this pendant except it was jewel incrusted with various colored jewels. Still pretty but probably in the 5 figure price range.$LABEL$1 +Serving its intended purpose. Not a perfect match with original but close enough. Seems to be working well although it can be a little challenging to screw cap back on.$LABEL$1 +Glad I didn't pay too much. This is pretty much a waste and I am glad I got it for only $4. Buy Caro's book and maybe some other book on tells. Nothing insightful in this DVD.$LABEL$0 +Do not buy!. The first headset had so much static that it was unusable. Replacement sent at no charge, same problem. Gave up. The company was great to work with, but the product is a piece of junk!$LABEL$0 +Frank is Always Drunk!!!! Lol. You will love this show, every character is his own world, from crazy, spaced out kids, to troublesome teenagers, to drunk and sexually twisted adults. Highly recommended, can't wait for season 3!!! highly recommended!!$LABEL$1 +Horrible Book. I ordered this because it was compared to Mary Higgins Clark. There is no way this book or author could compare to MHC. Although the storyline sounded interesting, it not only drags on with an endless history lesson given by the characters, but one would get the impression that everyone in the 1500's was either gay or had no moral character whatsoever. The language and sexual content in this book is not something I want or should be needed in a successful novel. Mary Higgins Clark has been writing books for more years than I can count, and she has never needed to put smut or language in her books to have them pouring off the shelf. After reading about 1/2 of the book, and getting way too many sexually explicit pictures in my head, I had had enough, and decided to forget trying to finish it. Too bad you can't get a 'money-back-guarantee' on books.This author has alot of work to do to present a book with decent substance.$LABEL$0 +Never Recieved Want money back. This seller sucks and I want my money back now.The Hobbit (Prima's Official Strategy Guide)$LABEL$0 +Disappointed. I found the book confusing and the use of English expressions over done. I have no idea why some words were in a bold font.$LABEL$0 +Great canary sound!. Love this and so does my female canary....I play it for hours!I wish it didn't have the child's vocal remark at the end, that always startles me! And take out the cage noise...but still I love it!!!!!$LABEL$1 +Repairing Furniture. I really like the easy to follow text. The illustrations are very clear and easy to understand. I really feel comfortable tackling a few of my household projects I have put off for months. Chair joints are loose, reupholstery on some of my furniture, and other basic household repairs. Glad to have this book in my library.$LABEL$0 +Are You Kidding? This Album is Terrible. Not much to say on this one, so I'll make it quick. If you're a fan of Mother Goose rappers who can't come up with their own stuff, then Nelly is your man. If he's not stealing rhymes from the movie "Big" (Country Grammar chorus), then he's stealing Old McDonald Had a Farm (Old McDonald had a farm, E.I. E.I. Uh Ohhhh). If you want rap music you can listen to with your parents, then go buy "A Tribe Called Quest", at least they are originators. Personally, I don't think there should be any rap albums you can listen to with your parents, they're supposed to not like your music, just like my parents hate mine. Plain and simple, don't buy Country Grammar, it's trash.$LABEL$0 +ni un paso atras fidel. les recomiendo este cd como los anteriores de fidel nadal atodos los que les gusta la onda rasta .$LABEL$1 +A classic. This is a classic. Thought provoking and provides many tools that are essential to know when you work with students in high school. I would say that it is one of the best books on discipline and classroom management and worth every penny that you might spend. I would recommend buying this book and it should cover most of your needs for classroom management in high school.$LABEL$1 +What the heck DVD doesnt work on DVD player. When I bought this I was all excited and ready to roll. I popped it in the DVD player and it doesn't even work. I got busy doing something else and am too late to send it back, plus it was no Amazon but some contract via Amazon. I think you are better off if you try to stick strictly with Amazon and avoid the discounts. Oh well win some loose some.$LABEL$0 +Thoroughly Entertaining!!!!!. I recently came across Terror in the Aisles in my local video store and rented it thinking it was a different movie. What I got was an awesome compilation of some of the older, classic horror films.Terror in the Aisles is hosted by the Late Great Donald Pleasance and Nancy Allen. They take us through over 70 horror flicks in just under 90 minutes. Some of these movies include, Halloween, Jaws, Friday the 13th, Psycho, Carrie, The Exorcist, and The Texas Chainsaw Massacre, just to name a few. Also, there is a brief appearance by, the master of suspense himself, Alfred Hitchcock. There were also a few movies which I have not seen that look particulary interesting such as, When a Stranger Calls and Nighthawks.If your a fan of horror movies then you must see Terror in the Aisles it's well worth a look.$LABEL$1 +The worst film I ever saw. I'm an avid fan of campy zombie and slasher films, but this is the worst I have ever seen. Bad acting, poor videography, amateur special effects .... the list goes on. The only thing going for it is that it ends, and not too soon. I like Troma films (Cannibal: the Musical being one of my favorites), but something went wrong here. Don't waste your money.$LABEL$0 +Not as good as I thought it would be. I saw all the positive reviews and one review stating that it was better than the Leaf (basically the two I narrowed it down to) and I was disappointed after buying the TREK. I'm on the 4th floor (top) of my building in Miami, FL and I have the antenna pointing directly at the towers (about 25 miles away). I only get three channels. I don't get CBS, NBC or anything pertinent except FOX. Pretty much useless.UPDATE: 9/18/2012I bought the LEAF PLUS and it worked a bit better than the Trek. It is WAY more aesthetic though. The trek is too bulky. I used the LEAF at my fathers house as a test and was able to get over 20 channels. At my apartment I only get about ten so take that into consideration on my initial review.In the end, the LEAF PLUS is the winner.$LABEL$0 +Good electric kettle. I had used one in the past and was very pleased with it so I ordered this one. It's an excellent kettle with one flaw. The base of the kettle has changed and not for the good. The top of the base that I used before was flat. This one is rounded and the kettle has some little "feet" that are totally useless so the kettle doesn't really sit solidly on the base. Other than that I would have given it 5 stars.$LABEL$1 +"Religious Fanatics Can Make It Be All Gone...". Still as good today as it was 20 yrs ago. Frank has this uncanny ability to create music that lasts throughout the generations. From women in the military to deadheads looking for freedom from their parents, this album hits hard. Frank pokes and prods the religious right with heavenly bank account, the meek shall inherit nothing and the classic Dumb all Over(Maybe W should listen to this one!!!) Does humor belong in music? Absolutely, and no one does it better and with the worlds most amazing band than FZ!!!$LABEL$1 +Horrible. I bought this for the Rammstein scenes but theres not many. i do like the other bands but i expected more. If you want to see Rammstein live get (Live Aus Berlin) very good not a waste at all.$LABEL$0 +Great ^_^. I bought this CD when I was travelling in Asia. If you love the Sarah's previous album "Time to Say Goodbye", you will enjoy this one.....$LABEL$1 +The best book I read on preparing to have a new baby. The book focuses on the most important relationship to a baby--how the parent's relate to each other after the first child is born. The stability and love (or lack thereof) in the parental relationship creates the environment in which the child is raised. Men and women have different expectations and reactions to the birth of a child. This book is a long-term case study of what types of marriages grow stronger, stay the same or get weaker as a result of the birth of a child. The insights I gained helped me to modify and be aware of issues in my marriage that having children creates. I believe my marriage has grown stronger after children and part of the reason was the insight gained from this book.$LABEL$1 +Read War in 2020 instead. I thought this book was pretty bad. I suggest you read Peters's book The War in 2020 instead - it is fantastic. Flames of Heaven is also pretty good, as is Red Army.$LABEL$0 +An awful movie. This was a truly awful movie, which I plan to sell after my one viewing. Julia Roberts' on-again, off-again Irish accent is terrible. The rest of the movie is slow and disgusting.$LABEL$0 +A Classic!. When A Christmas Story first came out in the early 1980's I saw it three times because I kept dragging friends to view it. I bought a video copy when it came out on VHS; and I bought the DVD version when it came out a few years ago. This current DVD edition is the best yet. Compared to the orginal DVD, which I looked at for the sake of comparison, this 2003 edition has a much clearer image, better color, and a more balanced contrast. Although I have not been able to find any statement verifying my conclusion, I feel strongly the film has been digitally remastered for this special edition. As a result viewing this classic is more of a pleasure and delight than ever. I am very grateful for the fine technical job that Warner Brothers did on this release.$LABEL$1 +Great Game!. This is a great game! I played the RPG for years and found that this console game caught the essence of the game completely. You can read the descriptions of the game from the other people that posted here. I wish there was a current, more expanded version of this game, I would soooooo buy it.$LABEL$1 +Wrong Country!. product only available for non-UK markets. Was unable to use product as not cmpatible to UK DVD players therefore I was unable to use it.$LABEL$0 +A Tad Disappointed. While I am a big fan of Ms. Moore and have been since she arrived on the music scene, the addition of hubby and fellow crooner Kenny Lattimore could have been left off. To me, her voice has always been strong and overshadows Kenny's. The concept of for lovers (always a good theme) kinda left me hanging on this CD because except for the title track (the best on the CD) and Loveable (From Head to Toe), the CD is remakes. I would have thought that these 2 contemporaries would have come up with original material. I really hate to give the CD 2 stars because my love for Chante but I heard nothing other than what was mentioned earlier that made me go Wow. For those considering the purchase of this CD, be forewarned - if you don't like remakes, this is not the CD for you.$LABEL$0 +Claimed to have digital turner and did not! Retunred to sender. As noted in title says, it claimed to have a digital turner and did not. In addition radio sounded tinny and did not hold a station well$LABEL$0 +Good. A good read as always from Lajill Hunt. However I actually wsn't planning on reading it until one day I got real bored and I'm so thankful that I was bored.$LABEL$1 +Very good quality. Through my divorce I lost the rolling pin and finally am replacing it. Was pleasedwith how it is balanced and weighted.$LABEL$1 +Scratchy. Got these and when I opened I thought they were a bit rough. Washed and then washed again. I feel like I am back to my college days when I wasn't concerned about thread count and got the cute sheets. Swear these feel like a 200 thread count sheet. I like the color and hope they soften more with washings.$LABEL$0 +Mostly Worthless. Most of the examples and/or instructions do not work correctly when applied to an actual database.$LABEL$0 +Fabulous. This is a great movie if you enjoy Bollywood. It has subtitles throughout the movie. But I love Bollywood because of it's music and dancing and this movie does not disappoint! The product was in good condition when I received it.$LABEL$1 +Would buy againBought. Bought this for my nephew and he loves it. Great way to teach motorworks with hands on and how things work from a engineer's perspective.......$LABEL$1 +A Masterpiece. This dvd is so good that you should not waste time reading this review. Just get it. Yeah it's that awesome. The animation is far beyond most contemporary anime. The character are beautifully drawn with incredible detail and the colors are so vivid that the environments seem to come alive. Besides the technical aspects the story is complicated, but very enjoyable. The action is fantastic. Kenshin deals with his foes in a savage yet graceful manner that causes your draw to drop while the blood gushes. This dvd has something for everybody the only problem is that it may make most of the other stuff you've seen look like Garbaaggee.$LABEL$1 +Basic story-telling - not what I'd want. Seybold tells us a lot of stories and examples, but does not include concrete information on how or what should be done in order to really build an customer centric e-business.As a basic, first time introduction it maybe okay - but please don't use this as your guide to building a business. Many better books out there - look for customer care / customer service keywords.$LABEL$0 +good movie. Be detailed and specific. What would you have wanted to know before you purchased the product?Be detailed and specific. What would you have wanted to know before you purchased the product?$LABEL$1 +Maxell CD-392 Double Slim-Line Jewel Cases. These are great cases. If you keep an original and a copy of your most-used CDs/DVDs simply put each in this case, face outward and you will always know what is in the case. They really are slim, and two will take the place of one of the bulky cases in your racks.$LABEL$1 +too different from the earlier edition. I came across a very early edition of this book and thought it was great, but it was out of print. I thought that this book would be similar but there were major differences. While the earlier edition provided extensive word lists organized around the consonants, this book was organized around vowels. The only word lists that were based on consonants were much shorter in comparison. Although I sent the book back and can't reference it, I seem to remember that they were around 15 to 20 words long. Also, while the words in the earlier edition were useful for adults, the words in this later edition seemed to be geared toward children. For me, the book went back, although someone who is focused on vowels and working with children would probably find it useful.$LABEL$0 +Worst taste ever!. Frankly this product didn't even deserve a one star. Less than one star! The taste and smell was the absolute worst! I tried it in juice also in hopes of making it drinkable but to no avail. This product should honestly be taken off the shelves!$LABEL$0 +massively overrated. Rick Linklater brought this movie off on a shoestring budget: it follows, without a story, the various reflections of residents in the student ghetto area of UT Austin.I've always thought this movie was greatly overestimated: there are some good lines, but not really "dialogue." Pretty much all the characters talks the same: like Richard Linklater, presumably. It's really just a continuous, occasionally amusing monologue that simply drifts from one character to another.Linklater went on to do some legitimately good films, but this one, his third film, hardly deserves the massive study edition that this Criterion Collection edition is.$LABEL$0 +Usefull. I need this kind of laptop sleeve because sometimes I don't want to go out with the big case to transport my laptop. It is comfortable but a little big than my 14" laptop.This sleeve will takes my computer save and avoid any damage that can happens.$LABEL$1 +below average word list. I used this workbook level C for both my average in spelling 4th grader and above average in spelling 3rd grader. The children commented many times about how simple the words were. In fact they were much to simple! This would be a good workbook if you are looking to give your child "busy work". However, unless your child is really having a hard time with spelling you don't want this! The word list are below grade level! It was a waste of time and money. Even on the last lesson list words are much to simple. They are words like hear, your, to, our, great...etc$LABEL$0 +Best Green Day CD. This CD is just so cool. All of the songs just have so much substance. It's so fantastic. I love the lyrics and the tune of the songs. I love how they did different things on this album. The way that they put so many different instruments in is totally cool. I agree that each song could stand as its own album. It's just the best album that I have heard in a long time. I suggest you buy this immediately.$LABEL$1 +Not a good fit. Disappointed with this bra. The fit is not good and the underwire digs into my rib cage which I've neve experienced before. It could be that this bra is just not suitable for my body type.$LABEL$0 +Silly and stupid. Both my wife and I are into gaming, but not this type of dress-up/act out gaming.Unlike some other reviewers here, I didn't think the "players" gave it their all. They were ignoring "game decorum" every 10 seconds or so, so it really made everyone look half-hearted and silly. There were a few comedic moments here and there which were ok, but the drama was totally uninteresting. Maybe there is a good story here somewhere, but neither my wife nor I could get into this film.A big thumbs down for us!$LABEL$0 +this book is extremly borring exept of the last 5 chapters. this books keeps giving more and more unnececary information to a point where i was ready to give up the book. when the plot starts to roll it`s a good book! but to read 17 chapters -\+ for a good 5 it doesnt worth it . keep it to a really desperet times!!$LABEL$0 +Way Over-hyped. As a lifelong Beach Boys fan I had hoped SMILE would live up to the billing and hype of the reviewers...was I wrong!I recall listening to many of these silly songs while in college in the early 70's on the SMILEY SMILE ambum. Nothing profound here for sure. PET SOUNDS is the Beach Boys masterpiece that deserves all the adulation and hype one can bestow...it is truly a brilliant symphony of youthful hopes, dreams, and emotions. Recently I've gained a new appreciation for Dennis Wilson's songs before his demise, perhaps as heartfelt and deep as any Beach Boy explored. Forever.$LABEL$0 +You get what you pay for!. Inova produced products for HSN and they touted lifetime warranty etc. Just try for customer service----does not exist. They had a major recall on one of their lines of cookware. Pots were blowing up. This stuff is made in China and in no way is the quality of Le Cruset or Staub. This is bottom of the line for enameled cast iron!$LABEL$0 +My Guide To The Movie Guide. This guide was great I loved it. This Book has an Intruduction written by Viggo Mortenson. This Guide is filled with pictures of sences from the movie and parahagraphs to explian them. It gives some information that isn't clear in the second movie and is important information that will build up events in the third movie. This guide gives you backround information on some of the charactors in the movie. Such as gollum, Faramir, The ents, and many other charactors in the movie. It also tells you about places in Middle-earth such as The Dead Marshes, Ithilien, and ect.This guide also shows you how battle scences happen and how they are created. I give this guide a 5-star.$LABEL$1 +Left Behind. I couldn't put this book down. It read like a novel and captured my interest from the very beginning. Has wonderfully thought out characters while slowly unfolding the book of revelations. The book is so easy to read you almost forget that it is based on the bible. This book will captivate any reader and will excited them about the book of revelations and Christ's second coming. Don't be left behind!$LABEL$1 +Unable to get a replacement.. My Blu Ray case arrived broken down the side of case. Where the case be ds is was broken all the way down. You can't open my case without it dropping all of the discs out. I looked into getting a replacement, but I'd only get my money back and have to repurchase the product. It would have been about $10 more. I love the show and am just keeping it with the case broken. I just wish I could have exchanged my product is all.$LABEL$0 +Better on the radio. With songs like "Still of the Night," "Here I Go Again," and "Don't Turn Away" I figured this album would be one awesome album. Every song seems to be the same, all about love, but for some strange reason it only works on the above songs. The other 6 songs on the album are decent enough to listen to but they just don't rock.1 great song, 2 good songs, and 6 mediocre songs do not = a good album.$LABEL$0 +Fascinating!. Filled with lush description of Venice during Carnivale, its political and social structure, the inner workings of the opera company and Tito's relationships with his family, friends, colleagues and himself, this is a rich, wonderful book. I also found it a good mystery with a couple of twists and some good suspense. This is a series I shall definitely follow.$LABEL$1 +Durable Product. Purchased for my father. He likes the fact he can carry it anyway he wants and still have it work. He already got it wet, but dried it out and it still fully functions.$LABEL$1 +Essential and compelling. A brilliant indictment of Pol Pot and a highly readable account of the Killing Fields. The focus on ethnic cleansing provides a new way of understanding the horrors of the Khmer Rouge.$LABEL$1 +go listen b4 you buy!!!. Opposite of his previous work! Of course I wasn't as exited as Get Rich Or Trying Dying to buy the CD for I had a feeling it would be a bad one. Regardless I got the CD and OMG!!! I never knew it would be so bad. This is an album that will make you fall asleep (a rap album on top of it). I would recommend people to listen to the CD b4 buying it.$LABEL$0 +Nice Product. I've never owned one of these before, but it is high quality. Glass is thick and smooth with handy measurement markers. There are drink recipes also on the glass, but I have not used any of these. High quality stainless steel cup, does not leak if used correctly. Strainer is also stainless, high quality and works well.$LABEL$1 +Useable Recipes for Busy People. Opening this book, I found a layout of table arrangements, alluring food photographs, Paris cookware shops, and recipes so common that I just wasn't sure anyone would need another book on these classics. Yet, to my sweet surprise, after examining the book closer, and cooking some of the dishes; I found a lovely and very useful book. Ina Garten has put together a choice collection of French classics that fit the American palate. In an easy cooking format, she's modified recipes to fit busy schedules, but seriously the dishes hold their flavor and are well thought out. I would recommend this book to anyone who wanted to cook French food; especially time deprived cooks. Its recipes take you to the market for fresh produce; allowing you to feel how simple a dish can be, yet so gourmet at the same time. Barefoot In Paris shows what's really going on in home kitchens set out over the beautiful countryside of France, and that simply put; is great cooking!$LABEL$1 +The best!!!!!. These knives are the best steak knives that I have ever used. They cut through steak like butter. Treat these knives well and they will last you a life time. If you know Henkel's knives then you know that these are high quality. Yes, they are very expensive, but worth every dollar.$LABEL$1 +Wat is this book about?. I could not figure this book out. I love Anna Griffin papers but this book is just a haze of pretty pictures. It gave no real useful information on how to be a better scrapbooker or even how to scrapbook in the "Anna Griffin" style. Not my cup of tea.$LABEL$0 +convenient!. I got this as a Christmas gift and I just love it! I use a Roomba to vacuum most of the house in between major cleanings, but I had nothing for the steps! Now I do, and I couldn't be happier. Great little sweeper!$LABEL$1 +NOT The 1985 album. Do not order this disc if you are looking for Corey Hart's 1985 album. This is a compilation disc with a few of his hits from most of his albums. It is totally deceptive to title this disc Boy In The Box.$LABEL$0 +Awful. Possibly the worst casebook ever written. I think the authors chose the most antiquated cases to demonstrate a rule of law.........If you get stuck with this book, get the E and E, and then get the case brief. Don't bother even reading. Nearly all of my class did and didn't miss a beat.$LABEL$0 +Horrible implementation of great product. This product is Wonderful and Terrible. It's extremely frustrating that it isn't better implemented. As many are trying to increase their intake of fresh vegetables, this product makes it so much easier. The downsides are - It appears to be made with a polycarbonate plastic which contains BPA and I'm assuming it contains that. The other complaint is that the water reservoir leaks all over the counter. I'd be thrilled to pay $80.00 for this product or more if it were just made better. The timer and keep warm features are great. Vegetables have never tasted so good or been more convenient. Please fix this and increase the price.$LABEL$0 +Only good if you are incredibly out of shape!. After my first two years in college, I wanted to lose some of the weight I had gained. This DVD was cheap and I needed to tighten up my arms so I bought it. All I can say is I did this about twice and now it's collecting dust. Like another reviewer said, it is boring and the instructor talks way too much. I'm really not used to working out a lot, especially my arms but I found this too easy and way too boring. They definitely could have cut out some of the talking and made it quicker. It would be good to do if you only have a couple minutes but the lengthiness of it due to unnessecary talking makes that impossible. For 35 minutes, I expect to get a more worthwhile workout.$LABEL$0 +Boring...Boring...Boring!!. The 5 star review was obviously given by the author Mr Lauria as he is trying to pump the sales of this book just like he pumped and dumped stocks. Sal Lauria is nothing short of a weasel who ratted out his childhood friends and others just so he can keep his little tooshy out of jail.There is no reason to buy this book.......it is a horrible read and only helps out a rat.$LABEL$0 +I Don't See Why People Like This. I'm sorry, but I really don't! It's a style called Celtic Drama, which means it's a combination of stories w/o words and traditional Irish Dancing.I've never been a Michael Flatley person.Parts of this are traditional Irish dancing, but other's aren't anywhere near it! There are also long songs, sort of like a choir piece. I don't like those at all.If you want to see traditional Irish dancing, this is not your movie.$LABEL$0 +Fun read. This book was great. The writing made me feel like I was watching an actual episode. It takes place in the third season before "Bad Girls" so Faith is involved. I loved everything about the book except that Faith say "B" like every other sentence :) But I can live with that.$LABEL$1 +Yoga Mat Strap. I bought the yoga mat strap and found that the velcro isn't long enough to accomodate a tightly rolled mat. It slips right off the end and the strap is too long to carry so I end up holding the mat anyway. I stopped using it!$LABEL$0 +Disappointment. I am an avid Jodi Picoult reader. This is the first of her's that did not have me staying up late to read more. In fact, this is the first of her's that took me more than a few days to read. Perhaps I would have enjoyed this book if I wasn't anticipating the fierce enjoyment I receive from every other Jodi Picoult novel. Basically I am just disappointed.$LABEL$0 +Worked as advertised. Just replaced the cartridge on my Samsung ML-3051N laser printer and found that it worked just as advertised in terms of output. Using the toner saver function (about 99% of the time) on the printer I printed approximately 20 pages per day over a 10 month period which comes out to about 6000 pages. Samsung estimates that you can get about 5600 pages with this cartridge with the toner saver function. Not too bad for a cartridge rated at 4000 pages at normal toner setting.The cartridge worked consistently right up to the end. No complaints.$LABEL$1 +syd's half life. this is the best book on syd that i've read.tim willis did a good job ofinterviewing the people close to syd,including his younger sister rose.it gives good insight on how syd lived in his younger days and what ledto his leaving the floyd.very interesting.$LABEL$1 +The Gallant Old Engine and Other Thomas Stories. It is a very good video. See what Stuart and Falcon do when Duke is sick, and Duncan learns that passengers are important. See Skarloey tell Peter Sam and Duncan about Rheneas pulling his passengers home in a big storm, and see what Henry does when an elephant is stuck in a tunnel. See what happens when Duck and Henry pull The Flying Kipper, and when Percy pushes some freight cars in to Bulstrode the Barge and what else happens.The story stops are; Henry and the Elephant; You Can't Win; Special Attraction; Passengers and Polish; The Gallant Old Engine; Fish; and the Music Video "Really Useful Engine".This is a good video. I know yuo'll like it.$LABEL$1 +Perfect Gift!. Coming from someone who knows nothing about golf. I bought this for my father in law for Christmas, who is an avid golfer. He absolutely loved this. It was the gift of the night. He wouldn't put it down. The pictures are great quality, and the little bit of it that I did read was very interesting. I personally think this is a must have for any golf lover. Makes a great coffee table book.$LABEL$1 +Jack Ryan??????. This book is not a Jack Ryan novel. Why is it advertised as such.I was very pleased with the novel but was fooled by the blurb on the page.Tsk tsk$LABEL$1 +uplifting harmonies. The first three tracks on this cd alone will make you happy you purchased it. Beatitudes starts with "blessed are.." and no matter how bad your case of the blues, you will raise your head by the end of the song. Run, Run, Mourner Run showcases not only the separate harmonies working together but a playful interaction with the live audience as well. Wade in the Water is a fluid, soulful rendition of this church song. All of the good reasons you might go to church are contained in these songs. The cd continues with adventurous harmony, political statements and rises to climactic endings as in Our Side Won. No one can beat their arrangements and voices working together - truly the whole is greater than the sum of its parts. And in this case the parts are excellent as well.$LABEL$1 +Sony MiniDV Cleaning Cassette. They work! Got my camera functioning again. Shame that I'm abandoning my tape based cameras for SDHC cameras, but the cassettes did their job very well.$LABEL$1 +Soft HDMI cable is much more convenient to use. I had thick HDMI cables and I found them very inconvenient to use with very light video equipments. It's very difficult to position them flat on the table because the cable is too stiff.These soft cables are much easier to use. I am very happy!$LABEL$1 +biotone rocks!. I always only buy biotone for giving massages. I like this one for my pump I wear with the belt, but, I prefer the cream one more because its not as slippery. I like to give slower massages. I have to concentrate a little more with this, so I don't move so fast. otherwise...great product.$LABEL$1 +THE REASON IS WAS SO CHEAP!. frontline top spot does NOT kill larvae, or flea eggs. so when you apply yea you kill adult fleas, but in a few days the larvae grow to adulthood, and the eggs hatch to become even more larvae and VIOLA, more fleas! BUY FRONTLINE PLUS TO KILL ALL AGES OF FLEAS, EGGES EVERYTHING, but but but MAKE SURE IT IS A US PRODUCT, OTHERWISE IT CANNOT BE INSPECTED AND REGULATED BY THE EPA. you can get bogus stuff! be aware, do lots of research on seller. they use different names, write their own good reviews etc... YOU CAN FIND GOOD ONES. I HAD A SELLER SUSAN SOMETHING?? SHE WAS GREAT, BUT CANNOT FIND HER ANYMORE:($LABEL$0 +Fun and durable. My now 8 year old grand-daughter received this as a gift when she was two. She used it a bit but this toy has gone on to get much use from my now 5 yo and 3 year old grandsons. The bubbles never worked right but they have had hours of playtime with it. It's been outdoors for most of six years in New England and although a bit faded the boys are happy to play with it again this year. I would highly recommend it to anyone who may be interested. Grammy to-3 Tewksbury, MAFisher-Price Bubble Mower$LABEL$1 +so full of it. this product did nothing to lose weight, especially since it made me CONSTIPATED. i was reasonably regular (1 bm/day) before using colon-x.the only change to my weight is a gain, actually, while eating smaller amounts @ mealtime.four (4) lbs. after the 30-day capsules ran out!!people, be very cautious of the myriad of existing colon cleansers....friends of mine & i agree after using various companies' advertised cleansers which claim "100%" effectiveness or money back. they have YET to refund me (i am waiting now over 2 weeks, at least!)i'm still going to try other products but i definitely will be more scrutinizing and researching the good from the fakes. there are no perfect colon cleansers. each individual will lose (OR GAIN!!!) weight according to many factors. of course, these unspoken factors are draped over by a curtain of hazy claims.i will go on searching, tho'$LABEL$0 +Very good!. It was great to read a book that actually came from the person that lived it; White Bull. He should have been as well known as Sitting Bull and many other warriors, because of his fierce attributes. He was a very brave leader of his people.$LABEL$1 +Misleading information on amazon. The original book, although impossible to find is a stellar resource to have and I highly recommend it. However, the version on Amazon is a photocopy of the original and the histopathology slides and information is useluess when the copy is viewed due to loss of detail. Buyer beware.$LABEL$0 +Impossible to find refills for this dumb mop. The Quickie web site says that the HomePro mop (model 041) uses the 0472 & 0473 mop refills, which are "Type H." Amazon tells a different story? Who's right? I have definitely wasted more than 2 hours of my life getting the wrong refills at Safeway and my local hardware store.The best use for this mop, as far as I can tell, is to take this mop and smash my computer screen, because my only choice before contributing more waste to the landfill is to take a gamble and buy the refill that Amazon wants me to buy--the Type J--which is not the manufacturer recommended Type H refill. Even writing this review is a waste of my time. I feel this mop has aged me by at least 20 years. Cruel world. I just want to clean my floors.$LABEL$0 +Surprisingly lackluster. This album is definitely a new sound for Roena. Unfortunately I don't think this new sound went well for him since it really sounds generic and nothing really stands out in this album. The only track I found good was "Hablame Mi Amor", which was still does not have a remotely equal effect as "Tu Loco Loco" or "Avisale a Mi Contrario." This is one Roena album I would skip. Only good reason to buy would be to complete a collection.$LABEL$0 +Great guide for a timeless classic. Although most fans of Dragon Warrior have already beaten the NES versions of DW 1 and 2,and even though they are pretty much the same game but with new enhancements,the guide still is a great buy.(As well as the game itself!)Lots of info,pics and more!Recommended!$LABEL$1 +Loved It. Everyone that has commented seem to think the movie was awful.. Me on the other hand has never watched the Avartar Airbender cartoon.. So maybe I don't know what it should have or shouldn't have been .. But I really enjoyed the movie.. And i'm a strong movie buff of any Fantasy Movie as long as their is a story line.I actually hope their is a 2 on the horizon. And any way it was only for entertainment.. Not to build my life on.. So i give it a big thumbs up and to me the special effects was awesome.The actors did a good job on bringing to movie to life. I wasn't trying to pick the movie a part but to enjoy the movie. But then thats just my opinion. I would recommen you watching it and forming your own opinion.$LABEL$1 +I can't believe I ordered this .... For me this was the last straw for Amazon reviews. I'm so sick of being duped into buying stupid products because they've got good rating here on Amazon. This was just a stupid product. I didn't help me at all.$LABEL$0 +The first attempt at a modern biography of St. Francis. Now in a new edition edited and with an introduction and annotation Jon Sweeny, The Road To Assisi: The Essential Biography of St. Francis was first published in French in 1894, as the first attempt at a modern biography of St. Francis, one of the most beloved figures of Christian history. Author Paul Sabatier struggled to answer the question: who was Francis the man? Groundbreaking research reveals the a fully human portrayal of a man who was nonetheless gentle, passionate, joyful, and who desired to live as Jesus once taught his disciples. An extraordinary work that covers Francis' weaknesses as surely as his strengths, enhanced by the annotation and sidebars that place events of Francis' life in historical context. Highly recommended for individual reading as well as biography shelves, and a must-have for library collections.$LABEL$1 +just what I was looking for. This shoe was exactly what I had in mind for my dress, but it is just a little bit short. It's fine as long as I'm not on my feet for too long.$LABEL$1 +I want read and watch cartoons.... Camden Joy offers us a book that will make you laugh, or think he's insane! A well writen romp through a dysfunctional relationship, and a mysterious missing kid sister. This book will give you something to think about like "Why would Sting brag about his billard skills in a song?" This book is actually isn't "about" Liz Phair,although she may or not be in there somewhere...I often wonder..The pictures (art work) are too hilarious to miss, reminds me a little of Vonnegut's pictures in breakfast of championsI highly reccomend this book...$LABEL$1 +Informative & Saved Me Money. I found this to be the Best book on Diamonds! Once I started to read it, I couldn't put it down. I walked away with the Confidence and Knowledge I needed to purchase an engagement ring. I finally knew what the jeweler was taking about. Thanks to it, I saved thousands.$LABEL$1 +Thank God he has only written one book. People like Jim LeCuyer should not be allowed to influence minds - young or old. His perverse sense of human sexuality and indeed, all forms of human interaction, present a danger to anyone who reads his work. He has damaged many a young aspiring writer with his unsavory and inappropriate commentary on the world.$LABEL$0 +IT is a very amateur baseball game. No one would have fun playing because people would be selecting there player,and people wold fight for who gets Sammy Sosa. who would you rather be Sammy Sosa...Or "Scarlet"I wold not recomend this game$LABEL$0 +a child's garden of verses. the book is not what i expected, i had a old book by the same name but it had ,many, many more verses.$LABEL$0 +the Sound of Coolness. hearing Antonio Carlos Jobim's Music is truly a very Relaxing thing.the other Musicians Performing here truly are in Synch with Him&His Vibe.solid tight Production.timeless quality here.you shall enjoy.$LABEL$1 +Great Cd!!!. I don't think comparing this cd to it's past ones is fair. I think this cd is really great. I had to get it before I went on vacation. But still something is bugging me a bit, it isn't very ska. They pride themselves on being ska, and yet there cd doesn't sound very ska to me. Where is the trumpets? It is still a great cd. Probably my favorite in my cd collection right now. I think it deserves 4 stars, it is wonderful, but missing the ska feel and style. Over all it is a great cd!!!$LABEL$1 +Met all needs. I gave this transaction a perfect rating because the book arrived on time in the condition it was described. I needed it for a class and was happy with the purchase.$LABEL$1 +Great, but not what I ordered..... Great product, however it seems that I did not receive an adjustable NPA. Instead of the orange one in the product description I got a green one- which is not adjustable. I mean- an NPA is an NPA. Good product, just now what was described.$LABEL$1 +Table difficult to use. Because I am 77 years old and have arthritic hands, I am unable to work the spring mechanism necessary to determine--or adjust--the height of the table. Hence, it is impossible for me to use. I am still trying to return it, trying to disentangle the confusing steps between Amazon and Dazadi (sp?) Sorry. I should know better than to buy something like this sight unseen!$LABEL$0 +BEWARE - These maybe seconds or knock-offs!. I opened each of the 3 filter boxes and none of them have the sticker you peel off and place on the filter to remind you when to change the filter.I called Amana and they not only refused to send me 3 replacement stickers, they told me I have to go back to the compamy of purchase and complain to them! I found out the telephone number for the company that actually makes the filter for Amana and they sent me one lame looking sticker that probably came from Office Depot or Staples.WHAT A JOKE!!!$LABEL$0 +Quite Mediocre. I only purchased it because I was in downtown Phoenix for a conference and couldn't find a real book store within walking distance. I was stuck with the hotel's W.H. Smith and the NY Times bestseller list (blech.)This book is a fast, pleasant read. The early portions were quite promising, evoking a feeling of creeping doom. I also liked the sprinkles of social commentary, particularly the discrimination fathers face in custody proceeedings.However, the plot quickly became utterly -- and I mean utterly -- predictable. The only suspense left for me was seeing just how long it would take the main character to figure out what I had figured out, and details of the resolution. The last portions degenerate to a long "beat the unstoppable monster" sequence.Might make a good movie on the Sci-Fi channel.Save your money. Or, use it to buy Charles Pellegrino's "Dust".$LABEL$0 +Deceptive Marketing - NOT 3D. I was looking for 3D movies to give to a friend who had just bought a new 3D TV. I searched in "Movies & TV" entering the search text "3D". I was extremely happy when I saw AVATAR in the list. When it arrived and we started to watch it we found this is NOT 3D. Very disappointed in the deceptive marketing of Amazon.com but let's face it, the bottom line is the paramount issue.$LABEL$0 +Brilliant. Many might feel with this effort that Welsh is merely rehashing Trainspotting...in fact all of the major characters from that story make a brief appearance in Glue. Nevertheless, though Welsh's familiar themes of drug abuse, sex and delinquency abound, Glue is a story about people.The book details the life of four close friends growing up in Scotland from the 1970s into the new millenium...through troubles and joys. It is a fun read told with Welsh's unrestrained yet stylish flair. The human element is very strong here...we see the four friends in every light; what brings them together, what drives them apart and ultimately the tragedy that they must all overcome. It is a sad and beautiful story, yet more upbeat than some of Welsh's previous works. Personally, I think it is his finest. If you enjoyed Welsh's other efforts, definitely pick this one up today. It is worth every page.$LABEL$1 +noisey. Had to send it back. It had a disturbing crackling sound that didn't lull me to sleep...just the opposite. However, the return procedure went smoothly. UPS picked it up and we had our money back within days.$LABEL$0 +Dragged down by a boring story and poor writing. It seems that around the late 90s, Koontz was developing a rather wordy, pompous writing style. This book, along with False Memory, is bogged down by puzzling analogies, irritating metaphors, and questionable word usage. We all know Koontz is a great writer, but at this point he begins showing off too much, which is really off putting.Despite the above, a Koontz novel can be saved by a compelling plot. This book doesn't even have one, however. The mystery surrounding this tale is hardly intriguing, and it's a struggle to maintain interest throughout this book.Only read if you feel the need to round out Koontz's bibliography.$LABEL$0 +Boring. This movie is one hour and twenty-one minutes long and was released on January 1984. As for a plot there is none. A few breasts scenes and some sword action but that is it. The only thing that it has going for it is that it has stars Barbi Benton and Lana Clarkson. Rent it; don't buy it.$LABEL$0 +It will infect your very soul! (4.5 stars). Spiritualized make it 2 releases in a row to make it to my annual best of list.Let It Come Down, much like 1997's Ladies and Gentlemen..., has all the beauty and deep passion Mr. Pierce can muster. It floats through the air with rousing gospel choir choruses, thunderous horns and big guitars, all set against his familar dreamy backdrop of orchestration and melodies.The first single, Stop your crying, can almost trick you into thinking this is a far more simple release. But as with all of the Spiritualized catalog, good things come to those who wait... 4 or 5 minutes. Each track is as haunting as the one before, as gripping as a drugged man yearning for a companion.Achingly beautiful.$LABEL$1 +Scuba Smurf. I really like this goofy toy. There's about zero educational value to it, but as a diver, I like that this smurf wears a fairly accurate rendition of real scuba gear. It just seems pretty cool, especially with the release of the recent Smurf Movie.$LABEL$1 +A reply to Carlson. The book is an edited collection of essays protesting what its authors regard as the undue hegemony of liberal/progressive/PC ideology in clinical psychology. Many of the opinions expressed are reasonable, well supported by fact, and long overdue. Meanwhile, even those I find wrongheaded are largely to the left of Fox News, the WSJ editorial page, and Mussolini. The citations in Roger Carlson's review are caricatures of what is actually said; for this the only remedy is to read the book and draw your own conclusions. Like Carlson, I am a clinical psychologist (and yellow-dog Democrat), yet he strikes me as the sort of doctrinaire zealot who could easily end up in Hell sharing a room with Karl Rove.$LABEL$1 +No Protection. The clip provides no protection at all to scratches or accidental drop. I scratched my brand new Treo 300 surface badly the first day I put around my belt by accidently rubbing against furniture. It has already been dropped once from the holster, since the tiny plastic cip at the top is not secure. I am shopping for a new case now! Not recommended for people on the go.$LABEL$0 +The best Beethoven I ever heard. The Furtwängler's performance of Beethoven's Fifth is simply the best I ever heard. The interpretation is powerful, full of passion and intensity. The sound is quite good for a 1954 recording, and the Vienna Philharmonic plays as well as usually. If you really like Beethoven's Fifth, you must have this recording. The 7th interpretation is also very good, but the sound is not so good. But the allegretto sounds so beautifuly! A really good performance!$LABEL$1 +Nice piano jazz standards. I'm a fan of NPR's "Wha' Do Ya Know" and always enjoyed the show's piano jazz segments. This CD offers a very together but laid back trio playing excellent choices from the great American songbook.$LABEL$1 +The Late Great John Kalench. berna_derek@yahoo.comJohn Kalench's book is now the corner stone provided for all UK Nikken Independent Distributors. He himself saw how good being a Nikken Distributor was and this, in over 20yrs of training many MLM distributors was the only Company that attracted him. He joined in 1994.It is a great shame that he died in May 2000, however, with great books like this being available his memory will live on.I've read mine 3 times and keep it close to hand as an easy source of reference. Sort out your life - this book will show you how.Enjoy your order. Derek FordPerth, WA$LABEL$1 +I was very pleased.... I don't understand why this movie isn't more popular. It, honestly, is one of the best thrillers I've seen in a while. It definitely kept me on the edge of my seat and it definitely kept me captivated. Everything is really good: the acting, the directing, the cinematography, the music, everything. Kate Greenhouse plays her role perfectly and Paul Fox does a great job putting this film together. And the plot is simple yet it's really creative (the twists totally caught me off guard). All in all, if you're looking for a thriller, this is one of the better ones out there.$LABEL$1 +A soon to be cult classic.. J. Todd Anderson's second directorial debut is a raucous good time. This campy but funny movie is well worth the price of this DVD. There are zippy one-liners, homages to the Three Stooges, and some very memorable characters. If you just want to have a great movie watching experience get My Mummy.$LABEL$1 +Very enjoyable, recommended for people who love words. Poplollies and Bellibones-My friends and family collect and share words and this a book that's worth hours of discussion and joy. A mix of words, some of them with very precise meanings that don't have a modern equivalent in common use, others more that are more general. It also has a bit of the history of some of the words including the etymology and time period.The illustrations are very 70s style and the words are placed in a narrative context with notes about what each italicized word means.Tenderfeet and Ladyfingers by the same author has the origin of many phrases in use today, as well as more historical words. It's a fun mix of things relating to body parts in rich, descriptive and fun language.$LABEL$1 +Not as nice as it looks. This lamp is OK. I really liked the styling of it - was looking for a bit of glam "Old Hollywood" - but the construction is a bit flimsy. It's also not really good at illuminating the room, it's more of a spotlight.$LABEL$0 +LASTED FOR ABOUT 3WEEKS. IM NOT ONE TO LISTEN TO LOUD MUSIC OR MUSIC WITH ALOT OF BASS IN IT ANYMORE, THEY WHERE CHEAP SO I FIGURED Y NOT BC MY STOCK SPEAKERS WHERE SHOT, AFTER 3 WEEKS ONE SIDE TOOK A CRAP AND NOW HAVE TO HAVE THE BASS IN THE NEG. JUST SO I DONT HAVE TO LISTEN TO THE POPPIN AND CRACKLING NOISE, ILL BE BUYING A WAY BETTER SET WITH A BETTER CROSSOVER SO THIS WONT HAPPEN AGAIN$LABEL$0 +BEWARE!!!. Despite the picture showing a Yoda topper on the bubble bath, mine came with R2-D2 topper, not what I wanted!!!! Bubble bath works pretty much like any of them do, but smells kind of chemical. Not at all pleased.$LABEL$0 +Wonderful novel about life today!. The cover of "Autumn Leaves..." caught my attention and before I even knew what the book was about I knew I had to have it. I was by no means disappointed. This is a wonderful novel about love and friendship, life and death. There were many times in the course of reading that I was cheering, clapping, yelling and crying. The main characters were portrayed vividly from the sweetness of Legacy to the horrendous Simpson. I felt Marshall's grief and Jasmine's betrayal. This book touched on social issues that we all deal with today such as instant wealth from playing sports, unprotected sex and how AIDS impacts on so many people. This book is a must read. You won't be disappointed.$LABEL$1 +Polish my demo. I bought this CD on the strength of the two downloadable tracks here on amazon, and that other people bought it with purchases that I also have. It's pretty dissapointing: the synth choices are on the clunky side, the drum tracks are unimaginative, the male vocal is weak -- the staple and bane of synth bands, it seems -- but the female vocal is arranged so badly it is funny. Some nice melodies there, but nothing groundbreaking or energetic. Only the last three tracks of disc two made me sit up.What this thing seems to need most is a good producer who can take this material to the next level. Right now it just sounds like really accomplished home-made demos.$LABEL$0 +Rip-off. I had this product already in my cart when I noticed the low rating. Curiosity led me to the reviews and the price!I quess I tend to get complacent and just click "add to cart". That is going to change. As other reviewers commented this kind of pricing is robbery! Also, Amazon should do more to control the vendors they allow to use their site. Amazon's reputation is also affected by this sort of thing.It's a lot cheaper to use the gas to drive to the supermarket! Today that's saying something.Glad Small Garbage Bags, 4 Gallon 30 bags$LABEL$0 +My aching thumb!!!. I'm not sure just how accurate this pedometer is. I've been SITTING in front of my computer since I put it on and it reads 141 steps so far and I have it on the lowest sensitivity level.More importantly, the tip of my right thumb is killing me from wrestling with the lid to get it open. The release button doesn't push in and release anything. You auctually have to use your thumb to pry it open.I will try using it tomorrow without closing the lid, but this seems to be a bit ridiculous.Oh, It now reads 148 steps...$LABEL$0 +Like a long cold drink on a hot day. Because my Parents raved about Joe and this book I was leary of it's contents. I soon ate all my words. This book is slow the first few pages. Once I got into it, the story is fluid. I found my self lost in a world of drugs, lust, friendship and trauma. I highly recommend the book to anyone who either grew up different or in Minneapolis. Either way this will hit home... Being your self and being true to that is. Vivid characters and a wait and see outlook make a great combination. I can't explain it, just read it. Some naughty sex, but hell it was good.$LABEL$1 +A Christmas Memory. Received in a timely manner and in good condition. This is one of my favorite Christmas stories. I look forward to viewing the DVD next Christmas.$LABEL$1 +Cheezy rape fantasy.... I think the movie should've been titled either "Sorrow Man" or "Jealousy Woes". What in God's name were they thinking? Those effects took hours, days, weeks, months, FOREVER! And all for what? So we can learn that an invisible "genius" can get jealous and kill all his friends? Well, I can't say I expected anything more from the director of Showgirls and Basic Instinct. On second thought, maybe I did a little, because I enjoyed Total Recall and Starship Troopers. (And just between you and me, I liked both Showgirls and Basic Instinct. Shhh.)The score is better than the film. And, you know what? The special effects here are overrated. Stupid cartoon CGI. 'Hollow Man' is just another ret@rded mess puked out from the bowels of "Hollow"wood.$LABEL$0 +As Good As It Can Be..... This season was as good as it could have been with Steve's departure.I did enjoy all the twists and turns throughout.If this were a "pilot" season for the show and we knew that there never was a Michael Scott, this would have been a decent first season....But, after saying that, there is definitely something that is still missing from this season....Good but not great.$LABEL$1 +1 star is generous. I am a JL fan and I would like to say that I have read all of her books. Unfortunately, I could not even finish this one. When I saw that it was rated 5 stars I flipped out. This book was terrible. Maybe I am not a futuristic type of woman but please!!! Also, the sequels to this book are just as terrible if not worse. Couldn't finish those either. Sorry, I would have given this 0 stars if there was that option! 1 star is generous!$LABEL$0 +WHITE OLEANDER. White Oleander, is one of the most captivating novels I have had the pleasure to read. Astrid, a stranded, young girl is left in foster care when her haunting and poisonous mother is put in prison for murder. As Astrid travels from foster home to foster home without the one thing she has grown to know and be, her mother, she realizes how trapped she really was. Astrid learns what it is to be frree and who she really is. I truly think that this is one of the most heartwrenching novels I have ever read. I think this novel gives you a better idea of how lucky we all are to have what we have.$LABEL$1 +Closure?. Dated production quality, solid story (up to the end if you read between the lines), and a cast of characters with... well... character.Shinji (agreeing with others who have posted here) is pathetic... but arguably lovable...Closure on the story is not what ends this work. The close of the story is something like a statement of life...Life is... what you make of it...Plain and simple...For overall anime quality, I like it.For overall delivery, the message was clear to those looking for the message.For overall story, it has a definite apocalyptic/rainbow at the end of the tunnel feel (Though like a rainbow you only see it but can't touch it).I would buy it again if I lost my copy.$LABEL$1 +A is for Angel. "A is for Angel with shining white wings...."This is a wonderful book I remember so well from my childhood. With simple heartwarming rhymes it chronicles the birth of Jesus and shares other Christian values, as well. I wish it were still in print. I'd buy one for every child I know.$LABEL$1 +Harmful?. I just bought this home for my hamster of a year and yesterday, i found him dead in his cage. I just got two new gerbils...but i'm wondering if it was the cage....i also bought the run around and have NO idea how to connect it!$LABEL$0 +Unsuccessful Self-Imitation.. Volume one and 826+ - she did it big time and made me a huge fan of hers.. but it seems shes trying to recreate the past but..despite my effort to love this new album it really s*>cks.All you fans out there praise everything she does... but be honest with yourselves.. every song sounds the same, and like every other artist out there. I strongly recommend jill's fans to not approach this one so you can be left with the sweet taste of the past.hearing the love shmaltz over and over again makes you sick, and it seems as if her label know this album is lame so they put all the PR on "Golden" which is the only loveable-reminds-the-past track.Zack.$LABEL$0 +loose wire. This product works great, but only for a short time before shorting out. I usually get about a few months service out of it before it malfunctions and the ultrasonic feature does not work anymore. I've had two of these and both have broken down in a short period of time.$LABEL$0 +Poorly organized book. I read the book carefully and the it's a real shame that the authors did not spend more time on research! Many reviewers complained about lack of information of Bee Gees main asset, their music, I regret to say that it's true. Now, should we wait for a Bee Gees Anthology? Official, Authorized and Informative?$LABEL$0 +Barrington Levy...is for reggae connoisseurs.. Barrington Levy is at his pinnacle on these two albums reissued by Greensleeves and backed by the premier reggae session band Roots Radics. If you dig crucial reggae this is the cd for you. "Look Girl" & "Rock & Come In" are solid reggae songs that will satisfy your soul! Find this cd, buy this cd & jam this cd until you wear grooves in it! Praise Him, King of Kings, Lord of Lords, Conquering Lion of the Tribe of Judah.....Jah Rastafari!$LABEL$1 +Don't bother!. This is NOT for serious bakers! I had used my old fashioned one for years. (all metal screw type) works fine but takes some muscle. This looked like it might make the job easier. After 5 batches the PLASTIC cookie forms cracked. What I got was a batch of deformed christmas trees! VERY UGLY can't give away as gifts which is my tradition. DON'T WASTE YOUR MONEY!$LABEL$0 +Here's the condensed version of this book:. Change is inevitable. You can choose to either embrace it and thrive, or resist it and suffer the consequences.There -- I just saved you ... and a half hour you would have wasted in reading this unbelievably simple-minded book that is unaccountably receiving rave reviews from many reviewers.$LABEL$0 +Tastes good and has digestive aids. This protein powder tastes good when mixed like milk--like a powdered chocolate drink. The digestive enzymes included in the powder are also attractive; I don't notice any GI anomalies when using this powder.$LABEL$1 +Thor - Another Gem in the Marvel Series. Thor is a movie that has to be looked at on a number of levels. The action and effects is outstanding. The movie scenes are rich in design and colors projecting an art deco version of Valhalla. The action scenes are loaded with drama and in some cases with elements of humour. What is unexpected is underlying theme of loss and redemption, a raw callous youth coming to understand responsibility is all about. Thor's banishment to Earth, his realization of loss, and his redemption through being to willing to sacrifice his life to preserve planet is a theme one does not expect in a live action comic book. Thor works on all levels. There may be a few problems with the script and some parts that should have gone on the cutting room floor but overall a very enjoyable flic.$LABEL$1 +A very good performance. Klemperer always works wonders with Bruckner, bringing out the warmth and musicality of the piece. This version is a little slow, but this symphony is supposed to take its time. If one plays it too rapidly, a lot of the inner melodies and colorations get lost. You won't go wrong with this recording.The only reason I give it 4 stars is because Klemperer's versions of the Bruckner Sixth and Fourth (the latter with the Bavarian Radio Symphony - not the studio recording) are just so outstanding that they are in another realm.$LABEL$1 +Lorre us what makes Moto. I really liked this box set. Not only are the films thrilling and fun to watch, but the Extras make it a must to have in ones collection. Particularly, if you are a fan of old time Detective Thrillers. Also, if you are a fan of the great Peter Lorre. He adds the extra exotic spice to these movies.$LABEL$1 +Love Crocs!. This is my 2nd pair of Crocs Cayman Sandals. I have arthritis and problems with my feet swelling, but Crocs are still confortable. I wear them around the house as slippers, as well. My only complaint with this pair as the color (Peacock) was brighter than the photo shows.$LABEL$1 +good performer - disappointing CD. I liked her live show and she's a good singer, but this is a bad-sounding record with bad songs and bad guitar licks. Hoping she will do better next time round$LABEL$0 +Belden Cat-5 cable. This is the kind of thing that makes me a confirmed Amazon customer. First quality, name brand, 25ft cable at less than one third the local price, delivered to my door the next day! Tell me again why I should schlepp to Staples and stand in line to find out they don't have what I need!$LABEL$1 +Kitchenaid Shredder/slicer. All parts fit and work perfectly. The item shipped quickly and arrived unharmed due to the great packing by the seller. We are pleased and have already processed another Amazon order. No problems whatsoever. Impressed.$LABEL$1 +Good Basic Book. I think that this book serves its purpose. It has been an excellent addition to lectures. It offers visual examples of basic photography lessons. This book is worth owning, even if you feel competent with photography.$LABEL$1 +REAL information with REAL facts. This is a great book and a MUST for every parent. This shows the truth that doctors don't want you to know, because then they wouldn't get those lovely bonuses from the makers of the vaccines. Of course this ISN'T a conspiracy theory book but actually scientific medical facts and references. This book is more double sided then any other vaccine book out there viewing information from both sides with points and counter-points on all that you've heard about. This book informs and educates, if you are a parent this is the book for you because it helps decipher all the information so you can weigh the pro's and con's. If you read any other book your still uneducated on the subject. Top of the line!$LABEL$1 +shallow, predictable, but strangely likeable. Reading this book is like watching a fluff movie. It is sappy and predictable, but you watch, and read it anyway. I don't think I'll eagerly await the next book, or seek out any more of Jane Green's books, but I finished this one. A light summer read.$LABEL$0 +Loved Robert Pattinson In This Movie. The movie was poignant, very well done. Had I not read the book first the element of surprise would have been there. I enjoyed the book so much better. I know they couldn't include everything in the book into a 2 hour movie. They stayed true to the book with no noticeable changes in the movie. I think Pattinson and Reese were good choices for the lead. I think the chemistry between Reese and Robert was good which made it believable. They made a beautiful couple. The guy playing the circus owner was excellent also. If you are looking for a love story with an element of drama, this is the movie for you.$LABEL$1 +medium quality. The inside cushion keeps shifting and this complicates putting the wrap over my knee. Other than that the cold works and keeps the pain down for 15-20 minutes. Cost-reward ratio is expensive.$LABEL$0 +Truly the BEST. Like many other reviews, I have never found a better FIRM workout! I originally started this workout back in the early 90's and loved it. I am now 57 and starting it again (I do modify certain moves)...nothing else works like this one! Janet Jones is awesome and very motivating. PLEASE TRY IT!$LABEL$1 +Again brilliant from Jodi Picoult. Jodi Picoults ability to intertwine different worlds and different lives never ceases to amaze me... Thought provoking, conscious examining and on your toes throughout - another brilliant journey$LABEL$1 +Defective material. After reading the reviews I bought this for my daughter heading off to college. Got the first one home, unboxed filter with intent to clean and prep for her first use. I set the filter on the counter and heard a crack. Looked at the base and saw the left side cracked. Frustrated boxed up took back to the store and exchanged it. Brought the next one home, cleaned it and soaked filter. Boxed it up and took to daughters apartment. Started to fill with water when I noticed the blue inner resevoir had 2" crack around the lip.After a little more research I have read many complaints of the same filter cracking without reason. I exchagned for a Brita at Target. When asked the customer service rep told me they never see the Brita returned but has seen the Pur returned a number of times. I should have done more homework before buying and saved multiple trips to the store.$LABEL$0 +A dream come true!!!. One of the loveliest Cinderella-adaptions ever! Be enchanted by a dream come true!!!$LABEL$1 +Very Disappointed in the Second Edition. The first edition of this book had many inaccuracies which are too numerous to mention here. I was greatly looking forward to the second edition, and the correction of the many discrepancies that were written in the first edition of Beauty in the B. Unfortunately, this is not the case. The book continues to be innacurate in many ways. For example, there is a picture of Rhoda Scott playing a Hammond B-3000, with a caption saying that it was manufactured by Hammond Suzuki. This organ was never manufactured by Hammond Suzuki. It was made by the old Hammond Organ Company. This inaccurate information was also in the first edition of the book. This is but one of the examples. Mr.Vail would have been well-served to have Alan Young review the entire book before publishing it. The effort of compiling the information for the book is to be commended, but the inaccuracies are too many to overlook.$LABEL$0 +Not what I wanted.... I am moving to the UK in a few months, and wanted to get an overview of the various soccer leagues (FA, Premiership, etc.), the organization of the teams, etc. This book provided little to none of this. It appeared only to give a detailed (I mean detailed) history of all the teams. I still can't tell you how the various leagues are set up, how teams move to different leagues, etc.$LABEL$0 +Classic. This has always been one of my Favorite movies from yesteryears when movies were made right. Now that it is on BR it makes it even better.$LABEL$1 +Disappointed. I have used this product for quite some time and always purchased it at department stores. When I saw it on Amazon for half the usual price I quickly ordered it. However, when I used it for the first time it did not smell like the product I had been getting and the aroma was weak. I will not purchase it here again.$LABEL$0 +Ascended Master BOB?. Along with his fellow Great Cosmic Noble Ascended Master friends Rex, Billy Ray, Jethro, Big Bubba, and Jenny-Lee (who is clad throughout the book in a Great Cosmic Tee-Shirt with "I Wish THESE Were Brains!" printed on the bust), good old Bob churns out one heck of a Great Cosmic Discourse on such matters as Supply, Love, America, Rising Into the Sky, and Healing flesh wounds incurred from birdshot.This is a real page-turner. Bob relates his life and times on the ranch with Pearl and Ascended Master Bob Jr., describes how he was able to raise his body straight up into heaven by saying the word I AM one-trillion consecutive times, and reveals the Great Cosmic All-Time Secret Formula for subduing an angry rattlesnake ("rattlers," he calls them) with a single kiss of the lips.*Spoiler:At the end of this book, you learn that God's "True Name" is not I AM after all. Rather, it is "BIFF."$LABEL$0 +As a Gift.... I gave a copy of this book to my sister as a gift six months ago and she is STILL raving. Great gift for anyone looking to entertain someone.$LABEL$1 +Innovative and delicious romantic comedy!. I loved this book! I don't know how this author keeps coming up with such innovative plots, but this is definitely one that would make a great movie. I adored Dorsey, fell in love with Adam, and was amazed by the way the secondary characters like Carlotta and Lucas jumped right off the page into my heart. And as always, Ms. Beverly's writing sang with style and charm. So many books today seem sort of generic, but this writer's voice is so strong it keeps me coming back for more.$LABEL$1 +Skrape is awesome!. skrape isnt the most original band, but new killer america is one awesome cd, i suggest you buy this cd!$LABEL$1 +Drums of Autumn. Fascinating. I have read all 4 books and can't wait for the fifth one to be published. Excellent writing. Contrary to some other reviews,I've enjoyed the inclusion of Roger and Brianna and the slower pace in some parts of the book. It helped prolonge the suspense. Keep writing Diana.$LABEL$1 +Not what I expected. I was hoping for more of a behind the scenes look at the race world since his Dad covered the big Secretariat match... but it is more of a memoir, and has very little to do with the race scene... at least in the first 50 pages... I couldn't stick with it due to it not capturing my interest.$LABEL$0 +Tingler Therapeutic Head Scalp Massager. This was a Christmas gift to one person in a family of 6. It was such a hit I was sorry I did not buy 6. Prompt, excellent service.$LABEL$1 +Amazon Kindle. The Kindle makes reading such a pleasure. I have always enjoyed reading, but this makes it much better. I often read more than one book at a time, one profesional, a personal help, and some fiction. Now I can have them all in the Kindle and do not have to cart several books around. It also means being able to read without glasses. As the day goes on, sometimes my eyes get tired and I need to put on a pair of reading glasses. Not with the Kindle, I just increase the font.Oh, and it is so much easier to travel with a Kindle instead of books. The only drawbacks I have seen are not being able to use it during take-off and landing, and not being able to share books with friends. Otherwise, I can see it becoming a Kindle world.$LABEL$1 +Only worked for a few weeks. Worked great for a few weeks, until I started getting warning windows telling me there wasn't enough power to supply the USB devices it was connected to. Of course, then I started reading other reviews saying the same thing. Next time I'm buying a USB hub with its own power supply. Even though this wasn't expensive, it wasn't worth the money.$LABEL$0 +Very informative. This was a great book with a variety of families who homeschool. They were from all over the country and different family structures. I was amazed at how many parents are teaching their children at home. I'm glad that the book is available.$LABEL$1 +The Movie Exagerrated. An American Haunting is based on the Bell Witch, of the Bell Farm in Tenessee. The witch is said to haunt the place and "torture" the bell family, mostly John and Elizabeth, known as 'Bestsy', by slapping her, etc. In the movie, it is said that the 'ghost' was just Betsy's "innocence" that haunted the family after John Bell raped her. That is not true, the witch was there for a very long time, back when the indians/Native Americans roamed there. The movie had exagerrated way, way too much, but it was still ok.$LABEL$0 +Razor communication with your computer. I know you've heard it before, but this really is a great deal. My new Razor V3xxx is a terrific phone but is doesn't really reach it's potential until you connect it to your computer. The software and cable allow you to take control of your phone and use it the way you want. Why pay for ringtones and wallpapers when you can select your own. This saves you money right there. Installation of the software is easy but remember not to install the cable until it specifically instructs you to do so.The only criticism is why wasn't this included with the phone. We know the answer. If there is anyway for the big companies to make extra money with an accessory or aftermarket item it will happen.Overall, great buy!$LABEL$1 +very disappointed. i thought i was ordering someone copy of a book they wanted to sell. instead i received an old hospital copy with the hospital logo " St. Francis Hospital OF NEW CASTLE" stamped on the front, inside cover and the back page. i don't believe this book belong to the person who sold it.it even have the hospital library card in it.shame on you$LABEL$0 +Macbook Shell. Pretty slick for the price and the fact that it's not permanent.I was so sick of wiping fingerprints off the black macbook, this is just what the doctor ordered. Granted, it's not as sexy as the black, but the red over the black at least looks different. And fingerprints are much easier to tolerate on red plastic than the black matte material of the macbook.$LABEL$1 +Product sucks - does not hide wires. I have done many numerous house projects that are much more complicated than installing a shelving unit. This particular product in my opinion is terrible. The primary purpose is to put components and hide the wires that lead to your plasma for a clean contemporary look. There is not enough room for component cables plus hdmi. The product is an utter failure and I would recommend against buying it based on my experience.$LABEL$0 +Disappointing!. Also waited 3 months for this DVD to be delivered. Agree totally with prior low reviewers. Color is terrible, smudges evident, timing of narrative vs scene out of whack, and the worst narrator ever. Completely distracting to hear the narrator's mispronunciations. How about "ANENEMY" for sea anemone numerous times!!! Fish collecting in "SHOALS" for protection (thought the word was "school"). Surgeon fish having tails resembling a scapel ( was that supposed to be scalpel?)Don't buy this one - amateurish, insulting to anyone's intelligence. Simply not worth it!$LABEL$0 +Snow Falling Off a Cliff. I liked the great amount of detail Guterson went into with this novel. However, it was getting to the point where I wish he would have gotten on with the story. It was just way too long for the point he was trying to get across about this small bigoted town in Washington in the 1950's. I think that he should have gone into more detail regarding the conclusion than everything else in the novel. When I got to the end, I was like, "this is it?!" I read 400+ pages for this!!?$LABEL$0 +Save your money. Total ripoff. Less than an hour including extras, more shots of crowd members than players, and the boring voice-over frequently reminding us that this is the only tennis tournament that really matters doesn't help a whit. A truly pointless dvd with very little tennis. Summing up hundreds of matches in about 30 minutes of footage? You do the math.Might be worth buying only if you were there and hope to see yourself in the many audience shots. Otherwise, with barely any tennis on the disc, what's the point? Pure fluff.Go instead to the infinitely better Classic Matches at Wimbledon series; the Borg/Mac 1980 dvd has more quality in five minutes than this does in 55, and costs half as much.Passola.$LABEL$0 +doesn't last. I was happy with this for a few months, until I saw that it was falling apart. Even though it had always been protected under a sheet, it wore out so that loose wires were flapping around. Not a comforting thought. If you're willing to consider it a disposable product, it's not bad. Inspect it closely every time you change the sheets, and plan on buying a new one after 3 - 4 months if you want to feel safe AND warm.$LABEL$0 +TMNT Cartoons on GBA. Here it is, the origins of the TMNT from the FoxBox cartoon. Now you can watch the radical green dudes use their ninja skills on your GBA. The first two episodes of the TMNT are included on the high quality GBA Video cartridge. Cool! I'm getting it and so should you. Parents, get this for your kids ... they will love it.$LABEL$1 +The time has arrived!!. The time has come for the youngest BSB to break off and start on his own. Nick Carter's new album "Now or Never" hit stores today. With his new take on the world, Nick is taking the music to the next level. His songs about love are not the usual Backstreet tunes we are use to. It is safe to say, Nick Carter does a great job of telling the fans how much he loves and cares for each one of them. His songs are the kind when you hear the upbeat sounds, you want to dance all night. And when you hear the melodies, you feel he singing them right to you. This is the best new album out there and I can definetly say it is worth 5 stars, more if it is possible.$LABEL$1 +A PERFECT GIFT. I was delighted with the quality! They are delicate, not imposing looking. My daughter-in-law will LOVE them. Thanks for the prompt delivery too!$LABEL$1 +THE MUSIC IS GREAT!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!. I REALLY LIKE THIS GROUP. THEY ARE GOOD TEJANO SINGERS THAT DESERVE TO MOVE UP AND STAY UP ON THE CHARTS. ROGELIO CAMPOS AND RUBEN NUNEZ HAVE TERRIFIC VOICES THAT EXPLODE AND SOUND TERRIFIC WHEN THEY ARE HEARD SINGING. I HAVE TO SAY THAT I TRULLY LOVE THIS GROUP AND I WISH THEM THE BEST.$LABEL$1 +Excellent, but you better know sanskrit. This is an excellent dvd! It flows very nicely and it challenges you to a degree. However, I would not recommend this to anyone who doesn't know sanskrit. If you are a beginner or just not familar with the traditional yoga posture language then you might get a little confused. I recommend also checking out Tamara's Yoga Fusion. She has a great voice, she does speak sanskrit, however, she also gives you the english name for the postures as well. Plus, you can pick and choose from chapters of postures that you want to work on if you don't feel like doing the entire dvd. TAMARA'S YOGA FUSION$LABEL$1 +Hall&Oates-Private Eyes. Have loved this album since Jr.High!! Am so glad to have it back in my collection!!(Had a house fire-lost everything-even my cats-It's taking me time,but I will eventually order all my favourites and once again have my music collection!!! This seller was very accurate in it's description,quick delivery,will use this seller again!!$LABEL$1 +The physics of aural nirvana. If you use these cables while simultaneously wearing the three wolves t-shirt (The Mountain Three Wolf Moon Short Sleeve Tee) then a space/sound/time portal will open, and you can hear all the farts being released at all the Wal-Marts everywhere in the entire universe. The sound is quite deafening.$LABEL$1 +Chef Tools @ home. This is a quality Potatoe masher of solid stainless steel construction. The potatoe masher will allow you to use maximum pressure to mix potatoes, yams, or whatever else you could mash.$LABEL$1 +Looks better than it reads. This book purports to be about technologies for finding bombs, but actually is a vehicle to discuss the current state of the art in additives ( called 'taggants') to the zillion pounds of the various black and smokless powders manufactured yearly.It actually has some value as a reference guide, and does state correctly that taggants should not be implemented.$LABEL$0 +Good deal for price and purpose.. Didn't come with understandable directions so you have to do a little you-tube searching on how to setup. After educating and tweaking (and being sure to use the Rosin on the bow) it actually works! My daughter (who is only 3) is enjoying playing around with it which was it's purpose. It is something she can "play with" now while hopefully planting a seed for more interest in truly playing it later :)! The price was right and it will not be the end of the world if it is dropped and broken.$LABEL$1 +Not worth the $. I purchased both the surf spray and the thickener. The spray makes your hair tacky and the thickener too soft. Neither products were worth the $. I have Pantene products that are better.$LABEL$0 +Truth. This book was simply amazing. What I enjoyed most about this book was how the author was so transparent in how she described her life and the blessing that overtake you once you truly submit to the will of God. Many of us have our own personal struggles, but when you are called to Greatness you cannot be stopped.$LABEL$1 +Luciferianism!. A step by step guide in to how to become a devil worshiper!!You will probably become rich too. Is it worth it!!!!!The only book I have actually thrown in the bin!!$LABEL$0 +Less Funnier Than The First And Over-rated. Meet The Fockers is a seuqel that was disappointing to me. As I progressed through the first 20 minutes of the movie, I figured it will probably get funnier. To my suprise, it actually did. But then the movie progressed into a bland tasteless comedy after the second half of the movie. The movie tries to reach its goal of being hysterical but sinks into a bland comedy. Although, I did like the idea Of Hoffman and Stressiand being in this film. They were enjoyable to watch. Although Robert DeNiro is less funny in this film and quite boring. I couldn't stand watching him in this film. He just got on my nerves. He was funny in the first one, but now he is just the opposite for me in this sequel.$LABEL$0 +Good Book of the Black Perspective. I really enjoyed this book. Because I travel a great deal in third world countries with Black majorities, it gave me some good perspective to take with me. It also just emphasized my experience that despite its many shortcomings and how we got here America has a lot to recommend itself. I am choosing stable third world countries for the human experience and America for the economic and developed infrastructure experience. I'm splitting my time about equally in both.$LABEL$1 +You really don't want to read this. The marketing for this book is intriguing. Catchy. And not just for children. Using the negative to get one's attention works for adults as well. "Don't read this. This is bad. You're not going to enjoy it. Nothing good happens." Unfortunately, not only does nothing good happen, but all the one-star reviews I've read are accurate. This is a bad children's book. This is a destructive book, with dark themes that have no redeeming value, not even the author's inclusion of vocabulary words. It's a sign of our culture, which has become mesmerized by what's ugly and demoralizing, something much easier to strive for and achieve than that which is beautiful and inspiring.$LABEL$0 +This book was absolutely amazing.... This book is filled with numerous short stories, the themes of all speak to the struggle of Puerto Rican emmigrants to the US. Specifically in Harlem, New York. Although on the surface the stories may seem somewhat somber and simple, it is not until you read into the text that you come to understand the underlying statement that Soto is making. It makes one realize that the United States really does not uphold the principles of life, liberty, and the pursuit of happiness as it makes you think. It shows us that these rights are exclusively available to the group to which the government extends them. If you are not of white caucassien origin you simply have to fight for a chance, a chance to live, and a chance to feel the "privilege" of being successful. Read it one, two, or three times because each time you come to different realizations on what he is saying...$LABEL$1 +Worked fine -- until it didn't.. I had one of these for years, which worked fine until I was working on my handlebars, accidentally yanked the cord too much and it stopped working. The way this one works, there's a "base unit" that the computer slides into (a nice feature, so that you can have one base unit per bike, and switch the computer back and forth, allowing you to record "bike 1" and "bike 2" with one computer). So decided to just get a spare "base unit". Unfortunately, that never really worked. Bought another whole system, and that didn't work, either. So now I have two of them, both of which only function as a clock. Kind of disappointing, because I really did like the first one I had.$LABEL$0 +wrong product received. I received the wrong color and have left three messages with the manufacture to exchange for the color I ordered. I still have not received a call back.$LABEL$0 +The Worse Movie I have EVER Seen. I don't even know where to start; this movie is just bad. It made no sense from beginning to end. I think the director was going for the worse movie of the year award. Who thinks up such non-sense? I only watched it because it was free on Amazon with Prime membership. Amazon really does need to do better with the free movie choices. If this is what I have to watch as a Prime member I'd rather be regular.$LABEL$0 +It's great...when it works. I ordered and received this cute little number in January of this year. In March it started making a horrible, high-pitched grinding noise...like something had come loose inside of it. I have not yet contacted the manufacturer to see if it can be fixed. However, my son sleeps so much better when it is working and I hate the nights when the gosh darn thing refuses to work like it should. Based upon my experience thus far, I would not recommend this make/model to anyone else.$LABEL$0 +Absolute Classic. I first read this book when I was a teenager (many years ago). I have read it many times since, and it still makes me laugh everytime. This book is definatley a must-read.$LABEL$1 +The first 100 pages. made me realize that I should read the dust jacket before I start to read. I didn't realize that it was 'youth' fiction, and I agree with everybody else that the sexual content is inappropriate.$LABEL$0 +Are You Being Served? Vol 9. If you are into British Comedy this DVD is great. I have about 40 different one & I watch them over & over.$LABEL$1 +Grizzly Spit Rotisserie. I checked the batteries before inserting into the motor. The the gauge read full charge. The motor had a hard time rotating the 2 whole chickens on the spit. After 5 minutes the rotisserie stopped turning and I had to discontinue cooking the chickens. I can't tell if you need fresh batteries but it didn't work for me.$LABEL$0 +Help me out here, band people.. Good Lord. This movie has potentially done more damage to band people than the american pie quip. Anyone who is in marching band will tell you this is crap. Seriously, I marched snare in my drumline and this is the most pathetic and unrealistic representation you are ever likely to see. Most marching drummers would put it down just by looking at it. Why? On the front, Nick Cannon is carrying nylon tipped drum-set sticks. Look at what happens in the movie; a solo-stealing, lying, freshman who can't even read music makes a college snareline, even though he constantly argues with center snare. At training; the members run marathons around the stands with their instruments( Wow, aside from broken instruments, what on earth would that accomplish??) And yes, anyone who needs to hire a rapper for their marching show has the worst band ever created. It's unbelievable people actually took this seriously.$LABEL$0 +Over Hyped Junk. I Bought this pan in April 2012-yes only three months ago-already it is peeling!I have treated this pan with the utmost care and followed the directions very carefully.now i'm stuck with an over priced piece of junk...Thanks a lot "Cook's Illustrated" for your recommendation.$LABEL$0 +Poorly Organized; Little Practical Use. Thoroughly disappointed by this book, hard to believe McGraw-Hill's name is on it. What little practical information it contains is organized and prioritized poorly. The author wastes precious pages decribing atomic theory (doping, lattice, valence electrons) and obsolete mechanical control systems (cams). Then he glosses over integrated circuits in a single paragraph, saying they are to numerous to detail and how they could fill a book all by themselves.Precisely. THAT'S the book I wanted, not this one.$LABEL$0 +little board book. I had wanted to give this little board book as a gift but have chosen not to because it doesn't look new. The cover looks used, not exactly tattered but just not fresh. Wouldn't want a prospective mom to think I was giving used books as gifts! ( I use it at home for little visitors : )$LABEL$0 +HORRIBLE. As a former Bela Karolyi protegee I have to say this is the worst book that I have ever read!!!! Joan Ryan has NO right to write a book about elite gymnasts when she has never been one herself. When I was w/ Karolyi it was never ANYTHING like what she says. What ya'll don't know is that Bela's smile and encouragment continue when the camera's not on him. I think that Ryan has a very sorry way of making a living!! I was an elite and I guarantee u that I and Dominique Moceanu, Kerri Strug, Kim Zmeskal, Jaycie Phelps, Shannon Miller etc... are in it 4 the fun. Bela, Mary Lee Tracy, Steve Nunno, The Rybacki's and every other coach who has an elite gymnast cares very much about there gymnasts. If they didn't they wouldn't have any elite gymnasts. Some people don't like Bela's coachig method and I respect that, so does he. But if u don't like his coaching just don't train w/ him!!$LABEL$0 +It's not a large clock-dimensions are incorrect!. This clock was supposed to be 5 x 4 x 1 inch-it's about 2 1/2" by 1" by 3/4". I bought it for my car but it's not large enough!$LABEL$0 +I feel pretty stupid buying this book.. I would give this book one star but there are probably some guys out there that do not know the amazingly simplistic things these guys tell you. If you don't know to go to the dentist, not to wear sweatpants in public (see Seinfeld episode), and not let your hair grow down your neck, then buy this book. Other facts, such as good places to meet women, i.e., bookstores, coffee shops, are common knowledge. Some advice, such as first dates should be short and are best at coffee shops are intelligent but again should already be known. Bottom line, I don't have "game," and if you don't have that you aren't going to meet womeon. This book helps you in the conversation department. Other obvious directions are give up the cancer sticks and talk to all women. I guess that works. There is no magic pill guys, and this book won't help you.$LABEL$0 +epic fail. this game gets boring as you go, the story is rather bland, and whoever came up with the ending needs to be slapped. it sucked! you'll want to put your PS2 through a wall when this game is over. buy 'Star Ocean: til the end of time' instead. it is waaaaaaaaay better.but if you are still interested...the premise is the same as every other final fantasy game. there is a good guy. a bad guy. a guy that turns out to be the real baddest bad guy and a chick. add in a quest, random battles, optional megaultrasuper bosses, characters that join with bad attitudes and reaaaaaaaaaalllllllllly big weapons. don't get me wrong, square enix pumps out some good RPG's, but this one just sucked.$LABEL$0 +Excellent. I love 2 Unlimited. I had no knowledge of them during the 90s, they were not on Chicago radio. Chgo radio had good dance/trance/rave on B96 until 1993 or so, then for some reason, they stopped playing. Not until 1998, a college radio station featured hot dance music, which morphed into Energy radio in 2001...then they went off the air! Arrghh!!I found 2Unlimited through Amazon, featured on the Jock Jams collections. So many things in life, I wonder, why didn't I know about this sooner??...and I was not a hermit or living in a cave.I play 2 Unlimited all the time now. Hope they reunite so we can see them again.$LABEL$1 +Soft Porn. I was really looking forward to reading this book but it disappointed me. The plot and charaters at the begining are hard to follow. Then the book degenerates into basically the sexual exploits of the main charater and unprobable gun fights. This book is really adolescent and appears to be written by a teenager. I got about halfway through the book and it did not appear to be going anywhere getting any better so quit reading it. Maybe Amazon will buy it back slightly used.$LABEL$0 +Oster 6335. Nice design except for the slots which limit the size of the bread to be toasted. Too small, necessitating cutting slices in half most of the time.$LABEL$0 +Fireproof is definitely "Fire Proof". This is a wonderful movie - something every couple, whether married or not, should watch this film. There are some beautiful lessons here that we all can learn from. This is a "5+" film.$LABEL$1 +Very unappealing. In reading customer reviews after I bought this, I was intrigued with the review that referred to the book as showing "interior design as art." Aha! Now I know why I found this book so unappealing. The book doesn't seem to be about decorating real homes for real life and real comfort. The book comes off as one author's idea of how to impress other people. These "settings" (I can't honestly call them homes because they are so chilly and phony looking) may work as backdrops for a cocktail party, but I keep wondering as I look at these pictures where the people who have to live in them actually go when they want to relax after the party's over. A dreary and depressing book because the settings look like rooms from Yuppiedom of the 1980s. Ick.$LABEL$0 +Flimsy. Nice size but the stuffing was not secure. My niece was not impressed with the face details either.$LABEL$0 +Read the book. The subtitles were grossly inadequate in conveying the depth of thought in this story. Read the book for a thought provoking experience.$LABEL$0 +Would be 5 stars if it worked.. My Nomad II worked for a total of 1 hour, then the screen gave out and the interface with my PC died.However, that 1 hour was great, clear powerful sound...light as hell...easy to use. I'm sending it back for another in hopes this was a fluke, but right now i'm too mad to give it anything more than a shooting star.$LABEL$0 +The Duplicate. It was so stupid! The author could have made it a great book. Too much detail, the story was bland, people swore. If this book was a movie, it would be PG-13. Who in their right mind would make a clone of themselves. In the action department I would give it a 2, Suspense 1. Overall, a dumb book. I hope this review was helpful. I wouldn't waste my money....$LABEL$0 +LOVE IT!. I was surprised to read these reviews after I had already ordered and received my Pik Stik as I received mine very quickly. I am a big user of these items and actually have one of each length. I specifically ordered this size as its the one I use the most. I use the larger one for cleaning high places using a rag. I have severe arthritis, spinal stenosis and carpal tunnel,and use the shortest one as a dressing aid. If I can squeeze the handles, anyone can. I would highly recommend these to anyone and as I said previously, I received mine quickly and efficiently. I am new to Clares but hope to return. J. Nixon$LABEL$1 +Caused my 15 year old to hallucinate. My son is fifteen years old and was taking Mucinex DM Max Strength to help with bronchitis as he runs track and had a track meet coming up. He is 5'11" and weighs 160 lbs. So, the doctor gave him antibiotics and he was to take Mucinex DM as well as an inhaler for five days. By the third day my son's school called and informed me that he was hallucinating and weak. He also hadn't eaten anything that day and his blood pressure was 180/100. We immediately brought him to the emergency room to get him checked. He has not taken the Mucinex in over 48 hours now and is just starting to feel better (less high). I took him off Mucinex immediately but didn't realize that it could cause hallucinations. I never would have given it to him. So, I am glad that others reported this and I will never, ever buy that product again. I thank God because it could have turned out worse than it did.$LABEL$0 +It Should Have Been Better. Just watched the movie; was a big fan of Saints I. It pains me to say that while it's watchable, it's ultimately cartoonish and overdone. The brothers' relationship is taken for granted, and they are moved through obligatory gunplay like pieces on a board. The humor between them and their Mexican sidekick is phony and overdone, and his character is never clear. And Peter Fonda's accent sucks. He obviously didn't take much time preparing for his role, as limited as it was. Don't get me wrong -- the movie wasn't terrible, but it could -- and should -- have been so much better. I watch the original every so often. I don't think I'll watch this one again.$LABEL$0 +great cookie cutter. love this cookie cutter....the cookies are so cute, just have to roll the dough thinner than for usual cut-outs$LABEL$1 diff --git a/textattack/__init__.py b/textattack/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..a169173ebf19efb3dd757b7e2d5741f4e03a9c3d --- /dev/null +++ b/textattack/__init__.py @@ -0,0 +1,39 @@ +"""Welcome to the API references for TextAttack! + +What is TextAttack? + +`TextAttack `__ is a Python framework for adversarial attacks, adversarial training, and data augmentation in NLP. + +TextAttack makes experimenting with the robustness of NLP models seamless, fast, and easy. It's also useful for NLP model training, adversarial training, and data augmentation. + +TextAttack provides components for common NLP tasks like sentence encoding, grammar-checking, and word replacement that can be used on their own. +""" +from .attack_args import AttackArgs, CommandLineAttackArgs +from .augment_args import AugmenterArgs +from .dataset_args import DatasetArgs +from .model_args import ModelArgs +from .training_args import TrainingArgs, CommandLineTrainingArgs +from .attack import Attack +from .attacker import Attacker +from .trainer import Trainer +from .metrics import Metric + +from . import ( + attack_recipes, + attack_results, + augmentation, + commands, + constraints, + datasets, + goal_function_results, + goal_functions, + loggers, + metrics, + models, + search_methods, + shared, + transformations, +) + + +name = "textattack" diff --git a/textattack/__main__.py b/textattack/__main__.py new file mode 100644 index 0000000000000000000000000000000000000000..b0e5b1fecead730367ea764a268d342cdc159c04 --- /dev/null +++ b/textattack/__main__.py @@ -0,0 +1,6 @@ +#!/usr/bin/env python + +if __name__ == "__main__": + import textattack + + textattack.commands.textattack_cli.main() diff --git a/textattack/attack.py b/textattack/attack.py new file mode 100644 index 0000000000000000000000000000000000000000..dcc4ef7be24e0ca985de00b7ca8bfc86a536bb25 --- /dev/null +++ b/textattack/attack.py @@ -0,0 +1,492 @@ +""" +Attack Class +============ +""" + +from collections import OrderedDict +from typing import List, Union + +import lru +import torch + +import textattack +from textattack.attack_results import ( + FailedAttackResult, + MaximizedAttackResult, + SkippedAttackResult, + SuccessfulAttackResult, +) +from textattack.constraints import Constraint, PreTransformationConstraint +from textattack.goal_function_results import GoalFunctionResultStatus +from textattack.goal_functions import GoalFunction +from textattack.models.wrappers import ModelWrapper +from textattack.search_methods import SearchMethod +from textattack.shared import AttackedText, utils +from textattack.transformations import CompositeTransformation, Transformation + + +class Attack: + """An attack generates adversarial examples on text. + + An attack is comprised of a goal function, constraints, transformation, and a search method. Use :meth:`attack` method to attack one sample at a time. + + Args: + goal_function (:class:`~textattack.goal_functions.GoalFunction`): + A function for determining how well a perturbation is doing at achieving the attack's goal. + constraints (list of :class:`~textattack.constraints.Constraint` or :class:`~textattack.constraints.PreTransformationConstraint`): + A list of constraints to add to the attack, defining which perturbations are valid. + transformation (:class:`~textattack.transformations.Transformation`): + The transformation applied at each step of the attack. + search_method (:class:`~textattack.search_methods.SearchMethod`): + The method for exploring the search space of possible perturbations + transformation_cache_size (:obj:`int`, `optional`, defaults to :obj:`2**15`): + The number of items to keep in the transformations cache + constraint_cache_size (:obj:`int`, `optional`, defaults to :obj:`2**15`): + The number of items to keep in the constraints cache + + Example:: + + >>> import textattack + >>> import transformers + + >>> # Load model, tokenizer, and model_wrapper + >>> model = transformers.AutoModelForSequenceClassification.from_pretrained("textattack/bert-base-uncased-imdb") + >>> tokenizer = transformers.AutoTokenizer.from_pretrained("textattack/bert-base-uncased-imdb") + >>> model_wrapper = textattack.models.wrappers.HuggingFaceModelWrapper(model, tokenizer) + + >>> # Construct our four components for `Attack` + >>> from textattack.constraints.pre_transformation import RepeatModification, StopwordModification + >>> from textattack.constraints.semantics import WordEmbeddingDistance + + >>> goal_function = textattack.goal_functions.UntargetedClassification(model_wrapper) + >>> constraints = [ + ... RepeatModification(), + ... StopwordModification() + ... WordEmbeddingDistance(min_cos_sim=0.9) + ... ] + >>> transformation = WordSwapEmbedding(max_candidates=50) + >>> search_method = GreedyWordSwapWIR(wir_method="delete") + + >>> # Construct the actual attack + >>> attack = Attack(goal_function, constraints, transformation, search_method) + + >>> input_text = "I really enjoyed the new movie that came out last month." + >>> label = 1 #Positive + >>> attack_result = attack.attack(input_text, label) + """ + + def __init__( + self, + goal_function: GoalFunction, + constraints: List[Union[Constraint, PreTransformationConstraint]], + transformation: Transformation, + search_method: SearchMethod, + transformation_cache_size=2**15, + constraint_cache_size=2**15, + ): + """Initialize an attack object. + + Attacks can be run multiple times. + """ + assert isinstance( + goal_function, GoalFunction + ), f"`goal_function` must be of type `textattack.goal_functions.GoalFunction`, but got type `{type(goal_function)}`." + assert isinstance( + constraints, list + ), "`constraints` must be a list of `textattack.constraints.Constraint` or `textattack.constraints.PreTransformationConstraint`." + for c in constraints: + assert isinstance( + c, (Constraint, PreTransformationConstraint) + ), "`constraints` must be a list of `textattack.constraints.Constraint` or `textattack.constraints.PreTransformationConstraint`." + assert isinstance( + transformation, Transformation + ), f"`transformation` must be of type `textattack.transformations.Transformation`, but got type `{type(transformation)}`." + assert isinstance( + search_method, SearchMethod + ), f"`search_method` must be of type `textattack.search_methods.SearchMethod`, but got type `{type(search_method)}`." + + self.goal_function = goal_function + self.search_method = search_method + self.transformation = transformation + self.is_black_box = ( + getattr(transformation, "is_black_box", True) and search_method.is_black_box + ) + + if not self.search_method.check_transformation_compatibility( + self.transformation + ): + raise ValueError( + f"SearchMethod {self.search_method} incompatible with transformation {self.transformation}" + ) + + self.constraints = [] + self.pre_transformation_constraints = [] + for constraint in constraints: + if isinstance( + constraint, + textattack.constraints.PreTransformationConstraint, + ): + self.pre_transformation_constraints.append(constraint) + else: + self.constraints.append(constraint) + + # Check if we can use transformation cache for our transformation. + if not self.transformation.deterministic: + self.use_transformation_cache = False + elif isinstance(self.transformation, CompositeTransformation): + self.use_transformation_cache = True + for t in self.transformation.transformations: + if not t.deterministic: + self.use_transformation_cache = False + break + else: + self.use_transformation_cache = True + self.transformation_cache_size = transformation_cache_size + self.transformation_cache = lru.LRU(transformation_cache_size) + + self.constraint_cache_size = constraint_cache_size + self.constraints_cache = lru.LRU(constraint_cache_size) + + # Give search method access to functions for getting transformations and evaluating them + self.search_method.get_transformations = self.get_transformations + # Give search method access to self.goal_function for model query count, etc. + self.search_method.goal_function = self.goal_function + # The search method only needs access to the first argument. The second is only used + # by the attack class when checking whether to skip the sample + self.search_method.get_goal_results = self.goal_function.get_results + + # Give search method access to get indices which need to be ordered / searched + self.search_method.get_indices_to_order = self.get_indices_to_order + + self.search_method.filter_transformations = self.filter_transformations + + def clear_cache(self, recursive=True): + self.constraints_cache.clear() + if self.use_transformation_cache: + self.transformation_cache.clear() + if recursive: + self.goal_function.clear_cache() + for constraint in self.constraints: + if hasattr(constraint, "clear_cache"): + constraint.clear_cache() + + def cpu_(self): + """Move any `torch.nn.Module` models that are part of Attack to CPU.""" + visited = set() + + def to_cpu(obj): + visited.add(id(obj)) + if isinstance(obj, torch.nn.Module): + obj.cpu() + elif isinstance( + obj, + ( + Attack, + GoalFunction, + Transformation, + SearchMethod, + Constraint, + PreTransformationConstraint, + ModelWrapper, + ), + ): + for key in obj.__dict__: + s_obj = obj.__dict__[key] + if id(s_obj) not in visited: + to_cpu(s_obj) + elif isinstance(obj, (list, tuple)): + for item in obj: + if id(item) not in visited and isinstance( + item, (Transformation, Constraint, PreTransformationConstraint) + ): + to_cpu(item) + + to_cpu(self) + + def cuda_(self): + """Move any `torch.nn.Module` models that are part of Attack to GPU.""" + visited = set() + + def to_cuda(obj): + visited.add(id(obj)) + if isinstance(obj, torch.nn.Module): + obj.to(textattack.shared.utils.device) + elif isinstance( + obj, + ( + Attack, + GoalFunction, + Transformation, + SearchMethod, + Constraint, + PreTransformationConstraint, + ModelWrapper, + ), + ): + for key in obj.__dict__: + s_obj = obj.__dict__[key] + if id(s_obj) not in visited: + to_cuda(s_obj) + elif isinstance(obj, (list, tuple)): + for item in obj: + if id(item) not in visited and isinstance( + item, (Transformation, Constraint, PreTransformationConstraint) + ): + to_cuda(item) + + to_cuda(self) + + def get_indices_to_order(self, current_text, **kwargs): + """Applies ``pre_transformation_constraints`` to ``text`` to get all + the indices that can be used to search and order. + + Args: + current_text: The current ``AttackedText`` for which we need to find indices are eligible to be ordered. + Returns: + The length and the filtered list of indices which search methods can use to search/order. + """ + + indices_to_order = self.transformation( + current_text, + pre_transformation_constraints=self.pre_transformation_constraints, + return_indices=True, + **kwargs, + ) + + len_text = len(indices_to_order) + + # Convert indices_to_order to list for easier shuffling later + return len_text, list(indices_to_order) + + def _get_transformations_uncached(self, current_text, original_text=None, **kwargs): + """Applies ``self.transformation`` to ``text``, then filters the list + of possible transformations through the applicable constraints. + + Args: + current_text: The current ``AttackedText`` on which to perform the transformations. + original_text: The original ``AttackedText`` from which the attack started. + Returns: + A filtered list of transformations where each transformation matches the constraints + """ + transformed_texts = self.transformation( + current_text, + pre_transformation_constraints=self.pre_transformation_constraints, + **kwargs, + ) + + return transformed_texts + + def get_transformations(self, current_text, original_text=None, **kwargs): + """Applies ``self.transformation`` to ``text``, then filters the list + of possible transformations through the applicable constraints. + + Args: + current_text: The current ``AttackedText`` on which to perform the transformations. + original_text: The original ``AttackedText`` from which the attack started. + Returns: + A filtered list of transformations where each transformation matches the constraints + """ + if not self.transformation: + raise RuntimeError( + "Cannot call `get_transformations` without a transformation." + ) + + if self.use_transformation_cache: + cache_key = tuple([current_text] + sorted(kwargs.items())) + if utils.hashable(cache_key) and cache_key in self.transformation_cache: + # promote transformed_text to the top of the LRU cache + self.transformation_cache[cache_key] = self.transformation_cache[ + cache_key + ] + transformed_texts = list(self.transformation_cache[cache_key]) + else: + transformed_texts = self._get_transformations_uncached( + current_text, original_text, **kwargs + ) + if utils.hashable(cache_key): + self.transformation_cache[cache_key] = tuple(transformed_texts) + else: + transformed_texts = self._get_transformations_uncached( + current_text, original_text, **kwargs + ) + + return self.filter_transformations( + transformed_texts, current_text, original_text + ) + + def _filter_transformations_uncached( + self, transformed_texts, current_text, original_text=None + ): + """Filters a list of potential transformed texts based on + ``self.constraints`` + + Args: + transformed_texts: A list of candidate transformed ``AttackedText`` to filter. + current_text: The current ``AttackedText`` on which the transformation was applied. + original_text: The original ``AttackedText`` from which the attack started. + """ + filtered_texts = transformed_texts[:] + for C in self.constraints: + if len(filtered_texts) == 0: + break + if C.compare_against_original: + if not original_text: + raise ValueError( + f"Missing `original_text` argument when constraint {type(C)} is set to compare against `original_text`" + ) + + filtered_texts = C.call_many(filtered_texts, original_text) + else: + filtered_texts = C.call_many(filtered_texts, current_text) + # Default to false for all original transformations. + for original_transformed_text in transformed_texts: + self.constraints_cache[(current_text, original_transformed_text)] = False + # Set unfiltered transformations to True in the cache. + for filtered_text in filtered_texts: + self.constraints_cache[(current_text, filtered_text)] = True + return filtered_texts + + def filter_transformations( + self, transformed_texts, current_text, original_text=None + ): + """Filters a list of potential transformed texts based on + ``self.constraints`` Utilizes an LRU cache to attempt to avoid + recomputing common transformations. + + Args: + transformed_texts: A list of candidate transformed ``AttackedText`` to filter. + current_text: The current ``AttackedText`` on which the transformation was applied. + original_text: The original ``AttackedText`` from which the attack started. + """ + # Remove any occurences of current_text in transformed_texts + transformed_texts = [ + t for t in transformed_texts if t.text != current_text.text + ] + # Populate cache with transformed_texts + uncached_texts = [] + filtered_texts = [] + for transformed_text in transformed_texts: + if (current_text, transformed_text) not in self.constraints_cache: + uncached_texts.append(transformed_text) + else: + # promote transformed_text to the top of the LRU cache + self.constraints_cache[ + (current_text, transformed_text) + ] = self.constraints_cache[(current_text, transformed_text)] + if self.constraints_cache[(current_text, transformed_text)]: + filtered_texts.append(transformed_text) + filtered_texts += self._filter_transformations_uncached( + uncached_texts, current_text, original_text=original_text + ) + # Sort transformations to ensure order is preserved between runs + filtered_texts.sort(key=lambda t: t.text) + return filtered_texts + + def _attack(self, initial_result): + """Calls the ``SearchMethod`` to perturb the ``AttackedText`` stored in + ``initial_result``. + + Args: + initial_result: The initial ``GoalFunctionResult`` from which to perturb. + + Returns: + A ``SuccessfulAttackResult``, ``FailedAttackResult``, + or ``MaximizedAttackResult``. + """ + final_result = self.search_method(initial_result) + self.clear_cache() + if final_result.goal_status == GoalFunctionResultStatus.SUCCEEDED: + result = SuccessfulAttackResult( + initial_result, + final_result, + ) + elif final_result.goal_status == GoalFunctionResultStatus.SEARCHING: + result = FailedAttackResult( + initial_result, + final_result, + ) + elif final_result.goal_status == GoalFunctionResultStatus.MAXIMIZING: + result = MaximizedAttackResult( + initial_result, + final_result, + ) + else: + raise ValueError(f"Unrecognized goal status {final_result.goal_status}") + return result + + def attack(self, example, ground_truth_output): + """Attack a single example. + + Args: + example (:obj:`str`, :obj:`OrderedDict[str, str]` or :class:`~textattack.shared.AttackedText`): + Example to attack. It can be a single string or an `OrderedDict` where + keys represent the input fields (e.g. "premise", "hypothesis") and the values are the actual input textx. + Also accepts :class:`~textattack.shared.AttackedText` that wraps around the input. + ground_truth_output(:obj:`int`, :obj:`float` or :obj:`str`): + Ground truth output of `example`. + For classification tasks, it should be an integer representing the ground truth label. + For regression tasks (e.g. STS), it should be the target value. + For seq2seq tasks (e.g. translation), it should be the target string. + Returns: + :class:`~textattack.attack_results.AttackResult` that represents the result of the attack. + """ + assert isinstance( + example, (str, OrderedDict, AttackedText) + ), "`example` must either be `str`, `collections.OrderedDict`, `textattack.shared.AttackedText`." + if isinstance(example, (str, OrderedDict)): + example = AttackedText(example) + + assert isinstance( + ground_truth_output, (int, str) + ), "`ground_truth_output` must either be `str` or `int`." + goal_function_result, _ = self.goal_function.init_attack_example( + example, ground_truth_output + ) + if goal_function_result.goal_status == GoalFunctionResultStatus.SKIPPED: + return SkippedAttackResult(goal_function_result) + else: + result = self._attack(goal_function_result) + return result + + def __repr__(self): + """Prints attack parameters in a human-readable string. + + Inspired by the readability of printing PyTorch nn.Modules: + https://github.com/pytorch/pytorch/blob/master/torch/nn/modules/module.py + """ + main_str = "Attack" + "(" + lines = [] + + lines.append(utils.add_indent(f"(search_method): {self.search_method}", 2)) + # self.goal_function + lines.append(utils.add_indent(f"(goal_function): {self.goal_function}", 2)) + # self.transformation + lines.append(utils.add_indent(f"(transformation): {self.transformation}", 2)) + # self.constraints + constraints_lines = [] + constraints = self.constraints + self.pre_transformation_constraints + if len(constraints): + for i, constraint in enumerate(constraints): + constraints_lines.append(utils.add_indent(f"({i}): {constraint}", 2)) + constraints_str = utils.add_indent("\n" + "\n".join(constraints_lines), 2) + else: + constraints_str = "None" + lines.append(utils.add_indent(f"(constraints): {constraints_str}", 2)) + # self.is_black_box + lines.append(utils.add_indent(f"(is_black_box): {self.is_black_box}", 2)) + main_str += "\n " + "\n ".join(lines) + "\n" + main_str += ")" + return main_str + + def __getstate__(self): + state = self.__dict__.copy() + state["transformation_cache"] = None + state["constraints_cache"] = None + return state + + def __setstate__(self, state): + self.__dict__ = state + self.transformation_cache = lru.LRU(self.transformation_cache_size) + self.constraints_cache = lru.LRU(self.constraint_cache_size) + + __str__ = __repr__ diff --git a/textattack/attack_args.py b/textattack/attack_args.py new file mode 100644 index 0000000000000000000000000000000000000000..c33cc26b296dda5d847ebe54c29362916ba08d8d --- /dev/null +++ b/textattack/attack_args.py @@ -0,0 +1,763 @@ +""" +AttackArgs Class +================ +""" + +from dataclasses import dataclass, field +import json +import os +import sys +import time +from typing import Dict, Optional + +import textattack +from textattack.shared.utils import ARGS_SPLIT_TOKEN, load_module_from_file + +from .attack import Attack +from .dataset_args import DatasetArgs +from .model_args import ModelArgs + +ATTACK_RECIPE_NAMES = { + "alzantot": "textattack.attack_recipes.GeneticAlgorithmAlzantot2018", + "bae": "textattack.attack_recipes.BAEGarg2019", + "bert-attack": "textattack.attack_recipes.BERTAttackLi2020", + "faster-alzantot": "textattack.attack_recipes.FasterGeneticAlgorithmJia2019", + "deepwordbug": "textattack.attack_recipes.DeepWordBugGao2018", + "hotflip": "textattack.attack_recipes.HotFlipEbrahimi2017", + "input-reduction": "textattack.attack_recipes.InputReductionFeng2018", + "kuleshov": "textattack.attack_recipes.Kuleshov2017", + "morpheus": "textattack.attack_recipes.MorpheusTan2020", + "seq2sick": "textattack.attack_recipes.Seq2SickCheng2018BlackBox", + "textbugger": "textattack.attack_recipes.TextBuggerLi2018", + "textfooler": "textattack.attack_recipes.TextFoolerJin2019", + "pwws": "textattack.attack_recipes.PWWSRen2019", + "iga": "textattack.attack_recipes.IGAWang2019", + "pruthi": "textattack.attack_recipes.Pruthi2019", + "pso": "textattack.attack_recipes.PSOZang2020", + "checklist": "textattack.attack_recipes.CheckList2020", + "clare": "textattack.attack_recipes.CLARE2020", + "a2t": "textattack.attack_recipes.A2TYoo2021", +} + + +BLACK_BOX_TRANSFORMATION_CLASS_NAMES = { + "random-synonym-insertion": "textattack.transformations.RandomSynonymInsertion", + "word-deletion": "textattack.transformations.WordDeletion", + "word-swap-embedding": "textattack.transformations.WordSwapEmbedding", + "word-swap-homoglyph": "textattack.transformations.WordSwapHomoglyphSwap", + "word-swap-inflections": "textattack.transformations.WordSwapInflections", + "word-swap-neighboring-char-swap": "textattack.transformations.WordSwapNeighboringCharacterSwap", + "word-swap-random-char-deletion": "textattack.transformations.WordSwapRandomCharacterDeletion", + "word-swap-random-char-insertion": "textattack.transformations.WordSwapRandomCharacterInsertion", + "word-swap-random-char-substitution": "textattack.transformations.WordSwapRandomCharacterSubstitution", + "word-swap-wordnet": "textattack.transformations.WordSwapWordNet", + "word-swap-masked-lm": "textattack.transformations.WordSwapMaskedLM", + "word-swap-hownet": "textattack.transformations.WordSwapHowNet", + "word-swap-qwerty": "textattack.transformations.WordSwapQWERTY", +} + + +WHITE_BOX_TRANSFORMATION_CLASS_NAMES = { + "word-swap-gradient": "textattack.transformations.WordSwapGradientBased" +} + + +CONSTRAINT_CLASS_NAMES = { + # + # Semantics constraints + # + "embedding": "textattack.constraints.semantics.WordEmbeddingDistance", + "bert": "textattack.constraints.semantics.sentence_encoders.BERT", + "infer-sent": "textattack.constraints.semantics.sentence_encoders.InferSent", + "thought-vector": "textattack.constraints.semantics.sentence_encoders.ThoughtVector", + "use": "textattack.constraints.semantics.sentence_encoders.UniversalSentenceEncoder", + "muse": "textattack.constraints.semantics.sentence_encoders.MultilingualUniversalSentenceEncoder", + "bert-score": "textattack.constraints.semantics.BERTScore", + # + # Grammaticality constraints + # + "lang-tool": "textattack.constraints.grammaticality.LanguageTool", + "part-of-speech": "textattack.constraints.grammaticality.PartOfSpeech", + "goog-lm": "textattack.constraints.grammaticality.language_models.GoogleLanguageModel", + "gpt2": "textattack.constraints.grammaticality.language_models.GPT2", + "learning-to-write": "textattack.constraints.grammaticality.language_models.LearningToWriteLanguageModel", + "cola": "textattack.constraints.grammaticality.COLA", + # + # Overlap constraints + # + "bleu": "textattack.constraints.overlap.BLEU", + "chrf": "textattack.constraints.overlap.chrF", + "edit-distance": "textattack.constraints.overlap.LevenshteinEditDistance", + "meteor": "textattack.constraints.overlap.METEOR", + "max-words-perturbed": "textattack.constraints.overlap.MaxWordsPerturbed", + # + # Pre-transformation constraints + # + "repeat": "textattack.constraints.pre_transformation.RepeatModification", + "stopword": "textattack.constraints.pre_transformation.StopwordModification", + "max-word-index": "textattack.constraints.pre_transformation.MaxWordIndexModification", +} + + +SEARCH_METHOD_CLASS_NAMES = { + "beam-search": "textattack.search_methods.BeamSearch", + "greedy": "textattack.search_methods.GreedySearch", + "ga-word": "textattack.search_methods.GeneticAlgorithm", + "greedy-word-wir": "textattack.search_methods.GreedyWordSwapWIR", + "pso": "textattack.search_methods.ParticleSwarmOptimization", +} + + +GOAL_FUNCTION_CLASS_NAMES = { + # + # Classification goal functions + # + "targeted-classification": "textattack.goal_functions.classification.TargetedClassification", + "untargeted-classification": "textattack.goal_functions.classification.UntargetedClassification", + "input-reduction": "textattack.goal_functions.classification.InputReduction", + # + # Text goal functions + # + "minimize-bleu": "textattack.goal_functions.text.MinimizeBleu", + "non-overlapping-output": "textattack.goal_functions.text.NonOverlappingOutput", + "text-to-text": "textattack.goal_functions.text.TextToTextGoalFunction", +} + + +@dataclass +class AttackArgs: + """Attack arguments to be passed to :class:`~textattack.Attacker`. + + Args: + num_examples (:obj:`int`, 'optional`, defaults to :obj:`10`): + The number of examples to attack. :obj:`-1` for entire dataset. + num_successful_examples (:obj:`int`, `optional`, defaults to :obj:`None`): + The number of successful adversarial examples we want. This is different from :obj:`num_examples` + as :obj:`num_examples` only cares about attacking `N` samples while :obj:`num_successful_examples` aims to keep attacking + until we have `N` successful cases. + + .. note:: + If set, this argument overrides `num_examples` argument. + num_examples_offset (:obj: `int`, `optional`, defaults to :obj:`0`): + The offset index to start at in the dataset. + attack_n (:obj:`bool`, `optional`, defaults to :obj:`False`): + Whether to run attack until total of `N` examples have been attacked (and not skipped). + shuffle (:obj:`bool`, `optional`, defaults to :obj:`False`): + If :obj:`True`, we randomly shuffle the dataset before attacking. However, this avoids actually shuffling + the dataset internally and opts for shuffling the list of indices of examples we want to attack. This means + :obj:`shuffle` can now be used with checkpoint saving. + query_budget (:obj:`int`, `optional`, defaults to :obj:`None`): + The maximum number of model queries allowed per example attacked. + If not set, we use the query budget set in the :class:`~textattack.goal_functions.GoalFunction` object (which by default is :obj:`float("inf")`). + + .. note:: + Setting this overwrites the query budget set in :class:`~textattack.goal_functions.GoalFunction` object. + checkpoint_interval (:obj:`int`, `optional`, defaults to :obj:`None`): + If set, checkpoint will be saved after attacking every `N` examples. If :obj:`None` is passed, no checkpoints will be saved. + checkpoint_dir (:obj:`str`, `optional`, defaults to :obj:`"checkpoints"`): + The directory to save checkpoint files. + random_seed (:obj:`int`, `optional`, defaults to :obj:`765`): + Random seed for reproducibility. + parallel (:obj:`False`, `optional`, defaults to :obj:`False`): + If :obj:`True`, run attack using multiple CPUs/GPUs. + num_workers_per_device (:obj:`int`, `optional`, defaults to :obj:`1`): + Number of worker processes to run per device in parallel mode (i.e. :obj:`parallel=True`). For example, if you are using GPUs and :obj:`num_workers_per_device=2`, + then 2 processes will be running in each GPU. + log_to_txt (:obj:`str`, `optional`, defaults to :obj:`None`): + If set, save attack logs as a `.txt` file to the directory specified by this argument. + If the last part of the provided path ends with `.txt` extension, it is assumed to the desired path of the log file. + log_to_csv (:obj:`str`, `optional`, defaults to :obj:`None`): + If set, save attack logs as a CSV file to the directory specified by this argument. + If the last part of the provided path ends with `.csv` extension, it is assumed to the desired path of the log file. + csv_coloring_style (:obj:`str`, `optional`, defaults to :obj:`"file"`): + Method for choosing how to mark perturbed parts of the text. Options are :obj:`"file"`, :obj:`"plain"`, and :obj:`"html"`. + :obj:`"file"` wraps perturbed parts with double brackets :obj:`[[ ]]` while :obj:`"plain"` does not mark the text in any way. + log_to_visdom (:obj:`dict`, `optional`, defaults to :obj:`None`): + If set, Visdom logger is used with the provided dictionary passed as a keyword arguments to :class:`~textattack.loggers.VisdomLogger`. + Pass in empty dictionary to use default arguments. For custom logger, the dictionary should have the following + three keys and their corresponding values: :obj:`"env", "port", "hostname"`. + log_to_wandb(:obj:`dict`, `optional`, defaults to :obj:`None`): + If set, WandB logger is used with the provided dictionary passed as a keyword arguments to :class:`~textattack.loggers.WeightsAndBiasesLogger`. + Pass in empty dictionary to use default arguments. For custom logger, the dictionary should have the following + key and its corresponding value: :obj:`"project"`. + disable_stdout (:obj:`bool`, `optional`, defaults to :obj:`False`): + Disable displaying individual attack results to stdout. + silent (:obj:`bool`, `optional`, defaults to :obj:`False`): + Disable all logging (except for errors). This is stronger than :obj:`disable_stdout`. + enable_advance_metrics (:obj:`bool`, `optional`, defaults to :obj:`False`): + Enable calculation and display of optional advance post-hoc metrics like perplexity, grammar errors, etc. + """ + + num_examples: int = 10 + num_successful_examples: int = None + num_examples_offset: int = 0 + attack_n: bool = False + shuffle: bool = False + query_budget: int = None + checkpoint_interval: int = None + checkpoint_dir: str = "checkpoints" + random_seed: int = 765 # equivalent to sum((ord(c) for c in "TEXTATTACK")) + parallel: bool = False + num_workers_per_device: int = 1 + log_to_txt: str = None + log_to_csv: str = None + log_summary_to_json: str = None + csv_coloring_style: str = "file" + log_to_visdom: dict = None + log_to_wandb: dict = None + disable_stdout: bool = False + silent: bool = False + enable_advance_metrics: bool = False + metrics: Optional[Dict] = None + + def __post_init__(self): + if self.num_successful_examples: + self.num_examples = None + if self.num_examples: + assert ( + self.num_examples >= 0 or self.num_examples == -1 + ), "`num_examples` must be greater than or equal to 0 or equal to -1." + if self.num_successful_examples: + assert ( + self.num_successful_examples >= 0 + ), "`num_examples` must be greater than or equal to 0." + + if self.query_budget: + assert self.query_budget > 0, "`query_budget` must be greater than 0." + + if self.checkpoint_interval: + assert ( + self.checkpoint_interval > 0 + ), "`checkpoint_interval` must be greater than 0." + + assert ( + self.num_workers_per_device > 0 + ), "`num_workers_per_device` must be greater than 0." + + @classmethod + def _add_parser_args(cls, parser): + """Add listed args to command line parser.""" + default_obj = cls() + num_ex_group = parser.add_mutually_exclusive_group(required=False) + num_ex_group.add_argument( + "--num-examples", + "-n", + type=int, + default=default_obj.num_examples, + help="The number of examples to process, -1 for entire dataset.", + ) + num_ex_group.add_argument( + "--num-successful-examples", + type=int, + default=default_obj.num_successful_examples, + help="The number of successful adversarial examples we want.", + ) + parser.add_argument( + "--num-examples-offset", + "-o", + type=int, + required=False, + default=default_obj.num_examples_offset, + help="The offset to start at in the dataset.", + ) + parser.add_argument( + "--query-budget", + "-q", + type=int, + default=default_obj.query_budget, + help="The maximum number of model queries allowed per example attacked. Setting this overwrites the query budget set in `GoalFunction` object.", + ) + parser.add_argument( + "--shuffle", + action="store_true", + default=default_obj.shuffle, + help="If `True`, shuffle the samples before we attack the dataset. Default is False.", + ) + parser.add_argument( + "--attack-n", + action="store_true", + default=default_obj.attack_n, + help="Whether to run attack until `n` examples have been attacked (not skipped).", + ) + parser.add_argument( + "--checkpoint-dir", + required=False, + type=str, + default=default_obj.checkpoint_dir, + help="The directory to save checkpoint files.", + ) + parser.add_argument( + "--checkpoint-interval", + required=False, + type=int, + default=default_obj.checkpoint_interval, + help="If set, checkpoint will be saved after attacking every N examples. If not set, no checkpoints will be saved.", + ) + parser.add_argument( + "--random-seed", + default=default_obj.random_seed, + type=int, + help="Random seed for reproducibility.", + ) + parser.add_argument( + "--parallel", + action="store_true", + default=default_obj.parallel, + help="Run attack using multiple GPUs.", + ) + parser.add_argument( + "--num-workers-per-device", + default=default_obj.num_workers_per_device, + type=int, + help="Number of worker processes to run per device.", + ) + parser.add_argument( + "--log-to-txt", + nargs="?", + default=default_obj.log_to_txt, + const="", + type=str, + help="Path to which to save attack logs as a text file. Set this argument if you want to save text logs. " + "If the last part of the path ends with `.txt` extension, the path is assumed to path for output file.", + ) + parser.add_argument( + "--log-to-csv", + nargs="?", + default=default_obj.log_to_csv, + const="", + type=str, + help="Path to which to save attack logs as a CSV file. Set this argument if you want to save CSV logs. " + "If the last part of the path ends with `.csv` extension, the path is assumed to path for output file.", + ) + parser.add_argument( + "--log-summary-to-json", + nargs="?", + default=default_obj.log_summary_to_json, + const="", + type=str, + help="Path to which to save attack summary as a JSON file. Set this argument if you want to save attack results summary in a JSON. " + "If the last part of the path ends with `.json` extension, the path is assumed to path for output file.", + ) + parser.add_argument( + "--csv-coloring-style", + default=default_obj.csv_coloring_style, + type=str, + help='Method for choosing how to mark perturbed parts of the text in CSV logs. Options are "file" and "plain". ' + '"file" wraps text with double brackets `[[ ]]` while "plain" does not mark any text. Default is "file".', + ) + parser.add_argument( + "--log-to-visdom", + nargs="?", + default=None, + const='{"env": "main", "port": 8097, "hostname": "localhost"}', + type=json.loads, + help="Set this argument if you want to log attacks to Visdom. The dictionary should have the following " + 'three keys and their corresponding values: `"env", "port", "hostname"`. ' + 'Example for command line use: `--log-to-visdom {"env": "main", "port": 8097, "hostname": "localhost"}`.', + ) + parser.add_argument( + "--log-to-wandb", + nargs="?", + default=None, + const='{"project": "textattack"}', + type=json.loads, + help="Set this argument if you want to log attacks to WandB. The dictionary should have the following " + 'key and its corresponding value: `"project"`. ' + 'Example for command line use: `--log-to-wandb {"project": "textattack"}`.', + ) + parser.add_argument( + "--disable-stdout", + action="store_true", + default=default_obj.disable_stdout, + help="Disable logging attack results to stdout", + ) + parser.add_argument( + "--silent", + action="store_true", + default=default_obj.silent, + help="Disable all logging", + ) + parser.add_argument( + "--enable-advance-metrics", + action="store_true", + default=default_obj.enable_advance_metrics, + help="Enable calculation and display of optional advance post-hoc metrics like perplexity, USE distance, etc.", + ) + + return parser + + @classmethod + def create_loggers_from_args(cls, args): + """Creates AttackLogManager from an AttackArgs object.""" + assert isinstance( + args, cls + ), f"Expect args to be of type `{type(cls)}`, but got type `{type(args)}`." + + # Create logger + attack_log_manager = textattack.loggers.AttackLogManager(args.metrics) + + # Get current time for file naming + timestamp = time.strftime("%Y-%m-%d-%H-%M") + + # if '--log-to-txt' specified with arguments + if args.log_to_txt is not None: + if args.log_to_txt.lower().endswith(".txt"): + txt_file_path = args.log_to_txt + else: + txt_file_path = os.path.join(args.log_to_txt, f"{timestamp}-log.txt") + + dir_path = os.path.dirname(txt_file_path) + dir_path = dir_path if dir_path else "." + if not os.path.exists(dir_path): + os.makedirs(os.path.dirname(txt_file_path)) + + color_method = "file" + attack_log_manager.add_output_file(txt_file_path, color_method) + + # if '--log-to-csv' specified with arguments + if args.log_to_csv is not None: + if args.log_to_csv.lower().endswith(".csv"): + csv_file_path = args.log_to_csv + else: + csv_file_path = os.path.join(args.log_to_csv, f"{timestamp}-log.csv") + + dir_path = os.path.dirname(csv_file_path) + dir_path = dir_path if dir_path else "." + if not os.path.exists(dir_path): + os.makedirs(dir_path) + + color_method = ( + None if args.csv_coloring_style == "plain" else args.csv_coloring_style + ) + attack_log_manager.add_output_csv(csv_file_path, color_method) + + # if '--log-summary-to-json' specified with arguments + if args.log_summary_to_json is not None: + if args.log_summary_to_json.lower().endswith(".json"): + summary_json_file_path = args.log_summary_to_json + else: + summary_json_file_path = os.path.join( + args.log_summary_to_json, f"{timestamp}-attack_summary_log.json" + ) + + dir_path = os.path.dirname(summary_json_file_path) + dir_path = dir_path if dir_path else "." + if not os.path.exists(dir_path): + os.makedirs(os.path.dirname(summary_json_file_path)) + + attack_log_manager.add_output_summary_json(summary_json_file_path) + + # Visdom + if args.log_to_visdom is not None: + attack_log_manager.enable_visdom(**args.log_to_visdom) + + # Weights & Biases + if args.log_to_wandb is not None: + attack_log_manager.enable_wandb(**args.log_to_wandb) + + # Stdout + if not args.disable_stdout and not sys.stdout.isatty(): + attack_log_manager.disable_color() + elif not args.disable_stdout: + attack_log_manager.enable_stdout() + + return attack_log_manager + + +@dataclass +class _CommandLineAttackArgs: + """Attack args for command line execution. This requires more arguments to + create ``Attack`` object as specified. + + Args: + transformation (:obj:`str`, `optional`, defaults to :obj:`"word-swap-embedding"`): + Name of transformation to use. + constraints (:obj:`list[str]`, `optional`, defaults to :obj:`["repeat", "stopword"]`): + List of names of constraints to use. + goal_function (:obj:`str`, `optional`, defaults to :obj:`"untargeted-classification"`): + Name of goal function to use. + search_method (:obj:`str`, `optional`, defualts to :obj:`"greedy-word-wir"`): + Name of search method to use. + attack_recipe (:obj:`str`, `optional`, defaults to :obj:`None`): + Name of attack recipe to use. + .. note:: + Setting this overrides any previous selection of transformation, constraints, goal function, and search method. + attack_from_file (:obj:`str`, `optional`, defaults to :obj:`None`): + Path of `.py` file from which to load attack from. Use `^` to specifiy which variable to import from the file. + .. note:: + If this is set, it overrides any previous selection of transformation, constraints, goal function, and search method + interactive (:obj:`bool`, `optional`, defaults to :obj:`False`): + If `True`, carry attack in interactive mode. + parallel (:obj:`bool`, `optional`, defaults to :obj:`False`): + If `True`, attack in parallel. + model_batch_size (:obj:`int`, `optional`, defaults to :obj:`32`): + The batch size for making queries to the victim model. + model_cache_size (:obj:`int`, `optional`, defaults to :obj:`2**18`): + The maximum number of items to keep in the model results cache at once. + constraint-cache-size (:obj:`int`, `optional`, defaults to :obj:`2**18`): + The maximum number of items to keep in the constraints cache at once. + """ + + transformation: str = "word-swap-embedding" + constraints: list = field(default_factory=lambda: ["repeat", "stopword"]) + goal_function: str = "untargeted-classification" + search_method: str = "greedy-word-wir" + attack_recipe: str = None + attack_from_file: str = None + interactive: bool = False + parallel: bool = False + model_batch_size: int = 32 + model_cache_size: int = 2**18 + constraint_cache_size: int = 2**18 + + @classmethod + def _add_parser_args(cls, parser): + """Add listed args to command line parser.""" + default_obj = cls() + transformation_names = set(BLACK_BOX_TRANSFORMATION_CLASS_NAMES.keys()) | set( + WHITE_BOX_TRANSFORMATION_CLASS_NAMES.keys() + ) + parser.add_argument( + "--transformation", + type=str, + required=False, + default=default_obj.transformation, + help='The transformation to apply. Usage: "--transformation {transformation}:{arg_1}={value_1},{arg_3}={value_3}". Choices: ' + + str(transformation_names), + ) + parser.add_argument( + "--constraints", + type=str, + required=False, + nargs="*", + default=default_obj.constraints, + help='Constraints to add to the attack. Usage: "--constraints {constraint}:{arg_1}={value_1},{arg_3}={value_3}". Choices: ' + + str(CONSTRAINT_CLASS_NAMES.keys()), + ) + goal_function_choices = ", ".join(GOAL_FUNCTION_CLASS_NAMES.keys()) + parser.add_argument( + "--goal-function", + "-g", + default=default_obj.goal_function, + help=f"The goal function to use. choices: {goal_function_choices}", + ) + attack_group = parser.add_mutually_exclusive_group(required=False) + search_choices = ", ".join(SEARCH_METHOD_CLASS_NAMES.keys()) + attack_group.add_argument( + "--search-method", + "--search", + "-s", + type=str, + required=False, + default=default_obj.search_method, + help=f"The search method to use. choices: {search_choices}", + ) + attack_group.add_argument( + "--attack-recipe", + "--recipe", + "-r", + type=str, + required=False, + default=default_obj.attack_recipe, + help="full attack recipe (overrides provided goal function, transformation & constraints)", + choices=ATTACK_RECIPE_NAMES.keys(), + ) + attack_group.add_argument( + "--attack-from-file", + type=str, + required=False, + default=default_obj.attack_from_file, + help="Path of `.py` file from which to load attack from. Use `^` to specifiy which variable to import from the file.", + ) + parser.add_argument( + "--interactive", + action="store_true", + default=default_obj.interactive, + help="Whether to run attacks interactively.", + ) + parser.add_argument( + "--model-batch-size", + type=int, + default=default_obj.model_batch_size, + help="The batch size for making calls to the model.", + ) + parser.add_argument( + "--model-cache-size", + type=int, + default=default_obj.model_cache_size, + help="The maximum number of items to keep in the model results cache at once.", + ) + parser.add_argument( + "--constraint-cache-size", + type=int, + default=default_obj.constraint_cache_size, + help="The maximum number of items to keep in the constraints cache at once.", + ) + + return parser + + @classmethod + def _create_transformation_from_args(cls, args, model_wrapper): + """Create `Transformation` based on provided `args` and + `model_wrapper`.""" + + transformation_name = args.transformation + if ARGS_SPLIT_TOKEN in transformation_name: + transformation_name, params = transformation_name.split(ARGS_SPLIT_TOKEN) + + if transformation_name in WHITE_BOX_TRANSFORMATION_CLASS_NAMES: + transformation = eval( + f"{WHITE_BOX_TRANSFORMATION_CLASS_NAMES[transformation_name]}(model_wrapper.model, {params})" + ) + elif transformation_name in BLACK_BOX_TRANSFORMATION_CLASS_NAMES: + transformation = eval( + f"{BLACK_BOX_TRANSFORMATION_CLASS_NAMES[transformation_name]}({params})" + ) + else: + raise ValueError( + f"Error: unsupported transformation {transformation_name}" + ) + else: + if transformation_name in WHITE_BOX_TRANSFORMATION_CLASS_NAMES: + transformation = eval( + f"{WHITE_BOX_TRANSFORMATION_CLASS_NAMES[transformation_name]}(model_wrapper.model)" + ) + elif transformation_name in BLACK_BOX_TRANSFORMATION_CLASS_NAMES: + transformation = eval( + f"{BLACK_BOX_TRANSFORMATION_CLASS_NAMES[transformation_name]}()" + ) + else: + raise ValueError( + f"Error: unsupported transformation {transformation_name}" + ) + return transformation + + @classmethod + def _create_goal_function_from_args(cls, args, model_wrapper): + """Create `GoalFunction` based on provided `args` and + `model_wrapper`.""" + + goal_function = args.goal_function + if ARGS_SPLIT_TOKEN in goal_function: + goal_function_name, params = goal_function.split(ARGS_SPLIT_TOKEN) + if goal_function_name not in GOAL_FUNCTION_CLASS_NAMES: + raise ValueError( + f"Error: unsupported goal_function {goal_function_name}" + ) + goal_function = eval( + f"{GOAL_FUNCTION_CLASS_NAMES[goal_function_name]}(model_wrapper, {params})" + ) + elif goal_function in GOAL_FUNCTION_CLASS_NAMES: + goal_function = eval( + f"{GOAL_FUNCTION_CLASS_NAMES[goal_function]}(model_wrapper)" + ) + else: + raise ValueError(f"Error: unsupported goal_function {goal_function}") + if args.query_budget: + goal_function.query_budget = args.query_budget + goal_function.model_cache_size = args.model_cache_size + goal_function.batch_size = args.model_batch_size + return goal_function + + @classmethod + def _create_constraints_from_args(cls, args): + """Create list of `Constraints` based on provided `args`.""" + + if not args.constraints: + return [] + + _constraints = [] + for constraint in args.constraints: + if ARGS_SPLIT_TOKEN in constraint: + constraint_name, params = constraint.split(ARGS_SPLIT_TOKEN) + if constraint_name not in CONSTRAINT_CLASS_NAMES: + raise ValueError(f"Error: unsupported constraint {constraint_name}") + _constraints.append( + eval(f"{CONSTRAINT_CLASS_NAMES[constraint_name]}({params})") + ) + elif constraint in CONSTRAINT_CLASS_NAMES: + _constraints.append(eval(f"{CONSTRAINT_CLASS_NAMES[constraint]}()")) + else: + raise ValueError(f"Error: unsupported constraint {constraint}") + + return _constraints + + @classmethod + def _create_attack_from_args(cls, args, model_wrapper): + """Given ``CommandLineArgs`` and ``ModelWrapper``, return specified + ``Attack`` object.""" + + assert isinstance( + args, cls + ), f"Expect args to be of type `{type(cls)}`, but got type `{type(args)}`." + + if args.attack_recipe: + if ARGS_SPLIT_TOKEN in args.attack_recipe: + recipe_name, params = args.attack_recipe.split(ARGS_SPLIT_TOKEN) + if recipe_name not in ATTACK_RECIPE_NAMES: + raise ValueError(f"Error: unsupported recipe {recipe_name}") + recipe = eval( + f"{ATTACK_RECIPE_NAMES[recipe_name]}.build(model_wrapper, {params})" + ) + elif args.attack_recipe in ATTACK_RECIPE_NAMES: + recipe = eval( + f"{ATTACK_RECIPE_NAMES[args.attack_recipe]}.build(model_wrapper)" + ) + else: + raise ValueError(f"Invalid recipe {args.attack_recipe}") + if args.query_budget: + recipe.goal_function.query_budget = args.query_budget + recipe.goal_function.model_cache_size = args.model_cache_size + recipe.constraint_cache_size = args.constraint_cache_size + return recipe + elif args.attack_from_file: + if ARGS_SPLIT_TOKEN in args.attack_from_file: + attack_file, attack_name = args.attack_from_file.split(ARGS_SPLIT_TOKEN) + else: + attack_file, attack_name = args.attack_from_file, "attack" + attack_module = load_module_from_file(attack_file) + if not hasattr(attack_module, attack_name): + raise ValueError( + f"Loaded `{attack_file}` but could not find `{attack_name}`." + ) + attack_func = getattr(attack_module, attack_name) + return attack_func(model_wrapper) + else: + goal_function = cls._create_goal_function_from_args(args, model_wrapper) + transformation = cls._create_transformation_from_args(args, model_wrapper) + constraints = cls._create_constraints_from_args(args) + if ARGS_SPLIT_TOKEN in args.search_method: + search_name, params = args.search_method.split(ARGS_SPLIT_TOKEN) + if search_name not in SEARCH_METHOD_CLASS_NAMES: + raise ValueError(f"Error: unsupported search {search_name}") + search_method = eval( + f"{SEARCH_METHOD_CLASS_NAMES[search_name]}({params})" + ) + elif args.search_method in SEARCH_METHOD_CLASS_NAMES: + search_method = eval( + f"{SEARCH_METHOD_CLASS_NAMES[args.search_method]}()" + ) + else: + raise ValueError(f"Error: unsupported attack {args.search_method}") + + return Attack( + goal_function, + constraints, + transformation, + search_method, + constraint_cache_size=args.constraint_cache_size, + ) + + +# This neat trick allows use to reorder the arguments to avoid TypeErrors commonly found when inheriting dataclass. +# https://stackoverflow.com/questions/51575931/class-inheritance-in-python-3-7-dataclasses +@dataclass +class CommandLineAttackArgs(AttackArgs, _CommandLineAttackArgs, DatasetArgs, ModelArgs): + @classmethod + def _add_parser_args(cls, parser): + """Add listed args to command line parser.""" + parser = ModelArgs._add_parser_args(parser) + parser = DatasetArgs._add_parser_args(parser) + parser = _CommandLineAttackArgs._add_parser_args(parser) + parser = AttackArgs._add_parser_args(parser) + return parser diff --git a/textattack/attack_recipes/__init__.py b/textattack/attack_recipes/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..1a903fee667d833ea3ddb762bc4665916153e91e --- /dev/null +++ b/textattack/attack_recipes/__init__.py @@ -0,0 +1,43 @@ +""".. _attack_recipes: + +Attack Recipes Package: +======================== + +We provide a number of pre-built attack recipes, which correspond to attacks from the literature. To run an attack recipe from the command line, run:: + + textattack attack --recipe [recipe_name] + +To initialize an attack in Python script, use:: + + .build(model_wrapper) + +For example, ``attack = InputReductionFeng2018.build(model)`` creates `attack`, an object of type ``Attack`` with the goal function, transformation, constraints, and search method specified in that paper. This object can then be used just like any other attack; for example, by calling ``attack.attack_dataset``. + +TextAttack supports the following attack recipes (each recipe's documentation contains a link to the corresponding paper): + +.. contents:: :local: +""" + +from .attack_recipe import AttackRecipe + +from .a2t_yoo_2021 import A2TYoo2021 +from .bae_garg_2019 import BAEGarg2019 +from .bert_attack_li_2020 import BERTAttackLi2020 +from .genetic_algorithm_alzantot_2018 import GeneticAlgorithmAlzantot2018 +from .faster_genetic_algorithm_jia_2019 import FasterGeneticAlgorithmJia2019 +from .deepwordbug_gao_2018 import DeepWordBugGao2018 +from .hotflip_ebrahimi_2017 import HotFlipEbrahimi2017 +from .input_reduction_feng_2018 import InputReductionFeng2018 +from .kuleshov_2017 import Kuleshov2017 +from .morpheus_tan_2020 import MorpheusTan2020 +from .seq2sick_cheng_2018_blackbox import Seq2SickCheng2018BlackBox +from .textbugger_li_2018 import TextBuggerLi2018 +from .textfooler_jin_2019 import TextFoolerJin2019 +from .pwws_ren_2019 import PWWSRen2019 +from .iga_wang_2019 import IGAWang2019 +from .pruthi_2019 import Pruthi2019 +from .pso_zang_2020 import PSOZang2020 +from .checklist_ribeiro_2020 import CheckList2020 +from .clare_li_2020 import CLARE2020 +from .french_recipe import FrenchRecipe +from .spanish_recipe import SpanishRecipe diff --git a/textattack/attack_recipes/a2t_yoo_2021.py b/textattack/attack_recipes/a2t_yoo_2021.py new file mode 100644 index 0000000000000000000000000000000000000000..2c0919e779b8474a702cd3ca5960baa11855a906 --- /dev/null +++ b/textattack/attack_recipes/a2t_yoo_2021.py @@ -0,0 +1,74 @@ +""" +A2T (A2T: Attack for Adversarial Training Recipe) +================================================== + +""" + +from textattack import Attack +from textattack.constraints.grammaticality import PartOfSpeech +from textattack.constraints.pre_transformation import ( + InputColumnModification, + MaxModificationRate, + RepeatModification, + StopwordModification, +) +from textattack.constraints.semantics import WordEmbeddingDistance +from textattack.constraints.semantics.sentence_encoders import BERT +from textattack.goal_functions import UntargetedClassification +from textattack.search_methods import GreedyWordSwapWIR +from textattack.transformations import WordSwapEmbedding, WordSwapMaskedLM + +from .attack_recipe import AttackRecipe + + +class A2TYoo2021(AttackRecipe): + """Towards Improving Adversarial Training of NLP Models. + + (Yoo et al., 2021) + + https://arxiv.org/abs/2109.00544 + """ + + @staticmethod + def build(model_wrapper, mlm=False): + """Build attack recipe. + + Args: + model_wrapper (:class:`~textattack.models.wrappers.ModelWrapper`): + Model wrapper containing both the model and the tokenizer. + mlm (:obj:`bool`, `optional`, defaults to :obj:`False`): + If :obj:`True`, load `A2T-MLM` attack. Otherwise, load regular `A2T` attack. + + Returns: + :class:`~textattack.Attack`: A2T attack. + """ + constraints = [RepeatModification(), StopwordModification()] + input_column_modification = InputColumnModification( + ["premise", "hypothesis"], {"premise"} + ) + constraints.append(input_column_modification) + constraints.append(PartOfSpeech(allow_verb_noun_swap=False)) + constraints.append(MaxModificationRate(max_rate=0.1, min_threshold=4)) + sent_encoder = BERT( + model_name="stsb-distilbert-base", threshold=0.9, metric="cosine" + ) + constraints.append(sent_encoder) + + if mlm: + transformation = transformation = WordSwapMaskedLM( + method="bae", max_candidates=20, min_confidence=0.0, batch_size=16 + ) + else: + transformation = WordSwapEmbedding(max_candidates=20) + constraints.append(WordEmbeddingDistance(min_cos_sim=0.8)) + + # + # Goal is untargeted classification + # + goal_function = UntargetedClassification(model_wrapper, model_batch_size=32) + # + # Greedily swap words with "Word Importance Ranking". + # + search_method = GreedyWordSwapWIR(wir_method="gradient") + + return Attack(goal_function, constraints, transformation, search_method) diff --git a/textattack/attack_recipes/attack_recipe.py b/textattack/attack_recipes/attack_recipe.py new file mode 100644 index 0000000000000000000000000000000000000000..89ae173d7e7c5a905897686de03822a707af5783 --- /dev/null +++ b/textattack/attack_recipes/attack_recipe.py @@ -0,0 +1,30 @@ +""" +Attack Recipe Class +======================== + +""" + +from abc import ABC, abstractmethod + +from textattack import Attack + + +class AttackRecipe(Attack, ABC): + """A recipe for building an NLP adversarial attack from the literature.""" + + @staticmethod + @abstractmethod + def build(model_wrapper, **kwargs): + """Creates pre-built :class:`~textattack.Attack` that correspond to + attacks from the literature. + + Args: + model_wrapper (:class:`~textattack.models.wrappers.ModelWrapper`): + :class:`~textattack.models.wrappers.ModelWrapper` that contains the victim model and tokenizer. + This is passed to :class:`~textattack.goal_functions.GoalFunction` when constructing the attack. + kwargs: + Additional keyword arguments. + Returns: + :class:`~textattack.Attack` + """ + raise NotImplementedError() diff --git a/textattack/attack_recipes/bae_garg_2019.py b/textattack/attack_recipes/bae_garg_2019.py new file mode 100644 index 0000000000000000000000000000000000000000..76ed108c674fa75aec35edffda25f887755d3332 --- /dev/null +++ b/textattack/attack_recipes/bae_garg_2019.py @@ -0,0 +1,123 @@ +""" +BAE (BAE: BERT-Based Adversarial Examples) +============================================ + +""" +from textattack.constraints.grammaticality import PartOfSpeech +from textattack.constraints.pre_transformation import ( + RepeatModification, + StopwordModification, +) +from textattack.constraints.semantics.sentence_encoders import UniversalSentenceEncoder +from textattack.goal_functions import UntargetedClassification +from textattack.search_methods import GreedyWordSwapWIR +from textattack.transformations import WordSwapMaskedLM + +from .attack_recipe import AttackRecipe + + +class BAEGarg2019(AttackRecipe): + """Siddhant Garg and Goutham Ramakrishnan, 2019. + + BAE: BERT-based Adversarial Examples for Text Classification. + + https://arxiv.org/pdf/2004.01970 + + This is "attack mode" 1 from the paper, BAE-R, word replacement. + + We present 4 attack modes for BAE based on the + R and I operations, where for each token t in S: + • BAE-R: Replace token t (See Algorithm 1) + • BAE-I: Insert a token to the left or right of t + • BAE-R/I: Either replace token t or insert a + token to the left or right of t + • BAE-R+I: First replace token t, then insert a + token to the left or right of t + """ + + @staticmethod + def build(model_wrapper): + # "In this paper, we present a simple yet novel technique: BAE (BERT-based + # Adversarial Examples), which uses a language model (LM) for token + # replacement to best fit the overall context. We perturb an input sentence + # by either replacing a token or inserting a new token in the sentence, by + # means of masking a part of the input and using a LM to fill in the mask." + # + # We only consider the top K=50 synonyms from the MLM predictions. + # + # [from email correspondance with the author] + # "When choosing the top-K candidates from the BERT masked LM, we filter out + # the sub-words and only retain the whole words (by checking if they are + # present in the GloVE vocabulary)" + # + transformation = WordSwapMaskedLM( + method="bae", max_candidates=50, min_confidence=0.0 + ) + # + # Don't modify the same word twice or stopwords. + # + constraints = [RepeatModification(), StopwordModification()] + + # For the R operations we add an additional check for + # grammatical correctness of the generated adversarial example by filtering + # out predicted tokens that do not form the same part of speech (POS) as the + # original token t_i in the sentence. + constraints.append(PartOfSpeech(allow_verb_noun_swap=True)) + + # "To ensure semantic similarity on introducing perturbations in the input + # text, we filter the set of top-K masked tokens (K is a pre-defined + # constant) predicted by BERT-MLM using a Universal Sentence Encoder (USE) + # (Cer et al., 2018)-based sentence similarity scorer." + # + # "[We] set a threshold of 0.8 for the cosine similarity between USE-based + # embeddings of the adversarial and input text." + # + # [from email correspondence with the author] + # "For a fair comparison of the benefits of using a BERT-MLM in our paper, + # we retained the majority of TextFooler's specifications. Thus we: + # 1. Use the USE for comparison within a window of size 15 around the word + # being replaced/inserted. + # 2. Set the similarity score threshold to 0.1 for inputs shorter than the + # window size (this translates roughly to almost always accepting the new text). + # 3. Perform the USE similarity thresholding of 0.8 with respect to the text + # just before the replacement/insertion and not the original text (For + # example: at the 3rd R/I operation, we compute the USE score on a window + # of size 15 of the text obtained after the first 2 R/I operations and not + # the original text). + # ... + # To address point (3) from above, compare the USE with the original text + # at each iteration instead of the current one (While doing this change + # for the R-operation is trivial, doing it for the I-operation with the + # window based USE comparison might be more involved)." + # + # Finally, since the BAE code is based on the TextFooler code, we need to + # adjust the threshold to account for the missing / pi in the cosine + # similarity comparison. So the final threshold is 1 - (1 - 0.8) / pi + # = 1 - (0.2 / pi) = 0.936338023. + use_constraint = UniversalSentenceEncoder( + threshold=0.936338023, + metric="cosine", + compare_against_original=True, + window_size=15, + skip_text_shorter_than_window=True, + ) + constraints.append(use_constraint) + # + # Goal is untargeted classification. + # + goal_function = UntargetedClassification(model_wrapper) + # + # "We estimate the token importance Ii of each token + # t_i ∈ S = [t1, . . . , tn], by deleting ti from S and computing the + # decrease in probability of predicting the correct label y, similar + # to (Jin et al., 2019). + # + # • "If there are multiple tokens can cause C to misclassify S when they + # replace the mask, we choose the token which makes Sadv most similar to + # the original S based on the USE score." + # • "If no token causes misclassification, we choose the perturbation that + # decreases the prediction probability P(C(Sadv)=y) the most." + # + search_method = GreedyWordSwapWIR(wir_method="delete") + + return BAEGarg2019(goal_function, constraints, transformation, search_method) diff --git a/textattack/attack_recipes/bert_attack_li_2020.py b/textattack/attack_recipes/bert_attack_li_2020.py new file mode 100644 index 0000000000000000000000000000000000000000..1801a6dc62ffc5e05827fc2534a4011be7ba9e69 --- /dev/null +++ b/textattack/attack_recipes/bert_attack_li_2020.py @@ -0,0 +1,95 @@ +""" +BERT-Attack: +============================================================ + +(BERT-Attack: Adversarial Attack Against BERT Using BERT) + +.. warning:: + This attack is super slow + (see https://github.com/QData/TextAttack/issues/586) + Consider using smaller values for "max_candidates". + +""" +from textattack import Attack +from textattack.constraints.overlap import MaxWordsPerturbed +from textattack.constraints.pre_transformation import ( + RepeatModification, + StopwordModification, +) +from textattack.constraints.semantics.sentence_encoders import UniversalSentenceEncoder +from textattack.goal_functions import UntargetedClassification +from textattack.search_methods import GreedyWordSwapWIR +from textattack.transformations import WordSwapMaskedLM + +from .attack_recipe import AttackRecipe + + +class BERTAttackLi2020(AttackRecipe): + """Li, L.., Ma, R., Guo, Q., Xiangyang, X., Xipeng, Q. (2020). + + BERT-ATTACK: Adversarial Attack Against BERT Using BERT + + https://arxiv.org/abs/2004.09984 + + This is "attack mode" 1 from the paper, BAE-R, word replacement. + """ + + @staticmethod + def build(model_wrapper): + # [from correspondence with the author] + # Candidate size K is set to 48 for all data-sets. + transformation = WordSwapMaskedLM(method="bert-attack", max_candidates=48) + # + # Don't modify the same word twice or stopwords. + # + constraints = [RepeatModification(), StopwordModification()] + + # "We only take ε percent of the most important words since we tend to keep + # perturbations minimum." + # + # [from correspondence with the author] + # "Word percentage allowed to change is set to 0.4 for most data-sets, this + # parameter is trivial since most attacks only need a few changes. This + # epsilon is only used to avoid too much queries on those very hard samples." + constraints.append(MaxWordsPerturbed(max_percent=0.4)) + + # "As used in TextFooler (Jin et al., 2019), we also use Universal Sentence + # Encoder (Cer et al., 2018) to measure the semantic consistency between the + # adversarial sample and the original sequence. To balance between semantic + # preservation and attack success rate, we set up a threshold of semantic + # similarity score to filter the less similar examples." + # + # [from correspondence with author] + # "Over the full texts, after generating all the adversarial samples, we filter + # out low USE score samples. Thus the success rate is lower but the USE score + # can be higher. (actually USE score is not a golden metric, so we simply + # measure the USE score over the final texts for a comparison with TextFooler). + # For datasets like IMDB, we set a higher threshold between 0.4-0.7; for + # datasets like MNLI, we set threshold between 0-0.2." + # + # Since the threshold in the real world can't be determined from the training + # data, the TextAttack implementation uses a fixed threshold - determined to + # be 0.2 to be most fair. + use_constraint = UniversalSentenceEncoder( + threshold=0.2, + metric="cosine", + compare_against_original=True, + window_size=None, + ) + constraints.append(use_constraint) + # + # Goal is untargeted classification. + # + goal_function = UntargetedClassification(model_wrapper) + # + # "We first select the words in the sequence which have a high significance + # influence on the final output logit. Let S = [w0, ··· , wi ··· ] denote + # the input sentence, and oy(S) denote the logit output by the target model + # for correct label y, the importance score Iwi is defined as + # Iwi = oy(S) − oy(S\wi), where S\wi = [w0, ··· , wi−1, [MASK], wi+1, ···] + # is the sentence after replacing wi with [MASK]. Then we rank all the words + # according to the ranking score Iwi in descending order to create word list + # L." + search_method = GreedyWordSwapWIR(wir_method="unk") + + return Attack(goal_function, constraints, transformation, search_method) diff --git a/textattack/attack_recipes/checklist_ribeiro_2020.py b/textattack/attack_recipes/checklist_ribeiro_2020.py new file mode 100644 index 0000000000000000000000000000000000000000..3fb7a0e357072e0a4c098f3175b9fbc48eadd1a1 --- /dev/null +++ b/textattack/attack_recipes/checklist_ribeiro_2020.py @@ -0,0 +1,53 @@ +""" +CheckList: +========================= + +(Beyond Accuracy: Behavioral Testing of NLP models with CheckList) + +""" +from textattack import Attack +from textattack.constraints.pre_transformation import RepeatModification +from textattack.goal_functions import UntargetedClassification +from textattack.search_methods import GreedySearch +from textattack.transformations import ( + CompositeTransformation, + WordSwapChangeLocation, + WordSwapChangeName, + WordSwapChangeNumber, + WordSwapContract, + WordSwapExtend, +) + +from .attack_recipe import AttackRecipe + + +class CheckList2020(AttackRecipe): + """An implementation of the attack used in "Beyond Accuracy: Behavioral + Testing of NLP models with CheckList", Ribeiro et al., 2020. + + This attack focuses on a number of attacks used in the Invariance Testing + Method: Contraction, Extension, Changing Names, Number, Location + + https://arxiv.org/abs/2005.04118 + """ + + @staticmethod + def build(model_wrapper): + transformation = CompositeTransformation( + [ + WordSwapExtend(), + WordSwapContract(), + WordSwapChangeName(), + WordSwapChangeNumber(), + WordSwapChangeLocation(), + ] + ) + + # Need this constraint to prevent extend and contract modifying each others' changes and forming infinite loop + constraints = [RepeatModification()] + + # Untargeted attack & GreedySearch + goal_function = UntargetedClassification(model_wrapper) + search_method = GreedySearch() + + return Attack(goal_function, constraints, transformation, search_method) diff --git a/textattack/attack_recipes/clare_li_2020.py b/textattack/attack_recipes/clare_li_2020.py new file mode 100644 index 0000000000000000000000000000000000000000..e183b20e0bde85fec40616b8e1239d7711f66c1d --- /dev/null +++ b/textattack/attack_recipes/clare_li_2020.py @@ -0,0 +1,114 @@ +""" +CLARE Recipe +============= + +(Contextualized Perturbation for Textual Adversarial Attack) + +""" + +import transformers + +from textattack import Attack +from textattack.constraints.pre_transformation import ( + RepeatModification, + StopwordModification, +) +from textattack.constraints.semantics.sentence_encoders import UniversalSentenceEncoder +from textattack.goal_functions import UntargetedClassification +from textattack.search_methods import GreedySearch +from textattack.transformations import ( + CompositeTransformation, + WordInsertionMaskedLM, + WordMergeMaskedLM, + WordSwapMaskedLM, +) + +from .attack_recipe import AttackRecipe + + +class CLARE2020(AttackRecipe): + """Li, Zhang, Peng, Chen, Brockett, Sun, Dolan. + + "Contextualized Perturbation for Textual Adversarial Attack" (Li et al., 2020) + + https://arxiv.org/abs/2009.07502 + + This method uses greedy search with replace, merge, and insertion transformations that leverage a + pretrained language model. It also uses USE similarity constraint. + """ + + @staticmethod + def build(model_wrapper): + # "This paper presents CLARE, a ContextuaLized AdversaRial Example generation model + # that produces fluent and grammatical outputs through a mask-then-infill procedure. + # CLARE builds on a pre-trained masked language model and modifies the inputs in a context-aware manner. + # We propose three contex-tualized perturbations, Replace, Insert and Merge, allowing for generating outputs of + # varied lengths." + # + # "We experiment with a distilled version of RoBERTa (RoBERTa_{distill}; Sanh et al., 2019) + # as the masked language model for contextualized infilling." + # Because BAE and CLARE both use similar replacement papers, we use BAE's replacement method here. + + shared_masked_lm = transformers.AutoModelForCausalLM.from_pretrained( + "distilroberta-base" + ) + shared_tokenizer = transformers.AutoTokenizer.from_pretrained( + "distilroberta-base" + ) + transformation = CompositeTransformation( + [ + WordSwapMaskedLM( + method="bae", + masked_language_model=shared_masked_lm, + tokenizer=shared_tokenizer, + max_candidates=50, + min_confidence=5e-4, + ), + WordInsertionMaskedLM( + masked_language_model=shared_masked_lm, + tokenizer=shared_tokenizer, + max_candidates=50, + min_confidence=0.0, + ), + WordMergeMaskedLM( + masked_language_model=shared_masked_lm, + tokenizer=shared_tokenizer, + max_candidates=50, + min_confidence=5e-3, + ), + ] + ) + + # + # Don't modify the same word twice or stopwords. + # + constraints = [RepeatModification(), StopwordModification()] + + # "A common choice of sim(·,·) is to encode sentences using neural networks, + # and calculate their cosine similarity in the embedding space (Jin et al., 2020)." + # The original implementation uses similarity of 0.7. + use_constraint = UniversalSentenceEncoder( + threshold=0.7, + metric="cosine", + compare_against_original=True, + window_size=15, + skip_text_shorter_than_window=True, + ) + constraints.append(use_constraint) + + # Goal is untargeted classification. + # "The score is then the negative probability of predicting the gold label from f, using [x_{adv}] as the input" + goal_function = UntargetedClassification(model_wrapper) + + # "To achieve this, we iteratively apply the actions, + # and first select those minimizing the probability of outputting the gold label y from f." + # + # "Only one of the three actions can be applied at each position, and we select the one with the highest score." + # + # "Actions are iteratively applied to the input, until an adversarial example is found or a limit of actions T + # is reached. + # Each step selects the highest-scoring action from the remaining ones." + # + search_method = GreedySearch() + + return Attack(goal_function, constraints, transformation, search_method) diff --git a/textattack/attack_recipes/deepwordbug_gao_2018.py b/textattack/attack_recipes/deepwordbug_gao_2018.py new file mode 100644 index 0000000000000000000000000000000000000000..ff44f090a34a97c98580d2c83ec2d14cdd98cf3a --- /dev/null +++ b/textattack/attack_recipes/deepwordbug_gao_2018.py @@ -0,0 +1,79 @@ +""" + +DeepWordBug +======================================== +(Black-box Generation of Adversarial Text Sequences to Evade Deep Learning Classifiers) + +""" + +from textattack import Attack +from textattack.constraints.overlap import LevenshteinEditDistance +from textattack.constraints.pre_transformation import ( + RepeatModification, + StopwordModification, +) +from textattack.goal_functions import UntargetedClassification +from textattack.search_methods import GreedyWordSwapWIR +from textattack.transformations import ( + CompositeTransformation, + WordSwapNeighboringCharacterSwap, + WordSwapRandomCharacterDeletion, + WordSwapRandomCharacterInsertion, + WordSwapRandomCharacterSubstitution, +) + +from .attack_recipe import AttackRecipe + + +class DeepWordBugGao2018(AttackRecipe): + """Gao, Lanchantin, Soffa, Qi. + + Black-box Generation of Adversarial Text Sequences to Evade Deep Learning + Classifiers. + + https://arxiv.org/abs/1801.04354 + """ + + @staticmethod + def build(model_wrapper, use_all_transformations=True): + # + # Swap characters out from words. Choose the best of four potential transformations. + # + if use_all_transformations: + # We propose four similar methods: + transformation = CompositeTransformation( + [ + # (1) Swap: Swap two adjacent letters in the word. + WordSwapNeighboringCharacterSwap(), + # (2) Substitution: Substitute a letter in the word with a random letter. + WordSwapRandomCharacterSubstitution(), + # (3) Deletion: Delete a random letter from the word. + WordSwapRandomCharacterDeletion(), + # (4) Insertion: Insert a random letter in the word. + WordSwapRandomCharacterInsertion(), + ] + ) + else: + # We use the Combined Score and the Substitution Transformer to generate + # adversarial samples, with the maximum edit distance difference of 30 + # (ϵ = 30). + transformation = WordSwapRandomCharacterSubstitution() + # + # Don't modify the same word twice or stopwords + # + constraints = [RepeatModification(), StopwordModification()] + # + # In these experiments, we hold the maximum difference + # on edit distance (ϵ) to a constant 30 for each sample. + # + constraints.append(LevenshteinEditDistance(30)) + # + # Goal is untargeted classification + # + goal_function = UntargetedClassification(model_wrapper) + # + # Greedily swap words with "Word Importance Ranking". + # + search_method = GreedyWordSwapWIR() + + return Attack(goal_function, constraints, transformation, search_method) diff --git a/textattack/attack_recipes/faster_genetic_algorithm_jia_2019.py b/textattack/attack_recipes/faster_genetic_algorithm_jia_2019.py new file mode 100644 index 0000000000000000000000000000000000000000..f9ce549543fb92d036593237e21bb50534b524f4 --- /dev/null +++ b/textattack/attack_recipes/faster_genetic_algorithm_jia_2019.py @@ -0,0 +1,140 @@ +""" + +Faster Alzantot Genetic Algorithm +=================================== +(Certified Robustness to Adversarial Word Substitutions) + + +""" + +from textattack import Attack +from textattack.constraints.grammaticality.language_models import ( + LearningToWriteLanguageModel, +) +from textattack.constraints.overlap import MaxWordsPerturbed +from textattack.constraints.pre_transformation import ( + RepeatModification, + StopwordModification, +) +from textattack.constraints.semantics import WordEmbeddingDistance +from textattack.goal_functions import UntargetedClassification +from textattack.search_methods import AlzantotGeneticAlgorithm +from textattack.transformations import WordSwapEmbedding + +from .attack_recipe import AttackRecipe + + +class FasterGeneticAlgorithmJia2019(AttackRecipe): + """Certified Robustness to Adversarial Word Substitutions. + + Robin Jia, Aditi Raghunathan, Kerem Göksel, Percy Liang (2019). + + https://arxiv.org/pdf/1909.00986.pdf + """ + + @staticmethod + def build(model_wrapper): + # + # Section 5: Experiments + # + # We base our sets of allowed word substitutions S(x, i) on the + # substitutions allowed by Alzantot et al. (2018). They demonstrated that + # their substitutions lead to adversarial examples that are qualitatively + # similar to the original input and retain the original label, as judged + # by humans. Alzantot et al. (2018) define the neighbors N(w) of a word w + # as the n = 8 nearest neighbors of w in a “counter-fitted” word vector + # space where antonyms are far apart (Mrksiˇ c´ et al., 2016). The + # neighbors must also lie within some Euclidean distance threshold. They + # also use a language model constraint to avoid nonsensical perturbations: + # they allow substituting xi with x˜i ∈ N(xi) if and only if it does not + # decrease the log-likelihood of the text under a pre-trained language + # model by more than some threshold. + # + # We make three modifications to this approach: + # + # First, in Alzantot et al. (2018), the adversary + # applies substitutions one at a time, and the + # neighborhoods and language model scores are computed. + # Equation (4) must be applied before the model + # can combine information from multiple words, but it can + # be delayed until after processing each word independently. + # Note that the model itself classifies using a different + # set of pre-trained word vectors; the counter-fitted vectors + # are only used to define the set of allowed substitution words. + # relative to the current altered version of the input. + # This results in a hard-to-define attack surface, as + # changing one word can allow or disallow changes + # to other words. It also requires recomputing + # language model scores at each iteration of the genetic + # attack, which is inefficient. Moreover, the same + # word can be substituted multiple times, leading + # to semantic drift. We define allowed substitutions + # relative to the original sentence x, and disallow + # repeated substitutions. + # + # Second, we use a faster language model that allows us to query + # longer contexts; Alzantot et al. (2018) use a slower language + # model and could only query it with short contexts. + + # Finally, we use the language model constraint only + # at test time; the model is trained against all perturbations in N(w). This encourages the model to be + # robust to a larger space of perturbations, instead of + # specializing for the particular choice of language + # model. See Appendix A.3 for further details. [This is a model-specific + # adjustment, so does not affect the attack recipe.] + # + # Appendix A.3: + # + # In Alzantot et al. (2018), the adversary applies replacements one at a + # time, and the neighborhoods and language model scores are computed + # relative to the current altered version of the input. This results in a + # hard-to-define attack surface, as the same word can be replaced many + # times, leading to semantic drift. We instead pre-compute the allowed + # substitutions S(x, i) at index i based on the original x. We define + # S(x, i) as the set of x_i ∈ N(x_i) such that where probabilities are + # assigned by a pre-trained language model, and the window radius W and + # threshold δ are hyperparameters. We use W = 6 and δ = 5. + # + # + # Swap words with their embedding nearest-neighbors. + # + # Embedding: Counter-fitted Paragram Embeddings. + # + # "[We] fix the hyperparameter values to S = 60, N = 8, K = 4, and δ = 0.5" + # + transformation = WordSwapEmbedding(max_candidates=8) + # + # Don't modify the same word twice or stopwords + # + constraints = [RepeatModification(), StopwordModification()] + # + # Maximum words perturbed percentage of 20% + # + constraints.append(MaxWordsPerturbed(max_percent=0.2)) + # + # Maximum word embedding euclidean distance of 0.5. + # + constraints.append(WordEmbeddingDistance(max_mse_dist=0.5)) + # + # Language Model + # + # + # + constraints.append( + LearningToWriteLanguageModel( + window_size=6, max_log_prob_diff=5.0, compare_against_original=True + ) + ) + # constraints.append(LearningToWriteLanguageModel(window_size=5)) + # + # Goal is untargeted classification + # + goal_function = UntargetedClassification(model_wrapper) + # + # Perform word substitution with a genetic algorithm. + # + search_method = AlzantotGeneticAlgorithm( + pop_size=60, max_iters=40, post_crossover_check=False + ) + + return Attack(goal_function, constraints, transformation, search_method) diff --git a/textattack/attack_recipes/french_recipe.py b/textattack/attack_recipes/french_recipe.py new file mode 100644 index 0000000000000000000000000000000000000000..8f0b2b600abe793a7e0e1bd1e054400a022849ff --- /dev/null +++ b/textattack/attack_recipes/french_recipe.py @@ -0,0 +1,31 @@ +from textattack import Attack +from textattack.constraints.pre_transformation import ( + RepeatModification, + StopwordModification, +) +from textattack.goal_functions import UntargetedClassification +from textattack.search_methods import GreedyWordSwapWIR +from textattack.transformations import ( + CompositeTransformation, + WordSwapChangeLocation, + WordSwapChangeName, + WordSwapWordNet, +) + +from .attack_recipe import AttackRecipe + + +class FrenchRecipe(AttackRecipe): + @staticmethod + def build(model_wrapper): + transformation = CompositeTransformation( + [ + WordSwapWordNet(language="fra"), + WordSwapChangeLocation(language="fra"), + WordSwapChangeName(language="fra"), + ] + ) + constraints = [RepeatModification(), StopwordModification("french")] + goal_function = UntargetedClassification(model_wrapper) + search_method = GreedyWordSwapWIR() + return Attack(goal_function, constraints, transformation, search_method) diff --git a/textattack/attack_recipes/genetic_algorithm_alzantot_2018.py b/textattack/attack_recipes/genetic_algorithm_alzantot_2018.py new file mode 100644 index 0000000000000000000000000000000000000000..2c42c6ebf007c786b6be3b7ef86843eef264e6a6 --- /dev/null +++ b/textattack/attack_recipes/genetic_algorithm_alzantot_2018.py @@ -0,0 +1,91 @@ +""" + +Alzantot Genetic Algorithm +======================================= +(Generating Natural Language Adversarial Examples) + +.. warning:: + This attack uses a very slow language model. Consider using the ``fast-alzantot`` + recipe instead. + +""" + +from textattack import Attack +from textattack.constraints.grammaticality.language_models import ( + Google1BillionWordsLanguageModel, +) +from textattack.constraints.overlap import MaxWordsPerturbed +from textattack.constraints.pre_transformation import ( + InputColumnModification, + RepeatModification, + StopwordModification, +) +from textattack.constraints.semantics import WordEmbeddingDistance +from textattack.goal_functions import UntargetedClassification +from textattack.search_methods import AlzantotGeneticAlgorithm +from textattack.transformations import WordSwapEmbedding + +from .attack_recipe import AttackRecipe + + +class GeneticAlgorithmAlzantot2018(AttackRecipe): + """Alzantot, M., Sharma, Y., Elgohary, A., Ho, B., Srivastava, M.B., & + Chang, K. (2018). + + Generating Natural Language Adversarial Examples. + + https://arxiv.org/abs/1804.07998 + """ + + @staticmethod + def build(model_wrapper): + # + # Swap words with their embedding nearest-neighbors. + # + # Embedding: Counter-fitted Paragram Embeddings. + # + # "[We] fix the hyperparameter values to S = 60, N = 8, K = 4, and δ = 0.5" + # + transformation = WordSwapEmbedding(max_candidates=8) + # + # Don't modify the same word twice or stopwords + # + constraints = [RepeatModification(), StopwordModification()] + # + # During entailment, we should only edit the hypothesis - keep the premise + # the same. + # + input_column_modification = InputColumnModification( + ["premise", "hypothesis"], {"premise"} + ) + constraints.append(input_column_modification) + # + # Maximum words perturbed percentage of 20% + # + constraints.append(MaxWordsPerturbed(max_percent=0.2)) + # + # Maximum word embedding euclidean distance of 0.5. + # + constraints.append( + WordEmbeddingDistance(max_mse_dist=0.5, compare_against_original=False) + ) + # + # Language Model + # + constraints.append( + Google1BillionWordsLanguageModel( + top_n_per_index=4, compare_against_original=False + ) + ) + # + # Goal is untargeted classification + # + goal_function = UntargetedClassification(model_wrapper) + # + # Perform word substitution with a genetic algorithm. + # + search_method = AlzantotGeneticAlgorithm( + pop_size=60, max_iters=20, post_crossover_check=False + ) + + return Attack(goal_function, constraints, transformation, search_method) diff --git a/textattack/attack_recipes/hotflip_ebrahimi_2017.py b/textattack/attack_recipes/hotflip_ebrahimi_2017.py new file mode 100644 index 0000000000000000000000000000000000000000..fa4ba9445d09cff685775597284fde4c992bb2e2 --- /dev/null +++ b/textattack/attack_recipes/hotflip_ebrahimi_2017.py @@ -0,0 +1,70 @@ +""" + +HotFlip +=========== +(HotFlip: White-Box Adversarial Examples for Text Classification) + +""" +from textattack import Attack +from textattack.constraints.grammaticality import PartOfSpeech +from textattack.constraints.overlap import MaxWordsPerturbed +from textattack.constraints.pre_transformation import ( + RepeatModification, + StopwordModification, +) +from textattack.constraints.semantics import WordEmbeddingDistance +from textattack.goal_functions import UntargetedClassification +from textattack.search_methods import BeamSearch +from textattack.transformations import WordSwapGradientBased + +from .attack_recipe import AttackRecipe + + +class HotFlipEbrahimi2017(AttackRecipe): + """Ebrahimi, J. et al. (2017) + + HotFlip: White-Box Adversarial Examples for Text Classification + + https://arxiv.org/abs/1712.06751 + + This is a reproduction of the HotFlip word-level attack (section 5 of the + paper). + """ + + @staticmethod + def build(model_wrapper): + # + # "HotFlip ... uses the gradient with respect to a one-hot input + # representation to efficiently estimate which individual change has the + # highest estimated loss." + transformation = WordSwapGradientBased(model_wrapper, top_n=1) + # + # Don't modify the same word twice or stopwords + # + constraints = [RepeatModification(), StopwordModification()] + # + # 0. "We were able to create only 41 examples (2% of the correctly- + # classified instances of the SST test set) with one or two flips." + # + constraints.append(MaxWordsPerturbed(max_num_words=2)) + # + # 1. "The cosine similarity between the embedding of words is bigger than a + # threshold (0.8)." + # + constraints.append(WordEmbeddingDistance(min_cos_sim=0.8)) + # + # 2. "The two words have the same part-of-speech." + # + constraints.append(PartOfSpeech()) + # + # Goal is untargeted classification + # + goal_function = UntargetedClassification(model_wrapper) + # + # "HotFlip ... uses a beam search to find a set of manipulations that work + # well together to confuse a classifier ... The adversary uses a beam size + # of 10." + # + search_method = BeamSearch(beam_width=10) + + return Attack(goal_function, constraints, transformation, search_method) diff --git a/textattack/attack_recipes/iga_wang_2019.py b/textattack/attack_recipes/iga_wang_2019.py new file mode 100644 index 0000000000000000000000000000000000000000..cb7dce22d71ee05700830ac15ae09c5921e89dba --- /dev/null +++ b/textattack/attack_recipes/iga_wang_2019.py @@ -0,0 +1,65 @@ +""" + +Improved Genetic Algorithm +============================= + +(Natural Language Adversarial Attacks and Defenses in Word Level) + +""" +from textattack import Attack +from textattack.constraints.overlap import MaxWordsPerturbed +from textattack.constraints.pre_transformation import StopwordModification +from textattack.constraints.semantics import WordEmbeddingDistance +from textattack.goal_functions import UntargetedClassification +from textattack.search_methods import ImprovedGeneticAlgorithm +from textattack.transformations import WordSwapEmbedding + +from .attack_recipe import AttackRecipe + + +class IGAWang2019(AttackRecipe): + """Xiaosen Wang, Hao Jin, Kun He (2019). + + Natural Language Adversarial Attack and Defense in Word Level. + + http://arxiv.org/abs/1909.06723 + """ + + @staticmethod + def build(model_wrapper): + # + # Swap words with their embedding nearest-neighbors. + # Embedding: Counter-fitted Paragram Embeddings. + # Fix the hyperparameter value to N = Unrestricted (50)." + # + transformation = WordSwapEmbedding(max_candidates=50) + # + # Don't modify the stopwords + # + constraints = [StopwordModification()] + # + # Maximum words perturbed percentage of 20% + # + constraints.append(MaxWordsPerturbed(max_percent=0.2)) + # + # Maximum word embedding euclidean distance δ of 0.5. + # + constraints.append( + WordEmbeddingDistance(max_mse_dist=0.5, compare_against_original=False) + ) + # + # Goal is untargeted classification + # + goal_function = UntargetedClassification(model_wrapper) + # + # Perform word substitution with an improved genetic algorithm. + # Fix the hyperparameter values to S = 60, M = 20, λ = 5." + # + search_method = ImprovedGeneticAlgorithm( + pop_size=60, + max_iters=20, + max_replace_times_per_index=5, + post_crossover_check=False, + ) + + return Attack(goal_function, constraints, transformation, search_method) diff --git a/textattack/attack_recipes/input_reduction_feng_2018.py b/textattack/attack_recipes/input_reduction_feng_2018.py new file mode 100644 index 0000000000000000000000000000000000000000..85be1c2ef924791f560c466248f1d3bacdfafc24 --- /dev/null +++ b/textattack/attack_recipes/input_reduction_feng_2018.py @@ -0,0 +1,51 @@ +""" + +Input Reduction +==================== +(Pathologies of Neural Models Make Interpretations Difficult) + +""" +from textattack import Attack +from textattack.constraints.pre_transformation import ( + RepeatModification, + StopwordModification, +) +from textattack.goal_functions import InputReduction +from textattack.search_methods import GreedyWordSwapWIR +from textattack.transformations import WordDeletion + +from .attack_recipe import AttackRecipe + + +class InputReductionFeng2018(AttackRecipe): + """Feng, Wallace, Grissom, Iyyer, Rodriguez, Boyd-Graber. (2018). + + Pathologies of Neural Models Make Interpretations Difficult. + + https://arxiv.org/abs/1804.07781 + """ + + @staticmethod + def build(model_wrapper): + # At each step, we remove the word with the lowest importance value until + # the model changes its prediction. + transformation = WordDeletion() + + constraints = [RepeatModification(), StopwordModification()] + # + # Goal is untargeted classification + # + goal_function = InputReduction(model_wrapper, maximizable=True) + # + # "For each word in an input sentence, we measure its importance by the + # change in the confidence of the original prediction when we remove + # that word from the sentence." + # + # "Instead of looking at the words with high importance values—what + # interpretation methods commonly do—we take a complementary approach + # and study how the model behaves when the supposedly unimportant words are + # removed." + # + search_method = GreedyWordSwapWIR(wir_method="delete") + + return Attack(goal_function, constraints, transformation, search_method) diff --git a/textattack/attack_recipes/kuleshov_2017.py b/textattack/attack_recipes/kuleshov_2017.py new file mode 100644 index 0000000000000000000000000000000000000000..8d2b7bf9390b63df13ff6b37f1bd8a4a0eb02ea1 --- /dev/null +++ b/textattack/attack_recipes/kuleshov_2017.py @@ -0,0 +1,68 @@ +""" +Kuleshov2017 +============== +(Adversarial Examples for Natural Language Classification Problems) + +""" +from textattack import Attack +from textattack.constraints.grammaticality.language_models import GPT2 +from textattack.constraints.overlap import MaxWordsPerturbed +from textattack.constraints.pre_transformation import ( + RepeatModification, + StopwordModification, +) +from textattack.constraints.semantics.sentence_encoders import ThoughtVector +from textattack.goal_functions import UntargetedClassification +from textattack.search_methods import GreedySearch +from textattack.transformations import WordSwapEmbedding + +from .attack_recipe import AttackRecipe + + +class Kuleshov2017(AttackRecipe): + """Kuleshov, V. et al. + + Generating Natural Language Adversarial Examples. + + https://openreview.net/pdf?id=r1QZ3zbAZ. + """ + + @staticmethod + def build(model_wrapper): + # + # "Specifically, in all experiments, we used a target of τ = 0.7, + # a neighborhood size of N = 15, and parameters λ_1 = 0.2 and δ = 0.5; we set + # the syntactic bound to λ_2 = 2 nats for sentiment analysis" + + # + # Word swap with top-15 counter-fitted embedding neighbors. + # + transformation = WordSwapEmbedding(max_candidates=15) + # + # Don't modify the same word twice or stopwords + # + constraints = [RepeatModification(), StopwordModification()] + # + # Maximum of 50% of words perturbed (δ in the paper). + # + constraints.append(MaxWordsPerturbed(max_percent=0.5)) + # + # Maximum thought vector Euclidean distance of λ_1 = 0.2. (eq. 4) + # + constraints.append(ThoughtVector(threshold=0.2, metric="max_euclidean")) + # + # + # Maximum language model log-probability difference of λ_2 = 2. (eq. 5) + # + constraints.append(GPT2(max_log_prob_diff=2.0)) + # + # Goal is untargeted classification: reduce original probability score + # to below τ = 0.7 (Algorithm 1). + # + goal_function = UntargetedClassification(model_wrapper, target_max_score=0.7) + # + # Perform word substitution with a genetic algorithm. + # + search_method = GreedySearch() + + return Attack(goal_function, constraints, transformation, search_method) diff --git a/textattack/attack_recipes/morpheus_tan_2020.py b/textattack/attack_recipes/morpheus_tan_2020.py new file mode 100644 index 0000000000000000000000000000000000000000..edf8ae79091eaa09c0155aeb3528900a91d23714 --- /dev/null +++ b/textattack/attack_recipes/morpheus_tan_2020.py @@ -0,0 +1,50 @@ +""" +MORPHEUS2020 +=============== +(It’s Morphin’ Time! Combating Linguistic Discrimination with Inflectional Perturbations) + + +""" +from textattack import Attack +from textattack.constraints.pre_transformation import ( + RepeatModification, + StopwordModification, +) +from textattack.goal_functions import MinimizeBleu +from textattack.search_methods import GreedySearch +from textattack.transformations import WordSwapInflections + +from .attack_recipe import AttackRecipe + + +class MorpheusTan2020(AttackRecipe): + """Samson Tan, Shafiq Joty, Min-Yen Kan, Richard Socher. + + It’s Morphin’ Time! Combating Linguistic Discrimination with Inflectional Perturbations + + https://www.aclweb.org/anthology/2020.acl-main.263/ + """ + + @staticmethod + def build(model_wrapper): + + # + # Goal is to minimize BLEU score between the model output given for the + # perturbed input sequence and the reference translation + # + goal_function = MinimizeBleu(model_wrapper) + + # Swap words with their inflections + transformation = WordSwapInflections() + + # + # Don't modify the same word twice or stopwords + # + constraints = [RepeatModification(), StopwordModification()] + + # + # Greedily swap words (see pseudocode, Algorithm 1 of the paper). + # + search_method = GreedySearch() + + return Attack(goal_function, constraints, transformation, search_method) diff --git a/textattack/attack_recipes/pruthi_2019.py b/textattack/attack_recipes/pruthi_2019.py new file mode 100644 index 0000000000000000000000000000000000000000..fb3804a9e5dfa010a2b66f83967c85f30188448d --- /dev/null +++ b/textattack/attack_recipes/pruthi_2019.py @@ -0,0 +1,75 @@ +""" +Pruthi2019: Combating with Robust Word Recognition +================================================================= + +""" +from textattack import Attack +from textattack.constraints.overlap import MaxWordsPerturbed +from textattack.constraints.pre_transformation import ( + MinWordLength, + RepeatModification, + StopwordModification, +) +from textattack.goal_functions import UntargetedClassification +from textattack.search_methods import GreedySearch +from textattack.transformations import ( + CompositeTransformation, + WordSwapNeighboringCharacterSwap, + WordSwapQWERTY, + WordSwapRandomCharacterDeletion, + WordSwapRandomCharacterInsertion, +) + +from .attack_recipe import AttackRecipe + + +class Pruthi2019(AttackRecipe): + """An implementation of the attack used in "Combating Adversarial + Misspellings with Robust Word Recognition", Pruthi et al., 2019. + + This attack focuses on a small number of character-level changes that simulate common typos. It combines: + - Swapping neighboring characters + - Deleting characters + - Inserting characters + - Swapping characters for adjacent keys on a QWERTY keyboard. + + https://arxiv.org/abs/1905.11268 + + :param model: Model to attack. + :param max_num_word_swaps: Maximum number of modifications to allow. + """ + + @staticmethod + def build(model_wrapper, max_num_word_swaps=1): + # a combination of 4 different character-based transforms + # ignore the first and last letter of each word, as in the paper + transformation = CompositeTransformation( + [ + WordSwapNeighboringCharacterSwap( + random_one=False, skip_first_char=True, skip_last_char=True + ), + WordSwapRandomCharacterDeletion( + random_one=False, skip_first_char=True, skip_last_char=True + ), + WordSwapRandomCharacterInsertion( + random_one=False, skip_first_char=True, skip_last_char=True + ), + WordSwapQWERTY( + random_one=False, skip_first_char=True, skip_last_char=True + ), + ] + ) + # only edit words of length >= 4, edit max_num_word_swaps words. + # note that we also are not editing the same word twice, so + # max_num_word_swaps is really the max number of character + # changes that can be made. The paper looks at 1 and 2 char attacks. + constraints = [ + MinWordLength(min_length=4), + StopwordModification(), + MaxWordsPerturbed(max_num_words=max_num_word_swaps), + RepeatModification(), + ] + # untargeted attack + goal_function = UntargetedClassification(model_wrapper) + search_method = GreedySearch() + return Attack(goal_function, constraints, transformation, search_method) diff --git a/textattack/attack_recipes/pso_zang_2020.py b/textattack/attack_recipes/pso_zang_2020.py new file mode 100644 index 0000000000000000000000000000000000000000..0812c892bc244c5f823f0f880351e6c6f47ed410 --- /dev/null +++ b/textattack/attack_recipes/pso_zang_2020.py @@ -0,0 +1,69 @@ +""" + +Particle Swarm Optimization +================================== + +(Word-level Textual Adversarial Attacking as Combinatorial Optimization) + +""" +from textattack import Attack +from textattack.constraints.pre_transformation import ( + InputColumnModification, + RepeatModification, + StopwordModification, +) +from textattack.goal_functions import UntargetedClassification +from textattack.search_methods import ParticleSwarmOptimization +from textattack.transformations import WordSwapHowNet + +from .attack_recipe import AttackRecipe + + +class PSOZang2020(AttackRecipe): + """Zang, Y., Yang, C., Qi, F., Liu, Z., Zhang, M., Liu, Q., & Sun, M. + (2019). + + Word-level Textual Adversarial Attacking as Combinatorial Optimization. + + https://www.aclweb.org/anthology/2020.acl-main.540.pdf + + Methodology description quoted from the paper: + + "We propose a novel word substitution-based textual attack model, which reforms + both the aforementioned two steps. In the first step, we adopt a sememe-based word + substitution strategy, which can generate more candidate adversarial examples with + better semantic preservation. In the second step, we utilize particle swarm optimization + (Eberhart and Kennedy, 1995) as the adversarial example searching algorithm." + + And "Following the settings in Alzantot et al. (2018), we set the max iteration time G to 20." + """ + + @staticmethod + def build(model_wrapper): + # + # Swap words with their synonyms extracted based on the HowNet. + # + transformation = WordSwapHowNet() + # + # Don't modify the same word twice or stopwords + # + constraints = [RepeatModification(), StopwordModification()] + # + # + # During entailment, we should only edit the hypothesis - keep the premise + # the same. + # + input_column_modification = InputColumnModification( + ["premise", "hypothesis"], {"premise"} + ) + constraints.append(input_column_modification) + # + # Use untargeted classification for demo, can be switched to targeted one + # + goal_function = UntargetedClassification(model_wrapper) + # + # Perform word substitution with a Particle Swarm Optimization (PSO) algorithm. + # + search_method = ParticleSwarmOptimization(pop_size=60, max_iters=20) + + return Attack(goal_function, constraints, transformation, search_method) diff --git a/textattack/attack_recipes/pwws_ren_2019.py b/textattack/attack_recipes/pwws_ren_2019.py new file mode 100644 index 0000000000000000000000000000000000000000..b53fd0930d588998f1ef8fe24e30089d310b18f0 --- /dev/null +++ b/textattack/attack_recipes/pwws_ren_2019.py @@ -0,0 +1,42 @@ +""" + +PWWS +======= + +(Generating Natural Language Adversarial Examples through Probability Weighted Word Saliency) + +""" +from textattack import Attack +from textattack.constraints.pre_transformation import ( + RepeatModification, + StopwordModification, +) +from textattack.goal_functions import UntargetedClassification +from textattack.search_methods import GreedyWordSwapWIR +from textattack.transformations import WordSwapWordNet + +from .attack_recipe import AttackRecipe + + +class PWWSRen2019(AttackRecipe): + """An implementation of Probability Weighted Word Saliency from "Generating + Natural Language Adversarial Examples through Probability Weighted Word + Saliency", Ren et al., 2019. + + Words are prioritized for a synonym-swap transformation based on + a combination of their saliency score and maximum word-swap effectiveness. + Note that this implementation does not include the Named + Entity adversarial swap from the original paper, because it requires + access to the full dataset and ground truth labels in advance. + + https://www.aclweb.org/anthology/P19-1103/ + """ + + @staticmethod + def build(model_wrapper): + transformation = WordSwapWordNet() + constraints = [RepeatModification(), StopwordModification()] + goal_function = UntargetedClassification(model_wrapper) + # search over words based on a combination of their saliency score, and how efficient the WordSwap transform is + search_method = GreedyWordSwapWIR("weighted-saliency") + return Attack(goal_function, constraints, transformation, search_method) diff --git a/textattack/attack_recipes/seq2sick_cheng_2018_blackbox.py b/textattack/attack_recipes/seq2sick_cheng_2018_blackbox.py new file mode 100644 index 0000000000000000000000000000000000000000..de800c5222c84ff77fd2114991d61b4aaf033999 --- /dev/null +++ b/textattack/attack_recipes/seq2sick_cheng_2018_blackbox.py @@ -0,0 +1,54 @@ +""" + +Seq2Sick +================================================ +(Seq2Sick: Evaluating the Robustness of Sequence-to-Sequence Models with Adversarial Examples) +""" +from textattack import Attack +from textattack.constraints.overlap import LevenshteinEditDistance +from textattack.constraints.pre_transformation import ( + RepeatModification, + StopwordModification, +) +from textattack.goal_functions import NonOverlappingOutput +from textattack.search_methods import GreedyWordSwapWIR +from textattack.transformations import WordSwapEmbedding + +from .attack_recipe import AttackRecipe + + +class Seq2SickCheng2018BlackBox(AttackRecipe): + """Cheng, Minhao, et al. + + Seq2Sick: Evaluating the Robustness of Sequence-to-Sequence Models with + Adversarial Examples + + https://arxiv.org/abs/1803.01128 + + This is a greedy re-implementation of the seq2sick attack method. It does + not use gradient descent. + """ + + @staticmethod + def build(model_wrapper, goal_function="non_overlapping"): + + # + # Goal is non-overlapping output. + # + goal_function = NonOverlappingOutput(model_wrapper) + transformation = WordSwapEmbedding(max_candidates=50) + # + # Don't modify the same word twice or stopwords + # + constraints = [RepeatModification(), StopwordModification()] + # + # In these experiments, we hold the maximum difference + # on edit distance (ϵ) to a constant 30 for each sample. + # + constraints.append(LevenshteinEditDistance(30)) + # + # Greedily swap words with "Word Importance Ranking". + # + search_method = GreedyWordSwapWIR(wir_method="unk") + + return Attack(goal_function, constraints, transformation, search_method) diff --git a/textattack/attack_recipes/spanish_recipe.py b/textattack/attack_recipes/spanish_recipe.py new file mode 100644 index 0000000000000000000000000000000000000000..bca39b30744d4c9d1014bf6d9c884deb63a0b04b --- /dev/null +++ b/textattack/attack_recipes/spanish_recipe.py @@ -0,0 +1,31 @@ +from textattack import Attack +from textattack.constraints.pre_transformation import ( + RepeatModification, + StopwordModification, +) +from textattack.goal_functions import UntargetedClassification +from textattack.search_methods import GreedyWordSwapWIR +from textattack.transformations import ( + CompositeTransformation, + WordSwapChangeLocation, + WordSwapChangeName, + WordSwapWordNet, +) + +from .attack_recipe import AttackRecipe + + +class SpanishRecipe(AttackRecipe): + @staticmethod + def build(model_wrapper): + transformation = CompositeTransformation( + [ + WordSwapWordNet(language="esp"), + WordSwapChangeLocation(language="esp"), + WordSwapChangeName(language="esp"), + ] + ) + constraints = [RepeatModification(), StopwordModification("spanish")] + goal_function = UntargetedClassification(model_wrapper) + search_method = GreedyWordSwapWIR() + return Attack(goal_function, constraints, transformation, search_method) diff --git a/textattack/attack_recipes/textbugger_li_2018.py b/textattack/attack_recipes/textbugger_li_2018.py new file mode 100644 index 0000000000000000000000000000000000000000..fbf2121319b0384fecf7b08f0d507010bacd4bb7 --- /dev/null +++ b/textattack/attack_recipes/textbugger_li_2018.py @@ -0,0 +1,98 @@ +""" + +TextBugger +=============== + +(TextBugger: Generating Adversarial Text Against Real-world Applications) + +""" + +from textattack import Attack +from textattack.constraints.pre_transformation import ( + RepeatModification, + StopwordModification, +) +from textattack.constraints.semantics.sentence_encoders import UniversalSentenceEncoder +from textattack.goal_functions import UntargetedClassification +from textattack.search_methods import GreedyWordSwapWIR +from textattack.transformations import ( + CompositeTransformation, + WordSwapEmbedding, + WordSwapHomoglyphSwap, + WordSwapNeighboringCharacterSwap, + WordSwapRandomCharacterDeletion, + WordSwapRandomCharacterInsertion, +) + +from .attack_recipe import AttackRecipe + + +class TextBuggerLi2018(AttackRecipe): + """Li, J., Ji, S., Du, T., Li, B., and Wang, T. (2018). + + TextBugger: Generating Adversarial Text Against Real-world Applications. + + https://arxiv.org/abs/1812.05271 + """ + + @staticmethod + def build(model_wrapper): + # + # we propose five bug generation methods for TEXTBUGGER: + # + transformation = CompositeTransformation( + [ + # (1) Insert: Insert a space into the word. + # Generally, words are segmented by spaces in English. Therefore, + # we can deceive classifiers by inserting spaces into words. + WordSwapRandomCharacterInsertion( + random_one=True, + letters_to_insert=" ", + skip_first_char=True, + skip_last_char=True, + ), + # (2) Delete: Delete a random character of the word except for the first + # and the last character. + WordSwapRandomCharacterDeletion( + random_one=True, skip_first_char=True, skip_last_char=True + ), + # (3) Swap: Swap random two adjacent letters in the word but do not + # alter the first or last letter. This is a common occurrence when + # typing quickly and is easy to implement. + WordSwapNeighboringCharacterSwap( + random_one=True, skip_first_char=True, skip_last_char=True + ), + # (4) Substitute-C (Sub-C): Replace characters with visually similar + # characters (e.g., replacing “o” with “0”, “l” with “1”, “a” with “@”) + # or adjacent characters in the keyboard (e.g., replacing “m” with “n”). + WordSwapHomoglyphSwap(), + # (5) Substitute-W + # (Sub-W): Replace a word with its topk nearest neighbors in a + # context-aware word vector space. Specifically, we use the pre-trained + # GloVe model [30] provided by Stanford for word embedding and set + # topk = 5 in the experiment. + WordSwapEmbedding(max_candidates=5), + ] + ) + + constraints = [RepeatModification(), StopwordModification()] + # In our experiment, we first use the Universal Sentence + # Encoder [7], a model trained on a number of natural language + # prediction tasks that require modeling the meaning of word + # sequences, to encode sentences into high dimensional vectors. + # Then, we use the cosine similarity to measure the semantic + # similarity between original texts and adversarial texts. + # ... "Furthermore, the semantic similarity threshold \eps is set + # as 0.8 to guarantee a good trade-off between quality and + # strength of the generated adversarial text." + constraints.append(UniversalSentenceEncoder(threshold=0.8)) + # + # Goal is untargeted classification + # + goal_function = UntargetedClassification(model_wrapper) + # + # Greedily swap words with "Word Importance Ranking". + # + search_method = GreedyWordSwapWIR(wir_method="delete") + + return Attack(goal_function, constraints, transformation, search_method) diff --git a/textattack/attack_recipes/textfooler_jin_2019.py b/textattack/attack_recipes/textfooler_jin_2019.py new file mode 100644 index 0000000000000000000000000000000000000000..1181b3a4a7160b1351813e5a15ce474074732841 --- /dev/null +++ b/textattack/attack_recipes/textfooler_jin_2019.py @@ -0,0 +1,91 @@ +""" + +TextFooler (Is BERT Really Robust?) +=================================================== +A Strong Baseline for Natural Language Attack on Text Classification and Entailment) + +""" + +from textattack import Attack +from textattack.constraints.grammaticality import PartOfSpeech +from textattack.constraints.pre_transformation import ( + InputColumnModification, + RepeatModification, + StopwordModification, +) +from textattack.constraints.semantics import WordEmbeddingDistance +from textattack.constraints.semantics.sentence_encoders import UniversalSentenceEncoder +from textattack.goal_functions import UntargetedClassification +from textattack.search_methods import GreedyWordSwapWIR +from textattack.transformations import WordSwapEmbedding + +from .attack_recipe import AttackRecipe + + +class TextFoolerJin2019(AttackRecipe): + """Jin, D., Jin, Z., Zhou, J.T., & Szolovits, P. (2019). + + Is BERT Really Robust? Natural Language Attack on Text Classification and Entailment. + + https://arxiv.org/abs/1907.11932 + """ + + @staticmethod + def build(model_wrapper): + # + # Swap words with their 50 closest embedding nearest-neighbors. + # Embedding: Counter-fitted PARAGRAM-SL999 vectors. + # + transformation = WordSwapEmbedding(max_candidates=50) + # + # Don't modify the same word twice or the stopwords defined + # in the TextFooler public implementation. + # + # fmt: off + stopwords = set( + ["a", "about", "above", "across", "after", "afterwards", "again", "against", "ain", "all", "almost", "alone", "along", "already", "also", "although", "am", "among", "amongst", "an", "and", "another", "any", "anyhow", "anyone", "anything", "anyway", "anywhere", "are", "aren", "aren't", "around", "as", "at", "back", "been", "before", "beforehand", "behind", "being", "below", "beside", "besides", "between", "beyond", "both", "but", "by", "can", "cannot", "could", "couldn", "couldn't", "d", "didn", "didn't", "doesn", "doesn't", "don", "don't", "down", "due", "during", "either", "else", "elsewhere", "empty", "enough", "even", "ever", "everyone", "everything", "everywhere", "except", "first", "for", "former", "formerly", "from", "hadn", "hadn't", "hasn", "hasn't", "haven", "haven't", "he", "hence", "her", "here", "hereafter", "hereby", "herein", "hereupon", "hers", "herself", "him", "himself", "his", "how", "however", "hundred", "i", "if", "in", "indeed", "into", "is", "isn", "isn't", "it", "it's", "its", "itself", "just", "latter", "latterly", "least", "ll", "may", "me", "meanwhile", "mightn", "mightn't", "mine", "more", "moreover", "most", "mostly", "must", "mustn", "mustn't", "my", "myself", "namely", "needn", "needn't", "neither", "never", "nevertheless", "next", "no", "nobody", "none", "noone", "nor", "not", "nothing", "now", "nowhere", "o", "of", "off", "on", "once", "one", "only", "onto", "or", "other", "others", "otherwise", "our", "ours", "ourselves", "out", "over", "per", "please", "s", "same", "shan", "shan't", "she", "she's", "should've", "shouldn", "shouldn't", "somehow", "something", "sometime", "somewhere", "such", "t", "than", "that", "that'll", "the", "their", "theirs", "them", "themselves", "then", "thence", "there", "thereafter", "thereby", "therefore", "therein", "thereupon", "these", "they", "this", "those", "through", "throughout", "thru", "thus", "to", "too", "toward", "towards", "under", "unless", "until", "up", "upon", "used", "ve", "was", "wasn", "wasn't", "we", "were", "weren", "weren't", "what", "whatever", "when", "whence", "whenever", "where", "whereafter", "whereas", "whereby", "wherein", "whereupon", "wherever", "whether", "which", "while", "whither", "who", "whoever", "whole", "whom", "whose", "why", "with", "within", "without", "won", "won't", "would", "wouldn", "wouldn't", "y", "yet", "you", "you'd", "you'll", "you're", "you've", "your", "yours", "yourself", "yourselves"] + ) + # fmt: on + constraints = [RepeatModification(), StopwordModification(stopwords=stopwords)] + # + # During entailment, we should only edit the hypothesis - keep the premise + # the same. + # + input_column_modification = InputColumnModification( + ["premise", "hypothesis"], {"premise"} + ) + constraints.append(input_column_modification) + # Minimum word embedding cosine similarity of 0.5. + # (The paper claims 0.7, but analysis of the released code and some empirical + # results show that it's 0.5.) + # + constraints.append(WordEmbeddingDistance(min_cos_sim=0.5)) + # + # Only replace words with the same part of speech (or nouns with verbs) + # + constraints.append(PartOfSpeech(allow_verb_noun_swap=True)) + # + # Universal Sentence Encoder with a minimum angular similarity of ε = 0.5. + # + # In the TextFooler code, they forget to divide the angle between the two + # embeddings by pi. So if the original threshold was that 1 - sim >= 0.5, the + # new threshold is 1 - (0.5) / pi = 0.840845057 + # + use_constraint = UniversalSentenceEncoder( + threshold=0.840845057, + metric="angular", + compare_against_original=False, + window_size=15, + skip_text_shorter_than_window=True, + ) + constraints.append(use_constraint) + # + # Goal is untargeted classification + # + goal_function = UntargetedClassification(model_wrapper) + # + # Greedily swap words with "Word Importance Ranking". + # + search_method = GreedyWordSwapWIR(wir_method="delete") + + return Attack(goal_function, constraints, transformation, search_method) diff --git a/textattack/attack_results/__init__.py b/textattack/attack_results/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..9337d6b6219cf660daf1f2e1f787183336fcc7bb --- /dev/null +++ b/textattack/attack_results/__init__.py @@ -0,0 +1,12 @@ +""" + +TextAttack attack_results Package +================================== + +""" + +from .attack_result import AttackResult +from .maximized_attack_result import MaximizedAttackResult +from .failed_attack_result import FailedAttackResult +from .skipped_attack_result import SkippedAttackResult +from .successful_attack_result import SuccessfulAttackResult diff --git a/textattack/attack_results/attack_result.py b/textattack/attack_results/attack_result.py new file mode 100644 index 0000000000000000000000000000000000000000..f5fd740406f1a076e727b2db6c3edffb640a2788 --- /dev/null +++ b/textattack/attack_results/attack_result.py @@ -0,0 +1,137 @@ +""" +AttackResult Class +====================== + +""" + +from abc import ABC + +from langdetect import detect + +from textattack.goal_function_results import GoalFunctionResult +from textattack.shared import utils + + +class AttackResult(ABC): + """Result of an Attack run on a single (output, text_input) pair. + + Args: + original_result (:class:`~textattack.goal_function_results.GoalFunctionResult`): + Result of the goal function applied to the original text + perturbed_result (:class:`~textattack.goal_function_results.GoalFunctionResult`): + Result of the goal function applied to the perturbed text. May or may not have been successful. + """ + + def __init__(self, original_result, perturbed_result): + if original_result is None: + raise ValueError("Attack original result cannot be None") + elif not isinstance(original_result, GoalFunctionResult): + raise TypeError(f"Invalid original goal function result: {original_result}") + if perturbed_result is None: + raise ValueError("Attack perturbed result cannot be None") + elif not isinstance(perturbed_result, GoalFunctionResult): + raise TypeError( + f"Invalid perturbed goal function result: {perturbed_result}" + ) + + self.original_result = original_result + self.perturbed_result = perturbed_result + self.num_queries = perturbed_result.num_queries + + # We don't want the AttackedText attributes sticking around clogging up + # space on our devices. Delete them here, if they're still present, + # because we won't need them anymore anyway. + self.original_result.attacked_text.free_memory() + self.perturbed_result.attacked_text.free_memory() + + def original_text(self, color_method=None): + """Returns the text portion of `self.original_result`. + + Helper method. + """ + return self.original_result.attacked_text.printable_text( + key_color=("bold", "underline"), key_color_method=color_method + ) + + def perturbed_text(self, color_method=None): + """Returns the text portion of `self.perturbed_result`. + + Helper method. + """ + return self.perturbed_result.attacked_text.printable_text( + key_color=("bold", "underline"), key_color_method=color_method + ) + + def str_lines(self, color_method=None): + """A list of the lines to be printed for this result's string + representation.""" + lines = [self.goal_function_result_str(color_method=color_method)] + lines.extend(self.diff_color(color_method)) + return lines + + def __str__(self, color_method=None): + return "\n\n".join(self.str_lines(color_method=color_method)) + + def goal_function_result_str(self, color_method=None): + """Returns a string illustrating the results of the goal function.""" + orig_colored = self.original_result.get_colored_output(color_method) + pert_colored = self.perturbed_result.get_colored_output(color_method) + return orig_colored + " --> " + pert_colored + + def diff_color(self, color_method=None): + """Highlights the difference between two texts using color. + + Has to account for deletions and insertions from original text to + perturbed. Relies on the index map stored in + ``self.original_result.attacked_text.attack_attrs["original_index_map"]``. + """ + t1 = self.original_result.attacked_text + t2 = self.perturbed_result.attacked_text + + if detect(t1.text) == "zh-cn" or detect(t1.text) == "ko": + return t1.printable_text(), t2.printable_text() + + if color_method is None: + return t1.printable_text(), t2.printable_text() + + color_1 = self.original_result.get_text_color_input() + color_2 = self.perturbed_result.get_text_color_perturbed() + + # iterate through and count equal/unequal words + words_1_idxs = [] + t2_equal_idxs = set() + original_index_map = t2.attack_attrs["original_index_map"] + for t1_idx, t2_idx in enumerate(original_index_map): + if t2_idx == -1: + # add words in t1 that are not in t2 + words_1_idxs.append(t1_idx) + else: + w1 = t1.words[t1_idx] + w2 = t2.words[t2_idx] + if w1 == w2: + t2_equal_idxs.add(t2_idx) + else: + words_1_idxs.append(t1_idx) + + # words to color in t2 are all the words that didn't have an equal, + # mapped word in t1 + words_2_idxs = list(sorted(set(range(t2.num_words)) - t2_equal_idxs)) + + # make lists of colored words + words_1 = [t1.words[i] for i in words_1_idxs] + words_1 = [utils.color_text(w, color_1, color_method) for w in words_1] + words_2 = [t2.words[i] for i in words_2_idxs] + words_2 = [utils.color_text(w, color_2, color_method) for w in words_2] + + t1 = self.original_result.attacked_text.replace_words_at_indices( + words_1_idxs, words_1 + ) + t2 = self.perturbed_result.attacked_text.replace_words_at_indices( + words_2_idxs, words_2 + ) + + key_color = ("bold", "underline") + return ( + t1.printable_text(key_color=key_color, key_color_method=color_method), + t2.printable_text(key_color=key_color, key_color_method=color_method), + ) diff --git a/textattack/attack_results/failed_attack_result.py b/textattack/attack_results/failed_attack_result.py new file mode 100644 index 0000000000000000000000000000000000000000..e63c9fdea3be91b6a68e195c995a63d6fc779d5a --- /dev/null +++ b/textattack/attack_results/failed_attack_result.py @@ -0,0 +1,30 @@ +""" +FailedAttackResult Class +=========================== + +""" + +from textattack.shared import utils + +from .attack_result import AttackResult + + +class FailedAttackResult(AttackResult): + """The result of a failed attack.""" + + def __init__(self, original_result, perturbed_result=None): + perturbed_result = perturbed_result or original_result + super().__init__(original_result, perturbed_result) + + def str_lines(self, color_method=None): + lines = ( + self.goal_function_result_str(color_method), + self.original_text(color_method), + ) + return tuple(map(str, lines)) + + def goal_function_result_str(self, color_method=None): + failed_str = utils.color_text("[FAILED]", "red", color_method) + return ( + self.original_result.get_colored_output(color_method) + " --> " + failed_str + ) diff --git a/textattack/attack_results/maximized_attack_result.py b/textattack/attack_results/maximized_attack_result.py new file mode 100644 index 0000000000000000000000000000000000000000..1d48fcebe62c1084770e00b7bea262607a8a3942 --- /dev/null +++ b/textattack/attack_results/maximized_attack_result.py @@ -0,0 +1,11 @@ +""" +MaximizedAttackResult Class +============================ + +""" + +from .attack_result import AttackResult + + +class MaximizedAttackResult(AttackResult): + """The result of a successful attack.""" diff --git a/textattack/attack_results/skipped_attack_result.py b/textattack/attack_results/skipped_attack_result.py new file mode 100644 index 0000000000000000000000000000000000000000..4f075f65492779b0b647c4d9d41d2526b4725832 --- /dev/null +++ b/textattack/attack_results/skipped_attack_result.py @@ -0,0 +1,31 @@ +""" +SkippedAttackResult Class +============================ + +""" + +from textattack.shared import utils + +from .attack_result import AttackResult + + +class SkippedAttackResult(AttackResult): + """The result of a skipped attack.""" + + def __init__(self, original_result): + super().__init__(original_result, original_result) + + def str_lines(self, color_method=None): + lines = ( + self.goal_function_result_str(color_method), + self.original_text(color_method), + ) + return tuple(map(str, lines)) + + def goal_function_result_str(self, color_method=None): + skipped_str = utils.color_text("[SKIPPED]", "gray", color_method) + return ( + self.original_result.get_colored_output(color_method) + + " --> " + + skipped_str + ) diff --git a/textattack/attack_results/successful_attack_result.py b/textattack/attack_results/successful_attack_result.py new file mode 100644 index 0000000000000000000000000000000000000000..2d1e489ef6d4de01d6a103b32f4651fc859cf92d --- /dev/null +++ b/textattack/attack_results/successful_attack_result.py @@ -0,0 +1,12 @@ +""" +SuccessfulAttackResult Class +============================== + +""" + + +from .attack_result import AttackResult + + +class SuccessfulAttackResult(AttackResult): + """The result of a successful attack.""" diff --git a/textattack/attacker.py b/textattack/attacker.py new file mode 100644 index 0000000000000000000000000000000000000000..71d42c5b906aab97acb3656122edd94e5f493a7d --- /dev/null +++ b/textattack/attacker.py @@ -0,0 +1,625 @@ +""" +Attacker Class +============== +""" + +import collections +import logging +import multiprocessing as mp +import os +import queue +import random +import traceback + +import torch +import tqdm + +import textattack +from textattack.attack_results import ( + FailedAttackResult, + MaximizedAttackResult, + SkippedAttackResult, + SuccessfulAttackResult, +) +from textattack.shared.utils import logger + +from .attack import Attack +from .attack_args import AttackArgs + + +class Attacker: + """Class for running attacks on a dataset with specified parameters. This + class uses the :class:`~textattack.Attack` to actually run the attacks, + while also providing useful features such as parallel processing, + saving/resuming from a checkpint, logging to files and stdout. + + Args: + attack (:class:`~textattack.Attack`): + :class:`~textattack.Attack` used to actually carry out the attack. + dataset (:class:`~textattack.datasets.Dataset`): + Dataset to attack. + attack_args (:class:`~textattack.AttackArgs`): + Arguments for attacking the dataset. For default settings, look at the `AttackArgs` class. + + Example:: + + >>> import textattack + >>> import transformers + + >>> model = transformers.AutoModelForSequenceClassification.from_pretrained("textattack/bert-base-uncased-imdb") + >>> tokenizer = transformers.AutoTokenizer.from_pretrained("textattack/bert-base-uncased-imdb") + >>> model_wrapper = textattack.models.wrappers.HuggingFaceModelWrapper(model, tokenizer) + + >>> attack = textattack.attack_recipes.TextFoolerJin2019.build(model_wrapper) + >>> dataset = textattack.datasets.HuggingFaceDataset("imdb", split="test") + + >>> # Attack 20 samples with CSV logging and checkpoint saved every 5 interval + >>> attack_args = textattack.AttackArgs( + ... num_examples=20, + ... log_to_csv="log.csv", + ... checkpoint_interval=5, + ... checkpoint_dir="checkpoints", + ... disable_stdout=True + ... ) + + >>> attacker = textattack.Attacker(attack, dataset, attack_args) + >>> attacker.attack_dataset() + """ + + def __init__(self, attack, dataset, attack_args=None): + assert isinstance( + attack, Attack + ), f"`attack` argument must be of type `textattack.Attack`, but got type of `{type(attack)}`." + assert isinstance( + dataset, textattack.datasets.Dataset + ), f"`dataset` must be of type `textattack.datasets.Dataset`, but got type `{type(dataset)}`." + + if attack_args: + assert isinstance( + attack_args, AttackArgs + ), f"`attack_args` must be of type `textattack.AttackArgs`, but got type `{type(attack_args)}`." + else: + attack_args = AttackArgs() + + self.attack = attack + self.dataset = dataset + self.attack_args = attack_args + self.attack_log_manager = None + + # This is to be set if loading from a checkpoint + self._checkpoint = None + + def _get_worklist(self, start, end, num_examples, shuffle): + if end - start < num_examples: + logger.warn( + f"Attempting to attack {num_examples} samples when only {end-start} are available." + ) + candidates = list(range(start, end)) + if shuffle: + random.shuffle(candidates) + worklist = collections.deque(candidates[:num_examples]) + candidates = collections.deque(candidates[num_examples:]) + assert (len(worklist) + len(candidates)) == (end - start) + return worklist, candidates + + def simple_attack(self, text, label): + """Internal method that carries out attack. + + No parallel processing is involved. + """ + if torch.cuda.is_available(): + self.attack.cuda_() + + example, ground_truth_output = text, label + try: + example = textattack.shared.AttackedText(example) + if self.dataset.label_names is not None: + example.attack_attrs["label_names"] = self.dataset.label_names + try: + result = self.attack.attack(example, ground_truth_output) + except Exception as e: + raise e + # return + if (isinstance(result, SkippedAttackResult) and self.attack_args.attack_n) or ( + not isinstance(result, SuccessfulAttackResult) + and self.attack_args.num_successful_examples + ): + return + else: + return result + except KeyboardInterrupt as e: + raise e + + def _attack(self): + """Internal method that carries out attack. + + No parallel processing is involved. + """ + if torch.cuda.is_available(): + self.attack.cuda_() + + if self._checkpoint: + num_remaining_attacks = self._checkpoint.num_remaining_attacks + worklist = self._checkpoint.worklist + worklist_candidates = self._checkpoint.worklist_candidates + logger.info( + f"Recovered from checkpoint previously saved at {self._checkpoint.datetime}." + ) + else: + if self.attack_args.num_successful_examples: + num_remaining_attacks = self.attack_args.num_successful_examples + # We make `worklist` deque (linked-list) for easy pop and append. + # Candidates are other samples we can attack if we need more samples. + worklist, worklist_candidates = self._get_worklist( + self.attack_args.num_examples_offset, + len(self.dataset), + self.attack_args.num_successful_examples, + self.attack_args.shuffle, + ) + else: + num_remaining_attacks = self.attack_args.num_examples + # We make `worklist` deque (linked-list) for easy pop and append. + # Candidates are other samples we can attack if we need more samples. + worklist, worklist_candidates = self._get_worklist( + self.attack_args.num_examples_offset, + len(self.dataset), + self.attack_args.num_examples, + self.attack_args.shuffle, + ) + + if not self.attack_args.silent: + print(self.attack, "\n") + + pbar = tqdm.tqdm(total=num_remaining_attacks, smoothing=0, dynamic_ncols=True) + if self._checkpoint: + num_results = self._checkpoint.results_count + num_failures = self._checkpoint.num_failed_attacks + num_skipped = self._checkpoint.num_skipped_attacks + num_successes = self._checkpoint.num_successful_attacks + else: + num_results = 0 + num_failures = 0 + num_skipped = 0 + num_successes = 0 + + sample_exhaustion_warned = False + while worklist: + idx = worklist.popleft() + try: + example, ground_truth_output = self.dataset[idx] + except IndexError: + continue + example = textattack.shared.AttackedText(example) + if self.dataset.label_names is not None: + example.attack_attrs["label_names"] = self.dataset.label_names + try: + result = self.attack.attack(example, ground_truth_output) + except Exception as e: + raise e + if ( + isinstance(result, SkippedAttackResult) and self.attack_args.attack_n + ) or ( + not isinstance(result, SuccessfulAttackResult) + and self.attack_args.num_successful_examples + ): + if worklist_candidates: + next_sample = worklist_candidates.popleft() + worklist.append(next_sample) + else: + if not sample_exhaustion_warned: + logger.warn("Ran out of samples to attack!") + sample_exhaustion_warned = True + else: + pbar.update(1) + + self.attack_log_manager.log_result(result) + if not self.attack_args.disable_stdout and not self.attack_args.silent: + print("\n") + num_results += 1 + + if isinstance(result, SkippedAttackResult): + num_skipped += 1 + if isinstance(result, (SuccessfulAttackResult, MaximizedAttackResult)): + num_successes += 1 + if isinstance(result, FailedAttackResult): + num_failures += 1 + pbar.set_description( + f"[Succeeded / Failed / Skipped / Total] {num_successes} / {num_failures} / {num_skipped} / {num_results}" + ) + + if ( + self.attack_args.checkpoint_interval + and len(self.attack_log_manager.results) + % self.attack_args.checkpoint_interval + == 0 + ): + new_checkpoint = textattack.shared.AttackCheckpoint( + self.attack_args, + self.attack_log_manager, + worklist, + worklist_candidates, + ) + new_checkpoint.save() + self.attack_log_manager.flush() + + pbar.close() + print() + # Enable summary stdout + if not self.attack_args.silent and self.attack_args.disable_stdout: + self.attack_log_manager.enable_stdout() + + if self.attack_args.enable_advance_metrics: + self.attack_log_manager.enable_advance_metrics = True + + self.attack_log_manager.log_summary() + self.attack_log_manager.flush() + print() + + def _attack_parallel(self): + pytorch_multiprocessing_workaround() + + if self._checkpoint: + num_remaining_attacks = self._checkpoint.num_remaining_attacks + worklist = self._checkpoint.worklist + worklist_candidates = self._checkpoint.worklist_candidates + logger.info( + f"Recovered from checkpoint previously saved at {self._checkpoint.datetime}." + ) + else: + if self.attack_args.num_successful_examples: + num_remaining_attacks = self.attack_args.num_successful_examples + # We make `worklist` deque (linked-list) for easy pop and append. + # Candidates are other samples we can attack if we need more samples. + worklist, worklist_candidates = self._get_worklist( + self.attack_args.num_examples_offset, + len(self.dataset), + self.attack_args.num_successful_examples, + self.attack_args.shuffle, + ) + else: + num_remaining_attacks = self.attack_args.num_examples + # We make `worklist` deque (linked-list) for easy pop and append. + # Candidates are other samples we can attack if we need more samples. + worklist, worklist_candidates = self._get_worklist( + self.attack_args.num_examples_offset, + len(self.dataset), + self.attack_args.num_examples, + self.attack_args.shuffle, + ) + + in_queue = torch.multiprocessing.Queue() + out_queue = torch.multiprocessing.Queue() + for i in worklist: + try: + example, ground_truth_output = self.dataset[i] + example = textattack.shared.AttackedText(example) + if self.dataset.label_names is not None: + example.attack_attrs["label_names"] = self.dataset.label_names + in_queue.put((i, example, ground_truth_output)) + except IndexError: + raise IndexError( + f"Tried to access element at {i} in dataset of size {len(self.dataset)}." + ) + + # We reserve the first GPU for coordinating workers. + num_gpus = torch.cuda.device_count() + num_workers = self.attack_args.num_workers_per_device * num_gpus + logger.info(f"Running {num_workers} worker(s) on {num_gpus} GPU(s).") + + # Lock for synchronization + lock = mp.Lock() + + # We move Attacker (and its components) to CPU b/c we don't want models using wrong GPU in worker processes. + self.attack.cpu_() + torch.cuda.empty_cache() + + # Start workers. + worker_pool = torch.multiprocessing.Pool( + num_workers, + attack_from_queue, + ( + self.attack, + self.attack_args, + num_gpus, + mp.Value("i", 1, lock=False), + lock, + in_queue, + out_queue, + ), + ) + + # Log results asynchronously and update progress bar. + if self._checkpoint: + num_results = self._checkpoint.results_count + num_failures = self._checkpoint.num_failed_attacks + num_skipped = self._checkpoint.num_skipped_attacks + num_successes = self._checkpoint.num_successful_attacks + else: + num_results = 0 + num_failures = 0 + num_skipped = 0 + num_successes = 0 + + logger.info(f"Worklist size: {len(worklist)}") + logger.info(f"Worklist candidate size: {len(worklist_candidates)}") + + sample_exhaustion_warned = False + pbar = tqdm.tqdm(total=num_remaining_attacks, smoothing=0, dynamic_ncols=True) + while worklist: + idx, result = out_queue.get(block=True) + worklist.remove(idx) + + if isinstance(result, tuple) and isinstance(result[0], Exception): + logger.error( + f'Exception encountered for input "{self.dataset[idx][0]}".' + ) + error_trace = result[1] + logger.error(error_trace) + in_queue.close() + in_queue.join_thread() + out_queue.close() + out_queue.join_thread() + worker_pool.terminate() + worker_pool.join() + return + elif ( + isinstance(result, SkippedAttackResult) and self.attack_args.attack_n + ) or ( + not isinstance(result, SuccessfulAttackResult) + and self.attack_args.num_successful_examples + ): + if worklist_candidates: + next_sample = worklist_candidates.popleft() + example, ground_truth_output = self.dataset[next_sample] + example = textattack.shared.AttackedText(example) + if self.dataset.label_names is not None: + example.attack_attrs["label_names"] = self.dataset.label_names + worklist.append(next_sample) + in_queue.put((next_sample, example, ground_truth_output)) + else: + if not sample_exhaustion_warned: + logger.warn("Ran out of samples to attack!") + sample_exhaustion_warned = True + else: + pbar.update() + + self.attack_log_manager.log_result(result) + num_results += 1 + + if isinstance(result, SkippedAttackResult): + num_skipped += 1 + if isinstance(result, (SuccessfulAttackResult, MaximizedAttackResult)): + num_successes += 1 + if isinstance(result, FailedAttackResult): + num_failures += 1 + pbar.set_description( + f"[Succeeded / Failed / Skipped / Total] {num_successes} / {num_failures} / {num_skipped} / {num_results}" + ) + + if ( + self.attack_args.checkpoint_interval + and len(self.attack_log_manager.results) + % self.attack_args.checkpoint_interval + == 0 + ): + new_checkpoint = textattack.shared.AttackCheckpoint( + self.attack_args, + self.attack_log_manager, + worklist, + worklist_candidates, + ) + new_checkpoint.save() + self.attack_log_manager.flush() + + # Send sentinel values to worker processes + for _ in range(num_workers): + in_queue.put(("END", "END", "END")) + worker_pool.close() + worker_pool.join() + + pbar.close() + print() + # Enable summary stdout. + if not self.attack_args.silent and self.attack_args.disable_stdout: + self.attack_log_manager.enable_stdout() + + if self.attack_args.enable_advance_metrics: + self.attack_log_manager.enable_advance_metrics = True + + self.attack_log_manager.log_summary() + self.attack_log_manager.flush() + print() + + def attack_dataset(self): + """Attack the dataset. + + Returns: + :obj:`list[AttackResult]` - List of :class:`~textattack.attack_results.AttackResult` obtained after attacking the given dataset.. + """ + if self.attack_args.silent: + logger.setLevel(logging.ERROR) + + if self.attack_args.query_budget: + self.attack.goal_function.query_budget = self.attack_args.query_budget + + if not self.attack_log_manager: + self.attack_log_manager = AttackArgs.create_loggers_from_args( + self.attack_args + ) + + textattack.shared.utils.set_seed(self.attack_args.random_seed) + if self.dataset.shuffled and self.attack_args.checkpoint_interval: + # Not allowed b/c we cannot recover order of shuffled data + raise ValueError( + "Cannot use `--checkpoint-interval` with dataset that has been internally shuffled." + ) + + self.attack_args.num_examples = ( + len(self.dataset) + if self.attack_args.num_examples == -1 + else self.attack_args.num_examples + ) + if self.attack_args.parallel: + if torch.cuda.device_count() == 0: + raise Exception( + "Found no GPU on your system. To run attacks in parallel, GPU is required." + ) + self._attack_parallel() + else: + self._attack() + + if self.attack_args.silent: + logger.setLevel(logging.INFO) + + return self.attack_log_manager.results + + def update_attack_args(self, **kwargs): + """To update any attack args, pass the new argument as keyword argument + to this function. + + Examples:: + + >>> attacker = #some instance of Attacker + >>> # To switch to parallel mode and increase checkpoint interval from 100 to 500 + >>> attacker.update_attack_args(parallel=True, checkpoint_interval=500) + """ + for k in kwargs: + if hasattr(self.attack_args, k): + self.attack_args.k = kwargs[k] + else: + raise ValueError(f"`textattack.AttackArgs` does not have field {k}.") + + @classmethod + def from_checkpoint(cls, attack, dataset, checkpoint): + """Resume attacking from a saved checkpoint. Attacker and dataset must + be recovered by the user again, while attack args are loaded from the + saved checkpoint. + + Args: + attack (:class:`~textattack.Attack`): + Attack object for carrying out the attack. + dataset (:class:`~textattack.datasets.Dataset`): + Dataset to attack. + checkpoint (:obj:`Union[str, :class:`~textattack.shared.AttackChecpoint`]`): + Path of saved checkpoint or the actual saved checkpoint. + """ + assert isinstance( + checkpoint, (str, textattack.shared.AttackCheckpoint) + ), f"`checkpoint` must be of type `str` or `textattack.shared.AttackCheckpoint`, but got type `{type(checkpoint)}`." + + if isinstance(checkpoint, str): + checkpoint = textattack.shared.AttackCheckpoint.load(checkpoint) + attacker = cls(attack, dataset, checkpoint.attack_args) + attacker.attack_log_manager = checkpoint.attack_log_manager + attacker._checkpoint = checkpoint + return attacker + + @staticmethod + def attack_interactive(attack): + print(attack, "\n") + + print("Running in interactive mode") + print("----------------------------") + + while True: + print('Enter a sentence to attack or "q" to quit:') + text = input() + + if text == "q": + break + + if not text: + continue + + print("Attacking...") + + example = textattack.shared.attacked_text.AttackedText(text) + output = attack.goal_function.get_output(example) + result = attack.attack(example, output) + print(result.__str__(color_method="ansi") + "\n") + + +# +# Helper Methods for multiprocess attacks +# +def pytorch_multiprocessing_workaround(): + # This is a fix for a known bug + try: + torch.multiprocessing.set_start_method("spawn", force=True) + torch.multiprocessing.set_sharing_strategy("file_system") + except RuntimeError: + pass + + +def set_env_variables(gpu_id): + # Disable tensorflow logs, except in the case of an error. + if "TF_CPP_MIN_LOG_LEVEL" not in os.environ: + os.environ["TF_CPP_MIN_LOG_LEVEL"] = "3" + + # Set sharing strategy to file_system to avoid file descriptor leaks + torch.multiprocessing.set_sharing_strategy("file_system") + + # Only use one GPU, if we have one. + # For Tensorflow + # TODO: Using USE with `--parallel` raises similar issue as https://github.com/tensorflow/tensorflow/issues/38518# + os.environ["CUDA_VISIBLE_DEVICES"] = str(gpu_id) + # For PyTorch + torch.cuda.set_device(gpu_id) + + # Fix TensorFlow GPU memory growth + try: + import tensorflow as tf + + gpus = tf.config.experimental.list_physical_devices("GPU") + if gpus: + try: + # Currently, memory growth needs to be the same across GPUs + gpu = gpus[gpu_id] + tf.config.experimental.set_visible_devices(gpu, "GPU") + tf.config.experimental.set_memory_growth(gpu, True) + except RuntimeError as e: + print(e) + except ModuleNotFoundError: + pass + + +def attack_from_queue( + attack, attack_args, num_gpus, first_to_start, lock, in_queue, out_queue +): + assert isinstance( + attack, Attack + ), f"`attack` must be of type `Attack`, but got type `{type(attack)}`." + + gpu_id = (torch.multiprocessing.current_process()._identity[0] - 1) % num_gpus + set_env_variables(gpu_id) + textattack.shared.utils.set_seed(attack_args.random_seed) + if torch.multiprocessing.current_process()._identity[0] > 1: + logging.disable() + + attack.cuda_() + + # Simple non-synchronized check to see if it's the first process to reach this point. + # This let us avoid waiting for lock. + if bool(first_to_start.value): + # If it's first process to reach this step, we first try to acquire the lock to update the value. + with lock: + # Because another process could have changed `first_to_start=False` while we wait, we check again. + if bool(first_to_start.value): + first_to_start.value = 0 + if not attack_args.silent: + print(attack, "\n") + + while True: + try: + i, example, ground_truth_output = in_queue.get(timeout=5) + if i == "END" and example == "END" and ground_truth_output == "END": + # End process when sentinel value is received + break + else: + result = attack.attack(example, ground_truth_output) + out_queue.put((i, result)) + except Exception as e: + if isinstance(e, queue.Empty): + continue + else: + out_queue.put((i, (e, traceback.format_exc()))) diff --git a/textattack/augment_args.py b/textattack/augment_args.py new file mode 100644 index 0000000000000000000000000000000000000000..666ed2e3c1041fed501793069ae6ccd7db4133c0 --- /dev/null +++ b/textattack/augment_args.py @@ -0,0 +1,123 @@ +""" +AugmenterArgs Class +=================== +""" + + +from dataclasses import dataclass + +AUGMENTATION_RECIPE_NAMES = { + "wordnet": "textattack.augmentation.WordNetAugmenter", + "embedding": "textattack.augmentation.EmbeddingAugmenter", + "charswap": "textattack.augmentation.CharSwapAugmenter", + "eda": "textattack.augmentation.EasyDataAugmenter", + "checklist": "textattack.augmentation.CheckListAugmenter", + "clare": "textattack.augmentation.CLAREAugmenter", + "back_trans": "textattack.augmentation.BackTranslationAugmenter", +} + + +@dataclass +class AugmenterArgs: + """Arguments for performing data augmentation. + + Args: + input_csv (str): Path of input CSV file to augment. + output_csv (str): Path of CSV file to output augmented data. + """ + + input_csv: str + output_csv: str + input_column: str + recipe: str = "embedding" + pct_words_to_swap: float = 0.1 + transformations_per_example: int = 2 + random_seed: int = 42 + exclude_original: bool = False + overwrite: bool = False + interactive: bool = False + fast_augment: bool = False + high_yield: bool = False + enable_advanced_metrics: bool = False + + @classmethod + def _add_parser_args(cls, parser): + parser.add_argument( + "--input-csv", + type=str, + help="Path of input CSV file to augment.", + ) + parser.add_argument( + "--output-csv", + type=str, + help="Path of CSV file to output augmented data.", + ) + parser.add_argument( + "--input-column", + "--i", + type=str, + help="CSV input column to be augmented", + ) + parser.add_argument( + "--recipe", + "-r", + help="Name of augmentation recipe", + type=str, + default="embedding", + choices=AUGMENTATION_RECIPE_NAMES.keys(), + ) + parser.add_argument( + "--pct-words-to-swap", + "--p", + help="Percentage of words to modify when generating each augmented example.", + type=float, + default=0.1, + ) + parser.add_argument( + "--transformations-per-example", + "--t", + help="number of augmentations to return for each input", + type=int, + default=2, + ) + parser.add_argument( + "--random-seed", default=42, type=int, help="random seed to set" + ) + parser.add_argument( + "--exclude-original", + default=False, + action="store_true", + help="exclude original example from augmented CSV", + ) + parser.add_argument( + "--overwrite", + default=False, + action="store_true", + help="overwrite output file, if it exists", + ) + parser.add_argument( + "--interactive", + default=False, + action="store_true", + help="Whether to run attacks interactively.", + ) + parser.add_argument( + "--high_yield", + default=False, + action="store_true", + help="run attacks with high yield.", + ) + parser.add_argument( + "--fast_augment", + default=False, + action="store_true", + help="faster augmentation but may use only a few transformations.", + ) + parser.add_argument( + "--enable_advanced_metrics", + default=False, + action="store_true", + help="return perplexity and USE score", + ) + + return parser diff --git a/textattack/augmentation/__init__.py b/textattack/augmentation/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..c59a11410307b0d4428c36ee5ba5b9a657e37c53 --- /dev/null +++ b/textattack/augmentation/__init__.py @@ -0,0 +1,20 @@ +""".. _augmentation: + +TextAttack augmentation package: +================================= + +Transformations and constraints can be used outside of an attack for simple NLP data augmentation with the ``Augmenter`` class that returns all possible transformations for a given string. +""" + + +from .augmenter import Augmenter +from .recipes import ( + WordNetAugmenter, + EmbeddingAugmenter, + CharSwapAugmenter, + EasyDataAugmenter, + CheckListAugmenter, + DeletionAugmenter, + CLAREAugmenter, + BackTranslationAugmenter, +) diff --git a/textattack/augmentation/augmenter.py b/textattack/augmentation/augmenter.py new file mode 100644 index 0000000000000000000000000000000000000000..1b8200e2d9f5c3a2e5d95ab8b05af856a9e60785 --- /dev/null +++ b/textattack/augmentation/augmenter.py @@ -0,0 +1,260 @@ +""" +Augmenter Class +=================== +""" +import random + +import tqdm + +from textattack.constraints import PreTransformationConstraint +from textattack.metrics.quality_metrics import Perplexity, USEMetric +from textattack.shared import AttackedText, utils + + +class Augmenter: + """A class for performing data augmentation using TextAttack. + + Returns all possible transformations for a given string. Currently only + supports transformations which are word swaps. + + Args: + transformation (textattack.Transformation): the transformation + that suggests new texts from an input. + constraints: (list(textattack.Constraint)): constraints + that each transformation must meet + pct_words_to_swap: (float): [0., 1.], percentage of words to swap per augmented example + transformations_per_example: (int): Maximum number of augmentations + per input + high_yield: Whether to return a set of augmented texts that will be relatively similar, or to return only a + single one. + fast_augment: Stops additional transformation runs when number of successful augmentations reaches + transformations_per_example + advanced_metrics: return perplexity and USE Score of augmentation + + Example:: + >>> from textattack.transformations import WordSwapRandomCharacterDeletion, WordSwapQWERTY, CompositeTransformation + >>> from textattack.constraints.pre_transformation import RepeatModification, StopwordModification + >>> from textattack.augmentation import Augmenter + + >>> transformation = CompositeTransformation([WordSwapRandomCharacterDeletion(), WordSwapQWERTY()]) + >>> constraints = [RepeatModification(), StopwordModification()] + + >>> # initiate augmenter + >>> augmenter = Augmenter( + ... transformation=transformation, + ... constraints=constraints, + ... pct_words_to_swap=0.5, + ... transformations_per_example=3 + ... ) + + >>> # additional parameters can be modified if not during initiation + >>> augmenter.enable_advanced_metrics = True + >>> augmenter.fast_augment = True + >>> augmenter.high_yield = True + + >>> s = 'What I cannot create, I do not understand.' + >>> results = augmenter.augment(s) + + >>> augmentations = results[0] + >>> perplexity_score = results[1] + >>> use_score = results[2] + """ + + def __init__( + self, + transformation, + constraints=[], + pct_words_to_swap=0.1, + transformations_per_example=1, + high_yield=False, + fast_augment=False, + enable_advanced_metrics=False, + ): + assert ( + transformations_per_example > 0 + ), "transformations_per_example must be a positive integer" + assert 0.0 <= pct_words_to_swap <= 1.0, "pct_words_to_swap must be in [0., 1.]" + self.transformation = transformation + self.pct_words_to_swap = pct_words_to_swap + self.transformations_per_example = transformations_per_example + + self.constraints = [] + self.pre_transformation_constraints = [] + self.high_yield = high_yield + self.fast_augment = fast_augment + self.advanced_metrics = enable_advanced_metrics + for constraint in constraints: + if isinstance(constraint, PreTransformationConstraint): + self.pre_transformation_constraints.append(constraint) + else: + self.constraints.append(constraint) + + def _filter_transformations(self, transformed_texts, current_text, original_text): + """Filters a list of ``AttackedText`` objects to include only the ones + that pass ``self.constraints``.""" + for C in self.constraints: + if len(transformed_texts) == 0: + break + if C.compare_against_original: + if not original_text: + raise ValueError( + f"Missing `original_text` argument when constraint {type(C)} is set to compare against " + f"`original_text` " + ) + + transformed_texts = C.call_many(transformed_texts, original_text) + else: + transformed_texts = C.call_many(transformed_texts, current_text) + return transformed_texts + + def augment(self, text): + """Returns all possible augmentations of ``text`` according to + ``self.transformation``.""" + attacked_text = AttackedText(text) + original_text = attacked_text + all_transformed_texts = set() + num_words_to_swap = max( + int(self.pct_words_to_swap * len(attacked_text.words)), 1 + ) + augmentation_results = [] + for _ in range(self.transformations_per_example): + current_text = attacked_text + words_swapped = len(current_text.attack_attrs["modified_indices"]) + + while words_swapped < num_words_to_swap: + transformed_texts = self.transformation( + current_text, self.pre_transformation_constraints + ) + + # Get rid of transformations we already have + transformed_texts = [ + t for t in transformed_texts if t not in all_transformed_texts + ] + + # Filter out transformations that don't match the constraints. + transformed_texts = self._filter_transformations( + transformed_texts, current_text, original_text + ) + + # if there's no more transformed texts after filter, terminate + if not len(transformed_texts): + break + + # look for all transformed_texts that has enough words swapped + if self.high_yield or self.fast_augment: + ready_texts = [ + text + for text in transformed_texts + if len(text.attack_attrs["modified_indices"]) + >= num_words_to_swap + ] + for text in ready_texts: + all_transformed_texts.add(text) + unfinished_texts = [ + text for text in transformed_texts if text not in ready_texts + ] + + if len(unfinished_texts): + current_text = random.choice(unfinished_texts) + else: + # no need for further augmentations if all of transformed_texts meet `num_words_to_swap` + break + else: + current_text = random.choice(transformed_texts) + + # update words_swapped based on modified indices + words_swapped = max( + len(current_text.attack_attrs["modified_indices"]), + words_swapped + 1, + ) + + all_transformed_texts.add(current_text) + + # when with fast_augment, terminate early if there're enough successful augmentations + if ( + self.fast_augment + and len(all_transformed_texts) >= self.transformations_per_example + ): + if not self.high_yield: + all_transformed_texts = random.sample( + all_transformed_texts, self.transformations_per_example + ) + break + + perturbed_texts = sorted([at.printable_text() for at in all_transformed_texts]) + + if self.advanced_metrics: + for transformed_texts in all_transformed_texts: + augmentation_results.append( + AugmentationResult(original_text, transformed_texts) + ) + perplexity_stats = Perplexity().calculate(augmentation_results) + use_stats = USEMetric().calculate(augmentation_results) + return perturbed_texts, perplexity_stats, use_stats + + return perturbed_texts + + def augment_many(self, text_list, show_progress=False): + """Returns all possible augmentations of a list of strings according to + ``self.transformation``. + + Args: + text_list (list(string)): a list of strings for data augmentation + Returns a list(string) of augmented texts. + :param show_progress: show process during augmentation + """ + if show_progress: + text_list = tqdm.tqdm(text_list, desc="Augmenting data...") + return [self.augment(text) for text in text_list] + + def augment_text_with_ids(self, text_list, id_list, show_progress=True): + """Supplements a list of text with more text data. + + Returns the augmented text along with the corresponding IDs for + each augmented example. + """ + if len(text_list) != len(id_list): + raise ValueError("List of text must be same length as list of IDs") + if self.transformations_per_example == 0: + return text_list, id_list + all_text_list = [] + all_id_list = [] + if show_progress: + text_list = tqdm.tqdm(text_list, desc="Augmenting data...") + for text, _id in zip(text_list, id_list): + all_text_list.append(text) + all_id_list.append(_id) + augmented_texts = self.augment(text) + all_text_list.extend + all_text_list.extend([text] + augmented_texts) + all_id_list.extend([_id] * (1 + len(augmented_texts))) + return all_text_list, all_id_list + + def __repr__(self): + main_str = "Augmenter" + "(" + lines = [] + # self.transformation + lines.append(utils.add_indent(f"(transformation): {self.transformation}", 2)) + # self.constraints + constraints_lines = [] + constraints = self.constraints + self.pre_transformation_constraints + if len(constraints): + for i, constraint in enumerate(constraints): + constraints_lines.append(utils.add_indent(f"({i}): {constraint}", 2)) + constraints_str = utils.add_indent("\n" + "\n".join(constraints_lines), 2) + else: + constraints_str = "None" + lines.append(utils.add_indent(f"(constraints): {constraints_str}", 2)) + main_str += "\n " + "\n ".join(lines) + "\n" + main_str += ")" + return main_str + + +class AugmentationResult: + def __init__(self, text1, text2): + self.original_result = self.tempResult(text1) + self.perturbed_result = self.tempResult(text2) + + class tempResult: + def __init__(self, text): + self.attacked_text = text diff --git a/textattack/augmentation/recipes.py b/textattack/augmentation/recipes.py new file mode 100644 index 0000000000000000000000000000000000000000..e407fe7f204ec19e983abbfa3f2c60492f59f5fd --- /dev/null +++ b/textattack/augmentation/recipes.py @@ -0,0 +1,264 @@ +""" +Augmenter Recipes: +=================== + +Transformations and constraints can be used for simple NLP data augmentations. Here is a list of recipes for NLP data augmentations + +""" +import random + +from textattack.constraints.pre_transformation import ( + RepeatModification, + StopwordModification, +) +from textattack.constraints.semantics.sentence_encoders import UniversalSentenceEncoder + +from . import Augmenter + +DEFAULT_CONSTRAINTS = [RepeatModification(), StopwordModification()] + + +class EasyDataAugmenter(Augmenter): + """An implementation of Easy Data Augmentation, which combines: + + - WordNet synonym replacement + - Randomly replace words with their synonyms. + - Word deletion + - Randomly remove words from the sentence. + - Word order swaps + - Randomly swap the position of words in the sentence. + - Random synonym insertion + - Insert a random synonym of a random word at a random location. + + in one augmentation method. + + "EDA: Easy Data Augmentation Techniques for Boosting Performance on Text Classification Tasks" (Wei and Zou, 2019) + https://arxiv.org/abs/1901.11196 + """ + + def __init__(self, pct_words_to_swap=0.1, transformations_per_example=4): + assert 0.0 <= pct_words_to_swap <= 1.0, "pct_words_to_swap must be in [0., 1.]" + assert ( + transformations_per_example > 0 + ), "transformations_per_example must be a positive integer" + self.pct_words_to_swap = pct_words_to_swap + self.transformations_per_example = transformations_per_example + n_aug_each = max(transformations_per_example // 4, 1) + + self.synonym_replacement = WordNetAugmenter( + pct_words_to_swap=pct_words_to_swap, + transformations_per_example=n_aug_each, + ) + self.random_deletion = DeletionAugmenter( + pct_words_to_swap=pct_words_to_swap, + transformations_per_example=n_aug_each, + ) + self.random_swap = SwapAugmenter( + pct_words_to_swap=pct_words_to_swap, + transformations_per_example=n_aug_each, + ) + self.random_insertion = SynonymInsertionAugmenter( + pct_words_to_swap=pct_words_to_swap, transformations_per_example=n_aug_each + ) + + def augment(self, text): + augmented_text = [] + augmented_text += self.synonym_replacement.augment(text) + augmented_text += self.random_deletion.augment(text) + augmented_text += self.random_swap.augment(text) + augmented_text += self.random_insertion.augment(text) + augmented_text = list(set(augmented_text)) + random.shuffle(augmented_text) + return augmented_text[: self.transformations_per_example] + + def __repr__(self): + return "EasyDataAugmenter" + + +class SwapAugmenter(Augmenter): + def __init__(self, **kwargs): + from textattack.transformations import WordInnerSwapRandom + + transformation = WordInnerSwapRandom() + super().__init__(transformation, constraints=DEFAULT_CONSTRAINTS, **kwargs) + + +class SynonymInsertionAugmenter(Augmenter): + def __init__(self, **kwargs): + from textattack.transformations import WordInsertionRandomSynonym + + transformation = WordInsertionRandomSynonym() + super().__init__(transformation, constraints=DEFAULT_CONSTRAINTS, **kwargs) + + +class WordNetAugmenter(Augmenter): + """Augments text by replacing with synonyms from the WordNet thesaurus.""" + + def __init__(self, **kwargs): + from textattack.transformations import WordSwapWordNet + + transformation = WordSwapWordNet() + super().__init__(transformation, constraints=DEFAULT_CONSTRAINTS, **kwargs) + + +class DeletionAugmenter(Augmenter): + def __init__(self, **kwargs): + from textattack.transformations import WordDeletion + + transformation = WordDeletion() + super().__init__(transformation, constraints=DEFAULT_CONSTRAINTS, **kwargs) + + +class EmbeddingAugmenter(Augmenter): + """Augments text by transforming words with their embeddings.""" + + def __init__(self, **kwargs): + from textattack.transformations import WordSwapEmbedding + + transformation = WordSwapEmbedding(max_candidates=50) + from textattack.constraints.semantics import WordEmbeddingDistance + + constraints = DEFAULT_CONSTRAINTS + [WordEmbeddingDistance(min_cos_sim=0.8)] + super().__init__(transformation, constraints=constraints, **kwargs) + + +class CharSwapAugmenter(Augmenter): + """Augments words by swapping characters out for other characters.""" + + def __init__(self, **kwargs): + from textattack.transformations import ( + CompositeTransformation, + WordSwapNeighboringCharacterSwap, + WordSwapRandomCharacterDeletion, + WordSwapRandomCharacterInsertion, + WordSwapRandomCharacterSubstitution, + ) + + transformation = CompositeTransformation( + [ + # (1) Swap: Swap two adjacent letters in the word. + WordSwapNeighboringCharacterSwap(), + # (2) Substitution: Substitute a letter in the word with a random letter. + WordSwapRandomCharacterSubstitution(), + # (3) Deletion: Delete a random letter from the word. + WordSwapRandomCharacterDeletion(), + # (4) Insertion: Insert a random letter in the word. + WordSwapRandomCharacterInsertion(), + ] + ) + super().__init__(transformation, constraints=DEFAULT_CONSTRAINTS, **kwargs) + + +class CheckListAugmenter(Augmenter): + """Augments words by using the transformation methods provided by CheckList + INV testing, which combines: + + - Name Replacement + - Location Replacement + - Number Alteration + - Contraction/Extension + + "Beyond Accuracy: Behavioral Testing of NLP models with CheckList" (Ribeiro et al., 2020) + https://arxiv.org/abs/2005.04118 + """ + + def __init__(self, **kwargs): + from textattack.transformations import ( + CompositeTransformation, + WordSwapChangeLocation, + WordSwapChangeName, + WordSwapChangeNumber, + WordSwapContract, + WordSwapExtend, + ) + + transformation = CompositeTransformation( + [ + WordSwapChangeNumber(), + WordSwapChangeLocation(), + WordSwapChangeName(), + WordSwapExtend(), + WordSwapContract(), + ] + ) + + constraints = [DEFAULT_CONSTRAINTS[0]] + + super().__init__(transformation, constraints=constraints, **kwargs) + + +class CLAREAugmenter(Augmenter): + """Li, Zhang, Peng, Chen, Brockett, Sun, Dolan. + + "Contextualized Perturbation for Textual Adversarial Attack" (Li et al., 2020) + + https://arxiv.org/abs/2009.07502 + + CLARE builds on a pre-trained masked language model and modifies the inputs in a contextaware manner. + We propose three contextualized perturbations, Replace, Insert and Merge, allowing for generating outputs + of varied lengths. + """ + + def __init__( + self, model="distilroberta-base", tokenizer="distilroberta-base", **kwargs + ): + import transformers + + from textattack.transformations import ( + CompositeTransformation, + WordInsertionMaskedLM, + WordMergeMaskedLM, + WordSwapMaskedLM, + ) + + shared_masked_lm = transformers.AutoModelForCausalLM.from_pretrained(model) + shared_tokenizer = transformers.AutoTokenizer.from_pretrained(tokenizer) + + transformation = CompositeTransformation( + [ + WordSwapMaskedLM( + method="bae", + masked_language_model=shared_masked_lm, + tokenizer=shared_tokenizer, + max_candidates=50, + min_confidence=5e-4, + ), + WordInsertionMaskedLM( + masked_language_model=shared_masked_lm, + tokenizer=shared_tokenizer, + max_candidates=50, + min_confidence=0.0, + ), + WordMergeMaskedLM( + masked_language_model=shared_masked_lm, + tokenizer=shared_tokenizer, + max_candidates=50, + min_confidence=5e-3, + ), + ] + ) + + use_constraint = UniversalSentenceEncoder( + threshold=0.7, + metric="cosine", + compare_against_original=True, + window_size=15, + skip_text_shorter_than_window=True, + ) + + constraints = DEFAULT_CONSTRAINTS + [use_constraint] + + super().__init__(transformation, constraints=constraints, **kwargs) + + +class BackTranslationAugmenter(Augmenter): + """Sentence level augmentation that uses MarianMTModel to back-translate. + + https://huggingface.co/transformers/model_doc/marian.html + """ + + def __init__(self, **kwargs): + from textattack.transformations.sentence_transformations import BackTranslation + + transformation = BackTranslation(chained_back_translation=5) + super().__init__(transformation, **kwargs) diff --git a/textattack/commands/__init__.py b/textattack/commands/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..b4446d34441f734375fc2e77f77eb066f8c2d990 --- /dev/null +++ b/textattack/commands/__init__.py @@ -0,0 +1,11 @@ +""" + +TextAttack commands Package +=========================== + +""" + + +from abc import ABC, abstractmethod +from .textattack_command import TextAttackCommand +from . import textattack_cli diff --git a/textattack/commands/attack_command.py b/textattack/commands/attack_command.py new file mode 100644 index 0000000000000000000000000000000000000000..d5890fcc30db803d0d8a4d42d47935f4a813d255 --- /dev/null +++ b/textattack/commands/attack_command.py @@ -0,0 +1,46 @@ +""" + +AttackCommand class +=========================== + +""" + +from argparse import ArgumentDefaultsHelpFormatter, ArgumentParser + +from textattack import Attacker, CommandLineAttackArgs, DatasetArgs, ModelArgs +from textattack.commands import TextAttackCommand + + +class AttackCommand(TextAttackCommand): + """The TextAttack attack module: + + A command line parser to run an attack from user specifications. + """ + + def run(self, args): + attack_args = CommandLineAttackArgs(**vars(args)) + dataset = DatasetArgs._create_dataset_from_args(attack_args) + + if attack_args.interactive: + model_wrapper = ModelArgs._create_model_from_args(attack_args) + attack = CommandLineAttackArgs._create_attack_from_args( + attack_args, model_wrapper + ) + Attacker.attack_interactive(attack) + else: + model_wrapper = ModelArgs._create_model_from_args(attack_args) + attack = CommandLineAttackArgs._create_attack_from_args( + attack_args, model_wrapper + ) + attacker = Attacker(attack, dataset, attack_args) + attacker.attack_dataset() + + @staticmethod + def register_subcommand(main_parser: ArgumentParser): + parser = main_parser.add_parser( + "attack", + help="run an attack on an NLP model", + formatter_class=ArgumentDefaultsHelpFormatter, + ) + parser = CommandLineAttackArgs._add_parser_args(parser) + parser.set_defaults(func=AttackCommand()) diff --git a/textattack/commands/attack_resume_command.py b/textattack/commands/attack_resume_command.py new file mode 100644 index 0000000000000000000000000000000000000000..fc28bc6b1e1e4ab16e7157e1e1673ec3c1bcf8a9 --- /dev/null +++ b/textattack/commands/attack_resume_command.py @@ -0,0 +1,107 @@ +""" + +AttackResumeCommand class +=========================== + +""" + +from argparse import ArgumentDefaultsHelpFormatter, ArgumentParser +import os + +import textattack +from textattack import Attacker, CommandLineAttackArgs, DatasetArgs, ModelArgs +from textattack.commands import TextAttackCommand + + +class AttackResumeCommand(TextAttackCommand): + """The TextAttack attack resume recipe module: + + A command line parser to resume a checkpointed attack from user + specifications. + """ + + def run(self, args): + checkpoint = self._parse_checkpoint_from_args(args) + assert isinstance(checkpoint.attack_args, CommandLineAttackArgs), ( + f"Expect `attack_args` to be of type `textattack.args.CommandLineAttackArgs`, but got type `{type(checkpoint.attack_args)}`. " + f"If saved `attack_args` is not of type `textattack.args.CommandLineAttackArgs`, cannot resume attack from command line." + ) + # merge/update arguments + checkpoint.attack_args.parallel = args.parallel + if args.checkpoint_dir: + checkpoint.attack_args.checkpoint_dir = args.checkpoint_dir + if args.checkpoint_interval: + checkpoint.attack_args.checkpoint_interval = args.checkpoint_interval + + model_wrapper = ModelArgs._create_model_from_args( + checkpoint.attack_args.attack_args + ) + attack = CommandLineAttackArgs._create_attack_from_args( + checkpoint.attack_args, model_wrapper + ) + dataset = DatasetArgs.parse_dataset_from_args(checkpoint.attack_args) + attacker = Attacker.from_checkpoint(attack, dataset, checkpoint) + attacker.attack_dataset() + + def _parse_checkpoint_from_args(self, args): + file_name = os.path.basename(args.checkpoint_file) + if file_name.lower() == "latest": + dir_path = os.path.dirname(args.checkpoint_file) + dir_path = dir_path if dir_path else "." + chkpt_file_names = [ + f for f in os.listdir(dir_path) if f.endswith(".ta.chkpt") + ] + assert chkpt_file_names, "AttackCheckpoint directory is empty" + timestamps = [int(f.replace(".ta.chkpt", "")) for f in chkpt_file_names] + latest_file = str(max(timestamps)) + ".ta.chkpt" + checkpoint_path = os.path.join(dir_path, latest_file) + else: + checkpoint_path = args.checkpoint_file + + checkpoint = textattack.shared.AttackCheckpoint.load(checkpoint_path) + + return checkpoint + + @staticmethod + def register_subcommand(main_parser: ArgumentParser): + resume_parser = main_parser.add_parser( + "attack-resume", + help="resume a checkpointed attack", + formatter_class=ArgumentDefaultsHelpFormatter, + ) + + # Parser for parsing args for resume + resume_parser.add_argument( + "--checkpoint-file", + "-f", + type=str, + required=True, + help='Path of checkpoint file to resume attack from. If "latest" (or "{directory path}/latest") is entered,' + "recover latest checkpoint from either current path or specified directory.", + ) + + resume_parser.add_argument( + "--checkpoint-dir", + "-d", + required=False, + type=str, + default=None, + help="The directory to save checkpoint files. If not set, use directory from recovered arguments.", + ) + + resume_parser.add_argument( + "--checkpoint-interval", + "-i", + required=False, + type=int, + help="If set, checkpoint will be saved after attacking every N examples. If not set, no checkpoints will be saved.", + ) + + resume_parser.add_argument( + "--parallel", + action="store_true", + default=False, + help="Run attack using multiple GPUs.", + ) + + resume_parser.set_defaults(func=AttackResumeCommand()) diff --git a/textattack/commands/augment_command.py b/textattack/commands/augment_command.py new file mode 100644 index 0000000000000000000000000000000000000000..118fe0150b48d06bdc1b4228ea587bb698bd67e1 --- /dev/null +++ b/textattack/commands/augment_command.py @@ -0,0 +1,231 @@ +""" + +AugmentCommand class +=========================== + +""" + +from argparse import ArgumentDefaultsHelpFormatter, ArgumentError, ArgumentParser +import csv +import os +import time + +import tqdm + +import textattack +from textattack.augment_args import AUGMENTATION_RECIPE_NAMES +from textattack.commands import TextAttackCommand + + +class AugmentCommand(TextAttackCommand): + """The TextAttack attack module: + + A command line parser to run data augmentation from user + specifications. + """ + + def run(self, args): + """Reads in a CSV, performs augmentation, and outputs an augmented CSV. + + Preserves all columns except for the input (augmneted) column. + """ + + args = textattack.AugmenterArgs(**vars(args)) + if args.interactive: + + print("\nRunning in interactive mode...\n") + augmenter = eval(AUGMENTATION_RECIPE_NAMES[args.recipe])( + pct_words_to_swap=args.pct_words_to_swap, + transformations_per_example=args.transformations_per_example, + high_yield=args.high_yield, + fast_augment=args.fast_augment, + enable_advanced_metrics=args.enable_advanced_metrics, + ) + print("--------------------------------------------------------") + + while True: + print( + '\nEnter a sentence to augment, "q" to quit, "c" to view/change arguments:\n' + ) + text = input() + + if text == "q": + break + + elif text == "c": + print( + f"\nCurrent Arguments:\n\n\t augmentation recipe: {args.recipe}, " + f"\n\t pct_words_to_swap: {args.pct_words_to_swap}, " + f"\n\t transformations_per_example: {args.transformations_per_example}\n" + ) + + change = input( + "Enter 'c' again to change arguments, any other keys to opt out\n" + ) + if change == "c": + print("\nChanging augmenter arguments...\n") + recipe = input( + "\tAugmentation recipe name ('r' to see available recipes): " + ) + if recipe == "r": + recipe_display = " ".join(AUGMENTATION_RECIPE_NAMES.keys()) + print(f"\n\t{recipe_display}\n") + args.recipe = input("\tAugmentation recipe name: ") + else: + args.recipe = recipe + + args.pct_words_to_swap = float( + input("\tPercentage of words to swap (0.0 ~ 1.0): ") + ) + args.transformations_per_example = int( + input("\tTransformations per input example: ") + ) + + print("\nGenerating new augmenter...\n") + augmenter = eval(AUGMENTATION_RECIPE_NAMES[args.recipe])( + pct_words_to_swap=args.pct_words_to_swap, + transformations_per_example=args.transformations_per_example, + ) + print( + "--------------------------------------------------------" + ) + + continue + + elif not text: + continue + + print("\nAugmenting...\n") + print("--------------------------------------------------------") + + if args.enable_advanced_metrics: + results = augmenter.augment(text) + print("Augmentations:\n") + for augmentation in results[0]: + print(augmentation, "\n") + print() + print( + f"Average Original Perplexity Score: {results[1]['avg_original_perplexity']}" + ) + print( + f"Average Augment Perplexity Score: {results[1]['avg_attack_perplexity']}" + ) + print( + f"Average Augment USE Score: {results[2]['avg_attack_use_score']}\n" + ) + + else: + for augmentation in augmenter.augment(text): + print(augmentation, "\n") + print("--------------------------------------------------------") + else: + textattack.shared.utils.set_seed(args.random_seed) + start_time = time.time() + if not (args.input_csv and args.input_column and args.output_csv): + raise ArgumentError( + "The following arguments are required: --csv, --input-column/--i" + ) + # Validate input/output paths. + if not os.path.exists(args.input_csv): + raise FileNotFoundError(f"Can't find CSV at location {args.input_csv}") + if os.path.exists(args.output_csv): + if args.overwrite: + textattack.shared.logger.info( + f"Preparing to overwrite {args.output_csv}." + ) + else: + raise OSError( + f"Outfile {args.output_csv} exists and --overwrite not set." + ) + # Read in CSV file as a list of dictionaries. Use the CSV sniffer to + # try and automatically infer the correct CSV format. + csv_file = open(args.input_csv, "r") + + # mark where commas and quotes occur within the text value + def markQuotes(lines): + for row in lines: + row = row.replace('"', '"/') + yield row + + dialect = csv.Sniffer().sniff(csv_file.readline(), delimiters=";,") + csv_file.seek(0) + rows = [ + row + for row in csv.DictReader( + markQuotes(csv_file), + dialect=dialect, + skipinitialspace=True, + ) + ] + + # replace markings with quotations and commas + for row in rows: + for item in row: + i = 0 + while i < len(row[item]): + if row[item][i] == "/": + if row[item][i - 1] == '"': + row[item] = row[item][:i] + row[item][i + 1 :] + else: + row[item] = row[item][:i] + '"' + row[item][i + 1 :] + i += 1 + + # Validate input column. + row_keys = set(rows[0].keys()) + if args.input_column not in row_keys: + raise ValueError( + f"Could not find input column {args.input_column} in CSV. Found keys: {row_keys}" + ) + textattack.shared.logger.info( + f"Read {len(rows)} rows from {args.input_csv}. Found columns {row_keys}." + ) + + augmenter = eval(AUGMENTATION_RECIPE_NAMES[args.recipe])( + pct_words_to_swap=args.pct_words_to_swap, + transformations_per_example=args.transformations_per_example, + high_yield=args.high_yield, + fast_augment=args.fast_augment, + ) + + output_rows = [] + for row in tqdm.tqdm(rows, desc="Augmenting rows"): + text_input = row[args.input_column] + if not args.exclude_original: + output_rows.append(row) + for augmentation in augmenter.augment(text_input): + augmented_row = row.copy() + augmented_row[args.input_column] = augmentation + output_rows.append(augmented_row) + + # Print to file. + with open(args.output_csv, "w") as outfile: + csv_writer = csv.writer( + outfile, delimiter=",", quotechar="/", quoting=csv.QUOTE_MINIMAL + ) + # Write header. + csv_writer.writerow(output_rows[0].keys()) + # Write rows. + for row in output_rows: + csv_writer.writerow(row.values()) + + textattack.shared.logger.info( + f"Wrote {len(output_rows)} augmentations to {args.output_csv} in {time.time() - start_time}s." + ) + + # Remove extra markings in output file + with open(args.output_csv, "r") as file: + data = file.readlines() + for i in range(len(data)): + data[i] = data[i].replace("/", "") + with open(args.output_csv, "w") as file: + file.writelines(data) + + @staticmethod + def register_subcommand(main_parser: ArgumentParser): + parser = main_parser.add_parser( + "augment", + help="augment text data", + formatter_class=ArgumentDefaultsHelpFormatter, + ) + parser = textattack.AugmenterArgs._add_parser_args(parser) + parser.set_defaults(func=AugmentCommand()) diff --git a/textattack/commands/benchmark_recipe_command.py b/textattack/commands/benchmark_recipe_command.py new file mode 100644 index 0000000000000000000000000000000000000000..fd00dce1c6caa7470769e86d701eb4c84dfcef6b --- /dev/null +++ b/textattack/commands/benchmark_recipe_command.py @@ -0,0 +1,30 @@ +""" + +BenchmarkRecipeCommand class +============================== + +""" + +from argparse import ArgumentDefaultsHelpFormatter, ArgumentParser + +from textattack.commands import TextAttackCommand + + +class BenchmarkRecipeCommand(TextAttackCommand): + """The TextAttack benchmark recipe module: + + A command line parser to benchmark a recipe from user + specifications. + """ + + def run(self, args): + raise NotImplementedError("Cannot benchmark recipes yet - stay tuned!!") + + @staticmethod + def register_subcommand(main_parser: ArgumentParser): + parser = main_parser.add_parser( + "benchmark-recipe", + help="benchmark a recipe", + formatter_class=ArgumentDefaultsHelpFormatter, + ) + parser.set_defaults(func=BenchmarkRecipeCommand()) diff --git a/textattack/commands/eval_model_command.py b/textattack/commands/eval_model_command.py new file mode 100644 index 0000000000000000000000000000000000000000..16cbfd2fae910ca728292ad80e0d263ed833ec27 --- /dev/null +++ b/textattack/commands/eval_model_command.py @@ -0,0 +1,141 @@ +""" + +EvalModelCommand class +============================== + +""" + + +from argparse import ArgumentDefaultsHelpFormatter, ArgumentParser +from dataclasses import dataclass + +import scipy +import torch + +import textattack +from textattack import DatasetArgs, ModelArgs +from textattack.commands import TextAttackCommand +from textattack.model_args import HUGGINGFACE_MODELS, TEXTATTACK_MODELS + +logger = textattack.shared.utils.logger + + +def _cb(s): + return textattack.shared.utils.color_text(str(s), color="blue", method="ansi") + + +@dataclass +class ModelEvalArgs(ModelArgs, DatasetArgs): + random_seed: int = 765 + batch_size: int = 32 + num_examples: int = 5 + num_examples_offset: int = 0 + + +class EvalModelCommand(TextAttackCommand): + """The TextAttack model benchmarking module: + + A command line parser to evaluatate a model from user + specifications. + """ + + def get_preds(self, model, inputs): + with torch.no_grad(): + preds = textattack.shared.utils.batch_model_predict(model, inputs) + return preds + + def test_model_on_dataset(self, args): + model = ModelArgs._create_model_from_args(args) + dataset = DatasetArgs._create_dataset_from_args(args) + if args.num_examples == -1: + args.num_examples = len(dataset) + + preds = [] + ground_truth_outputs = [] + i = 0 + while i < min(args.num_examples, len(dataset)): + dataset_batch = dataset[i : min(args.num_examples, i + args.batch_size)] + batch_inputs = [] + for (text_input, ground_truth_output) in dataset_batch: + attacked_text = textattack.shared.AttackedText(text_input) + batch_inputs.append(attacked_text.tokenizer_input) + ground_truth_outputs.append(ground_truth_output) + batch_preds = model(batch_inputs) + + if not isinstance(batch_preds, torch.Tensor): + batch_preds = torch.Tensor(batch_preds) + + preds.extend(batch_preds) + i += args.batch_size + + preds = torch.stack(preds).squeeze().cpu() + ground_truth_outputs = torch.tensor(ground_truth_outputs).cpu() + + logger.info(f"Got {len(preds)} predictions.") + + if preds.ndim == 1: + # if preds is just a list of numbers, assume regression for now + # TODO integrate with `textattack.metrics` package + pearson_correlation, _ = scipy.stats.pearsonr(ground_truth_outputs, preds) + spearman_correlation, _ = scipy.stats.spearmanr(ground_truth_outputs, preds) + + logger.info(f"Pearson correlation = {_cb(pearson_correlation)}") + logger.info(f"Spearman correlation = {_cb(spearman_correlation)}") + else: + guess_labels = preds.argmax(dim=1) + successes = (guess_labels == ground_truth_outputs).sum().item() + perc_accuracy = successes / len(preds) * 100.0 + perc_accuracy = "{:.2f}%".format(perc_accuracy) + logger.info(f"Correct {successes}/{len(preds)} ({_cb(perc_accuracy)})") + + def run(self, args): + args = ModelEvalArgs(**vars(args)) + textattack.shared.utils.set_seed(args.random_seed) + + # Default to 'all' if no model chosen. + if not (args.model or args.model_from_huggingface or args.model_from_file): + for model_name in list(HUGGINGFACE_MODELS.keys()) + list( + TEXTATTACK_MODELS.keys() + ): + args.model = model_name + self.test_model_on_dataset(args) + logger.info("-" * 50) + else: + self.test_model_on_dataset(args) + + @staticmethod + def register_subcommand(main_parser: ArgumentParser): + parser = main_parser.add_parser( + "eval", + help="evaluate a model with TextAttack", + formatter_class=ArgumentDefaultsHelpFormatter, + ) + + parser = ModelArgs._add_parser_args(parser) + parser = DatasetArgs._add_parser_args(parser) + + parser.add_argument("--random-seed", default=765, type=int) + parser.add_argument( + "--batch-size", + type=int, + default=32, + help="The batch size for evaluating the model.", + ) + parser.add_argument( + "--num-examples", + "-n", + type=int, + required=False, + default=5, + help="The number of examples to process, -1 for entire dataset", + ) + parser.add_argument( + "--num-examples-offset", + "-o", + type=int, + required=False, + default=0, + help="The offset to start at in the dataset.", + ) + + parser.set_defaults(func=EvalModelCommand()) diff --git a/textattack/commands/list_things_command.py b/textattack/commands/list_things_command.py new file mode 100644 index 0000000000000000000000000000000000000000..2e819c098822183fd3b134c8996cdd3c783b3755 --- /dev/null +++ b/textattack/commands/list_things_command.py @@ -0,0 +1,94 @@ +""" + +ListThingsCommand class +============================== + +""" + +from argparse import ArgumentDefaultsHelpFormatter, ArgumentParser + +import textattack +from textattack.attack_args import ( + ATTACK_RECIPE_NAMES, + BLACK_BOX_TRANSFORMATION_CLASS_NAMES, + CONSTRAINT_CLASS_NAMES, + GOAL_FUNCTION_CLASS_NAMES, + SEARCH_METHOD_CLASS_NAMES, + WHITE_BOX_TRANSFORMATION_CLASS_NAMES, +) +from textattack.augment_args import AUGMENTATION_RECIPE_NAMES +from textattack.commands import TextAttackCommand +from textattack.model_args import HUGGINGFACE_MODELS, TEXTATTACK_MODELS + + +def _cb(s): + return textattack.shared.utils.color_text(str(s), color="blue", method="ansi") + + +class ListThingsCommand(TextAttackCommand): + """The list module: + + List default things in textattack. + """ + + def _list(self, list_of_things, plain=False): + """Prints a list or dict of things.""" + if isinstance(list_of_things, list): + list_of_things = sorted(list_of_things) + for thing in list_of_things: + if plain: + print(thing) + else: + print(_cb(thing)) + elif isinstance(list_of_things, dict): + for thing in sorted(list_of_things.keys()): + thing_long_description = list_of_things[thing] + if plain: + thing_key = thing + else: + thing_key = _cb(thing) + print(f"{thing_key} ({thing_long_description})") + else: + raise TypeError(f"Cannot print list of type {type(list_of_things)}") + + @staticmethod + def things(): + list_dict = {} + list_dict["models"] = list(HUGGINGFACE_MODELS.keys()) + list( + TEXTATTACK_MODELS.keys() + ) + list_dict["search-methods"] = SEARCH_METHOD_CLASS_NAMES + list_dict["transformations"] = { + **BLACK_BOX_TRANSFORMATION_CLASS_NAMES, + **WHITE_BOX_TRANSFORMATION_CLASS_NAMES, + } + list_dict["constraints"] = CONSTRAINT_CLASS_NAMES + list_dict["goal-functions"] = GOAL_FUNCTION_CLASS_NAMES + list_dict["attack-recipes"] = ATTACK_RECIPE_NAMES + list_dict["augmentation-recipes"] = AUGMENTATION_RECIPE_NAMES + return list_dict + + def run(self, args): + try: + list_of_things = ListThingsCommand.things()[args.feature] + except KeyError: + raise ValueError(f"Unknown list key {args.thing}") + self._list(list_of_things, plain=args.plain) + + @staticmethod + def register_subcommand(main_parser: ArgumentParser): + parser = main_parser.add_parser( + "list", + help="list features in TextAttack", + formatter_class=ArgumentDefaultsHelpFormatter, + ) + parser.add_argument( + "feature", help="the feature to list", choices=ListThingsCommand.things() + ) + parser.add_argument( + "--plain", + help="print output without color", + default=False, + action="store_true", + ) + parser.set_defaults(func=ListThingsCommand()) diff --git a/textattack/commands/peek_dataset_command.py b/textattack/commands/peek_dataset_command.py new file mode 100644 index 0000000000000000000000000000000000000000..099ee8d59b95789fd7a2b68e051c6b07cd13f0d5 --- /dev/null +++ b/textattack/commands/peek_dataset_command.py @@ -0,0 +1,84 @@ +""" + +PeekDatasetCommand class +============================== + +""" + +from argparse import ArgumentDefaultsHelpFormatter, ArgumentParser +import collections +import re + +import numpy as np + +import textattack +from textattack.commands import TextAttackCommand + + +def _cb(s): + return textattack.shared.utils.color_text(str(s), color="blue", method="ansi") + + +logger = textattack.shared.logger + + +class PeekDatasetCommand(TextAttackCommand): + """The peek dataset module: + + Takes a peek into a dataset in textattack. + """ + + def run(self, args): + UPPERCASE_LETTERS_REGEX = re.compile("[A-Z]") + + dataset_args = textattack.DatasetArgs(**vars(args)) + dataset = textattack.DatasetArgs._create_dataset_from_args(dataset_args) + + num_words = [] + attacked_texts = [] + data_all_lowercased = True + outputs = [] + for inputs, output in dataset: + at = textattack.shared.AttackedText(inputs) + if data_all_lowercased: + # Test if any of the letters in the string are lowercase. + if re.search(UPPERCASE_LETTERS_REGEX, at.text): + data_all_lowercased = False + attacked_texts.append(at) + num_words.append(len(at.words)) + outputs.append(output) + + logger.info(f"Number of samples: {_cb(len(attacked_texts))}") + logger.info("Number of words per input:") + num_words = np.array(num_words) + logger.info(f'\t{("total:").ljust(8)} {_cb(num_words.sum())}') + mean_words = f"{num_words.mean():.2f}" + logger.info(f'\t{("mean:").ljust(8)} {_cb(mean_words)}') + std_words = f"{num_words.std():.2f}" + logger.info(f'\t{("std:").ljust(8)} {_cb(std_words)}') + logger.info(f'\t{("min:").ljust(8)} {_cb(num_words.min())}') + logger.info(f'\t{("max:").ljust(8)} {_cb(num_words.max())}') + logger.info(f"Dataset lowercased: {_cb(data_all_lowercased)}") + + logger.info("First sample:") + print(attacked_texts[0].printable_text(), "\n") + logger.info("Last sample:") + print(attacked_texts[-1].printable_text(), "\n") + + logger.info(f"Found {len(set(outputs))} distinct outputs.") + if len(outputs) < 20: + print(sorted(set(outputs))) + + logger.info("Most common outputs:") + for i, (key, value) in enumerate(collections.Counter(outputs).most_common(20)): + print("\t", str(key)[:5].ljust(5), f" ({value})") + + @staticmethod + def register_subcommand(main_parser: ArgumentParser): + parser = main_parser.add_parser( + "peek-dataset", + help="show main statistics about a dataset", + formatter_class=ArgumentDefaultsHelpFormatter, + ) + parser = textattack.DatasetArgs._add_parser_args(parser) + parser.set_defaults(func=PeekDatasetCommand()) diff --git a/textattack/commands/textattack_cli.py b/textattack/commands/textattack_cli.py new file mode 100644 index 0000000000000000000000000000000000000000..5e5073f7d991e65290a5dbcfaf55fc7c4aeb9880 --- /dev/null +++ b/textattack/commands/textattack_cli.py @@ -0,0 +1,54 @@ +""" + +TextAttack CLI main class +============================== + +""" + + +# !/usr/bin/env python +import argparse + +from textattack.commands.attack_command import AttackCommand +from textattack.commands.attack_resume_command import AttackResumeCommand +from textattack.commands.augment_command import AugmentCommand +from textattack.commands.benchmark_recipe_command import BenchmarkRecipeCommand +from textattack.commands.eval_model_command import EvalModelCommand +from textattack.commands.list_things_command import ListThingsCommand +from textattack.commands.peek_dataset_command import PeekDatasetCommand +from textattack.commands.train_model_command import TrainModelCommand + + +def main(): + parser = argparse.ArgumentParser( + "TextAttack CLI", + usage="[python -m] texattack []", + formatter_class=argparse.ArgumentDefaultsHelpFormatter, + ) + subparsers = parser.add_subparsers(help="textattack command helpers") + + # Register commands + AttackCommand.register_subcommand(subparsers) + AttackResumeCommand.register_subcommand(subparsers) + AugmentCommand.register_subcommand(subparsers) + BenchmarkRecipeCommand.register_subcommand(subparsers) + EvalModelCommand.register_subcommand(subparsers) + ListThingsCommand.register_subcommand(subparsers) + TrainModelCommand.register_subcommand(subparsers) + PeekDatasetCommand.register_subcommand(subparsers) + + # Let's go + args = parser.parse_args() + + if not hasattr(args, "func"): + parser.print_help() + exit(1) + + # Run + func = args.func + del args.func + func.run(args) + + +if __name__ == "__main__": + main() diff --git a/textattack/commands/textattack_command.py b/textattack/commands/textattack_command.py new file mode 100644 index 0000000000000000000000000000000000000000..32da4f7e56013f6325105e74136523fd5b9895ed --- /dev/null +++ b/textattack/commands/textattack_command.py @@ -0,0 +1,12 @@ +from abc import ABC, abstractmethod + + +class TextAttackCommand(ABC): + @staticmethod + @abstractmethod + def register_subcommand(parser): + raise NotImplementedError() + + @abstractmethod + def run(self): + raise NotImplementedError() diff --git a/textattack/commands/train_model_command.py b/textattack/commands/train_model_command.py new file mode 100644 index 0000000000000000000000000000000000000000..b069c94b22d28167ac45a0b00d2c4cf7cab7dba5 --- /dev/null +++ b/textattack/commands/train_model_command.py @@ -0,0 +1,48 @@ +""" + +TrainModelCommand class +============================== + +""" + + +from argparse import ArgumentDefaultsHelpFormatter, ArgumentParser + +from textattack import CommandLineTrainingArgs, Trainer +from textattack.commands import TextAttackCommand + + +class TrainModelCommand(TextAttackCommand): + """The TextAttack train module: + + A command line parser to train a model from user specifications. + """ + + def run(self, args): + training_args = CommandLineTrainingArgs(**vars(args)) + model_wrapper = CommandLineTrainingArgs._create_model_from_args(training_args) + train_dataset, eval_dataset = CommandLineTrainingArgs._create_dataset_from_args( + training_args + ) + attack = CommandLineTrainingArgs._create_attack_from_args( + training_args, model_wrapper + ) + trainer = Trainer( + model_wrapper, + training_args.task_type, + attack, + train_dataset, + eval_dataset, + training_args, + ) + trainer.train() + + @staticmethod + def register_subcommand(main_parser: ArgumentParser): + parser = main_parser.add_parser( + "train", + help="train a model for sequence classification", + formatter_class=ArgumentDefaultsHelpFormatter, + ) + parser = CommandLineTrainingArgs._add_parser_args(parser) + parser.set_defaults(func=TrainModelCommand()) diff --git a/textattack/constraints/__init__.py b/textattack/constraints/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..96ee768872d847ee0408c3926db519750a92e696 --- /dev/null +++ b/textattack/constraints/__init__.py @@ -0,0 +1,27 @@ +""".. _constraint: + +Constraints +=================== + +Constraints determine whether a given transformation is valid. Since transformations do not perfectly preserve semantics semantics or grammaticality, constraints can increase the likelihood that the resulting transformation preserves these qualities. All constraints are subclasses of the ``Constraint`` abstract class, and must implement at least one of ``__call__`` or ``call_many``. + +We split constraints into three main categories. + + :ref:`Semantics `: Based on the meaning of the input and perturbation. + + :ref:`Grammaticality `: Based on syntactic properties like part-of-speech and grammar. + + :ref:`Overlap `: Based on character-based properties, like edit distance. + +A fourth type of constraint restricts the search method from exploring certain parts of the search space: + + :ref:`pre_transformation `: Based on the input and index of word replacement. +""" + +from .pre_transformation_constraint import PreTransformationConstraint +from .constraint import Constraint + +from . import grammaticality +from . import semantics +from . import overlap +from . import pre_transformation diff --git a/textattack/constraints/constraint.py b/textattack/constraints/constraint.py new file mode 100644 index 0000000000000000000000000000000000000000..1cc1a5a9494c91c73697851d39e05abfecc2d086 --- /dev/null +++ b/textattack/constraints/constraint.py @@ -0,0 +1,125 @@ +""" + +TextAttack Constraint Class +===================================== +""" + +from abc import ABC, abstractmethod + +import textattack +from textattack.shared.utils import ReprMixin + + +class Constraint(ReprMixin, ABC): + """An abstract class that represents constraints on adversial text + examples. Constraints evaluate whether transformations from a + ``AttackedText`` to another ``AttackedText`` meet certain conditions. + + Args: + compare_against_original (bool): If `True`, the reference text should be the original text under attack. + If `False`, the reference text is the most recent text from which the transformed text was generated. + All constraints must have this attribute. + """ + + def __init__(self, compare_against_original): + self.compare_against_original = compare_against_original + + def call_many(self, transformed_texts, reference_text): + """Filters ``transformed_texts`` based on which transformations fulfill + the constraint. First checks compatibility with latest + ``Transformation``, then calls ``_check_constraint_many`` + + Args: + transformed_texts (list[AttackedText]): The candidate transformed ``AttackedText``'s. + reference_text (AttackedText): The ``AttackedText`` to compare against. + """ + incompatible_transformed_texts = [] + compatible_transformed_texts = [] + for transformed_text in transformed_texts: + try: + if self.check_compatibility( + transformed_text.attack_attrs["last_transformation"] + ): + compatible_transformed_texts.append(transformed_text) + else: + incompatible_transformed_texts.append(transformed_text) + except KeyError: + raise KeyError( + "transformed_text must have `last_transformation` attack_attr to apply constraint" + ) + filtered_texts = self._check_constraint_many( + compatible_transformed_texts, reference_text + ) + return list(filtered_texts) + incompatible_transformed_texts + + def _check_constraint_many(self, transformed_texts, reference_text): + """Filters ``transformed_texts`` based on which transformations fulfill + the constraint. Calls ``check_constraint`` + + Args: + transformed_texts (list[AttackedText]): The candidate transformed ``AttackedText`` + reference_texts (AttackedText): The ``AttackedText`` to compare against. + """ + return [ + transformed_text + for transformed_text in transformed_texts + if self._check_constraint(transformed_text, reference_text) + ] + + def __call__(self, transformed_text, reference_text): + """Returns True if the constraint is fulfilled, False otherwise. First + checks compatibility with latest ``Transformation``, then calls + ``_check_constraint`` + + Args: + transformed_text (AttackedText): The candidate transformed ``AttackedText``. + reference_text (AttackedText): The ``AttackedText`` to compare against. + """ + if not isinstance(transformed_text, textattack.shared.AttackedText): + raise TypeError("transformed_text must be of type AttackedText") + if not isinstance(reference_text, textattack.shared.AttackedText): + raise TypeError("reference_text must be of type AttackedText") + + try: + if not self.check_compatibility( + transformed_text.attack_attrs["last_transformation"] + ): + return True + except KeyError: + raise KeyError( + "`transformed_text` must have `last_transformation` attack_attr to apply constraint." + ) + return self._check_constraint(transformed_text, reference_text) + + @abstractmethod + def _check_constraint(self, transformed_text, reference_text): + """Returns True if the constraint is fulfilled, False otherwise. Must + be overridden by the specific constraint. + + Args: + transformed_text: The candidate transformed ``AttackedText``. + reference_text (AttackedText): The ``AttackedText`` to compare against. + """ + raise NotImplementedError() + + def check_compatibility(self, transformation): + """Checks if this constraint is compatible with the given + transformation. For example, the ``WordEmbeddingDistance`` constraint + compares the embedding of the word inserted with that of the word + deleted. Therefore it can only be applied in the case of word swaps, + and not for transformations which involve only one of insertion or + deletion. + + Args: + transformation: The ``Transformation`` to check compatibility with. + """ + return True + + def extra_repr_keys(self): + """Set the extra representation of the constraint using these keys. + + To print customized extra information, you should reimplement + this method in your own constraint. Both single-line and multi- + line strings are acceptable. + """ + return ["compare_against_original"] diff --git a/textattack/constraints/grammaticality/__init__.py b/textattack/constraints/grammaticality/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..c438e1e7565d0c06bb38d8656757b776ac56a045 --- /dev/null +++ b/textattack/constraints/grammaticality/__init__.py @@ -0,0 +1,14 @@ +""".. _grammaticality: + +Grammaticality: +-------------------------- + +Grammaticality constraints determine if a transformation is valid based on +syntactic properties of the perturbation. +""" + +from . import language_models + +from .language_tool import LanguageTool +from .part_of_speech import PartOfSpeech +from .cola import COLA diff --git a/textattack/constraints/grammaticality/cola.py b/textattack/constraints/grammaticality/cola.py new file mode 100644 index 0000000000000000000000000000000000000000..190bad25c071c799dd27809584bc1706978d095d --- /dev/null +++ b/textattack/constraints/grammaticality/cola.py @@ -0,0 +1,89 @@ +""" +CoLA for Grammaticality +-------------------------- + +""" +import lru +import nltk +from transformers import AutoModelForSequenceClassification, AutoTokenizer + +from textattack.constraints import Constraint +from textattack.models.wrappers import HuggingFaceModelWrapper + + +class COLA(Constraint): + """Constrains an attack to text that has a similar number of linguistically + accecptable sentences as the original text. Linguistic acceptability is + determined by a model pre-trained on the `CoLA dataset `_. By default a BERT model is used, see the `pre- + trained models README `_ for a full list of available models or provide your + own model from the huggingface model hub. + + Args: + max_diff (float or int): The absolute (if int or greater than or equal to 1) or percent (if float and less than 1) + maximum difference allowed between the number of valid sentences in the reference + text and the number of valid sentences in the attacked text. + model_name (str): The name of the pre-trained model to use for classification. The model must be in huggingface model hub. + compare_against_original (bool): If `True`, compare against the original text. + Otherwise, compare against the most recent text. + """ + + def __init__( + self, + max_diff, + model_name="textattack/bert-base-uncased-CoLA", + compare_against_original=True, + ): + super().__init__(compare_against_original) + if not isinstance(max_diff, float) and not isinstance(max_diff, int): + raise TypeError("max_diff must be a float or int") + if max_diff < 0.0: + raise ValueError("max_diff must be a value greater or equal to than 0.0") + + self.max_diff = max_diff + self.model_name = model_name + self._reference_score_cache = lru.LRU(2**10) + model = AutoModelForSequenceClassification.from_pretrained(model_name) + tokenizer = AutoTokenizer.from_pretrained(model_name) + self.model = HuggingFaceModelWrapper(model, tokenizer) + + def clear_cache(self): + self._reference_score_cache.clear() + + def _check_constraint(self, transformed_text, reference_text): + if reference_text not in self._reference_score_cache: + # Split the text into sentences before predicting validity + reference_sentences = nltk.sent_tokenize(reference_text.text) + # A label of 1 indicates the sentence is valid + num_valid = self.model(reference_sentences).argmax(axis=1).sum() + self._reference_score_cache[reference_text] = num_valid + + sentences = nltk.sent_tokenize(transformed_text.text) + predictions = self.model(sentences) + num_valid = predictions.argmax(axis=1).sum() + reference_score = self._reference_score_cache[reference_text] + + if isinstance(self.max_diff, int) or self.max_diff >= 1: + threshold = reference_score - self.max_diff + else: + threshold = reference_score - (reference_score * self.max_diff) + + if num_valid < threshold: + return False + return True + + def extra_repr_keys(self): + return [ + "max_diff", + "model_name", + ] + super().extra_repr_keys() + + def __getstate__(self): + state = self.__dict__.copy() + state["_reference_score_cache"] = self._reference_score_cache.get_size() + return state + + def __setstate__(self, state): + self.__dict__ = state + self._reference_score_cache = lru.LRU(state["_reference_score_cache"]) diff --git a/textattack/constraints/grammaticality/language_models/__init__.py b/textattack/constraints/grammaticality/language_models/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..ce726fc67cc94ba38268046725008bea463ed464 --- /dev/null +++ b/textattack/constraints/grammaticality/language_models/__init__.py @@ -0,0 +1,12 @@ +""" +non-pre Language Models: +----------------------------- + +""" + + +from .language_model_constraint import LanguageModelConstraint + +from .google_language_model import Google1BillionWordsLanguageModel +from .gpt2 import GPT2 +from .learning_to_write import LearningToWriteLanguageModel diff --git a/textattack/constraints/grammaticality/language_models/google_language_model/__init__.py b/textattack/constraints/grammaticality/language_models/google_language_model/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..803d2125843e2fd51fd6100240db70fd764e8069 --- /dev/null +++ b/textattack/constraints/grammaticality/language_models/google_language_model/__init__.py @@ -0,0 +1,10 @@ +""" +Google Language Models: +----------------------------- + +""" + + +from .google_language_model import ( + GoogleLanguageModel as Google1BillionWordsLanguageModel, +) diff --git a/textattack/constraints/grammaticality/language_models/google_language_model/alzantot_goog_lm.py b/textattack/constraints/grammaticality/language_models/google_language_model/alzantot_goog_lm.py new file mode 100644 index 0000000000000000000000000000000000000000..005dda55ec622cbf93640de572853cde33db0b71 --- /dev/null +++ b/textattack/constraints/grammaticality/language_models/google_language_model/alzantot_goog_lm.py @@ -0,0 +1,112 @@ +""" + +Google Language Models from Alzantot +-------------------------------------- + + Author: Moustafa Alzantot (malzantot@ucla.edu) + All rights reserved. +""" + + +import os + +import lru +import numpy as np + +from textattack.shared import utils + +from . import lm_data_utils, lm_utils + +tf = utils.LazyLoader("tensorflow", globals(), "tensorflow") + + +# @TODO automatically choose between GPU and CPU. + + +class GoogLMHelper: + """An implementation of ``_ adapted from + ``_.""" + + CACHE_PATH = "constraints/semantics/language-models/alzantot-goog-lm" + + def __init__(self): + tf.get_logger().setLevel("INFO") + lm_folder = utils.download_from_s3(GoogLMHelper.CACHE_PATH) + self.PBTXT_PATH = os.path.join(lm_folder, "graph-2016-09-10-gpu.pbtxt") + self.CKPT_PATH = os.path.join(lm_folder, "ckpt-*") + self.VOCAB_PATH = os.path.join(lm_folder, "vocab-2016-09-10.txt") + + self.BATCH_SIZE = 1 + self.NUM_TIMESTEPS = 1 + self.MAX_WORD_LEN = 50 + + self.vocab = lm_data_utils.CharsVocabulary(self.VOCAB_PATH, self.MAX_WORD_LEN) + with tf.device("/gpu:1"): + self.graph = tf.Graph() + self.sess = tf.compat.v1.Session(graph=self.graph) + with self.graph.as_default(): + self.t = lm_utils.LoadModel( + self.sess, self.graph, self.PBTXT_PATH, self.CKPT_PATH + ) + + self.lm_cache = lru.LRU(2**18) + + def clear_cache(self): + self.lm_cache.clear() + + def get_words_probs_uncached(self, prefix_words, list_words): + targets = np.zeros([self.BATCH_SIZE, self.NUM_TIMESTEPS], np.int32) + weights = np.ones([self.BATCH_SIZE, self.NUM_TIMESTEPS], np.float32) + + if prefix_words.find("") != 0: + prefix_words = " " + prefix_words + prefix = [self.vocab.word_to_id(w) for w in prefix_words.split()] + prefix_char_ids = [self.vocab.word_to_char_ids(w) for w in prefix_words.split()] + + inputs = np.zeros([self.BATCH_SIZE, self.NUM_TIMESTEPS], np.int32) + char_ids_inputs = np.zeros( + [self.BATCH_SIZE, self.NUM_TIMESTEPS, self.vocab.max_word_length], np.int32 + ) + + samples = prefix[:] + char_ids_samples = prefix_char_ids[:] + inputs = [[samples[-1]]] + char_ids_inputs[0, 0, :] = char_ids_samples[-1] + softmax = self.sess.run( + self.t["softmax_out"], + feed_dict={ + self.t["char_inputs_in"]: char_ids_inputs, + self.t["inputs_in"]: inputs, + self.t["targets_in"]: targets, + self.t["target_weights_in"]: weights, + }, + ) + words_ids = [self.vocab.word_to_id(w) for w in list_words] + word_probs = [softmax[0][w_id] for w_id in words_ids] + return np.array(word_probs) + + def get_words_probs(self, prefix, list_words): + """Retrieves the probability of words. + + Args: + prefix_words + list_words + """ + uncached_words = [] + for word in list_words: + if (prefix, word) not in self.lm_cache: + if word not in uncached_words: + uncached_words.append(word) + probs = self.get_words_probs_uncached(prefix, uncached_words) + for word, prob in zip(uncached_words, probs): + self.lm_cache[prefix, word] = prob + return [self.lm_cache[prefix, word] for word in list_words] + + def __getstate__(self): + state = self.__dict__.copy() + state["lm_cache"] = self.lm_cache.get_size() + return state + + def __setstate__(self, state): + self.__dict__ = state + self.lm_cache = lru.LRU(state["lm_cache"]) diff --git a/textattack/constraints/grammaticality/language_models/google_language_model/google_language_model.py b/textattack/constraints/grammaticality/language_models/google_language_model/google_language_model.py new file mode 100644 index 0000000000000000000000000000000000000000..8e042ea5252ee9ce819435d22b8b504e9b236cf6 --- /dev/null +++ b/textattack/constraints/grammaticality/language_models/google_language_model/google_language_model.py @@ -0,0 +1,104 @@ +""" +Google 1-Billion Words Language Model +-------------------------------------- + +""" +from collections import defaultdict + +import numpy as np + +from textattack.constraints import Constraint +from textattack.transformations import WordSwap + +from .alzantot_goog_lm import GoogLMHelper + + +class GoogleLanguageModel(Constraint): + """Constraint that uses the Google 1 Billion Words Language Model to + determine the difference in perplexity between x and x_adv. + + Args: + top_n (int): + top_n_per_index (int): + compare_against_original (bool): If `True`, compare new `x_adv` against the original `x`. + Otherwise, compare it against the previous `x_adv`. + """ + + def __init__(self, top_n=None, top_n_per_index=None, compare_against_original=True): + if not (top_n or top_n_per_index): + raise ValueError( + "Cannot instantiate GoogleLanguageModel without top_n or top_n_per_index" + ) + self.lm = GoogLMHelper() + self.top_n = top_n + self.top_n_per_index = top_n_per_index + super().__init__(compare_against_original) + + def check_compatibility(self, transformation): + return isinstance(transformation, WordSwap) + + def _check_constraint_many(self, transformed_texts, reference_text): + """Returns the `top_n` of transformed_texts, as evaluated by the + language model.""" + if not len(transformed_texts): + return [] + + def get_probs(reference_text, transformed_texts): + word_swap_index = reference_text.first_word_diff_index(transformed_texts[0]) + if word_swap_index is None: + return [] + + prefix = reference_text.words[word_swap_index - 1] + swapped_words = np.array( + [t.words[word_swap_index] for t in transformed_texts] + ) + probs = self.lm.get_words_probs(prefix, swapped_words) + return probs + + # This creates a dictionary where each new key is initialized to []. + word_swap_index_map = defaultdict(list) + + for idx, transformed_text in enumerate(transformed_texts): + word_swap_index = reference_text.first_word_diff_index(transformed_text) + word_swap_index_map[word_swap_index].append((idx, transformed_text)) + + probs = [] + for word_swap_index, item_list in word_swap_index_map.items(): + # zip(*some_list) is the inverse operator of zip! + item_indices, this_transformed_texts = zip(*item_list) + # t1 = time.time() + probs_of_swaps_at_index = list( + zip(item_indices, get_probs(reference_text, this_transformed_texts)) + ) + # Sort by probability in descending order and take the top n for this index. + probs_of_swaps_at_index.sort(key=lambda x: -x[1]) + if self.top_n_per_index: + probs_of_swaps_at_index = probs_of_swaps_at_index[ + : self.top_n_per_index + ] + probs.extend(probs_of_swaps_at_index) + # t2 = time.time() + + # Probs is a list of (index, prob) where index is the corresponding + # position in transformed_texts. + probs.sort(key=lambda x: x[0]) + + # Now that they're in order, reduce to just a list of probabilities. + probs = np.array(list(map(lambda x: x[1], probs))) + + # Get the indices of the maximum elements. + max_el_indices = np.argsort(-probs) + if self.top_n: + max_el_indices = max_el_indices[: self.top_n] + + # Put indices in order, now, so that the examples are returned in the + # same order they were passed in. + max_el_indices.sort() + + return [transformed_texts[i] for i in max_el_indices] + + def _check_constraint(self, transformed_text, reference_text): + return self._check_constraint_many([transformed_text], reference_text) + + def extra_repr_keys(self): + return ["top_n", "top_n_per_index"] + super().extra_repr_keys() diff --git a/textattack/constraints/grammaticality/language_models/google_language_model/lm_data_utils.py b/textattack/constraints/grammaticality/language_models/google_language_model/lm_data_utils.py new file mode 100644 index 0000000000000000000000000000000000000000..2f2f7199b7be66db200359c01349b54ffebb99be --- /dev/null +++ b/textattack/constraints/grammaticality/language_models/google_language_model/lm_data_utils.py @@ -0,0 +1,308 @@ +# Copyright 2016 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +# ============================================================================== + + +""" +A library for loading 1B word benchmark dataset. +------------------------------------------------ + +""" + + +import random + +import numpy as np + +from textattack.shared.utils import LazyLoader + +tf = LazyLoader("tensorflow", globals(), "tensorflow") + + +class Vocabulary(object): + """Class that holds a vocabulary for the dataset.""" + + def __init__(self, filename): + """Initialize vocabulary. + + Args: + filename (str): Vocabulary file name. + """ + + self._id_to_word = [] + self._word_to_id = {} + self._unk = -1 + self._bos = -1 + self._eos = -1 + + with tf.io.gfile.GFile(filename) as f: + idx = 0 + for line in f: + word_name = line.strip() + if word_name == "": + self._bos = idx + elif word_name == "": + self._eos = idx + elif word_name == "UNK": + self._unk = idx + if word_name == "!!!MAXTERMID": + continue + + self._id_to_word.append(word_name) + self._word_to_id[word_name] = idx + idx += 1 + + @property + def bos(self): + return self._bos + + @property + def eos(self): + return self._eos + + @property + def unk(self): + return self._unk + + @property + def size(self): + return len(self._id_to_word) + + def word_to_id(self, word): + if word in self._word_to_id: + return self._word_to_id[word] + return self.unk + + def id_to_word(self, cur_id): + """Converts an ID to the word it represents. + + Args: + cur_id: The ID + + Returns: + The word that :obj:`cur_id` represents. + """ + if cur_id < self.size: + return self._id_to_word[cur_id] + return "ERROR" + + def decode(self, cur_ids): + """Convert a list of ids to a sentence, with space inserted.""" + return " ".join([self.id_to_word(cur_id) for cur_id in cur_ids]) + + def encode(self, sentence): + """Convert a sentence to a list of ids, with special tokens added.""" + word_ids = [self.word_to_id(cur_word) for cur_word in sentence.split()] + return np.array([self.bos] + word_ids + [self.eos], dtype=np.int32) + + +class CharsVocabulary(Vocabulary): + """Vocabulary containing character-level information.""" + + def __init__(self, filename, max_word_length): + super(CharsVocabulary, self).__init__(filename) + self._max_word_length = max_word_length + chars_set = set() + + for word in self._id_to_word: + chars_set |= set(word) + + free_ids = [] + for i in range(256): + if chr(i) in chars_set: + continue + free_ids.append(chr(i)) + + if len(free_ids) < 5: + raise ValueError("Not enough free char ids: %d" % len(free_ids)) + + self.bos_char = free_ids[0] # + self.eos_char = free_ids[1] # + self.bow_char = free_ids[2] # + self.eow_char = free_ids[3] # + self.pad_char = free_ids[4] # + + chars_set |= { + self.bos_char, + self.eos_char, + self.bow_char, + self.eow_char, + self.pad_char, + } + + self._char_set = chars_set + num_words = len(self._id_to_word) + + self._word_char_ids = np.zeros([num_words, max_word_length], dtype=np.int32) + + self.bos_chars = self._convert_word_to_char_ids(self.bos_char) + self.eos_chars = self._convert_word_to_char_ids(self.eos_char) + + for i, word in enumerate(self._id_to_word): + self._word_char_ids[i] = self._convert_word_to_char_ids(word) + + @property + def word_char_ids(self): + return self._word_char_ids + + @property + def max_word_length(self): + return self._max_word_length + + def _convert_word_to_char_ids(self, word): + code = np.zeros([self.max_word_length], dtype=np.int32) + code[:] = ord(self.pad_char) + + if len(word) > self.max_word_length - 2: + word = word[: self.max_word_length - 2] + cur_word = self.bow_char + word + self.eow_char + for j in range(len(cur_word)): + code[j] = ord(cur_word[j]) + return code + + def word_to_char_ids(self, word): + if word in self._word_to_id: + return self._word_char_ids[self._word_to_id[word]] + else: + return self._convert_word_to_char_ids(word) + + def encode_chars(self, sentence): + chars_ids = [self.word_to_char_ids(cur_word) for cur_word in sentence.split()] + return np.vstack([self.bos_chars] + chars_ids + [self.eos_chars]) + + +def get_batch(generator, batch_size, num_steps, max_word_length, pad=False): + """Read batches of input.""" + cur_stream = [None] * batch_size + + inputs = np.zeros([batch_size, num_steps], np.int32) + char_inputs = np.zeros([batch_size, num_steps, max_word_length], np.int32) + global_word_ids = np.zeros([batch_size, num_steps], np.int32) + targets = np.zeros([batch_size, num_steps], np.int32) + weights = np.ones([batch_size, num_steps], np.float32) + + no_more_data = False + while True: + inputs[:] = 0 + char_inputs[:] = 0 + global_word_ids[:] = 0 + targets[:] = 0 + weights[:] = 0.0 + + for i in range(batch_size): + cur_pos = 0 + + while cur_pos < num_steps: + if cur_stream[i] is None or len(cur_stream[i][0]) <= 1: + try: + cur_stream[i] = list(generator.next()) + except StopIteration: + # No more data, exhaust current streams and quit + no_more_data = True + break + + how_many = min(len(cur_stream[i][0]) - 1, num_steps - cur_pos) + next_pos = cur_pos + how_many + + inputs[i, cur_pos:next_pos] = cur_stream[i][0][:how_many] + char_inputs[i, cur_pos:next_pos] = cur_stream[i][1][:how_many] + global_word_ids[i, cur_pos:next_pos] = cur_stream[i][2][:how_many] + targets[i, cur_pos:next_pos] = cur_stream[i][0][1 : how_many + 1] + weights[i, cur_pos:next_pos] = 1.0 + + cur_pos = next_pos + cur_stream[i][0] = cur_stream[i][0][how_many:] + cur_stream[i][1] = cur_stream[i][1][how_many:] + cur_stream[i][2] = cur_stream[i][2][how_many:] + + if pad: + break + + if no_more_data and np.sum(weights) == 0: + # There is no more data and this is an empty batch. Done! + break + yield inputs, char_inputs, global_word_ids, targets, weights + + +class LM1BDataset(object): + """Utility class for 1B word benchmark dataset. + + The current implementation reads the data from the tokenized text + files. + """ + + def __init__(self, filepattern, vocab): + """Initialize LM1BDataset reader. + + Args: + filepattern: Dataset file pattern. + vocab: Vocabulary. + """ + self._vocab = vocab + self._all_shards = tf.io.gfile.glob(filepattern) + tf.compat.v1.logging.info( + "Found %d shards at %s", len(self._all_shards), filepattern + ) + + def _load_random_shard(self): + """Randomly select a file and read it.""" + return self._load_shard(random.choice(self._all_shards)) + + def _load_shard(self, shard_name): + """Read one file and convert to ids. + + Args: + shard_name: file path. + + Returns: + list of (id, char_id, global_word_id) tuples. + """ + tf.compat.v1.logging.info("Loading data from: %s", shard_name) + with tf.io.gfile.GFile(shard_name) as f: + sentences = f.readlines() + chars_ids = [self.vocab.encode_chars(sentence) for sentence in sentences] + ids = [self.vocab.encode(sentence) for sentence in sentences] + + global_word_ids = [] + current_idx = 0 + for word_ids in ids: + current_size = len(word_ids) - 1 # without symbol + cur_ids = np.arange(current_idx, current_idx + current_size) + global_word_ids.append(cur_ids) + current_idx += current_size + + tf.compat.v1.logging.info("Loaded %d words.", current_idx) + tf.compat.v1.logging.info("Finished loading") + return zip(ids, chars_ids, global_word_ids) + + def _get_sentence(self, forever=True): + while True: + ids = self._load_random_shard() + for current_ids in ids: + yield current_ids + if not forever: + break + + def get_batch(self, batch_size, num_steps, pad=False, forever=True): + return get_batch( + self._get_sentence(forever), + batch_size, + num_steps, + self.vocab.max_word_length, + pad=pad, + ) + + @property + def vocab(self): + return self._vocab diff --git a/textattack/constraints/grammaticality/language_models/google_language_model/lm_utils.py b/textattack/constraints/grammaticality/language_models/google_language_model/lm_utils.py new file mode 100644 index 0000000000000000000000000000000000000000..b4b15e0fad9770f82491f0c7d132749428a6fbe1 --- /dev/null +++ b/textattack/constraints/grammaticality/language_models/google_language_model/lm_utils.py @@ -0,0 +1,77 @@ +""" +Utils for loading 1B word benchmark dataset. +------------------------------------------------ + + Author: Moustafa Alzantot (malzantot@ucla.edu) + All rights reserved. +""" +import sys + +from textattack.shared.utils import LazyLoader + +tf = LazyLoader("tensorflow", globals(), "tensorflow") +protobuf = LazyLoader("google.protobuf", globals(), "google.protobuf") + + +def LoadModel(sess, graph, gd_file, ckpt_file): + """Load the model from GraphDef and AttackCheckpoint. + + Args: + gd_file: GraphDef proto text file. + ckpt_file: TensorFlow AttackCheckpoint file. + + Returns: + TensorFlow session and tensors dict. + """ + tf.get_logger().setLevel("INFO") + with graph.as_default(): + sys.stderr.write("Recovering graph.\n") + with tf.io.gfile.GFile(gd_file) as f: + s = f.read() + gd = tf.compat.v1.GraphDef() + protobuf.text_format.Merge(s, gd) + + tf.compat.v1.logging.info("Recovering Graph %s", gd_file) + t = {} + [ + t["states_init"], + t["lstm/lstm_0/control_dependency"], + t["lstm/lstm_1/control_dependency"], + t["softmax_out"], + t["class_ids_out"], + t["class_weights_out"], + t["log_perplexity_out"], + t["inputs_in"], + t["targets_in"], + t["target_weights_in"], + t["char_inputs_in"], + t["all_embs"], + t["softmax_weights"], + t["global_step"], + ] = tf.import_graph_def( + gd, + {}, + [ + "states_init", + "lstm/lstm_0/control_dependency:0", + "lstm/lstm_1/control_dependency:0", + "softmax_out:0", + "class_ids_out:0", + "class_weights_out:0", + "log_perplexity_out:0", + "inputs_in:0", + "targets_in:0", + "target_weights_in:0", + "char_inputs_in:0", + "all_embs_out:0", + "Reshape_3:0", + "global_step:0", + ], + name="", + ) + + sys.stderr.write("Recovering checkpoint %s\n" % ckpt_file) + sess.run("save/restore_all", {"save/Const:0": ckpt_file}) + sess.run(t["states_init"]) + + return t diff --git a/textattack/constraints/grammaticality/language_models/gpt2.py b/textattack/constraints/grammaticality/language_models/gpt2.py new file mode 100644 index 0000000000000000000000000000000000000000..7a8e862bef8a1751f18afadff5da9b088d93592e --- /dev/null +++ b/textattack/constraints/grammaticality/language_models/gpt2.py @@ -0,0 +1,69 @@ +""" +GPT2 Language Models: +-------------------------- + +""" + + +import os + +import torch + +from textattack.shared import utils + +from .language_model_constraint import LanguageModelConstraint + +# temporarily silence W&B to ignore log-in warning +os.environ["WANDB_SILENT"] = "1" + + +class GPT2(LanguageModelConstraint): + """A constraint based on the GPT-2 language model. + + from "Better Language Models and Their Implications" + (openai.com/blog/better-language-models/) + + Args: + model_name: id of GPT2 model + """ + + def __init__(self, model_name="gpt2", **kwargs): + import transformers + + # re-enable notifications + os.environ["WANDB_SILENT"] = "0" + self.model = transformers.GPT2LMHeadModel.from_pretrained(model_name) + self.model.to(utils.device) + self.tokenizer = transformers.GPT2Tokenizer.from_pretrained(model_name) + super().__init__(**kwargs) + + def get_log_probs_at_index(self, text_list, word_index): + """Gets the probability of the word at index `word_index` according to + GPT-2. + + Assumes that all items in `text_list` have the same prefix up + until `word_index`. + """ + prefix = text_list[0].text_until_word_index(word_index) + + if not utils.has_letter(prefix): + # This language model perplexity is not defined with respect to + # a word without a prefix. If the prefix is null, just return the + # log-probability 0.0. + return torch.zeros(len(text_list), dtype=torch.float) + + token_ids = self.tokenizer.encode(prefix) + tokens_tensor = torch.tensor([token_ids]) + tokens_tensor = tokens_tensor.to(utils.device) + + with torch.no_grad(): + outputs = self.model(tokens_tensor) + predictions = outputs[0] + + probs = [] + for attacked_text in text_list: + next_word_ids = self.tokenizer.encode(attacked_text.words[word_index]) + next_word_prob = predictions[0, -1, next_word_ids[0]] + probs.append(next_word_prob) + + return probs diff --git a/textattack/constraints/grammaticality/language_models/language_model_constraint.py b/textattack/constraints/grammaticality/language_models/language_model_constraint.py new file mode 100644 index 0000000000000000000000000000000000000000..a08fca9f2bf332098ee56dfe9a5bb2691aac512c --- /dev/null +++ b/textattack/constraints/grammaticality/language_models/language_model_constraint.py @@ -0,0 +1,56 @@ +""" +Language Models Constraint +--------------------------- + +""" + +from abc import ABC, abstractmethod + +from textattack.constraints import Constraint + + +class LanguageModelConstraint(Constraint, ABC): + """Determines if two sentences have a swapped word that has a similar + probability according to a language model. + + Args: + max_log_prob_diff (float): the maximum decrease in log-probability + in swapped words from `x` to `x_adv` + compare_against_original (bool): If `True`, compare new `x_adv` against the original `x`. + Otherwise, compare it against the previous `x_adv`. + """ + + def __init__(self, max_log_prob_diff=None, compare_against_original=True): + if max_log_prob_diff is None: + raise ValueError("Must set max_log_prob_diff") + self.max_log_prob_diff = max_log_prob_diff + super().__init__(compare_against_original) + + @abstractmethod + def get_log_probs_at_index(self, text_list, word_index): + """Gets the log-probability of items in `text_list` at index + `word_index` according to a language model.""" + raise NotImplementedError() + + def _check_constraint(self, transformed_text, reference_text): + try: + indices = transformed_text.attack_attrs["newly_modified_indices"] + except KeyError: + raise KeyError( + "Cannot apply language model constraint without `newly_modified_indices`" + ) + + for i in indices: + probs = self.get_log_probs_at_index((reference_text, transformed_text), i) + if len(probs) != 2: + raise ValueError( + f"Error: get_log_probs_at_index returned {len(probs)} values for 2 inputs" + ) + ref_prob, transformed_prob = probs + if transformed_prob <= ref_prob - self.max_log_prob_diff: + return False + + return True + + def extra_repr_keys(self): + return ["max_log_prob_diff"] + super().extra_repr_keys() diff --git a/textattack/constraints/grammaticality/language_models/learning_to_write/__init__.py b/textattack/constraints/grammaticality/language_models/learning_to_write/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..16aa770dc7d5e6402b0ebc25cb061ef9b566f2ec --- /dev/null +++ b/textattack/constraints/grammaticality/language_models/learning_to_write/__init__.py @@ -0,0 +1,6 @@ +""" +"Learning To Write" +-------------------------- + +""" +from .learning_to_write import LearningToWriteLanguageModel diff --git a/textattack/constraints/grammaticality/language_models/learning_to_write/adaptive_softmax.py b/textattack/constraints/grammaticality/language_models/learning_to_write/adaptive_softmax.py new file mode 100644 index 0000000000000000000000000000000000000000..610754f5912416ddc712fdff46013133f6d072ba --- /dev/null +++ b/textattack/constraints/grammaticality/language_models/learning_to_write/adaptive_softmax.py @@ -0,0 +1,109 @@ +""" +AdaptiveSoftmax +^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +""" + + +import torch +from torch import nn +from torch.autograd import Variable +from torch.nn.functional import log_softmax + +import textattack + + +class AdaptiveSoftmax(nn.Module): + def __init__(self, input_size, cutoffs, scale_down=4): + super().__init__() + self.input_size = input_size + self.cutoffs = cutoffs + self.output_size = cutoffs[0] + len(cutoffs) - 1 + self.head = nn.Linear(input_size, self.output_size) + self.tail = nn.ModuleList() + for i in range(len(cutoffs) - 1): + seq = nn.Sequential( + nn.Linear(input_size, input_size // scale_down, False), + nn.Linear(input_size // scale_down, cutoffs[i + 1] - cutoffs[i], False), + ) + self.tail.append(seq) + + def reset(self, init=0.1): + self.head.weight.data.uniform_(-init, init) + for tail in self.tail: + for layer in tail: + layer.weight.data.uniform_(-init, init) + + def set_target(self, target): + self.id = [] + for i in range(len(self.cutoffs) - 1): + mask = target.ge(self.cutoffs[i]).mul(target.lt(self.cutoffs[i + 1])) + if mask.sum() > 0: + self.id.append(Variable(mask.float().nonzero().squeeze(1))) + else: + self.id.append(None) + + def forward(self, inp): + assert len(inp.size()) == 2 + output = [self.head(inp)] + for i in range(len(self.id)): + if self.id[i] is not None: + output.append(self.tail[i](inp.index_select(0, self.id[i]))) + else: + output.append(None) + return output + + def log_prob(self, inp): + assert len(inp.size()) == 2 + head_out = self.head(inp) + n = inp.size(0) + prob = torch.zeros(n, self.cutoffs[-1]).to(textattack.shared.utils.device) + lsm_head = log_softmax(head_out, dim=head_out.dim() - 1) + prob.narrow(1, 0, self.output_size).add_( + lsm_head.narrow(1, 0, self.output_size).data + ) + for i in range(len(self.tail)): + pos = self.cutoffs[i] + i_size = self.cutoffs[i + 1] - pos + buff = lsm_head.narrow(1, self.cutoffs[0] + i, 1) + buff = buff.expand(n, i_size) + temp = self.tail[i](inp) + lsm_tail = log_softmax(temp, dim=temp.dim() - 1) + prob.narrow(1, pos, i_size).copy_(buff.data).add_(lsm_tail.data) + return prob + + +class AdaptiveLoss(nn.Module): + def __init__(self, cutoffs): + super().__init__() + self.cutoffs = cutoffs + self.criterions = nn.ModuleList() + for i in self.cutoffs: + self.criterions.append(nn.CrossEntropyLoss(size_average=False)) + + def reset(self): + for criterion in self.criterions: + criterion.zero_grad() + + def remap_target(self, target): + new_target = [target.clone()] + for i in range(len(self.cutoffs) - 1): + mask = target.ge(self.cutoffs[i]).mul(target.lt(self.cutoffs[i + 1])) + + if mask.sum() > 0: + new_target[0][mask] = self.cutoffs[0] + i + new_target.append(target[mask].add(-self.cutoffs[i])) + else: + new_target.append(None) + return new_target + + def forward(self, inp, target): + n = inp[0].size(0) + target = self.remap_target(target.data) + loss = 0 + for i in range(len(inp)): + if inp[i] is not None: + assert target[i].min() >= 0 and target[i].max() <= inp[i].size(1) + criterion = self.criterions[i] + loss += criterion(inp[i], Variable(target[i])) + loss /= n + return loss diff --git a/textattack/constraints/grammaticality/language_models/learning_to_write/language_model_helpers.py b/textattack/constraints/grammaticality/language_models/learning_to_write/language_model_helpers.py new file mode 100644 index 0000000000000000000000000000000000000000..06491b1c45937fdd9ebb6cf35b5909da88e356a1 --- /dev/null +++ b/textattack/constraints/grammaticality/language_models/learning_to_write/language_model_helpers.py @@ -0,0 +1,134 @@ +""" +Language model helpers +^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +""" + +import os + +import numpy as np +import torch + +from textattack.shared.utils import LazyLoader + +from .rnn_model import RNNModel + +torchfile = LazyLoader("torchfile", globals(), "torchfile") + + +class QueryHandler: + def __init__(self, model, word_to_idx, mapto, device): + self.model = model + self.word_to_idx = word_to_idx + self.mapto = mapto + self.device = device + + def query(self, sentences, swapped_words, batch_size=32): + """Since we don't filter prefixes for OOV ahead of time, it's possible + that some of them will have different lengths. When this is the case, + we can't do RNN prediction in batch. + + This method _tries_ to do prediction in batch, and, when it + fails, just does prediction sequentially and concatenates all of + the results. + """ + try: + return self.try_query(sentences, swapped_words, batch_size=batch_size) + except Exception: + probs = [] + for s, w in zip(sentences, swapped_words): + try: + probs.append(self.try_query([s], [w], batch_size=1)[0]) + except RuntimeError: + print( + "WARNING: got runtime error trying languag emodel on language model w s/w", + s, + w, + ) + probs.append(float("-inf")) + return probs + + def try_query(self, sentences, swapped_words, batch_size=32): + # TODO use caching + sentence_length = len(sentences[0]) + if any(len(s) != sentence_length for s in sentences): + raise ValueError("Only same length batches are allowed") + + log_probs = [] + for start in range(0, len(sentences), batch_size): + swapped_words_batch = swapped_words[ + start : min(len(sentences), start + batch_size) + ] + batch = sentences[start : min(len(sentences), start + batch_size)] + raw_idx_list = [[] for i in range(sentence_length + 1)] + for i, s in enumerate(batch): + s = [word for word in s if word in self.word_to_idx] + words = [""] + s + word_idxs = [self.word_to_idx[w] for w in words] + for t in range(sentence_length + 1): + if t < len(word_idxs): + raw_idx_list[t].append(word_idxs[t]) + orig_num_idxs = len(raw_idx_list) + raw_idx_list = [x for x in raw_idx_list if len(x)] + num_idxs_dropped = orig_num_idxs - len(raw_idx_list) + all_raw_idxs = torch.tensor( + raw_idx_list, device=self.device, dtype=torch.long + ) + word_idxs = self.mapto[all_raw_idxs] + hidden = self.model.init_hidden(len(batch)) + source = word_idxs[:-1, :] + target = word_idxs[1:, :] + if (not len(source)) or not len(hidden): + return [float("-inf")] * len(batch) + decode, hidden = self.model(source, hidden) + decode = decode.view(sentence_length - num_idxs_dropped, len(batch), -1) + for i in range(len(batch)): + if swapped_words_batch[i] not in self.word_to_idx: + log_probs.append(float("-inf")) + else: + log_probs.append( + sum( + [ + decode[t, i, target[t, i]].item() + for t in range(sentence_length - num_idxs_dropped) + ] + ) + ) + return log_probs + + @staticmethod + def load_model(lm_folder_path, device): + word_map = torchfile.load(os.path.join(lm_folder_path, "word_map.th7")) + word_map = [w.decode("utf-8") for w in word_map] + word_to_idx = {w: i for i, w in enumerate(word_map)} + word_freq = torchfile.load( + os.path.join(os.path.join(lm_folder_path, "word_freq.th7")) + ) + mapto = torch.from_numpy(util_reverse(np.argsort(-word_freq))).long().to(device) + + model_file = open(os.path.join(lm_folder_path, "lm-state-dict.pt"), "rb") + + model = RNNModel( + "GRU", + 793471, + 256, + 2048, + 1, + [4200, 35000, 180000, 793471], + dropout=0.01, + proj=True, + lm1b=True, + ) + + model.load_state_dict(torch.load(model_file, map_location=device)) + model.full = True # Use real softmax--important! + model.to(device) + model.eval() + model_file.close() + return QueryHandler(model, word_to_idx, mapto, device) + + +def util_reverse(item): + new_item = np.zeros(len(item)) + for idx, val in enumerate(item): + new_item[val] = idx + return new_item diff --git a/textattack/constraints/grammaticality/language_models/learning_to_write/learning_to_write.py b/textattack/constraints/grammaticality/language_models/learning_to_write/learning_to_write.py new file mode 100644 index 0000000000000000000000000000000000000000..5da6e59bad22c82e0be8b636be132129352bdd46 --- /dev/null +++ b/textattack/constraints/grammaticality/language_models/learning_to_write/learning_to_write.py @@ -0,0 +1,61 @@ +""" +"Learning To Write" Language Model +^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + +""" + +import torch + +import textattack +from textattack.constraints.grammaticality.language_models import ( + LanguageModelConstraint, +) + +from .language_model_helpers import QueryHandler + + +class LearningToWriteLanguageModel(LanguageModelConstraint): + """A constraint based on the L2W language model. + + The RNN-based language model from "Learning to Write With Cooperative + Discriminators" (Holtzman et al, 2018). + + https://arxiv.org/pdf/1805.06087.pdf + + https://github.com/windweller/l2w + + + Reused by Jia et al., 2019, as a substitution for the Google 1-billion + words language model (in a revised version the attack of Alzantot et + al., 2018). + + https://worksheets.codalab.org/worksheets/0x79feda5f1998497db75422eca8fcd689 + """ + + CACHE_PATH = "constraints/grammaticality/language-models/learning-to-write" + + def __init__(self, window_size=5, **kwargs): + self.window_size = window_size + lm_folder_path = textattack.shared.utils.download_from_s3( + LearningToWriteLanguageModel.CACHE_PATH + ) + self.query_handler = QueryHandler.load_model( + lm_folder_path, textattack.shared.utils.device + ) + super().__init__(**kwargs) + + def get_log_probs_at_index(self, text_list, word_index): + """Gets the probability of the word at index `word_index` according to + the language model.""" + queries = [] + query_words = [] + for attacked_text in text_list: + word = attacked_text.words[word_index] + window_text = attacked_text.text_window_around_index( + word_index, self.window_size + ) + query = textattack.shared.utils.words_from_text(window_text) + queries.append(query) + query_words.append(word) + log_probs = self.query_handler.query(queries, query_words) + return torch.tensor(log_probs) diff --git a/textattack/constraints/grammaticality/language_models/learning_to_write/rnn_model.py b/textattack/constraints/grammaticality/language_models/learning_to_write/rnn_model.py new file mode 100644 index 0000000000000000000000000000000000000000..d43370eb55ffcbfe79552b149f08cf7a3ea343c2 --- /dev/null +++ b/textattack/constraints/grammaticality/language_models/learning_to_write/rnn_model.py @@ -0,0 +1,111 @@ +""" +RNN Language Model +^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + +""" + + +from torch import nn as nn +from torch.autograd import Variable + +from .adaptive_softmax import AdaptiveSoftmax + + +class RNNModel(nn.Module): + """Container module with an encoder, a recurrent module, and a decoder. + + Based on official pytorch examples + """ + + def __init__( + self, + rnn_type, + ntoken, + ninp, + nhid, + nlayers, + cutoffs, + proj=False, + dropout=0.5, + tie_weights=False, + lm1b=False, + ): + super(RNNModel, self).__init__() + self.drop = nn.Dropout(dropout) + self.encoder = nn.Embedding(ntoken, ninp) + + self.lm1b = lm1b + + if rnn_type == "GRU": + self.rnn = getattr(nn, rnn_type)(ninp, nhid, nlayers, dropout=dropout) + else: + try: + nonlinearity = {"RNN_TANH": "tanh", "RNN_RELU": "relu"}[rnn_type] + except KeyError: + raise ValueError( + """An invalid option for `--model` was supplied, + options are ['GRU', 'RNN_TANH' or 'RNN_RELU']""" + ) + self.rnn = nn.RNN( + ninp, nhid, nlayers, nonlinearity=nonlinearity, dropout=dropout + ) + + self.proj = proj + + if ninp != nhid and proj: + self.proj_layer = nn.Linear(nhid, ninp) + + # if tie_weights: + # if nhid != ninp and not proj: + # raise ValueError('When using the tied flag, nhid must be equal to emsize') + # self.decoder = nn.Linear(ninp, ntoken) + # self.decoder.weight = self.encoder.weight + # else: + # if nhid != ninp and not proj: + # if not lm1b: + # self.decoder = nn.Linear(nhid, ntoken) + # else: + # self.decoder = adapt_loss + # else: + # self.decoder = nn.Linear(ninp, ntoken) + + self.init_weights() + + self.rnn_type = rnn_type + self.nhid = nhid + self.nlayers = nlayers + + if proj: + self.softmax = AdaptiveSoftmax(ninp, cutoffs) + else: + self.softmax = AdaptiveSoftmax(nhid, cutoffs) + + self.full = False + + def init_weights(self): + initrange = 0.1 + self.encoder.weight.data.uniform_(-initrange, initrange) + # self.decoder.bias.data.fill_(0) + # self.decoder.weight.data.uniform_(-initrange, initrange) + + def forward(self, input, hidden): + emb = self.drop(self.encoder(input)) + output, hidden = self.rnn(emb, hidden) + output = self.drop(output) + + if "proj" in vars(self): + if self.proj: + output = self.proj_layer(output) + + output = output.view(output.size(0) * output.size(1), output.size(2)) + + if self.full: + decode = self.softmax.log_prob(output) + else: + decode = self.softmax(output) + + return decode, hidden + + def init_hidden(self, bsz): + weight = next(self.parameters()).data + return Variable(weight.new(self.nlayers, bsz, self.nhid).zero_()) diff --git a/textattack/constraints/grammaticality/language_tool.py b/textattack/constraints/grammaticality/language_tool.py new file mode 100644 index 0000000000000000000000000000000000000000..0781b49fb5ce8826bd225b720db0d29f2c829492 --- /dev/null +++ b/textattack/constraints/grammaticality/language_tool.py @@ -0,0 +1,45 @@ +""" +LanguageTool Grammar Checker +------------------------------ +""" +import language_tool_python + +from textattack.constraints import Constraint + + +class LanguageTool(Constraint): + """Uses languagetool to determine if two sentences have the same number of + grammatical erors. (https://languagetool.org/) + + Args: + grammar_error_threshold (int): the number of additional errors permitted in `x_adv` + relative to `x` + compare_against_original (bool): If `True`, compare against the original text. + Otherwise, compare against the most recent text. + language: language to use for languagetool (available choices: https://dev.languagetool.org/languages) + """ + + def __init__( + self, grammar_error_threshold=0, compare_against_original=True, language="en-US" + ): + super().__init__(compare_against_original) + self.lang_tool = language_tool_python.LanguageTool(language) + self.grammar_error_threshold = grammar_error_threshold + self.grammar_error_cache = {} + + def get_errors(self, attacked_text, use_cache=False): + text = attacked_text.text + if use_cache: + if text not in self.grammar_error_cache: + self.grammar_error_cache[text] = len(self.lang_tool.check(text)) + return self.grammar_error_cache[text] + else: + return len(self.lang_tool.check(text)) + + def _check_constraint(self, transformed_text, reference_text): + original_num_errors = self.get_errors(reference_text, use_cache=True) + errors_added = self.get_errors(transformed_text) - original_num_errors + return errors_added <= self.grammar_error_threshold + + def extra_repr_keys(self): + return ["grammar_error_threshold"] + super().extra_repr_keys() diff --git a/textattack/constraints/grammaticality/part_of_speech.py b/textattack/constraints/grammaticality/part_of_speech.py new file mode 100644 index 0000000000000000000000000000000000000000..f531f33c7c7667ac412ba737978bce2c7369eba3 --- /dev/null +++ b/textattack/constraints/grammaticality/part_of_speech.py @@ -0,0 +1,155 @@ +""" +Part of Speech Constraint +-------------------------- +""" +import flair +from flair.data import Sentence +from flair.models import SequenceTagger +import lru +import nltk + +import textattack +from textattack.constraints import Constraint +from textattack.shared.utils import LazyLoader, device +from textattack.shared.validators import transformation_consists_of_word_swaps + +# Set global flair device to be TextAttack's current device +flair.device = device + +stanza = LazyLoader("stanza", globals(), "stanza") + + +class PartOfSpeech(Constraint): + """Constraints word swaps to only swap words with the same part of speech. + Uses the NLTK universal part-of-speech tagger by default. An implementation + of ``_ adapted from + ``_. + + POS taggers from Flair ``_ and + Stanza ``_ are also available + + Args: + tagger_type (str): Name of the tagger to use (available choices: "nltk", "flair", "stanza"). + tagset (str): tagset to use for POS tagging (e.g. "universal") + allow_verb_noun_swap (bool): If `True`, allow verbs to be swapped with nouns and vice versa. + compare_against_original (bool): If `True`, compare against the original text. + Otherwise, compare against the most recent text. + language_nltk: Language to be used for nltk POS-Tagger + (available choices: "eng", "rus") + language_stanza: Language to be used for stanza POS-Tagger + (available choices: https://stanfordnlp.github.io/stanza/available_models.html) + """ + + def __init__( + self, + tagger_type="nltk", + tagset="universal", + allow_verb_noun_swap=True, + compare_against_original=True, + language_nltk="eng", + language_stanza="en", + ): + super().__init__(compare_against_original) + self.tagger_type = tagger_type + self.tagset = tagset + self.allow_verb_noun_swap = allow_verb_noun_swap + self.language_nltk = language_nltk + self.language_stanza = language_stanza + + self._pos_tag_cache = lru.LRU(2**14) + if tagger_type == "flair": + if tagset == "universal": + self._flair_pos_tagger = SequenceTagger.load("upos-fast") + else: + self._flair_pos_tagger = SequenceTagger.load("pos-fast") + + if tagger_type == "stanza": + self._stanza_pos_tagger = stanza.Pipeline( + lang=self.language_stanza, + processors="tokenize, pos", + tokenize_pretokenized=True, + ) + + def clear_cache(self): + self._pos_tag_cache.clear() + + def _can_replace_pos(self, pos_a, pos_b): + return (pos_a == pos_b) or ( + self.allow_verb_noun_swap and set([pos_a, pos_b]) <= set(["NOUN", "VERB"]) + ) + + def _get_pos(self, before_ctx, word, after_ctx): + context_words = before_ctx + [word] + after_ctx + context_key = " ".join(context_words) + if context_key in self._pos_tag_cache: + word_list, pos_list = self._pos_tag_cache[context_key] + else: + if self.tagger_type == "nltk": + word_list, pos_list = zip( + *nltk.pos_tag( + context_words, tagset=self.tagset, lang=self.language_nltk + ) + ) + + if self.tagger_type == "flair": + context_key_sentence = Sentence( + context_key, + use_tokenizer=textattack.shared.utils.TextAttackFlairTokenizer(), + ) + self._flair_pos_tagger.predict(context_key_sentence) + word_list, pos_list = textattack.shared.utils.zip_flair_result( + context_key_sentence + ) + + if self.tagger_type == "stanza": + word_list, pos_list = textattack.shared.utils.zip_stanza_result( + self._stanza_pos_tagger(context_key), tagset=self.tagset + ) + + self._pos_tag_cache[context_key] = (word_list, pos_list) + + # idx of `word` in `context_words` + assert word in word_list, "POS list not matched with original word list." + word_idx = word_list.index(word) + return pos_list[word_idx] + + def _check_constraint(self, transformed_text, reference_text): + try: + indices = transformed_text.attack_attrs["newly_modified_indices"] + except KeyError: + raise KeyError( + "Cannot apply part-of-speech constraint without `newly_modified_indices`" + ) + + for i in indices: + reference_word = reference_text.words[i] + transformed_word = transformed_text.words[i] + before_ctx = reference_text.words[max(i - 4, 0) : i] + after_ctx = reference_text.words[ + i + 1 : min(i + 4, len(reference_text.words)) + ] + ref_pos = self._get_pos(before_ctx, reference_word, after_ctx) + replace_pos = self._get_pos(before_ctx, transformed_word, after_ctx) + if not self._can_replace_pos(ref_pos, replace_pos): + return False + + return True + + def check_compatibility(self, transformation): + return transformation_consists_of_word_swaps(transformation) + + def extra_repr_keys(self): + return [ + "tagger_type", + "tagset", + "allow_verb_noun_swap", + ] + super().extra_repr_keys() + + def __getstate__(self): + state = self.__dict__.copy() + state["_pos_tag_cache"] = self._pos_tag_cache.get_size() + return state + + def __setstate__(self, state): + self.__dict__ = state + self._pos_tag_cache = lru.LRU(state["_pos_tag_cache"]) diff --git a/textattack/constraints/overlap/__init__.py b/textattack/constraints/overlap/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..a543e2c39229b6eb86ea0e8cbb592009c008ad8e --- /dev/null +++ b/textattack/constraints/overlap/__init__.py @@ -0,0 +1,13 @@ +""".. _overlap: + +Overlap Constraints +-------------------------- + +Overlap constraints determine if a transformation is valid based on character-level analysis. +""" + +from .bleu_score import BLEU +from .chrf_score import chrF +from .levenshtein_edit_distance import LevenshteinEditDistance +from .meteor_score import METEOR +from .max_words_perturbed import MaxWordsPerturbed diff --git a/textattack/constraints/overlap/bleu_score.py b/textattack/constraints/overlap/bleu_score.py new file mode 100644 index 0000000000000000000000000000000000000000..51c8f1281388cdbbdb45b39e33bc7d1989ce0d9e --- /dev/null +++ b/textattack/constraints/overlap/bleu_score.py @@ -0,0 +1,36 @@ +""" + +BLEU Constraints +-------------------------- + + +""" + +import nltk + +from textattack.constraints import Constraint + + +class BLEU(Constraint): + """A constraint on BLEU score difference. + + Args: + max_bleu_score (int): Maximum BLEU score allowed. + compare_against_original (bool): If `True`, compare new `x_adv` against the original `x`. + Otherwise, compare it against the previous `x_adv`. + """ + + def __init__(self, max_bleu_score, compare_against_original=True): + super().__init__(compare_against_original) + if not isinstance(max_bleu_score, int): + raise TypeError("max_bleu_score must be an int") + self.max_bleu_score = max_bleu_score + + def _check_constraint(self, transformed_text, reference_text): + ref = reference_text.words + hyp = transformed_text.words + bleu_score = nltk.translate.bleu_score.sentence_bleu([ref], hyp) + return bleu_score <= self.max_bleu_score + + def extra_repr_keys(self): + return ["max_bleu_score"] + super().extra_repr_keys() diff --git a/textattack/constraints/overlap/chrf_score.py b/textattack/constraints/overlap/chrf_score.py new file mode 100644 index 0000000000000000000000000000000000000000..8db0c4dca9b9d338be28b283950768ee0ffdc021 --- /dev/null +++ b/textattack/constraints/overlap/chrf_score.py @@ -0,0 +1,36 @@ +""" + +chrF Constraints +-------------------------- + + +""" + +import nltk.translate.chrf_score + +from textattack.constraints import Constraint + + +class chrF(Constraint): + """A constraint on chrF (n-gram F-score) difference. + + Args: + max_chrf (int): Max n-gram F-score allowed. + compare_against_original (bool): If `True`, compare new `x_adv` against the original `x`. + Otherwise, compare it against the previous `x_adv`. + """ + + def __init__(self, max_chrf, compare_against_original=True): + super().__init__(compare_against_original) + if not isinstance(max_chrf, int): + raise TypeError("max_chrf must be an int") + self.max_chrf = max_chrf + + def _check_constraint(self, transformed_text, reference_text): + ref = reference_text.words + hyp = transformed_text.words + chrf = nltk.translate.chrf_score.sentence_chrf(ref, hyp) + return chrf <= self.max_chrf + + def extra_repr_keys(self): + return ["max_chrf"] + super().extra_repr_keys() diff --git a/textattack/constraints/overlap/levenshtein_edit_distance.py b/textattack/constraints/overlap/levenshtein_edit_distance.py new file mode 100644 index 0000000000000000000000000000000000000000..5a0ede847167ec3606075c74ce5491870da1cf46 --- /dev/null +++ b/textattack/constraints/overlap/levenshtein_edit_distance.py @@ -0,0 +1,34 @@ +""" + +Edit Distance Constraints +-------------------------- + + +""" + +import editdistance + +from textattack.constraints import Constraint + + +class LevenshteinEditDistance(Constraint): + """A constraint on edit distance (Levenshtein Distance). + + Args: + max_edit_distance (int): Maximum edit distance allowed. + compare_against_original (bool): If `True`, compare new `x_adv` against the original `x`. + Otherwise, compare it against the previous `x_adv`. + """ + + def __init__(self, max_edit_distance, compare_against_original=True): + super().__init__(compare_against_original) + if not isinstance(max_edit_distance, int): + raise TypeError("max_edit_distance must be an int") + self.max_edit_distance = max_edit_distance + + def _check_constraint(self, transformed_text, reference_text): + edit_distance = editdistance.eval(reference_text.text, transformed_text.text) + return edit_distance <= self.max_edit_distance + + def extra_repr_keys(self): + return ["max_edit_distance"] + super().extra_repr_keys() diff --git a/textattack/constraints/overlap/max_words_perturbed.py b/textattack/constraints/overlap/max_words_perturbed.py new file mode 100644 index 0000000000000000000000000000000000000000..b919978c95fd42bcc0b150502cfee6fa13b3d477 --- /dev/null +++ b/textattack/constraints/overlap/max_words_perturbed.py @@ -0,0 +1,62 @@ +""" + +Max Perturb Words Constraints +------------------------------- + + +""" + +import math + +from textattack.constraints import Constraint + + +class MaxWordsPerturbed(Constraint): + """A constraint representing a maximum allowed perturbed words. + + Args: + max_num_words (:obj:`int`, optional): Maximum number of perturbed words allowed. + max_percent (:obj: `float`, optional): Maximum percentage of words allowed to be perturbed. + compare_against_original (bool): If `True`, compare new `x_adv` against the original `x`. + Otherwise, compare it against the previous `x_adv`. + """ + + def __init__( + self, max_num_words=None, max_percent=None, compare_against_original=True + ): + super().__init__(compare_against_original) + if not compare_against_original: + raise ValueError( + "Cannot apply constraint MaxWordsPerturbed with `compare_against_original=False`" + ) + + if (max_num_words is None) and (max_percent is None): + raise ValueError("must set either `max_percent` or `max_num_words`") + if max_percent and not (0 <= max_percent <= 1): + raise ValueError("max perc must be between 0 and 1") + self.max_num_words = max_num_words + self.max_percent = max_percent + + def _check_constraint(self, transformed_text, reference_text): + + num_words_diff = len(transformed_text.all_words_diff(reference_text)) + if self.max_percent: + min_num_words = min(len(transformed_text.words), len(reference_text.words)) + max_words_perturbed = math.ceil(min_num_words * (self.max_percent)) + max_percent_met = num_words_diff <= max_words_perturbed + else: + max_percent_met = True + if self.max_num_words: + max_num_words_met = num_words_diff <= self.max_num_words + else: + max_num_words_met = True + + return max_percent_met and max_num_words_met + + def extra_repr_keys(self): + metric = [] + if self.max_percent is not None: + metric.append("max_percent") + if self.max_num_words is not None: + metric.append("max_num_words") + return metric + super().extra_repr_keys() diff --git a/textattack/constraints/overlap/meteor_score.py b/textattack/constraints/overlap/meteor_score.py new file mode 100644 index 0000000000000000000000000000000000000000..7a4eb9f16240ec7fcc556f848f532a3cff975f5b --- /dev/null +++ b/textattack/constraints/overlap/meteor_score.py @@ -0,0 +1,35 @@ +""" + +METEOR Constraints +-------------------------- + + +""" + + +import nltk + +from textattack.constraints import Constraint + + +class METEOR(Constraint): + """A constraint on METEOR score difference. + + Args: + max_meteor (int): Max METEOR score allowed. + compare_against_original (bool): If `True`, compare new `x_adv` against the original `x`. + Otherwise, compare it against the previous `x_adv`. + """ + + def __init__(self, max_meteor, compare_against_original=True): + super().__init__(compare_against_original) + if not isinstance(max_meteor, int): + raise TypeError("max_meteor must be an int") + self.max_meteor = max_meteor + + def _check_constraint(self, transformed_text, reference_text): + meteor = nltk.translate.meteor([reference_text], transformed_text) + return meteor <= self.max_meteor + + def extra_repr_keys(self): + return ["max_meteor"] + super().extra_repr_keys() diff --git a/textattack/constraints/pre_transformation/__init__.py b/textattack/constraints/pre_transformation/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..9cfdd8cff0f9163f0c5d206e15e48784bf99704e --- /dev/null +++ b/textattack/constraints/pre_transformation/__init__.py @@ -0,0 +1,14 @@ +""".. _pre_transformation: + +Pre-Transformation: +--------------------- + +Pre-transformation constraints determine if a transformation is valid based on only the original input and the position of the replacement. These constraints are applied before the transformation is even called. For example, these constraints can prevent search methods from swapping words at the same index twice, or from replacing stopwords. +""" +from .stopword_modification import StopwordModification +from .repeat_modification import RepeatModification +from .input_column_modification import InputColumnModification +from .max_word_index_modification import MaxWordIndexModification +from .max_num_words_modified import MaxNumWordsModified +from .min_word_length import MinWordLength +from .max_modification_rate import MaxModificationRate diff --git a/textattack/constraints/pre_transformation/input_column_modification.py b/textattack/constraints/pre_transformation/input_column_modification.py new file mode 100644 index 0000000000000000000000000000000000000000..d576d579074e6b14062041bf471e61bb240cb8b0 --- /dev/null +++ b/textattack/constraints/pre_transformation/input_column_modification.py @@ -0,0 +1,49 @@ +""" + +Input Column Modification +-------------------------- + +""" + +from textattack.constraints import PreTransformationConstraint + + +class InputColumnModification(PreTransformationConstraint): + """A constraint disallowing the modification of words within a specific + input column. + + For example, can prevent modification of 'premise' during + entailment. + """ + + def __init__(self, matching_column_labels, columns_to_ignore): + self.matching_column_labels = matching_column_labels + self.columns_to_ignore = columns_to_ignore + + def _get_modifiable_indices(self, current_text): + """Returns the word indices in current_text which are able to be + deleted. + + If ``current_text.column_labels`` doesn't match + ``self.matching_column_labels``, do nothing, and allow all words + to be modified. + + If it does match, only allow words to be modified if they are not + in columns from ``columns_to_ignore``. + """ + if current_text.column_labels != self.matching_column_labels: + return set(range(len(current_text.words))) + + idx = 0 + indices_to_modify = set() + for column, words in zip( + current_text.column_labels, current_text.words_per_input + ): + num_words = len(words) + if column not in self.columns_to_ignore: + indices_to_modify |= set(range(idx, idx + num_words)) + idx += num_words + return indices_to_modify + + def extra_repr_keys(self): + return ["matching_column_labels", "columns_to_ignore"] diff --git a/textattack/constraints/pre_transformation/max_modification_rate.py b/textattack/constraints/pre_transformation/max_modification_rate.py new file mode 100644 index 0000000000000000000000000000000000000000..0eba7b501f74fe80911a4b931f97ee471e389895 --- /dev/null +++ b/textattack/constraints/pre_transformation/max_modification_rate.py @@ -0,0 +1,46 @@ +""" + +Max Modification Rate +----------------------------- + +""" +import math + +from textattack.constraints import PreTransformationConstraint + + +class MaxModificationRate(PreTransformationConstraint): + """A constraint that prevents modifying words beyond certain percentage of + total number of words. + + Args: + max_rate (:obj:`float`): + Percentage of words that can be modified. For example, given text of 20 words, `max_rate=0.1` will allow at most 2 words to be modified. + min_threshold (:obj:`int`, optional, defaults to :obj:`1`): + The minimum number of words that can be perturbed regardless of `max_rate`. For example, given text of 20 words and `max_rate=0.1`, + setting`min_threshold=4` will still allow 4 words to be modified even though `max_rate=0.1` only allows 2 words. This is useful since + text length can vary a lot between samples, and a `N%` modification limit might not make sense for very short text. + """ + + def __init__(self, max_rate, min_threshold=1): + assert isinstance(max_rate, float), "`max_rate` must be a float." + assert max_rate >= 0 and max_rate <= 1, "`max_rate` must between 0 and 1." + assert isinstance(min_threshold, int), "`min_threshold` must an int" + + self.max_rate = max_rate + self.min_threshold = min_threshold + + def _get_modifiable_indices(self, current_text): + """Returns the word indices in current_text which are able to be + modified.""" + + threshold = max( + math.ceil(current_text.num_words * self.max_rate), self.min_threshold + ) + if len(current_text.attack_attrs["modified_indices"]) >= threshold: + return set() + else: + return set(range(len(current_text.words))) + + def extra_repr_keys(self): + return ["max_rate", "min_threshold"] diff --git a/textattack/constraints/pre_transformation/max_num_words_modified.py b/textattack/constraints/pre_transformation/max_num_words_modified.py new file mode 100644 index 0000000000000000000000000000000000000000..3d8510503660a0509cac0d4849f3771e882ad0b1 --- /dev/null +++ b/textattack/constraints/pre_transformation/max_num_words_modified.py @@ -0,0 +1,25 @@ +""" + +Max Modification Rate +----------------------------- + +""" + +from textattack.constraints import PreTransformationConstraint + + +class MaxNumWordsModified(PreTransformationConstraint): + def __init__(self, max_num_words: int): + self.max_num_words = max_num_words + + def _get_modifiable_indices(self, current_text): + """Returns the word indices in current_text which are able to be + modified.""" + + if len(current_text.attack_attrs["modified_indices"]) >= self.max_num_words: + return set() + else: + return set(range(len(current_text.words))) + + def extra_repr_keys(self): + return ["max_num_words"] diff --git a/textattack/constraints/pre_transformation/max_word_index_modification.py b/textattack/constraints/pre_transformation/max_word_index_modification.py new file mode 100644 index 0000000000000000000000000000000000000000..b0c796fc2e3b9d08721ffac9853e64f747a6889c --- /dev/null +++ b/textattack/constraints/pre_transformation/max_word_index_modification.py @@ -0,0 +1,23 @@ +""" + +Max Word Index Modification +----------------------------- + +""" +from textattack.constraints import PreTransformationConstraint + + +class MaxWordIndexModification(PreTransformationConstraint): + """A constraint disallowing the modification of words which are past some + maximum sentence word-length limit.""" + + def __init__(self, max_length): + self.max_length = max_length + + def _get_modifiable_indices(self, current_text): + """Returns the word indices in current_text which are able to be + deleted.""" + return set(range(min(self.max_length, len(current_text.words)))) + + def extra_repr_keys(self): + return ["max_length"] diff --git a/textattack/constraints/pre_transformation/min_word_length.py b/textattack/constraints/pre_transformation/min_word_length.py new file mode 100644 index 0000000000000000000000000000000000000000..991a675397b136d9cb18d60e2588421f380f5899 --- /dev/null +++ b/textattack/constraints/pre_transformation/min_word_length.py @@ -0,0 +1,26 @@ +""" + +Min Word Lenth +-------------------------- + +""" + +from textattack.constraints import PreTransformationConstraint + + +class MinWordLength(PreTransformationConstraint): + """A constraint that prevents modifications to words less than a certain + word character-length. + + :param min_length: Minimum word character-length needed for changes to be made to a word. + """ + + def __init__(self, min_length): + self.min_length = min_length + + def _get_modifiable_indices(self, current_text): + idxs = [] + for i, word in enumerate(current_text.words): + if len(word) >= self.min_length: + idxs.append(i) + return set(idxs) diff --git a/textattack/constraints/pre_transformation/repeat_modification.py b/textattack/constraints/pre_transformation/repeat_modification.py new file mode 100644 index 0000000000000000000000000000000000000000..aa2f2ff3e8cd9aea685610e7a7846dbc30efcb93 --- /dev/null +++ b/textattack/constraints/pre_transformation/repeat_modification.py @@ -0,0 +1,25 @@ +""" +Repeat Modification +-------------------------- + +""" + +from textattack.constraints import PreTransformationConstraint + + +class RepeatModification(PreTransformationConstraint): + """A constraint disallowing the modification of words which have already + been modified.""" + + def _get_modifiable_indices(self, current_text): + """Returns the word indices in current_text which are able to be + deleted.""" + try: + return ( + set(range(len(current_text.words))) + - current_text.attack_attrs["modified_indices"] + ) + except KeyError: + raise KeyError( + "`modified_indices` in attack_attrs required for RepeatModification constraint." + ) diff --git a/textattack/constraints/pre_transformation/stopword_modification.py b/textattack/constraints/pre_transformation/stopword_modification.py new file mode 100644 index 0000000000000000000000000000000000000000..798f365c9ea129172232cdbe324975c0d176aee7 --- /dev/null +++ b/textattack/constraints/pre_transformation/stopword_modification.py @@ -0,0 +1,39 @@ +""" + +Stopword Modification +-------------------------- + +""" + +import nltk + +from textattack.constraints import PreTransformationConstraint +from textattack.shared.validators import transformation_consists_of_word_swaps + + +class StopwordModification(PreTransformationConstraint): + """A constraint disallowing the modification of stopwords.""" + + def __init__(self, stopwords=None, language="english"): + if stopwords is not None: + self.stopwords = set(stopwords) + else: + self.stopwords = set(nltk.corpus.stopwords.words(language)) + + def _get_modifiable_indices(self, current_text): + """Returns the word indices in ``current_text`` which are able to be + modified.""" + non_stopword_indices = set() + for i, word in enumerate(current_text.words): + if word not in self.stopwords: + non_stopword_indices.add(i) + return non_stopword_indices + + def check_compatibility(self, transformation): + """The stopword constraint only is concerned with word swaps since + paraphrasing phrases containing stopwords is OK. + + Args: + transformation: The ``Transformation`` to check compatibility with. + """ + return transformation_consists_of_word_swaps(transformation) diff --git a/textattack/constraints/pre_transformation_constraint.py b/textattack/constraints/pre_transformation_constraint.py new file mode 100644 index 0000000000000000000000000000000000000000..4fc1a65f3eab116e234447429bddf460753da0e6 --- /dev/null +++ b/textattack/constraints/pre_transformation_constraint.py @@ -0,0 +1,64 @@ +""" +Pre-Transformation Constraint Class +===================================== +""" + +from abc import ABC, abstractmethod + +from textattack.shared.utils import ReprMixin + + +class PreTransformationConstraint(ReprMixin, ABC): + """An abstract class that represents constraints which are applied before + the transformation. + + These restrict which words are allowed to be modified during the + transformation. For example, we might not allow stopwords to be + modified. + """ + + def __call__(self, current_text, transformation): + """Returns the word indices in ``current_text`` which are able to be + modified. First checks compatibility with ``transformation`` then calls + ``_get_modifiable_indices`` + + Args: + current_text: The ``AttackedText`` input to consider. + transformation: The ``Transformation`` which will be applied. + """ + if not self.check_compatibility(transformation): + return set(range(len(current_text.words))) + return self._get_modifiable_indices(current_text) + + @abstractmethod + def _get_modifiable_indices(current_text): + """Returns the word indices in ``current_text`` which are able to be + modified. Must be overridden by specific pre-transformation + constraints. + + Args: + current_text: The ``AttackedText`` input to consider. + """ + raise NotImplementedError() + + def check_compatibility(self, transformation): + """Checks if this constraint is compatible with the given + transformation. For example, the ``WordEmbeddingDistance`` constraint + compares the embedding of the word inserted with that of the word + deleted. Therefore it can only be applied in the case of word swaps, + and not for transformations which involve only one of insertion or + deletion. + + Args: + transformation: The ``Transformation`` to check compatibility with. + """ + return True + + def extra_repr_keys(self): + """Set the extra representation of the constraint using these keys. + + To print customized extra information, you should reimplement + this method in your own constraint. Both single-line and multi- + line strings are acceptable. + """ + return [] diff --git a/textattack/constraints/semantics/__init__.py b/textattack/constraints/semantics/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..716554eb423dfceea0b4e54102b09a16a6c0457b --- /dev/null +++ b/textattack/constraints/semantics/__init__.py @@ -0,0 +1,10 @@ +""".. _semantics: + +Semantic Constraints +--------------------- +Semantic constraints determine if a transformation is valid based on similarity of the semantics of the orignal input and the transformed input. +""" +from . import sentence_encoders + +from .word_embedding_distance import WordEmbeddingDistance +from .bert_score import BERTScore diff --git a/textattack/constraints/semantics/bert_score.py b/textattack/constraints/semantics/bert_score.py new file mode 100644 index 0000000000000000000000000000000000000000..9f0c65e0c9588fe47468ebbfeec554fb17b05573 --- /dev/null +++ b/textattack/constraints/semantics/bert_score.py @@ -0,0 +1,75 @@ +""" +BERT Score +--------------------- +BERT Score is introduced in this paper (BERTScore: Evaluating Text Generation with BERT) `arxiv link`_. + +.. _arxiv link: https://arxiv.org/abs/1904.09675 + +BERT Score measures token similarity between two text using contextual embedding. + +To decide which two tokens to compare, it greedily chooses the most similar token from one text and matches it to a token in the second text. + +""" + +import bert_score + +from textattack.constraints import Constraint +from textattack.shared import utils + + +class BERTScore(Constraint): + """A constraint on BERT-Score difference. + + Args: + min_bert_score (float), minimum threshold value for BERT-Score + model_name (str), name of model to use for scoring + num_layers (int), number of hidden layers in the model + score_type (str), Pick one of following three choices + + -(1) ``precision`` : match words from candidate text to reference text + -(2) ``recall`` : match words from reference text to candidate text + -(3) ``f1``: harmonic mean of precision and recall (recommended) + + compare_against_original (bool): + If ``True``, compare new ``x_adv`` against the original ``x``. + Otherwise, compare it against the previous ``x_adv``. + """ + + SCORE_TYPE2IDX = {"precision": 0, "recall": 1, "f1": 2} + + def __init__( + self, + min_bert_score, + model_name="bert-base-uncased", + num_layers=None, + score_type="f1", + compare_against_original=True, + ): + super().__init__(compare_against_original) + if not isinstance(min_bert_score, float): + raise TypeError("max_bert_score must be a float") + if min_bert_score < 0.0 or min_bert_score > 1.0: + raise ValueError("max_bert_score must be a value between 0.0 and 1.0") + + self.min_bert_score = min_bert_score + self.model = model_name + self.score_type = score_type + # Turn off idf-weighting scheme b/c reference sentence set is small + self._bert_scorer = bert_score.BERTScorer( + model_type=model_name, idf=False, device=utils.device, num_layers=num_layers + ) + + def _check_constraint(self, transformed_text, reference_text): + """Return `True` if BERT Score between `transformed_text` and + `reference_text` is lower than minimum BERT Score.""" + cand = transformed_text.text + ref = reference_text.text + result = self._bert_scorer.score([cand], [ref]) + score = result[BERTScore.SCORE_TYPE2IDX[self.score_type]].item() + if score >= self.min_bert_score: + return True + else: + return False + + def extra_repr_keys(self): + return ["min_bert_score", "model", "score_type"] + super().extra_repr_keys() diff --git a/textattack/constraints/semantics/sentence_encoders/__init__.py b/textattack/constraints/semantics/sentence_encoders/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..6cf05efdd47db5be9285073b20341495ccf3035f --- /dev/null +++ b/textattack/constraints/semantics/sentence_encoders/__init__.py @@ -0,0 +1,15 @@ +""" +Sentence Encoder +--------------------- +""" + + +from .sentence_encoder import SentenceEncoder + +from .bert import BERT +from .infer_sent import InferSent +from .thought_vector import ThoughtVector +from .universal_sentence_encoder import ( + UniversalSentenceEncoder, + MultilingualUniversalSentenceEncoder, +) diff --git a/textattack/constraints/semantics/sentence_encoders/bert/__init__.py b/textattack/constraints/semantics/sentence_encoders/bert/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e0f312aa35f8de1181b2e0922f7172786f04acc5 --- /dev/null +++ b/textattack/constraints/semantics/sentence_encoders/bert/__init__.py @@ -0,0 +1,6 @@ +""" +BERT +^^^^^^^ +""" + +from .bert import BERT diff --git a/textattack/constraints/semantics/sentence_encoders/bert/bert.py b/textattack/constraints/semantics/sentence_encoders/bert/bert.py new file mode 100644 index 0000000000000000000000000000000000000000..cbbc8c426fe88dfcc0bf8ca95ddd4f11550abada --- /dev/null +++ b/textattack/constraints/semantics/sentence_encoders/bert/bert.py @@ -0,0 +1,32 @@ +""" +BERT for Sentence Similarity +^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +""" + +from textattack.constraints.semantics.sentence_encoders import SentenceEncoder +from textattack.shared import utils + +sentence_transformers = utils.LazyLoader( + "sentence_transformers", globals(), "sentence_transformers" +) + + +class BERT(SentenceEncoder): + """Constraint using similarity between sentence encodings of x and x_adv + where the text embeddings are created using BERT, trained on NLI data, and + fine- tuned on the STS benchmark dataset. + Available models can be found here: https://huggingface.co/sentence-transformers""" + + def __init__( + self, + threshold=0.7, + metric="cosine", + model_name="bert-base-nli-stsb-mean-tokens", + **kwargs + ): + super().__init__(threshold=threshold, metric=metric, **kwargs) + self.model = sentence_transformers.SentenceTransformer(model_name) + self.model.to(utils.device) + + def encode(self, sentences): + return self.model.encode(sentences) diff --git a/textattack/constraints/semantics/sentence_encoders/infer_sent/__init__.py b/textattack/constraints/semantics/sentence_encoders/infer_sent/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..ecfaa05f8e04e3815959f3213bde7534672c66d4 --- /dev/null +++ b/textattack/constraints/semantics/sentence_encoders/infer_sent/__init__.py @@ -0,0 +1,7 @@ +""" +infer sent +^^^^^^^^^^^^ +""" + + +from .infer_sent import InferSent diff --git a/textattack/constraints/semantics/sentence_encoders/infer_sent/infer_sent.py b/textattack/constraints/semantics/sentence_encoders/infer_sent/infer_sent.py new file mode 100644 index 0000000000000000000000000000000000000000..7da7de5335323baeb811c3e2ed5c7f52a64d16cd --- /dev/null +++ b/textattack/constraints/semantics/sentence_encoders/infer_sent/infer_sent.py @@ -0,0 +1,56 @@ +""" +infer sent for sentence similarity +^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +""" + +import os + +import torch + +from textattack.constraints.semantics.sentence_encoders import SentenceEncoder +from textattack.shared import utils + +from .infer_sent_model import InferSentModel + + +class InferSent(SentenceEncoder): + """Constraint using similarity between sentence encodings of x and x_adv + where the text embeddings are created using InferSent.""" + + MODEL_PATH = "constraints/semantics/sentence-encoders/infersent-encoder" + WORD_EMBEDDING_PATH = "word_embeddings" + + def __init__(self, *args, **kwargs): + super().__init__(*args, **kwargs) + self.model = self.get_infersent_model() + self.model.to(utils.device) + + def get_infersent_model(self): + """Retrieves the InferSent model. + + Returns: + The pretrained InferSent model. + """ + infersent_version = 2 + model_folder_path = utils.download_from_s3(InferSent.MODEL_PATH) + model_path = os.path.join( + model_folder_path, f"infersent{infersent_version}.pkl" + ) + params_model = { + "bsize": 64, + "word_emb_dim": 300, + "enc_lstm_dim": 2048, + "pool_type": "max", + "dpout_model": 0.0, + "version": infersent_version, + } + infersent = InferSentModel(params_model) + infersent.load_state_dict(torch.load(model_path)) + word_embedding_path = utils.download_from_s3(InferSent.WORD_EMBEDDING_PATH) + w2v_path = os.path.join(word_embedding_path, "fastText", "crawl-300d-2M.vec") + infersent.set_w2v_path(w2v_path) + infersent.build_vocab_k_words(K=100000) + return infersent + + def encode(self, sentences): + return self.model.encode(sentences, tokenize=True) diff --git a/textattack/constraints/semantics/sentence_encoders/infer_sent/infer_sent_model.py b/textattack/constraints/semantics/sentence_encoders/infer_sent/infer_sent_model.py new file mode 100644 index 0000000000000000000000000000000000000000..927d277d0d1619f8d32e77b75ece774072c075f7 --- /dev/null +++ b/textattack/constraints/semantics/sentence_encoders/infer_sent/infer_sent_model.py @@ -0,0 +1,279 @@ +""" +Infer sent model +^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ + +This file contains the definition of encoders used in +https://arxiv.org/pdf/1705.02364.pdf. + +""" + + +# Copyright (c) 2017-present, Facebook, Inc. +# All rights reserved. +# +# This source code is licensed under the license found in the +# LICENSE file in the root directory of this source tree. +# + +import time + +import numpy as np +import torch +from torch import nn as nn + +import textattack + + +class InferSentModel(nn.Module): + def __init__(self, config): + super().__init__() + self.bsize = config["bsize"] + self.word_emb_dim = config["word_emb_dim"] + self.enc_lstm_dim = config["enc_lstm_dim"] + self.pool_type = config["pool_type"] + self.dpout_model = config["dpout_model"] + self.version = 1 if "version" not in config else config["version"] + + self.enc_lstm = nn.LSTM( + self.word_emb_dim, + self.enc_lstm_dim, + 1, + bidirectional=True, + dropout=self.dpout_model, + ) + + assert self.version in [1, 2] + if self.version == 1: + self.bos = "" + self.eos = "" + self.max_pad = True + self.moses_tok = False + elif self.version == 2: + self.bos = "

" + self.eos = "

" + self.max_pad = False + self.moses_tok = True + + def is_cuda(self): + # either all weights are on cpu or they are on gpu + return self.enc_lstm.bias_hh_l0.data.is_cuda + + def forward(self, sent_tuple): + # sent_len: [max_len, ..., min_len] (bsize) + # sent: (seqlen x bsize x worddim) + sent, sent_len = sent_tuple + + # Sort by length (keep idx) + sent_len_sorted, idx_sort = np.sort(sent_len)[::-1], np.argsort(-sent_len) + sent_len_sorted = sent_len_sorted.copy() + idx_unsort = np.argsort(idx_sort) + + idx_sort = ( + torch.from_numpy(idx_sort).to(textattack.shared.utils.device) + if self.is_cuda() + else torch.from_numpy(idx_sort) + ) + sent = sent.index_select(1, idx_sort) + + # Handling padding in Recurrent Networks + sent_packed = nn.utils.rnn.pack_padded_sequence(sent, sent_len_sorted) + sent_output = self.enc_lstm(sent_packed)[0] # seqlen x batch x 2*nhid + sent_output = nn.utils.rnn.pad_packed_sequence(sent_output)[0] + + # Un-sort by length + idx_unsort = ( + torch.from_numpy(idx_unsort).to(textattack.shared.utils.device) + if self.is_cuda() + else torch.from_numpy(idx_unsort) + ) + sent_output = sent_output.index_select(1, idx_unsort) + + # Pooling + if self.pool_type == "mean": + sent_len = ( + torch.FloatTensor(sent_len.copy()) + .unsqueeze(1) + .to(textattack.shared.utils.device) + ) + emb = torch.sum(sent_output, 0).squeeze(0) + emb = emb / sent_len.expand_as(emb) + elif self.pool_type == "max": + if not self.max_pad: + sent_output[sent_output == 0] = -1e9 + emb = torch.max(sent_output, 0)[0] + if emb.ndimension() == 3: + emb = emb.squeeze(0) + assert emb.ndimension() == 2 + + return emb + + def set_w2v_path(self, w2v_path): + self.w2v_path = w2v_path + + def get_word_dict(self, sentences, tokenize=True): + # create vocab of words + word_dict = {} + sentences = [s.split() if not tokenize else self.tokenize(s) for s in sentences] + for sent in sentences: + for word in sent: + if word not in word_dict: + word_dict[word] = "" + word_dict[self.bos] = "" + word_dict[self.eos] = "" + return word_dict + + def get_w2v(self, word_dict): + assert hasattr(self, "w2v_path"), "w2v path not set" + # create word_vec with w2v vectors + word_vec = {} + with open(self.w2v_path, encoding="utf-8") as f: + for line in f: + word, vec = line.split(" ", 1) + if word in word_dict: + word_vec[word] = np.fromstring(vec, sep=" ") + print("Found %s(/%s) words with w2v vectors" % (len(word_vec), len(word_dict))) + return word_vec + + def get_w2v_k(self, K): + assert hasattr(self, "w2v_path"), "w2v path not set" + # create word_vec with k first w2v vectors + k = 0 + word_vec = {} + with open(self.w2v_path, encoding="utf-8") as f: + for line in f: + word, vec = line.split(" ", 1) + if k <= K: + word_vec[word] = np.fromstring(vec, sep=" ") + k += 1 + if k > K: + if word in [self.bos, self.eos]: + word_vec[word] = np.fromstring(vec, sep=" ") + + if k > K and all([w in word_vec for w in [self.bos, self.eos]]): + break + return word_vec + + def build_vocab(self, sentences, tokenize=True): + assert hasattr(self, "w2v_path"), "w2v path not set" + word_dict = self.get_word_dict(sentences, tokenize) + self.word_vec = self.get_w2v(word_dict) + # print('Vocab size : %s' % (len(self.word_vec))) + + # build w2v vocab with k most frequent words + def build_vocab_k_words(self, K): + assert hasattr(self, "w2v_path"), "w2v path not set" + self.word_vec = self.get_w2v_k(K) + # print('Vocab size : %s' % (K)) + + def update_vocab(self, sentences, tokenize=True): + assert hasattr(self, "w2v_path"), "warning : w2v path not set" + assert hasattr(self, "word_vec"), "build_vocab before updating it" + word_dict = self.get_word_dict(sentences, tokenize) + + # keep only new words + for word in self.word_vec: + if word in word_dict: + del word_dict[word] + + # udpate vocabulary + if word_dict: + new_word_vec = self.get_w2v(word_dict) + self.word_vec.update(new_word_vec) + else: + new_word_vec = [] + print( + "New vocab size : %s (added %s words)" + % (len(self.word_vec), len(new_word_vec)) + ) + + def get_batch(self, batch): + # sent in batch in decreasing order of lengths + # batch: (bsize, max_len, word_dim) + embed = np.zeros((len(batch[0]), len(batch), self.word_emb_dim)) + + for i in range(len(batch)): + for j in range(len(batch[i])): + embed[j, i, :] = self.word_vec[batch[i][j]] + + return torch.FloatTensor(embed) + + def tokenize(self, s): + from nltk.tokenize import word_tokenize + + if self.moses_tok: + s = " ".join(word_tokenize(s)) + s = s.replace(" n't ", "n 't ") # HACK to get ~MOSES tokenization + return s.split() + else: + return word_tokenize(s) + + def prepare_samples(self, sentences, bsize, tokenize, verbose): + sentences = [ + [self.bos] + s.split() + [self.eos] + if not tokenize + else [self.bos] + self.tokenize(s) + [self.eos] + for s in sentences + ] + n_w = np.sum([len(x) for x in sentences]) + + # filters words without w2v vectors + for i in range(len(sentences)): + s_f = [word for word in sentences[i] if word in self.word_vec] + if not s_f: + import warnings + + warnings.warn( + 'No words in "%s" (idx=%s) have w2v vectors. \ + Replacing by "
"..' + % (sentences[i], i) + ) + s_f = [self.eos] + sentences[i] = s_f + + lengths = np.array([len(s) for s in sentences]) + n_wk = np.sum(lengths) + if verbose: + print( + "Nb words kept : %s/%s (%.1f%s)" % (n_wk, n_w, 100.0 * n_wk / n_w, "%") + ) + + # sort by decreasing length + lengths, idx_sort = np.sort(lengths)[::-1], np.argsort(-lengths) + sentences = np.array(sentences)[idx_sort] + + return sentences, lengths, idx_sort + + def encode(self, sentences, bsize=64, tokenize=True, verbose=False): + tic = time.time() + sentences, lengths, idx_sort = self.prepare_samples( + sentences, bsize, tokenize, verbose + ) + + embeddings = [] + for stidx in range(0, len(sentences), bsize): + batch = self.get_batch(sentences[stidx : stidx + bsize]) + if self.is_cuda(): + batch = batch.to(textattack.shared.utils.device) + with torch.no_grad(): + batch = ( + self.forward((batch, lengths[stidx : stidx + bsize])) + .data.cpu() + .numpy() + ) + embeddings.append(batch) + embeddings = np.vstack(embeddings) + + # unsort + idx_unsort = np.argsort(idx_sort) + embeddings = embeddings[idx_unsort] + + if verbose: + print( + "Speed : %.1f sentences/s (%s mode, bsize=%s)" + % ( + len(embeddings) / (time.time() - tic), + "gpu" if self.is_cuda() else "cpu", + bsize, + ) + ) + return embeddings diff --git a/textattack/constraints/semantics/sentence_encoders/sentence_encoder.py b/textattack/constraints/semantics/sentence_encoders/sentence_encoder.py new file mode 100644 index 0000000000000000000000000000000000000000..a1eee10c7aa42d872bf07f0c6608424f6fcc7394 --- /dev/null +++ b/textattack/constraints/semantics/sentence_encoders/sentence_encoder.py @@ -0,0 +1,224 @@ +""" +Sentence Encoder Class +------------------------ +""" + +from abc import ABC +import math + +import numpy as np +import torch + +from textattack.constraints import Constraint + + +class SentenceEncoder(Constraint, ABC): + """Constraint using cosine similarity between sentence encodings of x and + x_adv. + + Args: + threshold (:obj:`float`, optional): The threshold for the constraint to be met. + Defaults to 0.8 + metric (:obj:`str`, optional): The similarity metric to use. Defaults to + cosine. Options: ['cosine, 'angular'] + compare_against_original (bool): If `True`, compare new `x_adv` against the original `x`. + Otherwise, compare it against the previous `x_adv`. + window_size (int): The number of words to use in the similarity + comparison. `None` indicates no windowing (encoding is based on the + full input). + """ + + def __init__( + self, + threshold=0.8, + metric="cosine", + compare_against_original=True, + window_size=None, + skip_text_shorter_than_window=False, + ): + super().__init__(compare_against_original) + self.metric = metric + self.threshold = threshold + self.window_size = window_size + self.skip_text_shorter_than_window = skip_text_shorter_than_window + + if not self.window_size: + self.window_size = float("inf") + + if metric == "cosine": + self.sim_metric = torch.nn.CosineSimilarity(dim=1) + elif metric == "angular": + self.sim_metric = get_angular_sim + elif metric == "max_euclidean": + # If the threshold requires embedding similarity measurement + # be less than or equal to a certain value, just negate it, + # so that we can still compare to the threshold using >=. + self.threshold = -threshold + self.sim_metric = get_neg_euclidean_dist + else: + raise ValueError(f"Unsupported metric {metric}.") + + def encode(self, sentences): + """Encodes a list of sentences. + + To be implemented by subclasses. + """ + raise NotImplementedError() + + def _sim_score(self, starting_text, transformed_text): + """Returns the metric similarity between the embedding of the starting + text and the transformed text. + + Args: + starting_text: The ``AttackedText``to use as a starting point. + transformed_text: A transformed ``AttackedText`` + + Returns: + The similarity between the starting and transformed text using the metric. + """ + try: + modified_index = next( + iter(transformed_text.attack_attrs["newly_modified_indices"]) + ) + except KeyError: + raise KeyError( + "Cannot apply sentence encoder constraint without `newly_modified_indices`" + ) + starting_text_window = starting_text.text_window_around_index( + modified_index, self.window_size + ) + + transformed_text_window = transformed_text.text_window_around_index( + modified_index, self.window_size + ) + + starting_embedding, transformed_embedding = self.model.encode( + [starting_text_window, transformed_text_window] + ) + + if not isinstance(starting_embedding, torch.Tensor): + starting_embedding = torch.tensor(starting_embedding) + + if not isinstance(transformed_embedding, torch.Tensor): + transformed_embedding = torch.tensor(transformed_embedding) + + starting_embedding = torch.unsqueeze(starting_embedding, dim=0) + transformed_embedding = torch.unsqueeze(transformed_embedding, dim=0) + + return self.sim_metric(starting_embedding, transformed_embedding) + + def _score_list(self, starting_text, transformed_texts): + """Returns the metric similarity between the embedding of the starting + text and a list of transformed texts. + + Args: + starting_text: The ``AttackedText``to use as a starting point. + transformed_texts: A list of transformed ``AttackedText`` + + Returns: + A list with the similarity between the ``starting_text`` and each of + ``transformed_texts``. If ``transformed_texts`` is empty, + an empty tensor is returned + """ + # Return an empty tensor if transformed_texts is empty. + # This prevents us from calling .repeat(x, 0), which throws an + # error on machines with multiple GPUs (pytorch 1.2). + if len(transformed_texts) == 0: + return torch.tensor([]) + + if self.window_size: + starting_text_windows = [] + transformed_text_windows = [] + for transformed_text in transformed_texts: + # @TODO make this work when multiple indices have been modified + try: + modified_index = next( + iter(transformed_text.attack_attrs["newly_modified_indices"]) + ) + except KeyError: + raise KeyError( + "Cannot apply sentence encoder constraint without `newly_modified_indices`" + ) + starting_text_windows.append( + starting_text.text_window_around_index( + modified_index, self.window_size + ) + ) + transformed_text_windows.append( + transformed_text.text_window_around_index( + modified_index, self.window_size + ) + ) + embeddings = self.encode(starting_text_windows + transformed_text_windows) + if not isinstance(embeddings, torch.Tensor): + embeddings = torch.tensor(embeddings) + starting_embeddings = embeddings[: len(transformed_texts)] + transformed_embeddings = embeddings[len(transformed_texts) :] + else: + starting_raw_text = starting_text.text + transformed_raw_texts = [t.text for t in transformed_texts] + embeddings = self.encode([starting_raw_text] + transformed_raw_texts) + if not isinstance(embeddings, torch.Tensor): + embeddings = torch.tensor(embeddings) + + starting_embedding = embeddings[0] + + transformed_embeddings = embeddings[1:] + + # Repeat original embedding to size of perturbed embedding. + starting_embeddings = starting_embedding.unsqueeze(dim=0).repeat( + len(transformed_embeddings), 1 + ) + + return self.sim_metric(starting_embeddings, transformed_embeddings) + + def _check_constraint_many(self, transformed_texts, reference_text): + """Filters the list ``transformed_texts`` so that the similarity + between the ``reference_text`` and the transformed text is greater than + the ``self.threshold``.""" + scores = self._score_list(reference_text, transformed_texts) + + for i, transformed_text in enumerate(transformed_texts): + # Optionally ignore similarity score for sentences shorter than the + # window size. + if ( + self.skip_text_shorter_than_window + and len(transformed_text.words) < self.window_size + ): + scores[i] = 1 + transformed_text.attack_attrs["similarity_score"] = scores[i].item() + mask = (scores >= self.threshold).cpu().numpy().nonzero() + return np.array(transformed_texts)[mask] + + def _check_constraint(self, transformed_text, reference_text): + if ( + self.skip_text_shorter_than_window + and len(transformed_text.words) < self.window_size + ): + score = 1 + else: + score = self._sim_score(reference_text, transformed_text) + + transformed_text.attack_attrs["similarity_score"] = score + return score >= self.threshold + + def extra_repr_keys(self): + return [ + "metric", + "threshold", + "window_size", + "skip_text_shorter_than_window", + ] + super().extra_repr_keys() + + +def get_angular_sim(emb1, emb2): + """Returns the _angular_ similarity between a batch of vector and a batch + of vectors.""" + cos_sim = torch.nn.CosineSimilarity(dim=1)(emb1, emb2) + return 1 - (torch.acos(cos_sim) / math.pi) + + +def get_neg_euclidean_dist(emb1, emb2): + """Returns the Euclidean distance between a batch of vectors and a batch of + vectors.""" + return -torch.sum((emb1 - emb2) ** 2, dim=1) diff --git a/textattack/constraints/semantics/sentence_encoders/thought_vector.py b/textattack/constraints/semantics/sentence_encoders/thought_vector.py new file mode 100644 index 0000000000000000000000000000000000000000..4a7978b01ba4860017fb4298d344bc1decd1c2c4 --- /dev/null +++ b/textattack/constraints/semantics/sentence_encoders/thought_vector.py @@ -0,0 +1,52 @@ +""" +Thought Vector Class +--------------------- +""" + +import functools + +import torch + +from textattack.shared import AbstractWordEmbedding, WordEmbedding, utils + +from .sentence_encoder import SentenceEncoder + + +class ThoughtVector(SentenceEncoder): + """A constraint on the distance between two sentences' thought vectors. + + Args: + word_embedding (textattack.shared.AbstractWordEmbedding): The word embedding to use + """ + + def __init__(self, embedding=None, **kwargs): + if embedding is None: + embedding = WordEmbedding.counterfitted_GLOVE_embedding() + if not isinstance(embedding, AbstractWordEmbedding): + raise ValueError( + "`embedding` object must be of type `textattack.shared.AbstractWordEmbedding`." + ) + self.word_embedding = embedding + super().__init__(**kwargs) + + def clear_cache(self): + self._get_thought_vector.cache_clear() + + @functools.lru_cache(maxsize=2**10) + def _get_thought_vector(self, text): + """Sums the embeddings of all the words in ``text`` into a "thought + vector".""" + embeddings = [] + for word in utils.words_from_text(text): + embedding = self.word_embedding[word] + if embedding is not None: # out-of-vocab words do not have embeddings + embeddings.append(embedding) + embeddings = torch.tensor(embeddings) + return torch.mean(embeddings, dim=0) + + def encode(self, raw_text_list): + return torch.stack([self._get_thought_vector(text) for text in raw_text_list]) + + def extra_repr_keys(self): + """Set the extra representation of the constraint using these keys.""" + return ["word_embedding"] + super().extra_repr_keys() diff --git a/textattack/constraints/semantics/sentence_encoders/universal_sentence_encoder/__init__.py b/textattack/constraints/semantics/sentence_encoders/universal_sentence_encoder/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..2e3b5f10bb2aed3193ed3403f1d222d067c85292 --- /dev/null +++ b/textattack/constraints/semantics/sentence_encoders/universal_sentence_encoder/__init__.py @@ -0,0 +1,10 @@ +""" +Universal sentence encoder +^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +""" + + +from .universal_sentence_encoder import UniversalSentenceEncoder +from .multilingual_universal_sentence_encoder import ( + MultilingualUniversalSentenceEncoder, +) diff --git a/textattack/constraints/semantics/sentence_encoders/universal_sentence_encoder/multilingual_universal_sentence_encoder.py b/textattack/constraints/semantics/sentence_encoders/universal_sentence_encoder/multilingual_universal_sentence_encoder.py new file mode 100644 index 0000000000000000000000000000000000000000..578e9b892c13d818e9d2ff0a0b90b56e8e77ce98 --- /dev/null +++ b/textattack/constraints/semantics/sentence_encoders/universal_sentence_encoder/multilingual_universal_sentence_encoder.py @@ -0,0 +1,42 @@ +""" +multilingual universal sentence encoder +^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +""" + +from textattack.constraints.semantics.sentence_encoders import SentenceEncoder +from textattack.shared.utils import LazyLoader + +hub = LazyLoader("tensorflow_hub", globals(), "tensorflow_hub") +tensorflow_text = LazyLoader("tensorflow_text", globals(), "tensorflow_text") + + +class MultilingualUniversalSentenceEncoder(SentenceEncoder): + """Constraint using similarity between sentence encodings of x and x_adv + where the text embeddings are created using the Multilingual Universal + Sentence Encoder.""" + + def __init__(self, threshold=0.8, large=False, metric="angular", **kwargs): + super().__init__(threshold=threshold, metric=metric, **kwargs) + tensorflow_text._load() + if large: + tfhub_url = "https://tfhub.dev/google/universal-sentence-encoder-multilingual-large/3" + else: + tfhub_url = ( + "https://tfhub.dev/google/universal-sentence-encoder-multilingual/3" + ) + + # TODO add QA SET. Details at: https://tfhub.dev/google/universal-sentence-encoder-multilingual-qa/3 + self._tfhub_url = tfhub_url + self.model = hub.load(tfhub_url) + + def encode(self, sentences): + return self.model(sentences).numpy() + + def __getstate__(self): + state = self.__dict__.copy() + state["model"] = None + return state + + def __setstate__(self, state): + self.__dict__ = state + self.model = hub.load(self._tfhub_url) diff --git a/textattack/constraints/semantics/sentence_encoders/universal_sentence_encoder/universal_sentence_encoder.py b/textattack/constraints/semantics/sentence_encoders/universal_sentence_encoder/universal_sentence_encoder.py new file mode 100644 index 0000000000000000000000000000000000000000..c4017a5fac93ca0bcd6c0c5a80600845a39a9cce --- /dev/null +++ b/textattack/constraints/semantics/sentence_encoders/universal_sentence_encoder/universal_sentence_encoder.py @@ -0,0 +1,45 @@ +""" +universal sentence encoder class +^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ +""" + +from textattack.constraints.semantics.sentence_encoders import SentenceEncoder +from textattack.shared.utils import LazyLoader + +hub = LazyLoader("tensorflow_hub", globals(), "tensorflow_hub") + + +class UniversalSentenceEncoder(SentenceEncoder): + """Constraint using similarity between sentence encodings of x and x_adv + where the text embeddings are created using the Universal Sentence + Encoder.""" + + def __init__(self, threshold=0.8, large=False, metric="angular", **kwargs): + super().__init__(threshold=threshold, metric=metric, **kwargs) + if large: + tfhub_url = "https://tfhub.dev/google/universal-sentence-encoder-large/5" + else: + tfhub_url = "https://tfhub.dev/google/universal-sentence-encoder/3" + + self._tfhub_url = tfhub_url + # Lazily load the model + self.model = None + + def encode(self, sentences): + if not self.model: + self.model = hub.load(self._tfhub_url) + encoding = self.model(sentences) + + if isinstance(encoding, dict): + encoding = encoding["outputs"] + + return encoding.numpy() + + def __getstate__(self): + state = self.__dict__.copy() + state["model"] = None + return state + + def __setstate__(self, state): + self.__dict__ = state + self.model = None diff --git a/textattack/constraints/semantics/word_embedding_distance.py b/textattack/constraints/semantics/word_embedding_distance.py new file mode 100644 index 0000000000000000000000000000000000000000..02a51f19c012e92624caf12a449d5bd10cb3995a --- /dev/null +++ b/textattack/constraints/semantics/word_embedding_distance.py @@ -0,0 +1,129 @@ +""" +Word Embedding Distance +-------------------------- +""" + +from textattack.constraints import Constraint +from textattack.shared import AbstractWordEmbedding, WordEmbedding +from textattack.shared.validators import transformation_consists_of_word_swaps + + +class WordEmbeddingDistance(Constraint): + """A constraint on word substitutions which places a maximum distance + between the embedding of the word being deleted and the word being + inserted. + + Args: + embedding (obj): Wrapper for word embedding. + include_unknown_words (bool): Whether or not the constraint is fulfilled if the embedding of x or x_adv is unknown. + min_cos_sim (:obj:`float`, optional): The minimum cosine similarity between word embeddings. + max_mse_dist (:obj:`float`, optional): The maximum euclidean distance between word embeddings. + cased (bool): Whether embedding supports uppercase & lowercase (defaults to False, or just lowercase). + compare_against_original (bool): If `True`, compare new `x_adv` against the original `x`. Otherwise, compare it against the previous `x_adv`. + """ + + def __init__( + self, + embedding=None, + include_unknown_words=True, + min_cos_sim=None, + max_mse_dist=None, + cased=False, + compare_against_original=True, + ): + super().__init__(compare_against_original) + if embedding is None: + embedding = WordEmbedding.counterfitted_GLOVE_embedding() + self.include_unknown_words = include_unknown_words + self.cased = cased + + if bool(min_cos_sim) == bool(max_mse_dist): + raise ValueError("You must choose either `min_cos_sim` or `max_mse_dist`.") + self.min_cos_sim = min_cos_sim + self.max_mse_dist = max_mse_dist + + if not isinstance(embedding, AbstractWordEmbedding): + raise ValueError( + "`embedding` object must be of type `textattack.shared.AbstractWordEmbedding`." + ) + self.embedding = embedding + + def get_cos_sim(self, a, b): + """Returns the cosine similarity of words with IDs a and b.""" + return self.embedding.get_cos_sim(a, b) + + def get_mse_dist(self, a, b): + """Returns the MSE distance of words with IDs a and b.""" + return self.embedding.get_mse_dist(a, b) + + def _check_constraint(self, transformed_text, reference_text): + """Returns true if (``transformed_text`` and ``reference_text``) are + closer than ``self.min_cos_sim`` or ``self.max_mse_dist``.""" + try: + indices = transformed_text.attack_attrs["newly_modified_indices"] + except KeyError: + raise KeyError( + "Cannot apply part-of-speech constraint without `newly_modified_indices`" + ) + + # FIXME The index i is sometimes larger than the number of tokens - 1 + if any( + i >= len(reference_text.words) or i >= len(transformed_text.words) + for i in indices + ): + return False + + for i in indices: + ref_word = reference_text.words[i] + transformed_word = transformed_text.words[i] + + if not self.cased: + # If embedding vocabulary is all lowercase, lowercase words. + ref_word = ref_word.lower() + transformed_word = transformed_word.lower() + + try: + ref_id = self.embedding.word2index(ref_word) + transformed_id = self.embedding.word2index(transformed_word) + except KeyError: + # This error is thrown if x or x_adv has no corresponding ID. + if self.include_unknown_words: + continue + return False + + # Check cosine distance. + if self.min_cos_sim: + cos_sim = self.get_cos_sim(ref_id, transformed_id) + if cos_sim < self.min_cos_sim: + return False + # Check MSE distance. + if self.max_mse_dist: + mse_dist = self.get_mse_dist(ref_id, transformed_id) + if mse_dist > self.max_mse_dist: + return False + + return True + + def check_compatibility(self, transformation): + """WordEmbeddingDistance requires a word being both deleted and + inserted at the same index in order to compare their embeddings, + therefore it's restricted to word swaps.""" + return transformation_consists_of_word_swaps(transformation) + + def extra_repr_keys(self): + """Set the extra representation of the constraint using these keys. + + To print customized extra information, you should reimplement + this method in your own constraint. Both single-line and multi- + line strings are acceptable. + """ + if self.min_cos_sim is None: + metric = "max_mse_dist" + else: + metric = "min_cos_sim" + return [ + "embedding", + metric, + "cased", + "include_unknown_words", + ] + super().extra_repr_keys() diff --git a/textattack/dataset_args.py b/textattack/dataset_args.py new file mode 100644 index 0000000000000000000000000000000000000000..f3d50abf786928afd3f67ac71ded0924f57c0a95 --- /dev/null +++ b/textattack/dataset_args.py @@ -0,0 +1,302 @@ +""" +DatasetArgs Class +================= +""" + +from dataclasses import dataclass + +import textattack +from textattack.shared.utils import ARGS_SPLIT_TOKEN, load_module_from_file + +HUGGINGFACE_DATASET_BY_MODEL = { + # + # bert-base-uncased + # + "bert-base-uncased-ag-news": ("ag_news", None, "test"), + "bert-base-uncased-cola": ("glue", "cola", "validation"), + "bert-base-uncased-imdb": ("imdb", None, "test"), + "bert-base-uncased-mnli": ( + "glue", + "mnli", + "validation_matched", + None, + {0: 1, 1: 2, 2: 0}, + ), + "bert-base-uncased-mrpc": ("glue", "mrpc", "validation"), + "bert-base-uncased-qnli": ("glue", "qnli", "validation"), + "bert-base-uncased-qqp": ("glue", "qqp", "validation"), + "bert-base-uncased-rte": ("glue", "rte", "validation"), + "bert-base-uncased-sst2": ("glue", "sst2", "validation"), + "bert-base-uncased-stsb": ( + "glue", + "stsb", + "validation", + None, + None, + None, + 5.0, + ), + "bert-base-uncased-wnli": ("glue", "wnli", "validation"), + "bert-base-uncased-mr": ("rotten_tomatoes", None, "test"), + "bert-base-uncased-snli": ("snli", None, "test", None, {0: 1, 1: 2, 2: 0}), + "bert-base-uncased-yelp": ("yelp_polarity", None, "test"), + # + # distilbert-base-cased + # + "distilbert-base-cased-cola": ("glue", "cola", "validation"), + "distilbert-base-cased-mrpc": ("glue", "mrpc", "validation"), + "distilbert-base-cased-qqp": ("glue", "qqp", "validation"), + "distilbert-base-cased-snli": ("snli", None, "test"), + "distilbert-base-cased-sst2": ("glue", "sst2", "validation"), + "distilbert-base-cased-stsb": ( + "glue", + "stsb", + "validation", + None, + None, + None, + 5.0, + ), + "distilbert-base-uncased-ag-news": ("ag_news", None, "test"), + "distilbert-base-uncased-cola": ("glue", "cola", "validation"), + "distilbert-base-uncased-imdb": ("imdb", None, "test"), + "distilbert-base-uncased-mnli": ( + "glue", + "mnli", + "validation_matched", + None, + {0: 1, 1: 2, 2: 0}, + ), + "distilbert-base-uncased-mr": ("rotten_tomatoes", None, "test"), + "distilbert-base-uncased-mrpc": ("glue", "mrpc", "validation"), + "distilbert-base-uncased-qnli": ("glue", "qnli", "validation"), + "distilbert-base-uncased-rte": ("glue", "rte", "validation"), + "distilbert-base-uncased-wnli": ("glue", "wnli", "validation"), + # + # roberta-base (RoBERTa is cased by default) + # + "roberta-base-ag-news": ("ag_news", None, "test"), + "roberta-base-cola": ("glue", "cola", "validation"), + "roberta-base-imdb": ("imdb", None, "test"), + "roberta-base-mr": ("rotten_tomatoes", None, "test"), + "roberta-base-mrpc": ("glue", "mrpc", "validation"), + "roberta-base-qnli": ("glue", "qnli", "validation"), + "roberta-base-rte": ("glue", "rte", "validation"), + "roberta-base-sst2": ("glue", "sst2", "validation"), + "roberta-base-stsb": ("glue", "stsb", "validation", None, None, None, 5.0), + "roberta-base-wnli": ("glue", "wnli", "validation"), + # + # albert-base-v2 (ALBERT is cased by default) + # + "albert-base-v2-ag-news": ("ag_news", None, "test"), + "albert-base-v2-cola": ("glue", "cola", "validation"), + "albert-base-v2-imdb": ("imdb", None, "test"), + "albert-base-v2-mr": ("rotten_tomatoes", None, "test"), + "albert-base-v2-rte": ("glue", "rte", "validation"), + "albert-base-v2-qqp": ("glue", "qqp", "validation"), + "albert-base-v2-snli": ("snli", None, "test"), + "albert-base-v2-sst2": ("glue", "sst2", "validation"), + "albert-base-v2-stsb": ("glue", "stsb", "validation", None, None, None, 5.0), + "albert-base-v2-wnli": ("glue", "wnli", "validation"), + "albert-base-v2-yelp": ("yelp_polarity", None, "test"), + # + # xlnet-base-cased + # + "xlnet-base-cased-cola": ("glue", "cola", "validation"), + "xlnet-base-cased-imdb": ("imdb", None, "test"), + "xlnet-base-cased-mr": ("rotten_tomatoes", None, "test"), + "xlnet-base-cased-mrpc": ("glue", "mrpc", "validation"), + "xlnet-base-cased-rte": ("glue", "rte", "validation"), + "xlnet-base-cased-stsb": ( + "glue", + "stsb", + "validation", + None, + None, + None, + 5.0, + ), + "xlnet-base-cased-wnli": ("glue", "wnli", "validation"), +} + + +# +# Models hosted by textattack. +# +TEXTATTACK_DATASET_BY_MODEL = { + # + # LSTMs + # + "lstm-ag-news": ("ag_news", None, "test"), + "lstm-imdb": ("imdb", None, "test"), + "lstm-mr": ("rotten_tomatoes", None, "test"), + "lstm-sst2": ("glue", "sst2", "validation"), + "lstm-yelp": ("yelp_polarity", None, "test"), + # + # CNNs + # + "cnn-ag-news": ("ag_news", None, "test"), + "cnn-imdb": ("imdb", None, "test"), + "cnn-mr": ("rotten_tomatoes", None, "test"), + "cnn-sst2": ("glue", "sst2", "validation"), + "cnn-yelp": ("yelp_polarity", None, "test"), + # + # T5 for translation + # + "t5-en-de": ( + "textattack.datasets.helpers.TedMultiTranslationDataset", + "en", + "de", + ), + "t5-en-fr": ( + "textattack.datasets.helpers.TedMultiTranslationDataset", + "en", + "fr", + ), + "t5-en-ro": ( + "textattack.datasets.helpers.TedMultiTranslationDataset", + "en", + "de", + ), + # + # T5 for summarization + # + "t5-summarization": ("gigaword", None, "test"), +} + + +@dataclass +class DatasetArgs: + """Arguments for loading dataset from command line input.""" + + dataset_by_model: str = None + dataset_from_huggingface: str = None + dataset_from_file: str = None + dataset_split: str = None + filter_by_labels: list = None + + @classmethod + def _add_parser_args(cls, parser): + """Adds dataset-related arguments to an argparser.""" + + dataset_group = parser.add_mutually_exclusive_group() + dataset_group.add_argument( + "--dataset-by-model", + type=str, + required=False, + default=None, + help="Dataset to load depending on the name of the model", + ) + dataset_group.add_argument( + "--dataset-from-huggingface", + type=str, + required=False, + default=None, + help="Dataset to load from `datasets` repository.", + ) + dataset_group.add_argument( + "--dataset-from-file", + type=str, + required=False, + default=None, + help="Dataset to load from a file.", + ) + parser.add_argument( + "--dataset-split", + type=str, + required=False, + default=None, + help="Split of dataset to use when specifying --dataset-by-model or --dataset-from-huggingface.", + ) + parser.add_argument( + "--filter-by-labels", + nargs="+", + type=int, + required=False, + default=None, + help="List of labels to keep in the dataset and discard all others.", + ) + return parser + + @classmethod + def _create_dataset_from_args(cls, args): + """Given ``DatasetArgs``, return specified + ``textattack.dataset.Dataset`` object.""" + + assert isinstance( + args, cls + ), f"Expect args to be of type `{type(cls)}`, but got type `{type(args)}`." + + # Automatically detect dataset for huggingface & textattack models. + # This allows us to use the --model shortcut without specifying a dataset. + if hasattr(args, "model"): + args.dataset_by_model = args.model + if args.dataset_by_model in HUGGINGFACE_DATASET_BY_MODEL: + args.dataset_from_huggingface = HUGGINGFACE_DATASET_BY_MODEL[ + args.dataset_by_model + ] + elif args.dataset_by_model in TEXTATTACK_DATASET_BY_MODEL: + dataset = TEXTATTACK_DATASET_BY_MODEL[args.dataset_by_model] + if dataset[0].startswith("textattack"): + # unsavory way to pass custom dataset classes + # ex: dataset = ('textattack.datasets.helpers.TedMultiTranslationDataset', 'en', 'de') + dataset = eval(f"{dataset[0]}")(*dataset[1:]) + return dataset + else: + args.dataset_from_huggingface = dataset + + # Get dataset from args. + if args.dataset_from_file: + textattack.shared.logger.info( + f"Loading model and tokenizer from file: {args.model_from_file}" + ) + if ARGS_SPLIT_TOKEN in args.dataset_from_file: + dataset_file, dataset_name = args.dataset_from_file.split( + ARGS_SPLIT_TOKEN + ) + else: + dataset_file, dataset_name = args.dataset_from_file, "dataset" + try: + dataset_module = load_module_from_file(dataset_file) + except Exception: + raise ValueError(f"Failed to import file {args.dataset_from_file}") + try: + dataset = getattr(dataset_module, dataset_name) + except AttributeError: + raise AttributeError( + f"Variable ``dataset`` not found in module {args.dataset_from_file}" + ) + elif args.dataset_from_huggingface: + dataset_args = args.dataset_from_huggingface + if isinstance(dataset_args, str): + if ARGS_SPLIT_TOKEN in dataset_args: + dataset_args = dataset_args.split(ARGS_SPLIT_TOKEN) + else: + dataset_args = (dataset_args,) + if args.dataset_split: + if len(dataset_args) > 1: + dataset_args = ( + dataset_args[:2] + (args.dataset_split,) + dataset_args[3:] + ) + dataset = textattack.datasets.HuggingFaceDataset( + *dataset_args, shuffle=False + ) + else: + dataset = textattack.datasets.HuggingFaceDataset( + *dataset_args, split=args.dataset_split, shuffle=False + ) + else: + dataset = textattack.datasets.HuggingFaceDataset( + *dataset_args, shuffle=False + ) + else: + raise ValueError("Must supply pretrained model or dataset") + + assert isinstance( + dataset, textattack.datasets.Dataset + ), "Loaded `dataset` must be of type `textattack.datasets.Dataset`." + + if args.filter_by_labels: + dataset.filter_by_labels_(args.filter_by_labels) + + return dataset diff --git a/textattack/datasets/__init__.py b/textattack/datasets/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..4f2c64edd9f558de206eeb6a5f6310869636461d --- /dev/null +++ b/textattack/datasets/__init__.py @@ -0,0 +1,14 @@ +""" + +datasets package: +====================== + +TextAttack allows users to provide their own dataset or load from HuggingFace. + + +""" + +from .dataset import Dataset +from .huggingface_dataset import HuggingFaceDataset + +from . import helpers diff --git a/textattack/datasets/dataset.py b/textattack/datasets/dataset.py new file mode 100644 index 0000000000000000000000000000000000000000..c56931adc5af7270c6674869e8de5ef4054b4e15 --- /dev/null +++ b/textattack/datasets/dataset.py @@ -0,0 +1,141 @@ +""" + +Dataset Class +====================== + +TextAttack allows users to provide their own dataset or load from HuggingFace. + + +""" + +from collections import OrderedDict +import random + +import torch + + +class Dataset(torch.utils.data.Dataset): + """Basic class for dataset. It operates as a map-style dataset, fetching + data via :meth:`__getitem__` and :meth:`__len__` methods. + + .. note:: + This class subclasses :obj:`torch.utils.data.Dataset` and therefore can be treated as a regular PyTorch Dataset. + + Args: + dataset (:obj:`list[tuple]`): + A list of :obj:`(input, output)` pairs. + If :obj:`input` consists of multiple fields (e.g. "premise" and "hypothesis" for SNLI), + :obj:`input` must be of the form :obj:`(input_1, input_2, ...)` and :obj:`input_columns` parameter must be set. + :obj:`output` can either be an integer representing labels for classification or a string for seq2seq tasks. + input_columns (:obj:`list[str]`, `optional`, defaults to :obj:`["text"]`): + List of column names of inputs in order. + label_map (:obj:`dict[int, int]`, `optional`, defaults to :obj:`None`): + Mapping if output labels of the dataset should be re-mapped. Useful if model was trained with a different label arrangement. + For example, if dataset's arrangement is 0 for `Negative` and 1 for `Positive`, but model's label + arrangement is 1 for `Negative` and 0 for `Positive`, passing :obj:`{0: 1, 1: 0}` will remap the dataset's label to match with model's arrangements. + Could also be used to remap literal labels to numerical labels (e.g. :obj:`{"positive": 1, "negative": 0}`). + label_names (:obj:`list[str]`, `optional`, defaults to :obj:`None`): + List of label names in corresponding order (e.g. :obj:`["World", "Sports", "Business", "Sci/Tech"]` for AG-News dataset). + If not set, labels will printed as is (e.g. "0", "1", ...). This should be set to :obj:`None` for non-classification datasets. + output_scale_factor (:obj:`float`, `optional`, defaults to :obj:`None`): + Factor to divide ground-truth outputs by. Generally, TextAttack goal functions require model outputs between 0 and 1. + Some datasets are regression tasks, in which case this is necessary. + shuffle (:obj:`bool`, `optional`, defaults to :obj:`False`): Whether to shuffle the underlying dataset. + + .. note:: + Generally not recommended to shuffle the underlying dataset. Shuffling can be performed using DataLoader or by shuffling the order of indices we attack. + + Examples:: + + >>> import textattack + + >>> # Example of sentiment-classification dataset + >>> data = [("I enjoyed the movie a lot!", 1), ("Absolutely horrible film.", 0), ("Our family had a fun time!", 1)] + >>> dataset = textattack.datasets.Dataset(data) + >>> dataset[1:2] + + + >>> # Example for pair of sequence inputs (e.g. SNLI) + >>> data = [("A man inspects the uniform of a figure in some East Asian country.", "The man is sleeping"), 1)] + >>> dataset = textattack.datasets.Dataset(data, input_columns=("premise", "hypothesis")) + + >>> # Example for seq2seq + >>> data = [("J'aime le film.", "I love the movie.")] + >>> dataset = textattack.datasets.Dataset(data) + """ + + def __init__( + self, + dataset, + input_columns=["text"], + label_map=None, + label_names=None, + output_scale_factor=None, + shuffle=False, + ): + self._dataset = dataset + self.input_columns = input_columns + self.label_map = label_map + self.label_names = label_names + if label_map: + # If labels are remapped, the label names have to be remapped as well. + self.label_names = [ + self.label_names[self.label_map[i]] for i in self.label_map + ] + self.shuffled = shuffle + self.output_scale_factor = output_scale_factor + + if shuffle: + random.shuffle(self._dataset) + + def _format_as_dict(self, example): + output = example[1] + if self.label_map: + output = self.label_map[output] + if self.output_scale_factor: + output = output / self.output_scale_factor + + if isinstance(example[0], str): + if len(self.input_columns) != 1: + raise ValueError( + "Mismatch between the number of columns in `input_columns` and number of columns of actual input." + ) + input_dict = OrderedDict([(self.input_columns[0], example[0])]) + else: + if len(self.input_columns) != len(example[0]): + raise ValueError( + "Mismatch between the number of columns in `input_columns` and number of columns of actual input." + ) + input_dict = OrderedDict( + [(c, example[0][i]) for i, c in enumerate(self.input_columns)] + ) + return input_dict, output + + def shuffle(self): + random.shuffle(self._dataset) + self.shuffled = True + + def filter_by_labels_(self, labels_to_keep): + """Filter items by their labels for classification datasets. Performs + in-place filtering. + + Args: + labels_to_keep (:obj:`Union[Set, Tuple, List, Iterable]`): + Set, tuple, list, or iterable of integers representing labels. + """ + if not isinstance(labels_to_keep, set): + labels_to_keep = set(labels_to_keep) + self._dataset = filter(lambda x: x[1] in labels_to_keep, self._dataset) + + def __getitem__(self, i): + """Return i-th sample.""" + if isinstance(i, int): + return self._format_as_dict(self._dataset[i]) + else: + # `idx` could be a slice or an integer. if it's a slice, + # return the formatted version of the proper slice of the list + return [self._format_as_dict(ex) for ex in self._dataset[i]] + + def __len__(self): + """Returns the size of dataset.""" + return len(self._dataset) diff --git a/textattack/datasets/helpers/__init__.py b/textattack/datasets/helpers/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..7be00141d855f490571518ef807d141aa1ed2c51 --- /dev/null +++ b/textattack/datasets/helpers/__init__.py @@ -0,0 +1,7 @@ +""" + +Dataset Helpers +--------------------------------------------------------------------- +""" + +from .ted_multi import TedMultiTranslationDataset diff --git a/textattack/datasets/helpers/ted_multi.py b/textattack/datasets/helpers/ted_multi.py new file mode 100644 index 0000000000000000000000000000000000000000..f662d9524ba0e02603ee5f6d49dcc8a9839f5436 --- /dev/null +++ b/textattack/datasets/helpers/ted_multi.py @@ -0,0 +1,44 @@ +""" + +Ted Multi TranslationDataset Class +------------------------------------ +""" + + +import collections + +import datasets +import numpy as np + +from textattack.datasets import HuggingFaceDataset + + +class TedMultiTranslationDataset(HuggingFaceDataset): + """Loads examples from the Ted Talk translation dataset using the + `datasets` package. + + dataset source: http://www.cs.jhu.edu/~kevinduh/a/multitarget-tedtalks/ + """ + + def __init__(self, source_lang="en", target_lang="de", split="test"): + self._dataset = datasets.load_dataset("ted_multi")[split] + self.examples = self._dataset["translations"] + language_options = set(self.examples[0]["language"]) + if source_lang not in language_options: + raise ValueError( + f"Source language {source_lang} invalid. Choices: {sorted(language_options)}" + ) + if target_lang not in language_options: + raise ValueError( + f"Target language {target_lang} invalid. Choices: {sorted(language_options)}" + ) + self.source_lang = source_lang + self.target_lang = target_lang + + def _format_raw_example(self, raw_example): + translations = np.array(raw_example["translation"]) + languages = np.array(raw_example["language"]) + source = translations[languages == self.source_lang][0] + target = translations[languages == self.target_lang][0] + source_dict = collections.OrderedDict([("Source", source)]) + return (source_dict, target) diff --git a/textattack/datasets/huggingface_dataset.py b/textattack/datasets/huggingface_dataset.py new file mode 100644 index 0000000000000000000000000000000000000000..df506727f8bd0dd15b1e70a491f9ce7fb8074e46 --- /dev/null +++ b/textattack/datasets/huggingface_dataset.py @@ -0,0 +1,194 @@ +""" + +HuggingFaceDataset Class +========================= + +TextAttack allows users to provide their own dataset or load from HuggingFace. + + +""" + +import collections + +import datasets + +import textattack + +from .dataset import Dataset + + +def _cb(s): + """Colors some text blue for printing to the terminal.""" + return textattack.shared.utils.color_text(str(s), color="blue", method="ansi") + + +def get_datasets_dataset_columns(dataset): + """Common schemas for datasets found in dataset hub.""" + schema = set(dataset.column_names) + if {"premise", "hypothesis", "label"} <= schema: + input_columns = ("premise", "hypothesis") + output_column = "label" + elif {"question", "sentence", "label"} <= schema: + input_columns = ("question", "sentence") + output_column = "label" + elif {"sentence1", "sentence2", "label"} <= schema: + input_columns = ("sentence1", "sentence2") + output_column = "label" + elif {"question1", "question2", "label"} <= schema: + input_columns = ("question1", "question2") + output_column = "label" + elif {"question", "sentence", "label"} <= schema: + input_columns = ("question", "sentence") + output_column = "label" + elif {"context", "question", "title", "answers"} <= schema: + # Common schema for SQUAD dataset + input_columns = ("title", "context", "question") + output_column = "answers" + elif {"text", "label"} <= schema: + input_columns = ("text",) + output_column = "label" + elif {"sentence", "label"} <= schema: + input_columns = ("sentence",) + output_column = "label" + elif {"document", "summary"} <= schema: + input_columns = ("document",) + output_column = "summary" + elif {"content", "summary"} <= schema: + input_columns = ("content",) + output_column = "summary" + elif {"label", "review"} <= schema: + input_columns = ("review",) + output_column = "label" + else: + raise ValueError( + f"Unsupported dataset schema {schema}. Try passing your own `dataset_columns` argument." + ) + + return input_columns, output_column + + +class HuggingFaceDataset(Dataset): + """Loads a dataset from 🤗 Datasets and prepares it as a TextAttack dataset. + + Args: + name_or_dataset (:obj:`Union[str, datasets.Dataset]`): + The dataset name as :obj:`str` or actual :obj:`datasets.Dataset` object. + If it's your custom :obj:`datasets.Dataset` object, please pass the input and output columns via :obj:`dataset_columns` argument. + subset (:obj:`str`, `optional`, defaults to :obj:`None`): + The subset of the main dataset. Dataset will be loaded as :obj:`datasets.load_dataset(name, subset)`. + split (:obj:`str`, `optional`, defaults to :obj:`"train"`): + The split of the dataset. + dataset_columns (:obj:`tuple(list[str], str))`, `optional`, defaults to :obj:`None`): + Pair of :obj:`list[str]` representing list of input column names (e.g. :obj:`["premise", "hypothesis"]`) + and :obj:`str` representing the output column name (e.g. :obj:`label`). If not set, we will try to automatically determine column names from known designs. + label_map (:obj:`dict[int, int]`, `optional`, defaults to :obj:`None`): + Mapping if output labels of the dataset should be re-mapped. Useful if model was trained with a different label arrangement. + For example, if dataset's arrangement is 0 for `Negative` and 1 for `Positive`, but model's label + arrangement is 1 for `Negative` and 0 for `Positive`, passing :obj:`{0: 1, 1: 0}` will remap the dataset's label to match with model's arrangements. + Could also be used to remap literal labels to numerical labels (e.g. :obj:`{"positive": 1, "negative": 0}`). + label_names (:obj:`list[str]`, `optional`, defaults to :obj:`None`): + List of label names in corresponding order (e.g. :obj:`["World", "Sports", "Business", "Sci/Tech"]` for AG-News dataset). + If not set, labels will printed as is (e.g. "0", "1", ...). This should be set to :obj:`None` for non-classification datasets. + output_scale_factor (:obj:`float`, `optional`, defaults to :obj:`None`): + Factor to divide ground-truth outputs by. Generally, TextAttack goal functions require model outputs between 0 and 1. + Some datasets are regression tasks, in which case this is necessary. + shuffle (:obj:`bool`, `optional`, defaults to :obj:`False`): Whether to shuffle the underlying dataset. + + .. note:: + Generally not recommended to shuffle the underlying dataset. Shuffling can be performed using DataLoader or by shuffling the order of indices we attack. + """ + + def __init__( + self, + name_or_dataset, + subset=None, + split="train", + dataset_columns=None, + label_map=None, + label_names=None, + output_scale_factor=None, + shuffle=False, + ): + if isinstance(name_or_dataset, datasets.Dataset): + self._dataset = name_or_dataset + else: + self._name = name_or_dataset + self._subset = subset + self._dataset = datasets.load_dataset(self._name, subset)[split] + subset_print_str = f", subset {_cb(subset)}" if subset else "" + textattack.shared.logger.info( + f"Loading {_cb('datasets')} dataset {_cb(self._name)}{subset_print_str}, split {_cb(split)}." + ) + # Input/output column order, like (('premise', 'hypothesis'), 'label') + ( + self.input_columns, + self.output_column, + ) = dataset_columns or get_datasets_dataset_columns(self._dataset) + + if not isinstance(self.input_columns, (list, tuple)): + raise ValueError( + "First element of `dataset_columns` must be a list or a tuple." + ) + + self.label_map = label_map + self.output_scale_factor = output_scale_factor + if label_names: + self.label_names = label_names + else: + try: + self.label_names = self._dataset.features[self.output_column].names + except (KeyError, AttributeError): + # This happens when the dataset doesn't have 'features' or a 'label' column. + self.label_names = None + + # If labels are remapped, the label names have to be remapped as well. + if self.label_names and label_map: + self.label_names = [ + self.label_names[self.label_map[i]] for i in self.label_map + ] + + self.shuffled = shuffle + if shuffle: + self._dataset.shuffle() + + def _format_as_dict(self, example): + input_dict = collections.OrderedDict( + [(c, example[c]) for c in self.input_columns] + ) + + output = example[self.output_column] + if self.label_map: + output = self.label_map[output] + if self.output_scale_factor: + output = output / self.output_scale_factor + + return (input_dict, output) + + def filter_by_labels_(self, labels_to_keep): + """Filter items by their labels for classification datasets. Performs + in-place filtering. + + Args: + labels_to_keep (:obj:`Union[Set, Tuple, List, Iterable]`): + Set, tuple, list, or iterable of integers representing labels. + """ + if not isinstance(labels_to_keep, set): + labels_to_keep = set(labels_to_keep) + self._dataset = self._dataset.filter( + lambda x: x[self.output_column] in labels_to_keep + ) + + def __getitem__(self, i): + """Return i-th sample.""" + if isinstance(i, int): + return self._format_as_dict(self._dataset[i]) + else: + # `idx` could be a slice or an integer. if it's a slice, + # return the formatted version of the proper slice of the list + return [ + self._format_as_dict(self._dataset[j]) for j in range(i.start, i.stop) + ] + + def shuffle(self): + self._dataset.shuffle() + self.shuffled = True diff --git a/textattack/goal_function_results/__init__.py b/textattack/goal_function_results/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..31891ecd27c21add80430058f56b925cf34894da --- /dev/null +++ b/textattack/goal_function_results/__init__.py @@ -0,0 +1,11 @@ +""" +Goal Function Result package: +============================= + +Goal function results report the result of a goal function evaluation, indicating whether an attack succeeded for a given example. + +""" +from .goal_function_result import GoalFunctionResult, GoalFunctionResultStatus + +from .classification_goal_function_result import ClassificationGoalFunctionResult +from .text_to_text_goal_function_result import TextToTextGoalFunctionResult diff --git a/textattack/goal_function_results/classification_goal_function_result.py b/textattack/goal_function_results/classification_goal_function_result.py new file mode 100644 index 0000000000000000000000000000000000000000..3a70ded8e53a2f7275981d3ff5ff4ff7f066e37d --- /dev/null +++ b/textattack/goal_function_results/classification_goal_function_result.py @@ -0,0 +1,80 @@ +""" + +ClassificationGoalFunctionResult Class +======================================== + +""" + +import torch + +import textattack +from textattack.shared import utils + +from .goal_function_result import GoalFunctionResult + + +class ClassificationGoalFunctionResult(GoalFunctionResult): + """Represents the result of a classification goal function.""" + + def __init__( + self, + attacked_text, + raw_output, + output, + goal_status, + score, + num_queries, + ground_truth_output, + ): + + super().__init__( + attacked_text, + raw_output, + output, + goal_status, + score, + num_queries, + ground_truth_output, + goal_function_result_type="Classification", + ) + + @property + def _processed_output(self): + """Takes a model output (like `1`) and returns the class labeled output + (like `positive`), if possible. + + Also returns the associated color. + """ + output_label = self.raw_output.argmax() + if self.attacked_text.attack_attrs.get("label_names") is not None: + output = self.attacked_text.attack_attrs["label_names"][self.output] + output = textattack.shared.utils.process_label_name(output) + color = textattack.shared.utils.color_from_output(output, output_label) + return output, color + else: + color = textattack.shared.utils.color_from_label(output_label) + return output_label, color + + def get_text_color_input(self): + """A string representing the color this result's changed portion should + be if it represents the original input.""" + _, color = self._processed_output + return color + + def get_text_color_perturbed(self): + """A string representing the color this result's changed portion should + be if it represents the perturbed input.""" + _, color = self._processed_output + return color + + def get_colored_output(self, color_method=None): + """Returns a string representation of this result's output, colored + according to `color_method`.""" + output_label = self.raw_output.argmax() + confidence_score = self.raw_output[output_label] + if isinstance(confidence_score, torch.Tensor): + confidence_score = confidence_score.item() + output, color = self._processed_output + # concatenate with label and convert confidence score to percent, like '33%' + output_str = f"{output} ({confidence_score:.0%})" + return utils.color_text(output_str, color=color, method=color_method) diff --git a/textattack/goal_function_results/goal_function_result.py b/textattack/goal_function_results/goal_function_result.py new file mode 100644 index 0000000000000000000000000000000000000000..c4fe6c2b3b2f06231c275e0c8c12cafc56edcf34 --- /dev/null +++ b/textattack/goal_function_results/goal_function_result.py @@ -0,0 +1,95 @@ +""" + +GoalFunctionResult class +==================================== + +""" + +from abc import ABC, abstractmethod + +import torch + +from textattack.shared import utils + + +class GoalFunctionResultStatus: + SUCCEEDED = 0 + SEARCHING = 1 # In process of searching for a success + MAXIMIZING = 2 + SKIPPED = 3 + + +class GoalFunctionResult(ABC): + """Represents the result of a goal function evaluating a AttackedText + object. + + Args: + attacked_text: The sequence that was evaluated. + output: The display-friendly output. + goal_status: The ``GoalFunctionResultStatus`` representing the status of the achievement of the goal. + score: A score representing how close the model is to achieving its goal. + num_queries: How many model queries have been used + ground_truth_output: The ground truth output + """ + + def __init__( + self, + attacked_text, + raw_output, + output, + goal_status, + score, + num_queries, + ground_truth_output, + goal_function_result_type="", + ): + self.attacked_text = attacked_text + self.raw_output = raw_output + self.output = output + self.score = score + self.goal_status = goal_status + self.num_queries = num_queries + self.ground_truth_output = ground_truth_output + self.goal_function_result_type = goal_function_result_type + + if isinstance(self.raw_output, torch.Tensor): + self.raw_output = self.raw_output.numpy() + + if isinstance(self.score, torch.Tensor): + self.score = self.score.item() + + def __repr__(self): + main_str = "GoalFunctionResult( " + lines = [] + lines.append( + utils.add_indent( + f"(goal_function_result_type): {self.goal_function_result_type}", 2 + ) + ) + lines.append(utils.add_indent(f"(attacked_text): {self.attacked_text.text}", 2)) + lines.append( + utils.add_indent(f"(ground_truth_output): {self.ground_truth_output}", 2) + ) + lines.append(utils.add_indent(f"(model_output): {self.output}", 2)) + lines.append(utils.add_indent(f"(score): {self.score}", 2)) + main_str += "\n " + "\n ".join(lines) + "\n" + main_str += ")" + return main_str + + @abstractmethod + def get_text_color_input(self): + """A string representing the color this result's changed portion should + be if it represents the original input.""" + raise NotImplementedError() + + @abstractmethod + def get_text_color_perturbed(self): + """A string representing the color this result's changed portion should + be if it represents the perturbed input.""" + raise NotImplementedError() + + @abstractmethod + def get_colored_output(self, color_method=None): + """Returns a string representation of this result's output, colored + according to `color_method`.""" + raise NotImplementedError() diff --git a/textattack/goal_function_results/text_to_text_goal_function_result.py b/textattack/goal_function_results/text_to_text_goal_function_result.py new file mode 100644 index 0000000000000000000000000000000000000000..eae8d91e55476bbb21d149a769113160ec930382 --- /dev/null +++ b/textattack/goal_function_results/text_to_text_goal_function_result.py @@ -0,0 +1,51 @@ +""" + +TextToTextGoalFunctionResult Class +==================================== + +text2text goal function Result + +""" + +from .goal_function_result import GoalFunctionResult + + +class TextToTextGoalFunctionResult(GoalFunctionResult): + """Represents the result of a text-to-text goal function.""" + + def __init__( + self, + attacked_text, + raw_output, + output, + goal_status, + score, + num_queries, + ground_truth_output, + ): + + super().__init__( + attacked_text, + raw_output, + output, + goal_status, + score, + num_queries, + ground_truth_output, + goal_function_result_type="Text to Text", + ) + + def get_text_color_input(self): + """A string representing the color this result's changed portion should + be if it represents the original input.""" + return "red" + + def get_text_color_perturbed(self): + """A string representing the color this result's changed portion should + be if it represents the perturbed input.""" + return "blue" + + def get_colored_output(self, color_method=None): + """Returns a string representation of this result's output, colored + according to `color_method`.""" + return str(self.output) diff --git a/textattack/goal_functions/__init__.py b/textattack/goal_functions/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..7eec785d83b3c690a18e615075412f04085c6305 --- /dev/null +++ b/textattack/goal_functions/__init__.py @@ -0,0 +1,12 @@ +""".. _goal_functions: + +Goal Functions +================================================================== + +Goal Functions determine if an attack has been successful. +""" + +from .goal_function import GoalFunction + +from .classification import * +from .text import * diff --git a/textattack/goal_functions/classification/__init__.py b/textattack/goal_functions/classification/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..4d7165ee7acf29462cf017e0ddd04fe5f5217351 --- /dev/null +++ b/textattack/goal_functions/classification/__init__.py @@ -0,0 +1,11 @@ +""" + +Goal fucntion for Classification +--------------------------------------------------------------------- + +""" + +from .input_reduction import InputReduction +from .classification_goal_function import ClassificationGoalFunction +from .untargeted_classification import UntargetedClassification +from .targeted_classification import TargetedClassification diff --git a/textattack/goal_functions/classification/classification_goal_function.py b/textattack/goal_functions/classification/classification_goal_function.py new file mode 100644 index 0000000000000000000000000000000000000000..77fb10b1129d47222c15b0263702b338419720c5 --- /dev/null +++ b/textattack/goal_functions/classification/classification_goal_function.py @@ -0,0 +1,72 @@ +""" +Determine for if an attack has been successful in Classification +--------------------------------------------------------------------- +""" + + +import numpy as np +import torch + +from textattack.goal_function_results import ClassificationGoalFunctionResult +from textattack.goal_functions import GoalFunction + + +class ClassificationGoalFunction(GoalFunction): + """A goal function defined on a model that outputs a probability for some + number of classes.""" + + def _process_model_outputs(self, inputs, scores): + """Processes and validates a list of model outputs. + + This is a task-dependent operation. For example, classification + outputs need to have a softmax applied. + """ + # Automatically cast a list or ndarray of predictions to a tensor. + if isinstance(scores, list) or isinstance(scores, np.ndarray): + scores = torch.tensor(scores) + + # Ensure the returned value is now a tensor. + if not isinstance(scores, torch.Tensor): + raise TypeError( + "Must have list, np.ndarray, or torch.Tensor of " + f"scores. Got type {type(scores)}" + ) + + # Validation check on model score dimensions + if scores.ndim == 1: + # Unsqueeze prediction, if it's been squeezed by the model. + if len(inputs) == 1: + scores = scores.unsqueeze(dim=0) + else: + raise ValueError( + f"Model return score of shape {scores.shape} for {len(inputs)} inputs." + ) + elif scores.ndim != 2: + # If model somehow returns too may dimensions, throw an error. + raise ValueError( + f"Model return score of shape {scores.shape} for {len(inputs)} inputs." + ) + elif scores.shape[0] != len(inputs): + # If model returns an incorrect number of scores, throw an error. + raise ValueError( + f"Model return score of shape {scores.shape} for {len(inputs)} inputs." + ) + elif not ((scores.sum(dim=1) - 1).abs() < 1e-6).all(): + # Values in each row should sum up to 1. The model should return a + # set of numbers corresponding to probabilities, which should add + # up to 1. Since they are `torch.float` values, allow a small + # error in the summation. + scores = torch.nn.functional.softmax(scores, dim=1) + if not ((scores.sum(dim=1) - 1).abs() < 1e-6).all(): + raise ValueError("Model scores do not add up to 1.") + return scores.cpu() + + def _goal_function_result_type(self): + """Returns the class of this goal function's results.""" + return ClassificationGoalFunctionResult + + def extra_repr_keys(self): + return [] + + def _get_displayed_output(self, raw_output): + return int(raw_output.argmax()) diff --git a/textattack/goal_functions/classification/input_reduction.py b/textattack/goal_functions/classification/input_reduction.py new file mode 100644 index 0000000000000000000000000000000000000000..f2a6da2dfada77961c40fe7a47a28238a757870a --- /dev/null +++ b/textattack/goal_functions/classification/input_reduction.py @@ -0,0 +1,53 @@ +""" + +Determine if maintaining the same predicted label +--------------------------------------------------------------------- +""" + + +from .classification_goal_function import ClassificationGoalFunction + + +class InputReduction(ClassificationGoalFunction): + """Attempts to reduce the input down to as few words as possible while + maintaining the same predicted label. + + From Feng, Wallace, Grissom, Iyyer, Rodriguez, Boyd-Graber. (2018). + Pathologies of Neural Models Make Interpretations Difficult. + https://arxiv.org/abs/1804.07781 + """ + + def __init__(self, *args, target_num_words=1, **kwargs): + self.target_num_words = target_num_words + super().__init__(*args, **kwargs) + + def _is_goal_complete(self, model_output, attacked_text): + return ( + self.ground_truth_output == model_output.argmax() + and attacked_text.num_words <= self.target_num_words + ) + + def _should_skip(self, model_output, attacked_text): + return self.ground_truth_output != model_output.argmax() + + def _get_score(self, model_output, attacked_text): + # Give the lowest score possible to inputs which don't maintain the ground truth label. + if self.ground_truth_output != model_output.argmax(): + return 0 + + cur_num_words = attacked_text.num_words + initial_num_words = self.initial_attacked_text.num_words + + # The main goal is to reduce the number of words (num_words_score) + # Higher model score for the ground truth label is used as a tiebreaker (model_score) + num_words_score = max( + (initial_num_words - cur_num_words) / initial_num_words, 0 + ) + model_score = model_output[self.ground_truth_output] + return min(num_words_score + model_score / initial_num_words, 1) + + def extra_repr_keys(self): + if self.maximizable: + return ["maximizable"] + else: + return ["maximizable", "target_num_words"] diff --git a/textattack/goal_functions/classification/targeted_classification.py b/textattack/goal_functions/classification/targeted_classification.py new file mode 100644 index 0000000000000000000000000000000000000000..25336521f380ceaafe45b7d1059808ceda4ffe5a --- /dev/null +++ b/textattack/goal_functions/classification/targeted_classification.py @@ -0,0 +1,39 @@ +""" + +Determine if an attack has been successful in targeted Classification +----------------------------------------------------------------------- +""" + + +from .classification_goal_function import ClassificationGoalFunction + + +class TargetedClassification(ClassificationGoalFunction): + """A targeted attack on classification models which attempts to maximize + the score of the target label. + + Complete when the arget label is the predicted label. + """ + + def __init__(self, *args, target_class=0, **kwargs): + super().__init__(*args, **kwargs) + self.target_class = target_class + + def _is_goal_complete(self, model_output, _): + return ( + self.target_class == model_output.argmax() + ) or self.ground_truth_output == self.target_class + + def _get_score(self, model_output, _): + if self.target_class < 0 or self.target_class >= len(model_output): + raise ValueError( + f"target class set to {self.target_class} with {len(model_output)} classes." + ) + else: + return model_output[self.target_class] + + def extra_repr_keys(self): + if self.maximizable: + return ["maximizable", "target_class"] + else: + return ["target_class"] diff --git a/textattack/goal_functions/classification/untargeted_classification.py b/textattack/goal_functions/classification/untargeted_classification.py new file mode 100644 index 0000000000000000000000000000000000000000..5540488d81d2fd57f05ad3d4643e63517cbbeace --- /dev/null +++ b/textattack/goal_functions/classification/untargeted_classification.py @@ -0,0 +1,41 @@ +""" + +Determine successful in untargeted Classification +---------------------------------------------------- +""" + + +from .classification_goal_function import ClassificationGoalFunction + + +class UntargetedClassification(ClassificationGoalFunction): + """An untargeted attack on classification models which attempts to minimize + the score of the correct label until it is no longer the predicted label. + + Args: + target_max_score (float): If set, goal is to reduce model output to + below this score. Otherwise, goal is to change the overall predicted + class. + """ + + def __init__(self, *args, target_max_score=None, **kwargs): + self.target_max_score = target_max_score + super().__init__(*args, **kwargs) + + def _is_goal_complete(self, model_output, _): + if self.target_max_score: + return model_output[self.ground_truth_output] < self.target_max_score + elif (model_output.numel() == 1) and isinstance( + self.ground_truth_output, float + ): + return abs(self.ground_truth_output - model_output.item()) >= 0.5 + else: + return model_output.argmax() != self.ground_truth_output + + def _get_score(self, model_output, _): + # If the model outputs a single number and the ground truth output is + # a float, we assume that this is a regression task. + if (model_output.numel() == 1) and isinstance(self.ground_truth_output, float): + return abs(model_output.item() - self.ground_truth_output) + else: + return 1 - model_output[self.ground_truth_output] diff --git a/textattack/goal_functions/goal_function.py b/textattack/goal_functions/goal_function.py new file mode 100644 index 0000000000000000000000000000000000000000..16f498301ec5ef16f68dbef8cb41ace316cddfe8 --- /dev/null +++ b/textattack/goal_functions/goal_function.py @@ -0,0 +1,239 @@ +""".. _goal_function: + +GoalFunction Class +=========================================================== +""" + + +from abc import ABC, abstractmethod + +import lru +import numpy as np +import torch + +from textattack.goal_function_results.goal_function_result import ( + GoalFunctionResultStatus, +) +from textattack.shared import validators +from textattack.shared.utils import ReprMixin + + +class GoalFunction(ReprMixin, ABC): + """Evaluates how well a perturbed attacked_text object is achieving a + specified goal. + + Args: + model_wrapper (:class:`~textattack.models.wrappers.ModelWrapper`): + The victim model to attack. + maximizable(:obj:`bool`, `optional`, defaults to :obj:`False`): + Whether the goal function is maximizable, as opposed to a boolean result of success or failure. + query_budget (:obj:`float`, `optional`, defaults to :obj:`float("in")`): + The maximum number of model queries allowed. + model_cache_size (:obj:`int`, `optional`, defaults to :obj:`2**20`): + The maximum number of items to keep in the model results cache at once. + """ + + def __init__( + self, + model_wrapper, + maximizable=False, + use_cache=True, + query_budget=float("inf"), + model_batch_size=32, + model_cache_size=2**20, + ): + validators.validate_model_goal_function_compatibility( + self.__class__, model_wrapper.model.__class__ + ) + self.model = model_wrapper + self.maximizable = maximizable + self.use_cache = use_cache + self.query_budget = query_budget + self.batch_size = model_batch_size + if self.use_cache: + self._call_model_cache = lru.LRU(model_cache_size) + else: + self._call_model_cache = None + + def clear_cache(self): + if self.use_cache: + self._call_model_cache.clear() + + def init_attack_example(self, attacked_text, ground_truth_output): + """Called before attacking ``attacked_text`` to 'reset' the goal + function and set properties for this example.""" + self.initial_attacked_text = attacked_text + self.ground_truth_output = ground_truth_output + self.num_queries = 0 + result, _ = self.get_result(attacked_text, check_skip=True) + return result, _ + + def get_output(self, attacked_text): + """Returns output for display based on the result of calling the + model.""" + return self._get_displayed_output(self._call_model([attacked_text])[0]) + + def get_result(self, attacked_text, **kwargs): + """A helper method that queries ``self.get_results`` with a single + ``AttackedText`` object.""" + results, search_over = self.get_results([attacked_text], **kwargs) + result = results[0] if len(results) else None + return result, search_over + + def get_results(self, attacked_text_list, check_skip=False): + """For each attacked_text object in attacked_text_list, returns a + result consisting of whether or not the goal has been achieved, the + output for display purposes, and a score. + + Additionally returns whether the search is over due to the query + budget. + """ + results = [] + if self.query_budget < float("inf"): + queries_left = self.query_budget - self.num_queries + attacked_text_list = attacked_text_list[:queries_left] + self.num_queries += len(attacked_text_list) + model_outputs = self._call_model(attacked_text_list) + for attacked_text, raw_output in zip(attacked_text_list, model_outputs): + displayed_output = self._get_displayed_output(raw_output) + goal_status = self._get_goal_status( + raw_output, attacked_text, check_skip=check_skip + ) + goal_function_score = self._get_score(raw_output, attacked_text) + results.append( + self._goal_function_result_type()( + attacked_text, + raw_output, + displayed_output, + goal_status, + goal_function_score, + self.num_queries, + self.ground_truth_output, + ) + ) + return results, self.num_queries == self.query_budget + + def _get_goal_status(self, model_output, attacked_text, check_skip=False): + should_skip = check_skip and self._should_skip(model_output, attacked_text) + if should_skip: + return GoalFunctionResultStatus.SKIPPED + if self.maximizable: + return GoalFunctionResultStatus.MAXIMIZING + if self._is_goal_complete(model_output, attacked_text): + return GoalFunctionResultStatus.SUCCEEDED + return GoalFunctionResultStatus.SEARCHING + + @abstractmethod + def _is_goal_complete(self, model_output, attacked_text): + raise NotImplementedError() + + def _should_skip(self, model_output, attacked_text): + return self._is_goal_complete(model_output, attacked_text) + + @abstractmethod + def _get_score(self, model_output, attacked_text): + raise NotImplementedError() + + def _get_displayed_output(self, raw_output): + return raw_output + + @abstractmethod + def _goal_function_result_type(self): + """Returns the class of this goal function's results.""" + raise NotImplementedError() + + @abstractmethod + def _process_model_outputs(self, inputs, outputs): + """Processes and validates a list of model outputs. + + This is a task-dependent operation. For example, classification + outputs need to make sure they have a softmax applied. + """ + raise NotImplementedError() + + def _call_model_uncached(self, attacked_text_list): + """Queries model and returns outputs for a list of AttackedText + objects.""" + if not len(attacked_text_list): + return [] + + inputs = [at.tokenizer_input for at in attacked_text_list] + outputs = [] + i = 0 + while i < len(inputs): + batch = inputs[i : i + self.batch_size] + batch_preds = self.model(batch) + + # Some seq-to-seq models will return a single string as a prediction + # for a single-string list. Wrap these in a list. + if isinstance(batch_preds, str): + batch_preds = [batch_preds] + + # Get PyTorch tensors off of other devices. + if isinstance(batch_preds, torch.Tensor): + batch_preds = batch_preds.cpu() + + if isinstance(batch_preds, list): + outputs.extend(batch_preds) + elif isinstance(batch_preds, np.ndarray): + outputs.append(torch.tensor(batch_preds)) + else: + outputs.append(batch_preds) + i += self.batch_size + + if isinstance(outputs[0], torch.Tensor): + outputs = torch.cat(outputs, dim=0) + + assert len(inputs) == len( + outputs + ), f"Got {len(outputs)} outputs for {len(inputs)} inputs" + + return self._process_model_outputs(attacked_text_list, outputs) + + def _call_model(self, attacked_text_list): + """Gets predictions for a list of ``AttackedText`` objects. + + Gets prediction from cache if possible. If prediction is not in + the cache, queries model and stores prediction in cache. + """ + if not self.use_cache: + return self._call_model_uncached(attacked_text_list) + else: + uncached_list = [] + for text in attacked_text_list: + if text in self._call_model_cache: + # Re-write value in cache. This moves the key to the top of the + # LRU cache and prevents the unlikely event that the text + # is overwritten when we store the inputs from `uncached_list`. + self._call_model_cache[text] = self._call_model_cache[text] + else: + uncached_list.append(text) + uncached_list = [ + text + for text in attacked_text_list + if text not in self._call_model_cache + ] + outputs = self._call_model_uncached(uncached_list) + for text, output in zip(uncached_list, outputs): + self._call_model_cache[text] = output + all_outputs = [self._call_model_cache[text] for text in attacked_text_list] + return all_outputs + + def extra_repr_keys(self): + attrs = [] + if self.query_budget < float("inf"): + attrs.append("query_budget") + if self.maximizable: + attrs.append("maximizable") + return attrs + + def __getstate__(self): + state = self.__dict__.copy() + if self.use_cache: + state["_call_model_cache"] = self._call_model_cache.get_size() + return state + + def __setstate__(self, state): + self.__dict__ = state + if self.use_cache: + self._call_model_cache = lru.LRU(state["_call_model_cache"]) diff --git a/textattack/goal_functions/text/__init__.py b/textattack/goal_functions/text/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..5c247320f5210a0f4f13de0fd5dbb32d56b7283b --- /dev/null +++ b/textattack/goal_functions/text/__init__.py @@ -0,0 +1,10 @@ +""" + +Goal Function for Text to Text case +--------------------------------------------------------------------- + +""" + +from .minimize_bleu import MinimizeBleu +from .non_overlapping_output import NonOverlappingOutput +from .text_to_text_goal_function import TextToTextGoalFunction diff --git a/textattack/goal_functions/text/minimize_bleu.py b/textattack/goal_functions/text/minimize_bleu.py new file mode 100644 index 0000000000000000000000000000000000000000..92613be5a8515b7d3ceb5008da01d0c5e67409ca --- /dev/null +++ b/textattack/goal_functions/text/minimize_bleu.py @@ -0,0 +1,67 @@ +""" +Goal Function for Attempts to minimize the BLEU score +------------------------------------------------------- + + +""" + +import functools + +import nltk + +import textattack + +from .text_to_text_goal_function import TextToTextGoalFunction + + +class MinimizeBleu(TextToTextGoalFunction): + """Attempts to minimize the BLEU score between the current output + translation and the reference translation. + + BLEU score was defined in (BLEU: a Method for Automatic Evaluation of Machine Translation). + + `ArxivURL`_ + + .. _ArxivURL: https://www.aclweb.org/anthology/P02-1040.pdf + + This goal function is defined in (It’s Morphin’ Time! Combating Linguistic Discrimination with Inflectional Perturbations). + + `ArxivURL2`_ + + .. _ArxivURL2: https://www.aclweb.org/anthology/2020.acl-main.263 + """ + + EPS = 1e-10 + + def __init__(self, *args, target_bleu=0.0, **kwargs): + self.target_bleu = target_bleu + super().__init__(*args, **kwargs) + + def clear_cache(self): + if self.use_cache: + self._call_model_cache.clear() + get_bleu.cache_clear() + + def _is_goal_complete(self, model_output, _): + bleu_score = 1.0 - self._get_score(model_output, _) + return bleu_score <= (self.target_bleu + MinimizeBleu.EPS) + + def _get_score(self, model_output, _): + model_output_at = textattack.shared.AttackedText(model_output) + ground_truth_at = textattack.shared.AttackedText(self.ground_truth_output) + bleu_score = get_bleu(model_output_at, ground_truth_at) + return 1.0 - bleu_score + + def extra_repr_keys(self): + if self.maximizable: + return ["maximizable"] + else: + return ["maximizable", "target_bleu"] + + +@functools.lru_cache(maxsize=2**12) +def get_bleu(a, b): + ref = a.words + hyp = b.words + bleu_score = nltk.translate.bleu_score.sentence_bleu([ref], hyp) + return bleu_score diff --git a/textattack/goal_functions/text/non_overlapping_output.py b/textattack/goal_functions/text/non_overlapping_output.py new file mode 100644 index 0000000000000000000000000000000000000000..e2cb498207d2b0bdff3b5c9bc09af42495e9dda6 --- /dev/null +++ b/textattack/goal_functions/text/non_overlapping_output.py @@ -0,0 +1,57 @@ +""" + +Goal Function for seq2sick +------------------------------------------------------- +""" + + +import functools + +import numpy as np + +from textattack.shared.utils import words_from_text + +from .text_to_text_goal_function import TextToTextGoalFunction + + +class NonOverlappingOutput(TextToTextGoalFunction): + """Ensures that none of the words at a position are equal. + + Defined in seq2sick (https://arxiv.org/pdf/1803.01128.pdf), equation + (3). + """ + + def clear_cache(self): + if self.use_cache: + self._call_model_cache.clear() + get_words_cached.cache_clear() + word_difference_score.cache_clear() + + def _is_goal_complete(self, model_output, _): + return self._get_score(model_output, self.ground_truth_output) == 1.0 + + def _get_score(self, model_output, _): + num_words_diff = word_difference_score(model_output, self.ground_truth_output) + if num_words_diff == 0: + return 0.0 + else: + return num_words_diff / len(get_words_cached(self.ground_truth_output)) + + +@functools.lru_cache(maxsize=2**12) +def get_words_cached(s): + return np.array(words_from_text(s)) + + +@functools.lru_cache(maxsize=2**12) +def word_difference_score(s1, s2): + """Returns the number of words that are non-overlapping between s1 and + s2.""" + s1_words = get_words_cached(s1) + s2_words = get_words_cached(s2) + min_length = min(len(s1_words), len(s2_words)) + if min_length == 0: + return 0 + s1_words = s1_words[:min_length] + s2_words = s2_words[:min_length] + return (s1_words != s2_words).sum() diff --git a/textattack/goal_functions/text/text_to_text_goal_function.py b/textattack/goal_functions/text/text_to_text_goal_function.py new file mode 100644 index 0000000000000000000000000000000000000000..9e4bac3be3581e5ff9a04a8e23bbf176060a2beb --- /dev/null +++ b/textattack/goal_functions/text/text_to_text_goal_function.py @@ -0,0 +1,28 @@ +""" + +Goal Function for TextToText +------------------------------------------------------- +""" + + +from textattack.goal_function_results import TextToTextGoalFunctionResult +from textattack.goal_functions import GoalFunction + + +class TextToTextGoalFunction(GoalFunction): + """A goal function defined on a model that outputs text. + + model: The PyTorch or TensorFlow model used for evaluation. + original_output: the original output of the model + """ + + def _goal_function_result_type(self): + """Returns the class of this goal function's results.""" + return TextToTextGoalFunctionResult + + def _process_model_outputs(self, _, outputs): + """Processes and validates a list of model outputs.""" + return outputs.flatten() + + def _get_displayed_output(self, raw_output): + return raw_output diff --git a/textattack/loggers/__init__.py b/textattack/loggers/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..086e50e5aa5bc705365bd76176bd53c95cf6fbb5 --- /dev/null +++ b/textattack/loggers/__init__.py @@ -0,0 +1,15 @@ +""".. _loggers: + +Misc Loggers: Loggers track, visualize, and export attack results. +=================================================================== +""" + +from .csv_logger import CSVLogger +from .file_logger import FileLogger +from .logger import Logger +from .visdom_logger import VisdomLogger +from .weights_and_biases_logger import WeightsAndBiasesLogger +from .json_summary_logger import JsonSummaryLogger + +# AttackLogManager must be imported last, since it imports the other loggers. +from .attack_log_manager import AttackLogManager diff --git a/textattack/loggers/attack_log_manager.py b/textattack/loggers/attack_log_manager.py new file mode 100644 index 0000000000000000000000000000000000000000..446ee25b2df4efaf743f58ba572765c05eb818d3 --- /dev/null +++ b/textattack/loggers/attack_log_manager.py @@ -0,0 +1,174 @@ +""" +Managing Attack Logs. +======================== +""" + +from typing import Dict, Optional + +from textattack.metrics.attack_metrics import ( + AttackQueries, + AttackSuccessRate, + WordsPerturbed, +) +from textattack.metrics.quality_metrics import Perplexity, USEMetric + +from . import ( + CSVLogger, + FileLogger, + JsonSummaryLogger, + VisdomLogger, + WeightsAndBiasesLogger, +) + + +class AttackLogManager: + """Logs the results of an attack to all attached loggers.""" + + # metrics maps strings (metric names) to textattack.metric.Metric objects + metrics: Dict + + def __init__(self, metrics: Optional[Dict]): + self.loggers = [] + self.results = [] + self.enable_advance_metrics = False + if metrics is None: + self.metrics = {} + else: + self.metrics = metrics + + def enable_stdout(self): + self.loggers.append(FileLogger(stdout=True)) + + def enable_visdom(self): + self.loggers.append(VisdomLogger()) + + def enable_wandb(self, **kwargs): + self.loggers.append(WeightsAndBiasesLogger(**kwargs)) + + def disable_color(self): + self.loggers.append(FileLogger(stdout=True, color_method="file")) + + def add_output_file(self, filename, color_method): + self.loggers.append(FileLogger(filename=filename, color_method=color_method)) + + def add_output_csv(self, filename, color_method): + self.loggers.append(CSVLogger(filename=filename, color_method=color_method)) + + def add_output_summary_json(self, filename): + self.loggers.append(JsonSummaryLogger(filename=filename)) + + def log_result(self, result): + """Logs an ``AttackResult`` on each of `self.loggers`.""" + self.results.append(result) + for logger in self.loggers: + logger.log_attack_result(result) + + def log_results(self, results): + """Logs an iterable of ``AttackResult`` objects on each of + `self.loggers`.""" + for result in results: + self.log_result(result) + self.log_summary() + + def log_summary_rows(self, rows, title, window_id): + for logger in self.loggers: + logger.log_summary_rows(rows, title, window_id) + + def log_sep(self): + for logger in self.loggers: + logger.log_sep() + + def flush(self): + for logger in self.loggers: + logger.flush() + + def log_attack_details(self, attack_name, model_name): + # @TODO log a more complete set of attack details + attack_detail_rows = [ + ["Attack algorithm:", attack_name], + ["Model:", model_name], + ] + self.log_summary_rows(attack_detail_rows, "Attack Details", "attack_details") + + def log_summary(self): + total_attacks = len(self.results) + if total_attacks == 0: + return + + # Default metrics - calculated on every attack + attack_success_stats = AttackSuccessRate().calculate(self.results) + words_perturbed_stats = WordsPerturbed().calculate(self.results) + attack_query_stats = AttackQueries().calculate(self.results) + + # @TODO generate this table based on user input - each column in specific class + # Example to demonstrate: + # summary_table_rows = attack_success_stats.display_row() + words_perturbed_stats.display_row() + ... + summary_table_rows = [ + [ + "Number of successful attacks:", + attack_success_stats["successful_attacks"], + ], + ["Number of failed attacks:", attack_success_stats["failed_attacks"]], + ["Number of skipped attacks:", attack_success_stats["skipped_attacks"]], + [ + "Original accuracy:", + str(attack_success_stats["original_accuracy"]) + "%", + ], + [ + "Accuracy under attack:", + str(attack_success_stats["attack_accuracy_perc"]) + "%", + ], + [ + "Attack success rate:", + str(attack_success_stats["attack_success_rate"]) + "%", + ], + [ + "Average perturbed word %:", + str(words_perturbed_stats["avg_word_perturbed_perc"]) + "%", + ], + [ + "Average num. words per input:", + words_perturbed_stats["avg_word_perturbed"], + ], + ] + + summary_table_rows.append( + ["Avg num queries:", attack_query_stats["avg_num_queries"]] + ) + + for metric_name, metric in self.metrics.items(): + summary_table_rows.append([metric_name, metric.calculate(self.results)]) + + if self.enable_advance_metrics: + perplexity_stats = Perplexity().calculate(self.results) + use_stats = USEMetric().calculate(self.results) + + summary_table_rows.append( + [ + "Average Original Perplexity:", + perplexity_stats["avg_original_perplexity"], + ] + ) + + summary_table_rows.append( + [ + "Average Attack Perplexity:", + perplexity_stats["avg_attack_perplexity"], + ] + ) + summary_table_rows.append( + ["Average Attack USE Score:", use_stats["avg_attack_use_score"]] + ) + + self.log_summary_rows( + summary_table_rows, "Attack Results", "attack_results_summary" + ) + # Show histogram of words changed. + numbins = max(words_perturbed_stats["max_words_changed"], 10) + for logger in self.loggers: + logger.log_hist( + words_perturbed_stats["num_words_changed_until_success"][:numbins], + numbins=numbins, + title="Num Words Perturbed", + window_id="num_words_perturbed", + ) diff --git a/textattack/loggers/csv_logger.py b/textattack/loggers/csv_logger.py new file mode 100644 index 0000000000000000000000000000000000000000..c739d2c10000d6f3ea625037a6d0c0ec078aa9ee --- /dev/null +++ b/textattack/loggers/csv_logger.py @@ -0,0 +1,55 @@ +""" +Attack Logs to CSV +======================== +""" + +import csv + +import pandas as pd + +from textattack.shared import AttackedText, logger + +from .logger import Logger + + +class CSVLogger(Logger): + """Logs attack results to a CSV.""" + + def __init__(self, filename="results.csv", color_method="file"): + logger.info(f"Logging to CSV at path {filename}") + self.filename = filename + self.color_method = color_method + self.row_list = [] + self._flushed = True + + def log_attack_result(self, result): + original_text, perturbed_text = result.diff_color(self.color_method) + original_text = original_text.replace("\n", AttackedText.SPLIT_TOKEN) + perturbed_text = perturbed_text.replace("\n", AttackedText.SPLIT_TOKEN) + result_type = result.__class__.__name__.replace("AttackResult", "") + row = { + "original_text": original_text, + "perturbed_text": perturbed_text, + "original_score": result.original_result.score, + "perturbed_score": result.perturbed_result.score, + "original_output": result.original_result.output, + "perturbed_output": result.perturbed_result.output, + "ground_truth_output": result.original_result.ground_truth_output, + "num_queries": result.num_queries, + "result_type": result_type, + } + self.row_list.append(row) + self._flushed = False + + def flush(self): + self.df = pd.DataFrame.from_records(self.row_list) + self.df.to_csv(self.filename, quoting=csv.QUOTE_NONNUMERIC, index=False) + self._flushed = True + + def close(self): + # self.fout.close() + super().close() + + def __del__(self): + if not self._flushed: + logger.warning("CSVLogger exiting without calling flush().") diff --git a/textattack/loggers/file_logger.py b/textattack/loggers/file_logger.py new file mode 100644 index 0000000000000000000000000000000000000000..a0a82b48855f10284b75469b2f9eb817e1593a3b --- /dev/null +++ b/textattack/loggers/file_logger.py @@ -0,0 +1,73 @@ +""" +Attack Logs to file +======================== +""" + +import os +import sys + +import terminaltables + +from textattack.shared import logger + +from .logger import Logger + + +class FileLogger(Logger): + """Logs the results of an attack to a file, or `stdout`.""" + + def __init__(self, filename="", stdout=False, color_method="ansi"): + self.stdout = stdout + self.filename = filename + self.color_method = color_method + if stdout: + self.fout = sys.stdout + elif isinstance(filename, str): + directory = os.path.dirname(filename) + directory = directory if directory else "." + if not os.path.exists(directory): + os.makedirs(directory) + self.fout = open(filename, "w") + logger.info(f"Logging to text file at path {filename}") + else: + self.fout = filename + self.num_results = 0 + + def __getstate__(self): + # Temporarily save file handle b/c we can't copy it + state = {i: self.__dict__[i] for i in self.__dict__ if i != "fout"} + return state + + def __setstate__(self, state): + self.__dict__ = state + if self.stdout: + self.fout = sys.stdout + else: + self.fout = open(self.filename, "a") + + def log_attack_result(self, result): + self.num_results += 1 + # if self.stdout and sys.stdout.isatty(): + self.fout.write( + "-" * 45 + " Result " + str(self.num_results) + " " + "-" * 45 + "\n" + ) + self.fout.write(result.__str__(color_method=self.color_method)) + self.fout.write("\n") + + def log_summary_rows(self, rows, title, window_id): + if self.stdout: + table_rows = [[title, ""]] + rows + table = terminaltables.AsciiTable(table_rows) + self.fout.write(table.table) + else: + for row in rows: + self.fout.write(f"{row[0]} {row[1]}\n") + + def log_sep(self): + self.fout.write("-" * 90 + "\n") + + def flush(self): + self.fout.flush() + + def close(self): + self.fout.close() diff --git a/textattack/loggers/json_summary_logger.py b/textattack/loggers/json_summary_logger.py new file mode 100644 index 0000000000000000000000000000000000000000..b1ac508dd3aefe1dd68f5ff2b102912722782f81 --- /dev/null +++ b/textattack/loggers/json_summary_logger.py @@ -0,0 +1,45 @@ +""" +Attack Summary Results Logs to Json +======================== +""" + +import json + +from textattack.shared import logger + +from .logger import Logger + + +class JsonSummaryLogger(Logger): + def __init__(self, filename="results_summary.json"): + logger.info(f"Logging Summary to JSON at path {filename}") + self.filename = filename + self.json_dictionary = {} + self._flushed = True + + def log_summary_rows(self, rows, title, window_id): + self.json_dictionary[title] = {} + for i in range(len(rows)): + row = rows[i] + if isinstance(row[1], str): + try: + row[1] = row[1].replace("%", "") + row[1] = float(row[1]) + except ValueError: + raise ValueError( + f'Unable to convert row value "{row[1]}" for Attack Result "{row[0]}" into float' + ) + + for metric, summary in rows: + self.json_dictionary[title][metric] = summary + + self._flushed = False + + def flush(self): + with open(self.filename, "w") as f: + json.dump(self.json_dictionary, f, indent=4) + + self._flushed = True + + def close(self): + super().close() diff --git a/textattack/loggers/logger.py b/textattack/loggers/logger.py new file mode 100644 index 0000000000000000000000000000000000000000..7e979b2bfdbab445733be7de3c0e0cedbef697e1 --- /dev/null +++ b/textattack/loggers/logger.py @@ -0,0 +1,32 @@ +""" +Attack Logger Wrapper +======================== +""" + + +from abc import ABC + + +class Logger(ABC): + """An abstract class for different methods of logging attack results.""" + + def __init__(self): + pass + + def log_attack_result(self, result, examples_completed=None): + pass + + def log_summary_rows(self, rows, title, window_id): + pass + + def log_hist(self, arr, numbins, title, window_id): + pass + + def log_sep(self): + pass + + def flush(self): + pass + + def close(self): + pass diff --git a/textattack/loggers/visdom_logger.py b/textattack/loggers/visdom_logger.py new file mode 100644 index 0000000000000000000000000000000000000000..80ab1b90a9e54c5204f57fa79fbc2e2fcd49ee0b --- /dev/null +++ b/textattack/loggers/visdom_logger.py @@ -0,0 +1,104 @@ +""" +Attack Logs to Visdom +======================== +""" + + +import socket + +from textattack.shared.utils import LazyLoader, html_table_from_rows + +from .logger import Logger + +visdom = LazyLoader("visdom", globals(), "visdom") + + +def port_is_open(port_num, hostname="127.0.0.1"): + sock = socket.socket(socket.AF_INET, socket.SOCK_STREAM) + result = sock.connect_ex((hostname, port_num)) + sock.close() + if result == 0: + return True + return False + + +class VisdomLogger(Logger): + """Logs attack results to Visdom.""" + + def __init__(self, env="main", port=8097, hostname="localhost"): + if not port_is_open(port, hostname=hostname): + raise socket.error(f"Visdom not running on {hostname}:{port}") + self.vis = visdom.Visdom(port=port, server=hostname, env=env) + self.env = env + self.port = port + self.hostname = hostname + self.windows = {} + self.sample_rows = [] + + def __getstate__(self): + state = {i: self.__dict__[i] for i in self.__dict__ if i != "vis"} + return state + + def __setstate__(self, state): + self.__dict__ = state + self.vis = visdom.Visdom(port=self.port, server=self.hostname, env=self.env) + + def log_attack_result(self, result): + text_a, text_b = result.diff_color(color_method="html") + result_str = result.goal_function_result_str(color_method="html") + self.sample_rows.append([result_str, text_a, text_b]) + + def log_summary_rows(self, rows, title, window_id): + self.table(rows, title=title, window_id=window_id) + + def flush(self): + self.table( + self.sample_rows, + title="Sample-Level Results", + window_id="sample_level_results", + ) + + def log_hist(self, arr, numbins, title, window_id): + self.bar(arr, numbins=numbins, title=title, window_id=window_id) + + def text(self, text_data, title=None, window_id="default"): + if window_id and window_id in self.windows: + window = self.windows[window_id] + self.vis.text(text_data, win=window) + else: + new_window = self.vis.text(text_data, opts=dict(title=title)) + self.windows[window_id] = new_window + + def table(self, rows, window_id=None, title=None, header=None, style=None): + """Generates an HTML table.""" + + if not window_id: + window_id = title # Can provide either of these, + if not title: + title = window_id # or both. + table = html_table_from_rows(rows, title=title, header=header, style_dict=style) + self.text(table, title=title, window_id=window_id) + + def bar(self, X_data, numbins=10, title=None, window_id=None): + window = None + if window_id and window_id in self.windows: + window = self.windows[window_id] + self.vis.bar(X=X_data, win=window, opts=dict(title=title, numbins=numbins)) + else: + new_window = self.vis.bar(X=X_data, opts=dict(title=title, numbins=numbins)) + if window_id: + self.windows[window_id] = new_window + + def hist(self, X_data, numbins=10, title=None, window_id=None): + window = None + if window_id and window_id in self.windows: + window = self.windows[window_id] + self.vis.histogram( + X=X_data, win=window, opts=dict(title=title, numbins=numbins) + ) + else: + new_window = self.vis.histogram( + X=X_data, opts=dict(title=title, numbins=numbins) + ) + if window_id: + self.windows[window_id] = new_window diff --git a/textattack/loggers/weights_and_biases_logger.py b/textattack/loggers/weights_and_biases_logger.py new file mode 100644 index 0000000000000000000000000000000000000000..6a830311765f890120862b6616b6619cc1cbb70c --- /dev/null +++ b/textattack/loggers/weights_and_biases_logger.py @@ -0,0 +1,85 @@ +""" +Attack Logs to WandB +======================== +""" + + +from textattack.shared.utils import LazyLoader, html_table_from_rows + +from .logger import Logger + + +class WeightsAndBiasesLogger(Logger): + """Logs attack results to Weights & Biases.""" + + def __init__(self, **kwargs): + + global wandb + wandb = LazyLoader("wandb", globals(), "wandb") + + wandb.init(**kwargs) + self.kwargs = kwargs + self.project_name = wandb.run.project_name() + self._result_table_rows = [] + + def __setstate__(self, state): + global wandb + wandb = LazyLoader("wandb", globals(), "wandb") + + self.__dict__ = state + wandb.init(resume=True, **self.kwargs) + + def log_summary_rows(self, rows, title, window_id): + table = wandb.Table(columns=["Attack Results", ""]) + for row in rows: + if isinstance(row[1], str): + try: + row[1] = row[1].replace("%", "") + row[1] = float(row[1]) + except ValueError: + raise ValueError( + f'Unable to convert row value "{row[1]}" for Attack Result "{row[0]}" into float' + ) + table.add_data(*row) + metric_name, metric_score = row + wandb.run.summary[metric_name] = metric_score + wandb.log({"attack_params": table}) + + def _log_result_table(self): + """Weights & Biases doesn't have a feature to automatically aggregate + results across timesteps and display the full table. + + Therefore, we have to do it manually. + """ + result_table = html_table_from_rows( + self._result_table_rows, header=["", "Original Input", "Perturbed Input"] + ) + wandb.log({"results": wandb.Html(result_table)}) + + def log_attack_result(self, result): + original_text_colored, perturbed_text_colored = result.diff_color( + color_method="html" + ) + result_num = len(self._result_table_rows) + self._result_table_rows.append( + [ + f"Result {result_num}", + original_text_colored, + perturbed_text_colored, + ] + ) + result_diff_table = html_table_from_rows( + [[original_text_colored, perturbed_text_colored]] + ) + result_diff_table = wandb.Html(result_diff_table) + wandb.log( + { + "result": result_diff_table, + "original_output": result.original_result.output, + "perturbed_output": result.perturbed_result.output, + } + ) + self._log_result_table() + + def log_sep(self): + self.fout.write("-" * 90 + "\n") diff --git a/textattack/metrics/__init__.py b/textattack/metrics/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e1df932b027778609ecdacb73382298e11950f98 --- /dev/null +++ b/textattack/metrics/__init__.py @@ -0,0 +1,14 @@ +""".. _metrics: + +metrics package: to calculate advanced metrics for evaluting attacks and augmented text +======================================================================================== +""" + +from .metric import Metric + +from .attack_metrics import AttackSuccessRate +from .attack_metrics import WordsPerturbed +from .attack_metrics import AttackQueries + +from .quality_metrics import Perplexity +from .quality_metrics import USEMetric diff --git a/textattack/metrics/attack_metrics/__init__.py b/textattack/metrics/attack_metrics/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..94553888d69c9264fdada0c0363badbaf30c59ca --- /dev/null +++ b/textattack/metrics/attack_metrics/__init__.py @@ -0,0 +1,12 @@ +""" + +attack_metrics package: +--------------------------------------------------------------------- + +TextAttack provide users common metrics on attacks' quality. + +""" + +from .attack_queries import AttackQueries +from .attack_success_rate import AttackSuccessRate +from .words_perturbed import WordsPerturbed diff --git a/textattack/metrics/attack_metrics/attack_queries.py b/textattack/metrics/attack_metrics/attack_queries.py new file mode 100644 index 0000000000000000000000000000000000000000..41cc89a25b3c441e16750b607dc71b34667b9011 --- /dev/null +++ b/textattack/metrics/attack_metrics/attack_queries.py @@ -0,0 +1,41 @@ +""" + +Metrics on AttackQueries +--------------------------------------------------------------------- + +""" + +import numpy as np + +from textattack.attack_results import SkippedAttackResult +from textattack.metrics import Metric + + +class AttackQueries(Metric): + def __init__(self): + self.all_metrics = {} + + def calculate(self, results): + """Calculates all metrics related to number of queries in an attack. + + Args: + results (``AttackResult`` objects): + Attack results for each instance in dataset + """ + + self.results = results + self.num_queries = np.array( + [ + r.num_queries + for r in self.results + if not isinstance(r, SkippedAttackResult) + ] + ) + self.all_metrics["avg_num_queries"] = self.avg_num_queries() + + return self.all_metrics + + def avg_num_queries(self): + avg_num_queries = self.num_queries.mean() + avg_num_queries = round(avg_num_queries, 2) + return avg_num_queries diff --git a/textattack/metrics/attack_metrics/attack_success_rate.py b/textattack/metrics/attack_metrics/attack_success_rate.py new file mode 100644 index 0000000000000000000000000000000000000000..021f63b50b93a6121bc8529a71e9278c6154f046 --- /dev/null +++ b/textattack/metrics/attack_metrics/attack_success_rate.py @@ -0,0 +1,75 @@ +""" + +Metrics on AttackSuccessRate +--------------------------------------------------------------------- + +""" + +from textattack.attack_results import FailedAttackResult, SkippedAttackResult +from textattack.metrics import Metric + + +class AttackSuccessRate(Metric): + def __init__(self): + self.failed_attacks = 0 + self.skipped_attacks = 0 + self.successful_attacks = 0 + + self.all_metrics = {} + + def calculate(self, results): + """Calculates all metrics related to number of succesful, failed and + skipped results in an attack. + + Args: + results (``AttackResult`` objects): + Attack results for each instance in dataset + """ + self.results = results + self.total_attacks = len(self.results) + + for i, result in enumerate(self.results): + if isinstance(result, FailedAttackResult): + self.failed_attacks += 1 + continue + elif isinstance(result, SkippedAttackResult): + self.skipped_attacks += 1 + continue + else: + self.successful_attacks += 1 + + # Calculated numbers + self.all_metrics["successful_attacks"] = self.successful_attacks + self.all_metrics["failed_attacks"] = self.failed_attacks + self.all_metrics["skipped_attacks"] = self.skipped_attacks + + # Percentages wrt the calculations + self.all_metrics["original_accuracy"] = self.original_accuracy_perc() + self.all_metrics["attack_accuracy_perc"] = self.attack_accuracy_perc() + self.all_metrics["attack_success_rate"] = self.attack_success_rate_perc() + + return self.all_metrics + + def original_accuracy_perc(self): + original_accuracy = ( + (self.total_attacks - self.skipped_attacks) * 100.0 / (self.total_attacks) + ) + original_accuracy = round(original_accuracy, 2) + return original_accuracy + + def attack_accuracy_perc(self): + accuracy_under_attack = (self.failed_attacks) * 100.0 / (self.total_attacks) + accuracy_under_attack = round(accuracy_under_attack, 2) + return accuracy_under_attack + + def attack_success_rate_perc(self): + if self.successful_attacks + self.failed_attacks == 0: + attack_success_rate = 0 + else: + attack_success_rate = ( + self.successful_attacks + * 100.0 + / (self.successful_attacks + self.failed_attacks) + ) + attack_success_rate = round(attack_success_rate, 2) + return attack_success_rate diff --git a/textattack/metrics/attack_metrics/words_perturbed.py b/textattack/metrics/attack_metrics/words_perturbed.py new file mode 100644 index 0000000000000000000000000000000000000000..6104de1b307ad2c29431e2c19fed5bceb8964965 --- /dev/null +++ b/textattack/metrics/attack_metrics/words_perturbed.py @@ -0,0 +1,85 @@ +""" + +Metrics on perturbed words +--------------------------------------------------------------------- + +""" + +import numpy as np + +from textattack.attack_results import FailedAttackResult, SkippedAttackResult +from textattack.metrics import Metric + + +class WordsPerturbed(Metric): + def __init__(self): + self.total_attacks = 0 + self.all_num_words = None + self.perturbed_word_percentages = None + self.num_words_changed_until_success = 0 + self.all_metrics = {} + + def calculate(self, results): + """Calculates all metrics related to perturbed words in an attack. + + Args: + results (``AttackResult`` objects): + Attack results for each instance in dataset + """ + + self.results = results + self.total_attacks = len(self.results) + self.all_num_words = np.zeros(len(self.results)) + self.perturbed_word_percentages = np.zeros(len(self.results)) + self.num_words_changed_until_success = np.zeros(2**16) + self.max_words_changed = 0 + + for i, result in enumerate(self.results): + self.all_num_words[i] = len(result.original_result.attacked_text.words) + + if isinstance(result, FailedAttackResult) or isinstance( + result, SkippedAttackResult + ): + continue + + num_words_changed = len( + result.original_result.attacked_text.all_words_diff( + result.perturbed_result.attacked_text + ) + ) + self.num_words_changed_until_success[num_words_changed - 1] += 1 + self.max_words_changed = max( + self.max_words_changed or num_words_changed, num_words_changed + ) + if len(result.original_result.attacked_text.words) > 0: + perturbed_word_percentage = ( + num_words_changed + * 100.0 + / len(result.original_result.attacked_text.words) + ) + else: + perturbed_word_percentage = 0 + + self.perturbed_word_percentages[i] = perturbed_word_percentage + + self.all_metrics["avg_word_perturbed"] = self.avg_number_word_perturbed_num() + self.all_metrics["avg_word_perturbed_perc"] = self.avg_perturbation_perc() + self.all_metrics["max_words_changed"] = self.max_words_changed + self.all_metrics[ + "num_words_changed_until_success" + ] = self.num_words_changed_until_success + + return self.all_metrics + + def avg_number_word_perturbed_num(self): + average_num_words = self.all_num_words.mean() + average_num_words = round(average_num_words, 2) + return average_num_words + + def avg_perturbation_perc(self): + self.perturbed_word_percentages = self.perturbed_word_percentages[ + self.perturbed_word_percentages > 0 + ] + average_perc_words_perturbed = self.perturbed_word_percentages.mean() + average_perc_words_perturbed = round(average_perc_words_perturbed, 2) + return average_perc_words_perturbed diff --git a/textattack/metrics/metric.py b/textattack/metrics/metric.py new file mode 100644 index 0000000000000000000000000000000000000000..015046c62601279ef2293f202cda8c07803ab3a2 --- /dev/null +++ b/textattack/metrics/metric.py @@ -0,0 +1,27 @@ +""" +Metric Class +======================== + +""" + +from abc import ABC, abstractmethod + + +class Metric(ABC): + """A metric for evaluating Adversarial Attack candidates.""" + + @abstractmethod + def __init__(self, **kwargs): + """Creates pre-built :class:`~textattack.Metric` that correspond to + evaluation metrics for adversarial examples.""" + raise NotImplementedError() + + @abstractmethod + def calculate(self, results): + """Abstract function for computing any values which are to be calculated as a whole during initialization + Args: + results (``AttackResult`` objects): + Attack results for each instance in dataset + """ + + raise NotImplementedError diff --git a/textattack/metrics/quality_metrics/__init__.py b/textattack/metrics/quality_metrics/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..6ba13465ee1df87569320861f38e7d243a8638b5 --- /dev/null +++ b/textattack/metrics/quality_metrics/__init__.py @@ -0,0 +1,12 @@ +""" + +Metrics on Quality package +--------------------------------------------------------------------- + +TextAttack provide users common metrics on text examples' quality. + + +""" + +from .perplexity import Perplexity +from .use import USEMetric diff --git a/textattack/metrics/quality_metrics/perplexity.py b/textattack/metrics/quality_metrics/perplexity.py new file mode 100644 index 0000000000000000000000000000000000000000..e2217521919b98789b88db63691984e86156b25a --- /dev/null +++ b/textattack/metrics/quality_metrics/perplexity.py @@ -0,0 +1,120 @@ +""" + +Perplexity Metric: +------------------------------------------------------- +Class for calculating perplexity from AttackResults + +""" + +import torch + +from textattack.attack_results import FailedAttackResult, SkippedAttackResult +from textattack.metrics import Metric +import textattack.shared.utils + + +class Perplexity(Metric): + def __init__(self, model_name="gpt2"): + self.all_metrics = {} + self.original_candidates = [] + self.successful_candidates = [] + + if model_name == "gpt2": + from transformers import GPT2LMHeadModel, GPT2Tokenizer + + self.ppl_model = GPT2LMHeadModel.from_pretrained("gpt2") + self.ppl_model.to(textattack.shared.utils.device) + self.ppl_tokenizer = GPT2Tokenizer.from_pretrained("gpt2") + self.ppl_model.eval() + self.max_length = self.ppl_model.config.n_positions + else: + from transformers import AutoModelForMaskedLM, AutoTokenizer + + self.ppl_model = AutoModelForMaskedLM.from_pretrained(model_name) + self.ppl_tokenizer = AutoTokenizer.from_pretrained(model_name) + self.ppl_model.to(textattack.shared.utils.device) + self.ppl_model.eval() + self.max_length = self.ppl_model.config.max_position_embeddings + + self.stride = 512 + + def calculate(self, results): + """Calculates average Perplexity on all successfull attacks using a + pre-trained small GPT-2 model. + + Args: + results (``AttackResult`` objects): + Attack results for each instance in dataset + + Example:: + + + >> import textattack + >> import transformers + >> model = transformers.AutoModelForSequenceClassification.from_pretrained("distilbert-base-uncased-finetuned-sst-2-english") + >> tokenizer = transformers.AutoTokenizer.from_pretrained("distilbert-base-uncased-finetuned-sst-2-english") + >> model_wrapper = textattack.models.wrappers.HuggingFaceModelWrapper(model, tokenizer) + >> attack = textattack.attack_recipes.DeepWordBugGao2018.build(model_wrapper) + >> dataset = textattack.datasets.HuggingFaceDataset("glue", "sst2", split="train") + >> attack_args = textattack.AttackArgs( + num_examples=1, + log_to_csv="log.csv", + checkpoint_interval=5, + checkpoint_dir="checkpoints", + disable_stdout=True + ) + >> attacker = textattack.Attacker(attack, dataset, attack_args) + >> results = attacker.attack_dataset() + >> ppl = textattack.metrics.quality_metrics.Perplexity().calculate(results) + """ + self.results = results + self.original_candidates_ppl = [] + self.successful_candidates_ppl = [] + + for i, result in enumerate(self.results): + if isinstance(result, FailedAttackResult): + continue + elif isinstance(result, SkippedAttackResult): + continue + else: + self.original_candidates.append( + result.original_result.attacked_text.text.lower() + ) + self.successful_candidates.append( + result.perturbed_result.attacked_text.text.lower() + ) + + ppl_orig = self.calc_ppl(self.original_candidates) + ppl_attack = self.calc_ppl(self.successful_candidates) + + self.all_metrics["avg_original_perplexity"] = round(ppl_orig, 2) + + self.all_metrics["avg_attack_perplexity"] = round(ppl_attack, 2) + + return self.all_metrics + + def calc_ppl(self, texts): + + with torch.no_grad(): + text = " ".join(texts) + eval_loss = [] + input_ids = torch.tensor( + self.ppl_tokenizer.encode(text, add_special_tokens=True) + ).unsqueeze(0) + # Strided perplexity calculation from huggingface.co/transformers/perplexity.html + for i in range(0, input_ids.size(1), self.stride): + begin_loc = max(i + self.stride - self.max_length, 0) + end_loc = min(i + self.stride, input_ids.size(1)) + trg_len = end_loc - i + input_ids_t = input_ids[:, begin_loc:end_loc].to( + textattack.shared.utils.device + ) + target_ids = input_ids_t.clone() + target_ids[:, :-trg_len] = -100 + + outputs = self.ppl_model(input_ids_t, labels=target_ids) + log_likelihood = outputs[0] * trg_len + + eval_loss.append(log_likelihood) + + return torch.exp(torch.stack(eval_loss).sum() / end_loc).item() diff --git a/textattack/metrics/quality_metrics/use.py b/textattack/metrics/quality_metrics/use.py new file mode 100644 index 0000000000000000000000000000000000000000..7d0177e494626c4901f9f1db10012f6bbaa7b488 --- /dev/null +++ b/textattack/metrics/quality_metrics/use.py @@ -0,0 +1,74 @@ +""" + +USEMetric class: +------------------------------------------------------- +Class for calculating USE similarity on AttackResults + +""" + +from textattack.attack_results import FailedAttackResult, SkippedAttackResult +from textattack.constraints.semantics.sentence_encoders import UniversalSentenceEncoder +from textattack.metrics import Metric + + +class USEMetric(Metric): + def __init__(self, **kwargs): + self.use_obj = UniversalSentenceEncoder() + self.use_obj.model = UniversalSentenceEncoder() + self.original_candidates = [] + self.successful_candidates = [] + self.all_metrics = {} + + def calculate(self, results): + """Calculates average USE similarity on all successfull attacks. + + Args: + results (``AttackResult`` objects): + Attack results for each instance in dataset + + Example:: + + + >> import textattack + >> import transformers + >> model = transformers.AutoModelForSequenceClassification.from_pretrained("distilbert-base-uncased-finetuned-sst-2-english") + >> tokenizer = transformers.AutoTokenizer.from_pretrained("distilbert-base-uncased-finetuned-sst-2-english") + >> model_wrapper = textattack.models.wrappers.HuggingFaceModelWrapper(model, tokenizer) + >> attack = textattack.attack_recipes.DeepWordBugGao2018.build(model_wrapper) + >> dataset = textattack.datasets.HuggingFaceDataset("glue", "sst2", split="train") + >> attack_args = textattack.AttackArgs( + num_examples=1, + log_to_csv="log.csv", + checkpoint_interval=5, + checkpoint_dir="checkpoints", + disable_stdout=True + ) + >> attacker = textattack.Attacker(attack, dataset, attack_args) + >> results = attacker.attack_dataset() + >> usem = textattack.metrics.quality_metrics.USEMetric().calculate(results) + """ + + self.results = results + + for i, result in enumerate(self.results): + if isinstance(result, FailedAttackResult): + continue + elif isinstance(result, SkippedAttackResult): + continue + else: + self.original_candidates.append(result.original_result.attacked_text) + self.successful_candidates.append(result.perturbed_result.attacked_text) + + use_scores = [] + for c in range(len(self.original_candidates)): + use_scores.append( + self.use_obj._sim_score( + self.original_candidates[c], self.successful_candidates[c] + ).item() + ) + + self.all_metrics["avg_attack_use_score"] = round( + sum(use_scores) / len(use_scores), 2 + ) + + return self.all_metrics diff --git a/textattack/model_args.py b/textattack/model_args.py new file mode 100644 index 0000000000000000000000000000000000000000..73c133cff77885af3bb24ef7e58c8502d0919d47 --- /dev/null +++ b/textattack/model_args.py @@ -0,0 +1,311 @@ +""" +ModelArgs Class +=============== +""" + + +from dataclasses import dataclass +import json +import os + +import transformers + +import textattack +from textattack.shared.utils import ARGS_SPLIT_TOKEN, load_module_from_file + +HUGGINGFACE_MODELS = { + # + # bert-base-uncased + # + "bert-base-uncased": "bert-base-uncased", + "bert-base-uncased-ag-news": "textattack/bert-base-uncased-ag-news", + "bert-base-uncased-cola": "textattack/bert-base-uncased-CoLA", + "bert-base-uncased-imdb": "textattack/bert-base-uncased-imdb", + "bert-base-uncased-mnli": "textattack/bert-base-uncased-MNLI", + "bert-base-uncased-mrpc": "textattack/bert-base-uncased-MRPC", + "bert-base-uncased-qnli": "textattack/bert-base-uncased-QNLI", + "bert-base-uncased-qqp": "textattack/bert-base-uncased-QQP", + "bert-base-uncased-rte": "textattack/bert-base-uncased-RTE", + "bert-base-uncased-sst2": "textattack/bert-base-uncased-SST-2", + "bert-base-uncased-stsb": "textattack/bert-base-uncased-STS-B", + "bert-base-uncased-wnli": "textattack/bert-base-uncased-WNLI", + "bert-base-uncased-mr": "textattack/bert-base-uncased-rotten-tomatoes", + "bert-base-uncased-snli": "textattack/bert-base-uncased-snli", + "bert-base-uncased-yelp": "textattack/bert-base-uncased-yelp-polarity", + # + # distilbert-base-cased + # + "distilbert-base-uncased": "distilbert-base-uncased", + "distilbert-base-cased-cola": "textattack/distilbert-base-cased-CoLA", + "distilbert-base-cased-mrpc": "textattack/distilbert-base-cased-MRPC", + "distilbert-base-cased-qqp": "textattack/distilbert-base-cased-QQP", + "distilbert-base-cased-snli": "textattack/distilbert-base-cased-snli", + "distilbert-base-cased-sst2": "textattack/distilbert-base-cased-SST-2", + "distilbert-base-cased-stsb": "textattack/distilbert-base-cased-STS-B", + "distilbert-base-uncased-ag-news": "textattack/distilbert-base-uncased-ag-news", + "distilbert-base-uncased-cola": "textattack/distilbert-base-cased-CoLA", + "distilbert-base-uncased-imdb": "textattack/distilbert-base-uncased-imdb", + "distilbert-base-uncased-mnli": "textattack/distilbert-base-uncased-MNLI", + "distilbert-base-uncased-mr": "textattack/distilbert-base-uncased-rotten-tomatoes", + "distilbert-base-uncased-mrpc": "textattack/distilbert-base-uncased-MRPC", + "distilbert-base-uncased-qnli": "textattack/distilbert-base-uncased-QNLI", + "distilbert-base-uncased-rte": "textattack/distilbert-base-uncased-RTE", + "distilbert-base-uncased-wnli": "textattack/distilbert-base-uncased-WNLI", + # + # roberta-base (RoBERTa is cased by default) + # + "roberta-base": "roberta-base", + "roberta-base-ag-news": "textattack/roberta-base-ag-news", + "roberta-base-cola": "textattack/roberta-base-CoLA", + "roberta-base-imdb": "textattack/roberta-base-imdb", + "roberta-base-mr": "textattack/roberta-base-rotten-tomatoes", + "roberta-base-mrpc": "textattack/roberta-base-MRPC", + "roberta-base-qnli": "textattack/roberta-base-QNLI", + "roberta-base-rte": "textattack/roberta-base-RTE", + "roberta-base-sst2": "textattack/roberta-base-SST-2", + "roberta-base-stsb": "textattack/roberta-base-STS-B", + "roberta-base-wnli": "textattack/roberta-base-WNLI", + # + # albert-base-v2 (ALBERT is cased by default) + # + "albert-base-v2": "albert-base-v2", + "albert-base-v2-ag-news": "textattack/albert-base-v2-ag-news", + "albert-base-v2-cola": "textattack/albert-base-v2-CoLA", + "albert-base-v2-imdb": "textattack/albert-base-v2-imdb", + "albert-base-v2-mr": "textattack/albert-base-v2-rotten-tomatoes", + "albert-base-v2-rte": "textattack/albert-base-v2-RTE", + "albert-base-v2-qqp": "textattack/albert-base-v2-QQP", + "albert-base-v2-snli": "textattack/albert-base-v2-snli", + "albert-base-v2-sst2": "textattack/albert-base-v2-SST-2", + "albert-base-v2-stsb": "textattack/albert-base-v2-STS-B", + "albert-base-v2-wnli": "textattack/albert-base-v2-WNLI", + "albert-base-v2-yelp": "textattack/albert-base-v2-yelp-polarity", + # + # xlnet-base-cased + # + "xlnet-base-cased": "xlnet-base-cased", + "xlnet-base-cased-cola": "textattack/xlnet-base-cased-CoLA", + "xlnet-base-cased-imdb": "textattack/xlnet-base-cased-imdb", + "xlnet-base-cased-mr": "textattack/xlnet-base-cased-rotten-tomatoes", + "xlnet-base-cased-mrpc": "textattack/xlnet-base-cased-MRPC", + "xlnet-base-cased-rte": "textattack/xlnet-base-cased-RTE", + "xlnet-base-cased-stsb": "textattack/xlnet-base-cased-STS-B", + "xlnet-base-cased-wnli": "textattack/xlnet-base-cased-WNLI", +} + + +# +# Models hosted by textattack. +# `models` vs `models_v2`: `models_v2` is simply a new dir in S3 that contains models' `config.json`. +# Fixes issue https://github.com/QData/TextAttack/issues/485 +# Model parameters has not changed. +# +TEXTATTACK_MODELS = { + # + # LSTMs + # + "lstm-ag-news": "models_v2/classification/lstm/ag-news", + "lstm-imdb": "models_v2/classification/lstm/imdb", + "lstm-mr": "models_v2/classification/lstm/mr", + "lstm-sst2": "models_v2/classification/lstm/sst2", + "lstm-yelp": "models_v2/classification/lstm/yelp", + # + # CNNs + # + "cnn-ag-news": "models_v2/classification/cnn/ag-news", + "cnn-imdb": "models_v2/classification/cnn/imdb", + "cnn-mr": "models_v2/classification/cnn/rotten-tomatoes", + "cnn-sst2": "models_v2/classification/cnn/sst", + "cnn-yelp": "models_v2/classification/cnn/yelp", + # + # T5 for translation + # + "t5-en-de": "english_to_german", + "t5-en-fr": "english_to_french", + "t5-en-ro": "english_to_romanian", + # + # T5 for summarization + # + "t5-summarization": "summarization", +} + + +@dataclass +class ModelArgs: + """Arguments for loading base/pretrained or trained models.""" + + model: str = None + model_from_file: str = None + model_from_huggingface: str = None + + @classmethod + def _add_parser_args(cls, parser): + """Adds model-related arguments to an argparser.""" + model_group = parser.add_mutually_exclusive_group() + + model_names = list(HUGGINGFACE_MODELS.keys()) + list(TEXTATTACK_MODELS.keys()) + model_group.add_argument( + "--model", + type=str, + required=False, + default=None, + help="Name of or path to a pre-trained TextAttack model to load. Choices: " + + str(model_names), + ) + model_group.add_argument( + "--model-from-file", + type=str, + required=False, + help="File of model and tokenizer to import.", + ) + model_group.add_argument( + "--model-from-huggingface", + type=str, + required=False, + help="Name of or path of pre-trained HuggingFace model to load.", + ) + + return parser + + @classmethod + def _create_model_from_args(cls, args): + """Given ``ModelArgs``, return specified + ``textattack.models.wrappers.ModelWrapper`` object.""" + + assert isinstance( + args, cls + ), f"Expect args to be of type `{type(cls)}`, but got type `{type(args)}`." + + if args.model_from_file: + # Support loading the model from a .py file where a model wrapper + # is instantiated. + colored_model_name = textattack.shared.utils.color_text( + args.model_from_file, color="blue", method="ansi" + ) + textattack.shared.logger.info( + f"Loading model and tokenizer from file: {colored_model_name}" + ) + if ARGS_SPLIT_TOKEN in args.model_from_file: + model_file, model_name = args.model_from_file.split(ARGS_SPLIT_TOKEN) + else: + _, model_name = args.model_from_file, "model" + try: + model_module = load_module_from_file(args.model_from_file) + except Exception: + raise ValueError(f"Failed to import file {args.model_from_file}.") + try: + model = getattr(model_module, model_name) + except AttributeError: + raise AttributeError( + f"Variable `{model_name}` not found in module {args.model_from_file}." + ) + + if not isinstance(model, textattack.models.wrappers.ModelWrapper): + raise TypeError( + f"Variable `{model_name}` must be of type " + f"``textattack.models.ModelWrapper``, got type {type(model)}." + ) + elif (args.model in HUGGINGFACE_MODELS) or args.model_from_huggingface: + # Support loading models automatically from the HuggingFace model hub. + + model_name = ( + HUGGINGFACE_MODELS[args.model] + if (args.model in HUGGINGFACE_MODELS) + else args.model_from_huggingface + ) + colored_model_name = textattack.shared.utils.color_text( + model_name, color="blue", method="ansi" + ) + textattack.shared.logger.info( + f"Loading pre-trained model from HuggingFace model repository: {colored_model_name}" + ) + model = transformers.AutoModelForSequenceClassification.from_pretrained( + model_name + ) + tokenizer = transformers.AutoTokenizer.from_pretrained( + model_name, use_fast=True + ) + model = textattack.models.wrappers.HuggingFaceModelWrapper(model, tokenizer) + elif args.model in TEXTATTACK_MODELS: + # Support loading TextAttack pre-trained models via just a keyword. + colored_model_name = textattack.shared.utils.color_text( + args.model, color="blue", method="ansi" + ) + if args.model.startswith("lstm"): + textattack.shared.logger.info( + f"Loading pre-trained TextAttack LSTM: {colored_model_name}" + ) + model = textattack.models.helpers.LSTMForClassification.from_pretrained( + args.model + ) + elif args.model.startswith("cnn"): + textattack.shared.logger.info( + f"Loading pre-trained TextAttack CNN: {colored_model_name}" + ) + model = ( + textattack.models.helpers.WordCNNForClassification.from_pretrained( + args.model + ) + ) + elif args.model.startswith("t5"): + model = textattack.models.helpers.T5ForTextToText.from_pretrained( + args.model + ) + else: + raise ValueError(f"Unknown textattack model {args.model}") + + # Choose the approprate model wrapper (based on whether or not this is + # a HuggingFace model). + if isinstance(model, textattack.models.helpers.T5ForTextToText): + model = textattack.models.wrappers.HuggingFaceModelWrapper( + model, model.tokenizer + ) + else: + model = textattack.models.wrappers.PyTorchModelWrapper( + model, model.tokenizer + ) + elif args.model and os.path.exists(args.model): + # Support loading TextAttack-trained models via just their folder path. + # If `args.model` is a path/directory, let's assume it was a model + # trained with textattack, and try and load it. + if os.path.exists(os.path.join(args.model, "t5-wrapper-config.json")): + model = textattack.models.helpers.T5ForTextToText.from_pretrained( + args.model + ) + model = textattack.models.wrappers.HuggingFaceModelWrapper( + model, model.tokenizer + ) + elif os.path.exists(os.path.join(args.model, "config.json")): + with open(os.path.join(args.model, "config.json")) as f: + config = json.load(f) + model_class = config["architectures"] + if ( + model_class == "LSTMForClassification" + or model_class == "WordCNNForClassification" + ): + model = eval( + f"textattack.models.helpers.{model_class}.from_pretrained({args.model})" + ) + model = textattack.models.wrappers.PyTorchModelWrapper( + model, model.tokenizer + ) + else: + # assume the model is from HuggingFace. + model = ( + transformers.AutoModelForSequenceClassification.from_pretrained( + args.model + ) + ) + tokenizer = transformers.AutoTokenizer.from_pretrained( + args.model, use_fast=True + ) + model = textattack.models.wrappers.HuggingFaceModelWrapper( + model, tokenizer + ) + else: + raise ValueError(f"Error: unsupported TextAttack model {args.model}") + + assert isinstance( + model, textattack.models.wrappers.ModelWrapper + ), "`model` must be of type `textattack.models.wrappers.ModelWrapper`." + return model diff --git a/textattack/models/README.md b/textattack/models/README.md new file mode 100644 index 0000000000000000000000000000000000000000..87e667c0a722c04fc2266e2f13ffc5affeffe8d6 --- /dev/null +++ b/textattack/models/README.md @@ -0,0 +1,440 @@ +# TextAttack Model Zoo + +## More details at [https://textattack.readthedocs.io/en/latest/3recipes/models.html](https://textattack.readthedocs.io/en/latest/3recipes/models.html) + +TextAttack includes pre-trained models for different common NLP tasks. This makes it easier for +users to get started with TextAttack. It also enables a more fair comparison of attacks from +the literature. + +All evaluation results were obtained using `textattack eval` to evaluate models on their default +test dataset (test set, if labels are available, otherwise, eval/validation set). You can use +this command to verify the accuracies for yourself: for example, `textattack eval --model roberta-base-mr`. + + +The LSTM and wordCNN models' code is available in `textattack.models.helpers`. All other models are transformers +imported from the [`transformers`](https://github.com/huggingface/transformers/) package. To list evaluate all +TextAttack pretrained models, invoke `textattack eval` without specifying a model: `textattack eval --num-examples 1000`. +All evaluations shown are on the full validation or test set up to 1000 examples. + +### `LSTM` + +
+ +- AG News (`lstm-ag-news`) + - `datasets` dataset `ag_news`, split `test` + - Correct/Whole: 914/1000 + - Accuracy: 91.4% +- IMDB (`lstm-imdb`) + - `datasets` dataset `imdb`, split `test` + - Correct/Whole: 883/1000 + - Accuracy: 88.30% +- Movie Reviews [Rotten Tomatoes] (`lstm-mr`) + - `datasets` dataset `rotten_tomatoes`, split `validation` + - Correct/Whole: 807/1000 + - Accuracy: 80.70% + - `datasets` dataset `rotten_tomatoes`, split `test` + - Correct/Whole: 781/1000 + - Accuracy: 78.10% +- SST-2 (`lstm-sst2`) + - `datasets` dataset `glue`, subset `sst2`, split `validation` + - Correct/Whole: 737/872 + - Accuracy: 84.52% +- Yelp Polarity (`lstm-yelp`) + - `datasets` dataset `yelp_polarity`, split `test` + - Correct/Whole: 922/1000 + - Accuracy: 92.20% + +
+ +### `wordCNN` + +
+ + +- AG News (`cnn-ag-news`) + - `datasets` dataset `ag_news`, split `test` + - Correct/Whole: 910/1000 + - Accuracy: 91.00% +- IMDB (`cnn-imdb`) + - `datasets` dataset `imdb`, split `test` + - Correct/Whole: 863/1000 + - Accuracy: 86.30% +- Movie Reviews [Rotten Tomatoes] (`cnn-mr`) + - `datasets` dataset `rotten_tomatoes`, split `validation` + - Correct/Whole: 794/1000 + - Accuracy: 79.40% + - `datasets` dataset `rotten_tomatoes`, split `test` + - Correct/Whole: 768/1000 + - Accuracy: 76.80% +- SST-2 (`cnn-sst2`) + - `datasets` dataset `glue`, subset `sst2`, split `validation` + - Correct/Whole: 721/872 + - Accuracy: 82.68% +- Yelp Polarity (`cnn-yelp`) + - `datasets` dataset `yelp_polarity`, split `test` + - Correct/Whole: 913/1000 + - Accuracy: 91.30% + +
+ + +### `albert-base-v2` + +
+ +- AG News (`albert-base-v2-ag-news`) + - `datasets` dataset `ag_news`, split `test` + - Correct/Whole: 943/1000 + - Accuracy: 94.30% +- CoLA (`albert-base-v2-cola`) + - `datasets` dataset `glue`, subset `cola`, split `validation` + - Correct/Whole: 829/1000 + - Accuracy: 82.90% +- IMDB (`albert-base-v2-imdb`) + - `datasets` dataset `imdb`, split `test` + - Correct/Whole: 913/1000 + - Accuracy: 91.30% +- Movie Reviews [Rotten Tomatoes] (`albert-base-v2-mr`) + - `datasets` dataset `rotten_tomatoes`, split `validation` + - Correct/Whole: 882/1000 + - Accuracy: 88.20% + - `datasets` dataset `rotten_tomatoes`, split `test` + - Correct/Whole: 851/1000 + - Accuracy: 85.10% +- Quora Question Pairs (`albert-base-v2-qqp`) + - `datasets` dataset `glue`, subset `qqp`, split `validation` + - Correct/Whole: 914/1000 + - Accuracy: 91.40% +- Recognizing Textual Entailment (`albert-base-v2-rte`) + - `datasets` dataset `glue`, subset `rte`, split `validation` + - Correct/Whole: 211/277 + - Accuracy: 76.17% +- SNLI (`albert-base-v2-snli`) + - `datasets` dataset `snli`, split `test` + - Correct/Whole: 883/1000 + - Accuracy: 88.30% +- SST-2 (`albert-base-v2-sst2`) + - `datasets` dataset `glue`, subset `sst2`, split `validation` + - Correct/Whole: 807/872 + - Accuracy: 92.55%) +- STS-b (`albert-base-v2-stsb`) + - `datasets` dataset `glue`, subset `stsb`, split `validation` + - Pearson correlation: 0.9041359738552746 + - Spearman correlation: 0.8995912861209745 +- WNLI (`albert-base-v2-wnli`) + - `datasets` dataset `glue`, subset `wnli`, split `validation` + - Correct/Whole: 42/71 + - Accuracy: 59.15% +- Yelp Polarity (`albert-base-v2-yelp`) + - `datasets` dataset `yelp_polarity`, split `test` + - Correct/Whole: 963/1000 + - Accuracy: 96.30% + +
+ +### `bert-base-uncased` + +
+ +- AG News (`bert-base-uncased-ag-news`) + - `datasets` dataset `ag_news`, split `test` + - Correct/Whole: 942/1000 + - Accuracy: 94.20% +- CoLA (`bert-base-uncased-cola`) + - `datasets` dataset `glue`, subset `cola`, split `validation` + - Correct/Whole: 812/1000 + - Accuracy: 81.20% +- IMDB (`bert-base-uncased-imdb`) + - `datasets` dataset `imdb`, split `test` + - Correct/Whole: 919/1000 + - Accuracy: 91.90% +- MNLI matched (`bert-base-uncased-mnli`) + - `datasets` dataset `glue`, subset `mnli`, split `validation_matched` + - Correct/Whole: 840/1000 + - Accuracy: 84.00% +- Movie Reviews [Rotten Tomatoes] (`bert-base-uncased-mr`) + - `datasets` dataset `rotten_tomatoes`, split `validation` + - Correct/Whole: 876/1000 + - Accuracy: 87.60% + - `datasets` dataset `rotten_tomatoes`, split `test` + - Correct/Whole: 838/1000 + - Accuracy: 83.80% +- MRPC (`bert-base-uncased-mrpc`) + - `datasets` dataset `glue`, subset `mrpc`, split `validation` + - Correct/Whole: 358/408 + - Accuracy: 87.75% +- QNLI (`bert-base-uncased-qnli`) + - `datasets` dataset `glue`, subset `qnli`, split `validation` + - Correct/Whole: 904/1000 + - Accuracy: 90.40% +- Quora Question Pairs (`bert-base-uncased-qqp`) + - `datasets` dataset `glue`, subset `qqp`, split `validation` + - Correct/Whole: 924/1000 + - Accuracy: 92.40% +- Recognizing Textual Entailment (`bert-base-uncased-rte`) + - `datasets` dataset `glue`, subset `rte`, split `validation` + - Correct/Whole: 201/277 + - Accuracy: 72.56% +- SNLI (`bert-base-uncased-snli`) + - `datasets` dataset `snli`, split `test` + - Correct/Whole: 894/1000 + - Accuracy: 89.40% +- SST-2 (`bert-base-uncased-sst2`) + - `datasets` dataset `glue`, subset `sst2`, split `validation` + - Correct/Whole: 806/872 + - Accuracy: 92.43%) +- STS-b (`bert-base-uncased-stsb`) + - `datasets` dataset `glue`, subset `stsb`, split `validation` + - Pearson correlation: 0.8775458937815515 + - Spearman correlation: 0.8773251339980935 +- WNLI (`bert-base-uncased-wnli`) + - `datasets` dataset `glue`, subset `wnli`, split `validation` + - Correct/Whole: 40/71 + - Accuracy: 56.34% +- Yelp Polarity (`bert-base-uncased-yelp`) + - `datasets` dataset `yelp_polarity`, split `test` + - Correct/Whole: 963/1000 + - Accuracy: 96.30% + +
+ +### `distilbert-base-cased` + +
+ + +- CoLA (`distilbert-base-cased-cola`) + - `datasets` dataset `glue`, subset `cola`, split `validation` + - Correct/Whole: 786/1000 + - Accuracy: 78.60% +- MRPC (`distilbert-base-cased-mrpc`) + - `datasets` dataset `glue`, subset `mrpc`, split `validation` + - Correct/Whole: 320/408 + - Accuracy: 78.43% +- Quora Question Pairs (`distilbert-base-cased-qqp`) + - `datasets` dataset `glue`, subset `qqp`, split `validation` + - Correct/Whole: 908/1000 + - Accuracy: 90.80% +- SNLI (`distilbert-base-cased-snli`) + - `datasets` dataset `snli`, split `test` + - Correct/Whole: 861/1000 + - Accuracy: 86.10% +- SST-2 (`distilbert-base-cased-sst2`) + - `datasets` dataset `glue`, subset `sst2`, split `validation` + - Correct/Whole: 785/872 + - Accuracy: 90.02%) +- STS-b (`distilbert-base-cased-stsb`) + - `datasets` dataset `glue`, subset `stsb`, split `validation` + - Pearson correlation: 0.8421540899520146 + - Spearman correlation: 0.8407155030382939 + +
+ +### `distilbert-base-uncased` + +
+ +- AG News (`distilbert-base-uncased-ag-news`) + - `datasets` dataset `ag_news`, split `test` + - Correct/Whole: 944/1000 + - Accuracy: 94.40% +- CoLA (`distilbert-base-uncased-cola`) + - `datasets` dataset `glue`, subset `cola`, split `validation` + - Correct/Whole: 786/1000 + - Accuracy: 78.60% +- IMDB (`distilbert-base-uncased-imdb`) + - `datasets` dataset `imdb`, split `test` + - Correct/Whole: 903/1000 + - Accuracy: 90.30% +- MNLI matched (`distilbert-base-uncased-mnli`) + - `datasets` dataset `glue`, subset `mnli`, split `validation_matched` + - Correct/Whole: 817/1000 + - Accuracy: 81.70% +- MRPC (`distilbert-base-uncased-mrpc`) + - `datasets` dataset `glue`, subset `mrpc`, split `validation` + - Correct/Whole: 350/408 + - Accuracy: 85.78% +- QNLI (`distilbert-base-uncased-qnli`) + - `datasets` dataset `glue`, subset `qnli`, split `validation` + - Correct/Whole: 860/1000 + - Accuracy: 86.00% +- Recognizing Textual Entailment (`distilbert-base-uncased-rte`) + - `datasets` dataset `glue`, subset `rte`, split `validation` + - Correct/Whole: 180/277 + - Accuracy: 64.98% +- STS-b (`distilbert-base-uncased-stsb`) + - `datasets` dataset `glue`, subset `stsb`, split `validation` + - Pearson correlation: 0.8421540899520146 + - Spearman correlation: 0.8407155030382939 +- WNLI (`distilbert-base-uncased-wnli`) + - `datasets` dataset `glue`, subset `wnli`, split `validation` + - Correct/Whole: 40/71 + - Accuracy: 56.34% + +
+ +### `roberta-base` + +
+ +- AG News (`roberta-base-ag-news`) + - `datasets` dataset `ag_news`, split `test` + - Correct/Whole: 947/1000 + - Accuracy: 94.70% +- CoLA (`roberta-base-cola`) + - `datasets` dataset `glue`, subset `cola`, split `validation` + - Correct/Whole: 857/1000 + - Accuracy: 85.70% +- IMDB (`roberta-base-imdb`) + - `datasets` dataset `imdb`, split `test` + - Correct/Whole: 941/1000 + - Accuracy: 94.10% +- Movie Reviews [Rotten Tomatoes] (`roberta-base-mr`) + - `datasets` dataset `rotten_tomatoes`, split `validation` + - Correct/Whole: 899/1000 + - Accuracy: 89.90% + - `datasets` dataset `rotten_tomatoes`, split `test` + - Correct/Whole: 883/1000 + - Accuracy: 88.30% +- MRPC (`roberta-base-mrpc`) + - `datasets` dataset `glue`, subset `mrpc`, split `validation` + - Correct/Whole: 371/408 + - Accuracy: 91.18% +- QNLI (`roberta-base-qnli`) + - `datasets` dataset `glue`, subset `qnli`, split `validation` + - Correct/Whole: 917/1000 + - Accuracy: 91.70% +- Recognizing Textual Entailment (`roberta-base-rte`) + - `datasets` dataset `glue`, subset `rte`, split `validation` + - Correct/Whole: 217/277 + - Accuracy: 78.34% +- SST-2 (`roberta-base-sst2`) + - `datasets` dataset `glue`, subset `sst2`, split `validation` + - Correct/Whole: 820/872 + - Accuracy: 94.04%) +- STS-b (`roberta-base-stsb`) + - `datasets` dataset `glue`, subset `stsb`, split `validation` + - Pearson correlation: 0.906067852162708 + - Spearman correlation: 0.9025045272903051 +- WNLI (`roberta-base-wnli`) + - `datasets` dataset `glue`, subset `wnli`, split `validation` + - Correct/Whole: 40/71 + - Accuracy: 56.34% + +
+ +### `xlnet-base-cased` + +
+ +- CoLA (`xlnet-base-cased-cola`) + - `datasets` dataset `glue`, subset `cola`, split `validation` + - Correct/Whole: 800/1000 + - Accuracy: 80.00% +- IMDB (`xlnet-base-cased-imdb`) + - `datasets` dataset `imdb`, split `test` + - Correct/Whole: 957/1000 + - Accuracy: 95.70% +- Movie Reviews [Rotten Tomatoes] (`xlnet-base-cased-mr`) + - `datasets` dataset `rotten_tomatoes`, split `validation` + - Correct/Whole: 908/1000 + - Accuracy: 90.80% + - `datasets` dataset `rotten_tomatoes`, split `test` + - Correct/Whole: 876/1000 + - Accuracy: 87.60% +- MRPC (`xlnet-base-cased-mrpc`) + - `datasets` dataset `glue`, subset `mrpc`, split `validation` + - Correct/Whole: 363/408 + - Accuracy: 88.97% +- Recognizing Textual Entailment (`xlnet-base-cased-rte`) + - `datasets` dataset `glue`, subset `rte`, split `validation` + - Correct/Whole: 196/277 + - Accuracy: 70.76% +- STS-b (`xlnet-base-cased-stsb`) + - `datasets` dataset `glue`, subset `stsb`, split `validation` + - Pearson correlation: 0.883111673280641 + - Spearman correlation: 0.8773439961182335 +- WNLI (`xlnet-base-cased-wnli`) + - `datasets` dataset `glue`, subset `wnli`, split `validation` + - Correct/Whole: 41/71 + - Accuracy: 57.75% + +
+ + +# More details on TextAttack models (details on NLP task, output type, SOTA on paperswithcode; model card on huggingface): + +
+ + +Fine-tuned Model | NLP Task | Input type | Output Type | paperswithcode.com SOTA | huggingface.co Model Card +------------------------------|-----------------------------|------------------------------|-----------------------------|------------------------------|------------------------------------- +albert-base-v2-CoLA | linguistic acceptability | single sentences | binary (1=acceptable/ 0=unacceptable) | https://paperswithcode.com/sota/linguistic-acceptability-on-cola | https://huggingface.co/textattack/albert-base-v2-CoLA +bert-base-uncased-CoLA | linguistic acceptability | single sentences | binary (1=acceptable/ 0=unacceptable) | none yet | https://huggingface.co/textattack/bert-base-uncased-CoLA +distilbert-base-cased-CoLA | linguistic acceptability | single sentences | binary (1=acceptable/ 0=unacceptable) | https://paperswithcode.com/sota/linguistic-acceptability-on-cola | https://huggingface.co/textattack/distilbert-base-cased-CoLA +distilbert-base-uncased-CoLA | linguistic acceptability | single sentences | binary (1=acceptable/ 0=unacceptable) | https://paperswithcode.com/sota/linguistic-acceptability-on-cola | https://huggingface.co/textattack/distilbert-base-uncased-CoLA +roberta-base-CoLA | linguistic acceptability | single sentences | binary (1=acceptable/ 0=unacceptable) | https://paperswithcode.com/sota/linguistic-acceptability-on-cola | https://huggingface.co/textattack/roberta-base-CoLA +xlnet-base-cased-CoLA | linguistic acceptability | single sentences | binary (1=acceptable/ 0=unacceptable) | https://paperswithcode.com/sota/linguistic-acceptability-on-cola | https://huggingface.co/textattack/xlnet-base-cased-CoLA +albert-base-v2-RTE | natural language inference | sentence pairs (1 premise and 1 hypothesis) | binary(0=entailed/1=not entailed) | https://paperswithcode.com/sota/natural-language-inference-on-rte | https://huggingface.co/textattack/albert-base-v2-RTE +albert-base-v2-snli | natural language inference | sentence pairs | accuracy (0=entailment, 1=neutral,2=contradiction) | none yet | https://huggingface.co/textattack/albert-base-v2-snli +albert-base-v2-WNLI | natural language inference | sentence pairs | binary | https://paperswithcode.com/sota/natural-language-inference-on-wnli | https://huggingface.co/textattack/albert-base-v2-WNLI +bert-base-uncased-MNLI | natural language inference | sentence pairs (1 premise and 1 hypothesis) | accuracy (0=entailment, 1=neutral,2=contradiction) | none yet | https://huggingface.co/textattack/bert-base-uncased-MNLI +bert-base-uncased-QNLI | natural language inference | question/answer pairs | binary (1=unanswerable/ 0=answerable) | none yet | https://huggingface.co/textattack/bert-base-uncased-QNLI +bert-base-uncased-RTE | natural language inference | sentence pairs (1 premise and 1 hypothesis) | binary(0=entailed/1=not entailed) | none yet | https://huggingface.co/textattack/bert-base-uncased-RTE +bert-base-uncased-snli | natural language inference | sentence pairs | accuracy (0=entailment, 1=neutral,2=contradiction) | none yet | https://huggingface.co/textattack/bert-base-uncased-snli +bert-base-uncased-WNLI | natural language inference | sentence pairs | binary | none yet | https://huggingface.co/textattack/bert-base-uncased-WNLI +distilbert-base-cased-snli | natural language inference | sentence pairs | accuracy (0=entailment, 1=neutral,2=contradiction) | none yet | https://huggingface.co/textattack/distilbert-base-cased-snli +distilbert-base-uncased-MNLI | natural language inference | sentence pairs (1 premise and 1 hypothesis) | accuracy (0=entailment,1=neutral, 2=contradiction) | none yet | https://huggingface.co/textattack/distilbert-base-uncased-MNLI +distilbert-base-uncased-RTE | natural language inference | sentence pairs (1 premise and 1 hypothesis) | binary(0=entailed/1=not entailed) | https://paperswithcode.com/sota/natural-language-inference-on-rte | https://huggingface.co/textattack/distilbert-base-uncased-RTE +distilbert-base-uncased-WNLI | natural language inference | sentence pairs | binary | https://paperswithcode.com/sota/natural-language-inference-on-wnli | https://huggingface.co/textattack/distilbert-base-uncased-WNLI +roberta-base-QNLI | natural language inference | question/answer pairs | binary (1=unanswerable/ 0=answerable) | https://paperswithcode.com/sota/natural-language-inference-on-qnli | https://huggingface.co/textattack/roberta-base-QNLI +roberta-base-RTE | natural language inference | sentence pairs (1 premise and 1 hypothesis) | binary(0=entailed/1=not entailed) | https://paperswithcode.com/sota/natural-language-inference-on-rte | https://huggingface.co/textattack/roberta-base-RTE +roberta-base-WNLI | natural language inference | sentence pairs | binary | https://paperswithcode.com/sota/natural-language-inference-on-wnli | https://huggingface.co/textattack/roberta-base-WNLI +xlnet-base-cased-RTE | natural language inference | sentence pairs (1 premise and 1 hypothesis) | binary(0=entailed/1=not entailed) | https://paperswithcode.com/sota/ natural-language-inference-on-rte | https://huggingface.co/textattack/xlnet-base-cased-RTE +xlnet-base-cased-WNLI | natural language inference | sentence pairs | binary | none yet | https://huggingface.co/textattack/xlnet-base-cased-WNLI +albert-base-v2-QQP | paraphase similarity | question pairs | binary (1=similar/0=not similar) | https://paperswithcode.com/sota/question-answering-on-quora-question-pairs | https://huggingface.co/textattack/albert-base-v2-QQP +bert-base-uncased-QQP | paraphase similarity | question pairs | binary (1=similar/0=not similar) | https://paperswithcode.com/sota/question-answering-on-quora-question-pairs | https://huggingface.co/textattack/bert-base-uncased-QQP +distilbert-base-uncased-QNLI | question answering/natural language inference | question/answer pairs | binary (1=unanswerable/ 0=answerable) | https://paperswithcode.com/sota/natural-language-inference-on-qnli | https://huggingface.co/textattack/distilbert-base-uncased-QNLI +distilbert-base-cased-QQP | question answering/paraphase similarity | question pairs | binary (1=similar/ 0=not similar) | https://paperswithcode.com/sota/question-answering-on-quora-question-pairs | https://huggingface.co/textattack/distilbert-base-cased-QQP +albert-base-v2-STS-B | semantic textual similarity | sentence pairs | similarity (0.0 to 5.0) | https://paperswithcode.com/sota/semantic-textual-similarity-on-sts-benchmark | https://huggingface.co/textattack/albert-base-v2-STS-B +bert-base-uncased-MRPC | semantic textual similarity | sentence pairs | binary (1=similar/0=not similar) | none yet | https://huggingface.co/textattack/bert-base-uncased-MRPC +bert-base-uncased-STS-B | semantic textual similarity | sentence pairs | similarity (0.0 to 5.0) | none yet | https://huggingface.co/textattack/bert-base-uncased-STS-B +distilbert-base-cased-MRPC | semantic textual similarity | sentence pairs | binary (1=similar/0=not similar) | https://paperswithcode.com/sota/semantic-textual-similarity-on-mrpc | https://huggingface.co/textattack/distilbert-base-cased-MRPC +distilbert-base-cased-STS-B | semantic textual similarity | sentence pairs | similarity (0.0 to 5.0) | https://paperswithcode.com/sota/semantic-textual-similarity-on-sts-benchmark | https://huggingface.co/textattack/distilbert-base-cased-STS-B +distilbert-base-uncased-MRPC | semantic textual similarity | sentence pairs | binary (1=similar/0=not similar) | https://paperswithcode.com/sota/semantic-textual-similarity-on-mrpc | https://huggingface.co/textattack/distilbert-base-uncased-MRPC +roberta-base-MRPC | semantic textual similarity | sentence pairs | binary (1=similar/0=not similar) | https://paperswithcode.com/sota/semantic-textual-similarity-on-mrpc | https://huggingface.co/textattack/roberta-base-MRPC +roberta-base-STS-B | semantic textual similarity | sentence pairs | similarity (0.0 to 5.0) | https://paperswithcode.com/sota/semantic-textual-similarity-on-sts-benchmark | https://huggingface.co/textattack/roberta-base-STS-B +xlnet-base-cased-MRPC | semantic textual similarity | sentence pairs | binary (1=similar/0=not similar) | https://paperswithcode.com/sota/semantic-textual-similarity-on-mrpc | https://huggingface.co/textattack/xlnet-base-cased-MRPC +xlnet-base-cased-STS-B | semantic textual similarity | sentence pairs | similarity (0.0 to 5.0) | https://paperswithcode.com/sota/semantic-textual-similarity-on-sts-benchmark | https://huggingface.co/textattack/xlnet-base-cased-STS-B +albert-base-v2-imdb | sentiment analysis | movie reviews | binary (1=good/0=bad) | none yet | https://huggingface.co/textattack/albert-base-v2-imdb +albert-base-v2-rotten-tomatoes | sentiment analysis | movie reviews | binary (1=good/0=bad) | none yet | https://huggingface.co/textattack/albert-base-v2-rotten-tomatoes +albert-base-v2-SST-2 | sentiment analysis | phrases | accuracy (0.0000 to 1.0000) | https://paperswithcode.com/sota/sentiment-analysis-on-sst-2-binary | https://huggingface.co/textattack/albert-base-v2-SST-2 +albert-base-v2-yelp-polarity | sentiment analysis | yelp reviews | binary (1=good/0=bad) | none yet | https://huggingface.co/textattack/albert-base-v2-yelp-polarity +bert-base-uncased-imdb | sentiment analysis | movie reviews | binary (1=good/0=bad) | none yet | https://huggingface.co/textattack/bert-base-uncased-imdb +bert-base-uncased-rotten-tomatoes | sentiment analysis | movie reviews | binary (1=good/0=bad) | none yet | https://huggingface.co/textattack/bert-base-uncased-rotten-tomatoes +bert-base-uncased-SST-2 | sentiment analysis | phrases | accuracy (0.0000 to 1.0000) | https://paperswithcode.com/sota/sentiment-analysis-on-sst-2-binary | https://huggingface.co/textattack/bert-base-uncased-SST-2 +bert-base-uncased-yelp-polarity | sentiment analysis | yelp reviews | binary (1=good/0=bad) | https://paperswithcode.com/sota/sentiment-analysis-on-yelp-binary | https://huggingface.co/textattack/bert-base-uncased-yelp-polarity +cnn-imdb | sentiment analysis | movie reviews | binary (1=good/0=bad) | https://paperswithcode.com/sota/sentiment-analysis-on-imdb | none +cnn-mr | sentiment analysis | movie reviews | binary (1=good/0=bad) | none yet | none +cnn-sst2 | sentiment analysis | phrases | accuracy (0.0000 to 1.0000) | https://paperswithcode.com/sota/sentiment-analysis-on-sst-2-binary | none +cnn-yelp | sentiment analysis | yelp reviews | binary (1=good/0=bad) | https://paperswithcode.com/sota/sentiment-analysis-on-yelp-binary | none +distilbert-base-cased-SST-2 | sentiment analysis | phrases | accuracy (0.0000 to 1.0000) | https://paperswithcode.com/sota/sentiment-analysis-on-sst-2-binary | https://huggingface.co/textattack/distilbert-base-cased-SST-2 +distilbert-base-uncased-imdb | sentiment analysis | movie reviews | binary (1=good/0=bad) | https://paperswithcode.com/sota/sentiment-analysis-on-imdb | https://huggingface.co/textattack/distilbert-base-uncased-imdb +distilbert-base-uncased-rotten-tomatoes | sentiment analysis | movie reviews | binary (1=good/0=bad) | none yet | https://huggingface.co/textattack/distilbert-base-uncased-rotten-tomatoes +lstm-imdb | sentiment analysis | movie reviews | binary (1=good/0=bad) | https://paperswithcode.com/sota/sentiment-analysis-on-imdb | none +lstm-mr | sentiment analysis | movie reviews | binary (1=good/0=bad) | none yet | none +lstm-sst2 | sentiment analysis | phrases | accuracy (0.0000 to 1.0000) | none yet | none +lstm-yelp | sentiment analysis | yelp reviews | binary (1=good/0=bad) | none yet | none +roberta-base-imdb | sentiment analysis | movie reviews | binary (1=good/0=bad) | none yet | https://huggingface.co/textattack/roberta-base-imdb +roberta-base-rotten-tomatoes | sentiment analysis | movie reviews | binary (1=good/0=bad) | none yet | https://huggingface.co/textattack/roberta-base-rotten-tomatoes +roberta-base-SST-2 | sentiment analysis | phrases | accuracy (0.0000 to 1.0000) | https://paperswithcode.com/sota/sentiment-analysis-on-sst-2-binary | https://huggingface.co/textattack/roberta-base-SST-2 +xlnet-base-cased-imdb | sentiment analysis | movie reviews | binary (1=good/0=bad) | none yet | https://huggingface.co/textattack/xlnet-base-cased-imdb +xlnet-base-cased-rotten-tomatoes | sentiment analysis | movie reviews | binary (1=good/0=bad) | none yet | https://huggingface.co/textattack/xlnet-base-cased-rotten-tomatoes +albert-base-v2-ag-news | text classification | news articles | news category | none yet | https://huggingface.co/textattack/albert-base-v2-ag-news +bert-base-uncased-ag-news | text classification | news articles | news category | none yet | https://huggingface.co/textattack/bert-base-uncased-ag-news +cnn-ag-news | text classification | news articles | news category | https://paperswithcode.com/sota/text-classification-on-ag-news | none +distilbert-base-uncased-ag-news | text classification | news articles | news category | none yet | https://huggingface.co/textattack/distilbert-base-uncased-ag-news +lstm-ag-news | text classification | news articles | news category | https://paperswithcode.com/sota/text-classification-on-ag-news | none +roberta-base-ag-news | text classification | news articles | news category | none yet | https://huggingface.co/textattack/roberta-base-ag-news + +
diff --git a/textattack/models/__init__.py b/textattack/models/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..c267e7b19b4293c4d64bc6475bbe2b1a1259c7cf --- /dev/null +++ b/textattack/models/__init__.py @@ -0,0 +1,41 @@ +""".. _models: + +Models +========= + +TextAttack can attack any model that takes a list of strings as input and outputs a list of predictions. This is the idea behind *model wrappers*: to help your model conform to this API, we've provided the ``textattack.models.wrappers.ModelWrapper`` abstract class. + +We've also provided implementations of model wrappers for common patterns in some popular machine learning frameworks: + + +Models User-specified +-------------------------- + +TextAttack allows users to provide their own models for testing. Models can be loaded in three ways: + +1. ``--model`` for pre-trained models and models trained with TextAttack +2. ``--model-from-huggingface`` which will attempt to load any model from the ``HuggingFace model hub `` +3. ``--model-from-file`` which will dynamically load a Python file and look for the ``model`` variable + + + +Models Pre-trained +-------------------------- + +TextAttack also provides lots of pre-trained models for common tasks. Testing different attacks on the same model ensures attack comparisons are fair. + +Any of these models can be provided to ``textattack attack`` via ``--model``, for example, ``--model bert-base-uncased-mr``. For a full list of pre-trained models, see the `pre-trained models README `_. + + +Model Wrappers +-------------------------- +TextAttack can attack any model that takes a list of strings as input and outputs a list of predictions. This is the idea behind *model wrappers*: to help your model conform to this API, we've provided the ``textattack.models.wrappers.ModelWrapper`` abstract class. + + +We've also provided implementations of model wrappers for common patterns in some popular machine learning frameworks: including pytorch / sklearn / tensorflow. +""" + + +from . import helpers +from . import tokenizers +from . import wrappers diff --git a/textattack/models/helpers/__init__.py b/textattack/models/helpers/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..74adc8b2d0f7f3c82e38e982e14e1798058b00c2 --- /dev/null +++ b/textattack/models/helpers/__init__.py @@ -0,0 +1,14 @@ +""" +Moderl Helpers +------------------ +""" + + +# Helper stuff, like embeddings. +from . import utils +from .glove_embedding_layer import GloveEmbeddingLayer + +# Helper modules. +from .lstm_for_classification import LSTMForClassification +from .t5_for_text_to_text import T5ForTextToText +from .word_cnn_for_classification import WordCNNForClassification diff --git a/textattack/models/helpers/glove_embedding_layer.py b/textattack/models/helpers/glove_embedding_layer.py new file mode 100644 index 0000000000000000000000000000000000000000..2d1a5083b9ce393318a5244a680e025ebe12d3de --- /dev/null +++ b/textattack/models/helpers/glove_embedding_layer.py @@ -0,0 +1,98 @@ +""" +Glove Embedding +--------------------------------------------------------------------- + +""" + +import os + +import numpy as np +import torch +from torch import nn as nn + +from textattack.shared import logger, utils + + +class EmbeddingLayer(nn.Module): + """A layer of a model that replaces word IDs with their embeddings. + + This is a useful abstraction for any nn.module which wants to take word IDs + (a sequence of text) as input layer but actually manipulate words' + embeddings. + + Requires some pre-trained embedding with associated word IDs. + """ + + def __init__( + self, + n_d=100, + embedding_matrix=None, + word_list=None, + oov="", + pad="", + normalize=True, + ): + super(EmbeddingLayer, self).__init__() + word2id = {} + if embedding_matrix is not None: + for word in word_list: + assert word not in word2id, "Duplicate words in pre-trained embeddings" + word2id[word] = len(word2id) + + logger.debug(f"{len(word2id)} pre-trained word embeddings loaded.\n") + + n_d = len(embedding_matrix[0]) + + if oov not in word2id: + word2id[oov] = len(word2id) + + if pad not in word2id: + word2id[pad] = len(word2id) + + self.word2id = word2id + self.n_V, self.n_d = len(word2id), n_d + self.oovid = word2id[oov] + self.padid = word2id[pad] + self.embedding = nn.Embedding(self.n_V, n_d) + self.embedding.weight.data.uniform_(-0.25, 0.25) + + weight = self.embedding.weight + weight.data[: len(word_list)].copy_(torch.from_numpy(embedding_matrix)) + logger.debug(f"EmbeddingLayer shape: {weight.size()}") + + if normalize: + weight = self.embedding.weight + norms = weight.data.norm(2, 1) + if norms.dim() == 1: + norms = norms.unsqueeze(1) + weight.data.div_(norms.expand_as(weight.data)) + + def forward(self, input): + return self.embedding(input) + + +class GloveEmbeddingLayer(EmbeddingLayer): + """Pre-trained Global Vectors for Word Representation (GLOVE) vectors. Uses + embeddings of dimension 200. + + GloVe is an unsupervised learning algorithm for obtaining vector + representations for words. Training is performed on aggregated global + word-word co-occurrence statistics from a corpus, and the resulting + representations showcase interesting linear substructures of the word + vector space. + + + GloVe: Global Vectors for Word Representation. (Jeffrey Pennington, + Richard Socher, and Christopher D. Manning. 2014.) + """ + + EMBEDDING_PATH = "word_embeddings/glove200" + + def __init__(self, emb_layer_trainable=True): + glove_path = utils.download_from_s3(GloveEmbeddingLayer.EMBEDDING_PATH) + glove_word_list_path = os.path.join(glove_path, "glove.wordlist.npy") + word_list = np.load(glove_word_list_path) + glove_matrix_path = os.path.join(glove_path, "glove.6B.200d.mat.npy") + embedding_matrix = np.load(glove_matrix_path) + super().__init__(embedding_matrix=embedding_matrix, word_list=word_list) + self.embedding.weight.requires_grad = emb_layer_trainable diff --git a/textattack/models/helpers/lstm_for_classification.py b/textattack/models/helpers/lstm_for_classification.py new file mode 100644 index 0000000000000000000000000000000000000000..8e2f32a0c7752d9e70b9bcda5840a65109d5fa48 --- /dev/null +++ b/textattack/models/helpers/lstm_for_classification.py @@ -0,0 +1,152 @@ +""" +LSTM 4 Classification +--------------------------------------------------------------------- + +""" +import json +import os + +import torch +from torch import nn as nn + +import textattack +from textattack.model_args import TEXTATTACK_MODELS +from textattack.models.helpers import GloveEmbeddingLayer +from textattack.models.helpers.utils import load_cached_state_dict +from textattack.shared import utils + + +class LSTMForClassification(nn.Module): + """A long short-term memory neural network for text classification. + + We use different versions of this network to pretrain models for + text classification. + """ + + def __init__( + self, + hidden_size=150, + depth=1, + dropout=0.3, + num_labels=2, + max_seq_length=128, + model_path=None, + emb_layer_trainable=True, + ): + super().__init__() + self._config = { + "architectures": "LSTMForClassification", + "hidden_size": hidden_size, + "depth": depth, + "dropout": dropout, + "num_labels": num_labels, + "max_seq_length": max_seq_length, + "model_path": model_path, + "emb_layer_trainable": emb_layer_trainable, + } + if depth <= 1: + # Fix error where we ask for non-zero dropout with only 1 layer. + # nn.module.RNN won't add dropout for the last recurrent layer, + # so if that's all we have, this will display a warning. + dropout = 0 + self.drop = nn.Dropout(dropout) + self.emb_layer_trainable = emb_layer_trainable + self.emb_layer = GloveEmbeddingLayer(emb_layer_trainable=emb_layer_trainable) + self.word2id = self.emb_layer.word2id + self.encoder = nn.LSTM( + input_size=self.emb_layer.n_d, + hidden_size=hidden_size // 2, + num_layers=depth, + dropout=dropout, + bidirectional=True, + ) + d_out = hidden_size + self.out = nn.Linear(d_out, num_labels) + self.tokenizer = textattack.models.tokenizers.GloveTokenizer( + word_id_map=self.word2id, + unk_token_id=self.emb_layer.oovid, + pad_token_id=self.emb_layer.padid, + max_length=max_seq_length, + ) + + if model_path is not None: + self.load_from_disk(model_path) + self.eval() + + def load_from_disk(self, model_path): + # TODO: Consider removing this in the future as well as loading via `model_path` in `__init__`. + import warnings + + warnings.warn( + "`load_from_disk` method is deprecated. Please save and load using `save_pretrained` and `from_pretrained` methods.", + DeprecationWarning, + stacklevel=2, + ) + self.load_state_dict(load_cached_state_dict(model_path)) + self.eval() + + def save_pretrained(self, output_path): + if not os.path.exists(output_path): + os.makedirs(output_path) + state_dict = {k: v.cpu() for k, v in self.state_dict().items()} + torch.save( + state_dict, + os.path.join(output_path, "pytorch_model.bin"), + ) + with open(os.path.join(output_path, "config.json"), "w") as f: + json.dump(self._config, f) + + @classmethod + def from_pretrained(cls, name_or_path): + """Load trained LSTM model by name or from path. + + Args: + name_or_path (:obj:`str`): Name of the model (e.g. "lstm-imdb") or model saved via :meth:`save_pretrained`. + Returns: + :class:`~textattack.models.helpers.LSTMForClassification` model + """ + if name_or_path in TEXTATTACK_MODELS: + # path = utils.download_if_needed(TEXTATTACK_MODELS[name_or_path]) + path = utils.download_from_s3(TEXTATTACK_MODELS[name_or_path]) + else: + path = name_or_path + + config_path = os.path.join(path, "config.json") + + if os.path.exists(config_path): + with open(config_path, "r") as f: + config = json.load(f) + else: + # Default config + config = { + "architectures": "LSTMForClassification", + "hidden_size": 150, + "depth": 1, + "dropout": 0.3, + "num_labels": 2, + "max_seq_length": 128, + "model_path": None, + "emb_layer_trainable": True, + } + del config["architectures"] + model = cls(**config) + state_dict = load_cached_state_dict(path) + model.load_state_dict(state_dict) + return model + + def forward(self, _input): + # ensure RNN module weights are part of single contiguous chunk of memory + self.encoder.flatten_parameters() + + emb = self.emb_layer(_input.t()) + emb = self.drop(emb) + + output, hidden = self.encoder(emb) + output = torch.max(output, dim=0)[0] + + output = self.drop(output) + pred = self.out(output) + return pred + + def get_input_embeddings(self): + return self.emb_layer.embedding diff --git a/textattack/models/helpers/t5_for_text_to_text.py b/textattack/models/helpers/t5_for_text_to_text.py new file mode 100644 index 0000000000000000000000000000000000000000..e6df4df7963215467a71889cc75ea6fdd4d5917b --- /dev/null +++ b/textattack/models/helpers/t5_for_text_to_text.py @@ -0,0 +1,108 @@ +""" +T5 model trained to generate text from text +--------------------------------------------------------------------- + +""" +import json +import os + +import torch +import transformers + +from textattack.model_args import TEXTATTACK_MODELS +from textattack.models.tokenizers import T5Tokenizer + + +class T5ForTextToText(torch.nn.Module): + """A T5 model trained to generate text from text. + + For more information, please see the T5 paper, "Exploring the Limits of + Transfer Learning with a Unified Text-to-Text Transformer". + Appendix D contains information about the various tasks supported + by T5. + + For usage information, see HuggingFace Transformers documentation section + on text-to-text with T5: + https://huggingface.co/transformers/usage.html. + + Args: + mode (string): Name of the T5 model to use. + output_max_length (int): The max length of the sequence to be generated. + Between 1 and infinity. + input_max_length (int): Max length of the input sequence. + num_beams (int): Number of beams for beam search. Must be between 1 and + infinity. 1 means no beam search. + early_stopping (bool): if set to `True` beam search is stopped when at + least `num_beams` sentences finished per batch. Defaults to `True`. + """ + + def __init__( + self, + mode="english_to_german", + output_max_length=20, + input_max_length=64, + num_beams=1, + early_stopping=True, + ): + super().__init__() + self.model = transformers.T5ForConditionalGeneration.from_pretrained("t5-base") + self.model.eval() + self.tokenizer = T5Tokenizer(mode, max_length=output_max_length) + self.mode = mode + self.output_max_length = output_max_length + self.input_max_length = input_max_length + self.num_beams = num_beams + self.early_stopping = early_stopping + + def __call__(self, *args, **kwargs): + # Generate IDs from the model. + output_ids_list = self.model.generate( + *args, + **kwargs, + max_length=self.output_max_length, + num_beams=self.num_beams, + early_stopping=self.early_stopping, + ) + # Convert ID tensor to string and return. + return [self.tokenizer.decode(ids) for ids in output_ids_list] + + def save_pretrained(self, output_dir): + if not os.path.exists(output_dir): + os.makedirs(output_dir) + config = { + "mode": self.mode, + "output_max_length": self.output_max_length, + "input_max_length": self.input_max_length, + "num_beams": self.num_beams, + "early_stoppping": self.early_stopping, + } + # We don't save it as `config.json` b/c that name conflicts with HuggingFace's `config.json`. + with open(os.path.join(output_dir, "t5-wrapper-config.json"), "w") as f: + json.dump(config, f) + self.model.save_pretrained(output_dir) + + @classmethod + def from_pretrained(cls, name_or_path): + """Load trained LSTM model by name or from path. + + Args: + name_or_path (str): Name of the model (e.g. "t5-en-de") or model saved via `save_pretrained`. + """ + if name_or_path in TEXTATTACK_MODELS: + t5 = cls(TEXTATTACK_MODELS[name_or_path]) + return t5 + else: + config_path = os.path.join(name_or_path, "t5-wrapper-config.json") + with open(config_path, "r") as f: + config = json.load(f) + t5 = cls.__new__(cls) + for key in config: + setattr(t5, key, config[key]) + t5.model = transformers.T5ForConditionalGeneration.from_pretrained( + name_or_path + ) + t5.tokenizer = T5Tokenizer(t5.mode, max_length=t5.output_max_length) + return t5 + + def get_input_embeddings(self): + return self.model.get_input_embeddings() diff --git a/textattack/models/helpers/utils.py b/textattack/models/helpers/utils.py new file mode 100644 index 0000000000000000000000000000000000000000..445872a6683a869632019ac1dfd5844a83497acd --- /dev/null +++ b/textattack/models/helpers/utils.py @@ -0,0 +1,23 @@ +""" +Util function for Model Wrapper +--------------------------------------------------------------------- + +""" + + +import glob +import os + +import torch + + +def load_cached_state_dict(model_folder_path): + # Take the first model matching the pattern *model.bin. + model_path_list = glob.glob(os.path.join(model_folder_path, "*model.bin")) + if not model_path_list: + raise FileNotFoundError( + f"model.bin not found in model folder {model_folder_path}." + ) + model_path = model_path_list[0] + state_dict = torch.load(model_path, map_location=torch.device("cpu")) + return state_dict diff --git a/textattack/models/helpers/word_cnn_for_classification.py b/textattack/models/helpers/word_cnn_for_classification.py new file mode 100644 index 0000000000000000000000000000000000000000..d015f9dd791e7bf58c5b283c02e22adcba984fcb --- /dev/null +++ b/textattack/models/helpers/word_cnn_for_classification.py @@ -0,0 +1,150 @@ +""" +Word CNN for Classification +--------------------------------------------------------------------- + +""" +import json +import os + +import torch +from torch import nn as nn +from torch.nn import functional as F + +import textattack +from textattack.model_args import TEXTATTACK_MODELS +from textattack.models.helpers import GloveEmbeddingLayer +from textattack.models.helpers.utils import load_cached_state_dict +from textattack.shared import utils + + +class WordCNNForClassification(nn.Module): + """A convolutional neural network for text classification. + + We use different versions of this network to pretrain models for + text classification. + """ + + def __init__( + self, + hidden_size=150, + dropout=0.3, + num_labels=2, + max_seq_length=128, + model_path=None, + emb_layer_trainable=True, + ): + super().__init__() + self._config = { + "architectures": "WordCNNForClassification", + "hidden_size": hidden_size, + "dropout": dropout, + "num_labels": num_labels, + "max_seq_length": max_seq_length, + "model_path": model_path, + "emb_layer_trainable": emb_layer_trainable, + } + self.drop = nn.Dropout(dropout) + self.emb_layer = GloveEmbeddingLayer(emb_layer_trainable=emb_layer_trainable) + self.word2id = self.emb_layer.word2id + self.encoder = CNNTextLayer( + self.emb_layer.n_d, widths=[3, 4, 5], filters=hidden_size + ) + d_out = 3 * hidden_size + self.out = nn.Linear(d_out, num_labels) + self.tokenizer = textattack.models.tokenizers.GloveTokenizer( + word_id_map=self.word2id, + unk_token_id=self.emb_layer.oovid, + pad_token_id=self.emb_layer.padid, + max_length=max_seq_length, + ) + + if model_path is not None: + self.load_from_disk(model_path) + self.eval() + + def load_from_disk(self, model_path): + # TODO: Consider removing this in the future as well as loading via `model_path` in `__init__`. + import warnings + + warnings.warn( + "`load_from_disk` method is deprecated. Please save and load using `save_pretrained` and `from_pretrained` methods.", + DeprecationWarning, + stacklevel=2, + ) + self.load_state_dict(load_cached_state_dict(model_path)) + self.eval() + + def save_pretrained(self, output_path): + if not os.path.exists(output_path): + os.makedirs(output_path) + state_dict = {k: v.cpu() for k, v in self.state_dict().items()} + torch.save(state_dict, os.path.join(output_path, "pytorch_model.bin")) + with open(os.path.join(output_path, "config.json"), "w") as f: + json.dump(self._config, f) + + @classmethod + def from_pretrained(cls, name_or_path): + """Load trained Word CNN model by name or from path. + + Args: + name_or_path (:obj:`str`): Name of the model (e.g. "cnn-imdb") or model saved via :meth:`save_pretrained`. + Returns: + :class:`~textattack.models.helpers.WordCNNForClassification` model + """ + if name_or_path in TEXTATTACK_MODELS: + path = utils.download_from_s3(TEXTATTACK_MODELS[name_or_path]) + else: + path = name_or_path + + config_path = os.path.join(path, "config.json") + + if os.path.exists(config_path): + with open(config_path, "r") as f: + config = json.load(f) + else: + # Default config + config = { + "architectures": "WordCNNForClassification", + "hidden_size": 150, + "dropout": 0.3, + "num_labels": 2, + "max_seq_length": 128, + "model_path": None, + "emb_layer_trainable": True, + } + del config["architectures"] + model = cls(**config) + state_dict = load_cached_state_dict(path) + model.load_state_dict(state_dict) + return model + + def forward(self, _input): + emb = self.emb_layer(_input) + emb = self.drop(emb) + + output = self.encoder(emb) + + output = self.drop(output) + pred = self.out(output) + return pred + + def get_input_embeddings(self): + return self.emb_layer.embedding + + +class CNNTextLayer(nn.Module): + def __init__(self, n_in, widths=[3, 4, 5], filters=100): + super().__init__() + Ci = 1 + Co = filters + h = n_in + self.convs1 = nn.ModuleList([nn.Conv2d(Ci, Co, (w, h)) for w in widths]) + + def forward(self, x): + x = x.unsqueeze(1) # (batch, Ci, len, d) + x = [ + F.relu(conv(x)).squeeze(3) for conv in self.convs1 + ] # [(batch, Co, len), ...] + x = [F.max_pool1d(i, i.size(2)).squeeze(2) for i in x] # [(N,Co), ...] + x = torch.cat(x, 1) + return x diff --git a/textattack/models/tokenizers/__init__.py b/textattack/models/tokenizers/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..5c5cba32943e5e87287413c5e99f35d588443f20 --- /dev/null +++ b/textattack/models/tokenizers/__init__.py @@ -0,0 +1,8 @@ +""" +Tokenizers for Model Wrapper +------------------------------- +""" + + +from .glove_tokenizer import GloveTokenizer +from .t5_tokenizer import T5Tokenizer diff --git a/textattack/models/tokenizers/glove_tokenizer.py b/textattack/models/tokenizers/glove_tokenizer.py new file mode 100644 index 0000000000000000000000000000000000000000..6deb616fa4889ffdc8e36d8d6d2f901d5050ef87 --- /dev/null +++ b/textattack/models/tokenizers/glove_tokenizer.py @@ -0,0 +1,171 @@ +""" +Glove Tokenizer +--------------------------------------------------------------------- + +""" + + +import json +import tempfile + +import tokenizers as hf_tokenizers + + +class WordLevelTokenizer(hf_tokenizers.implementations.BaseTokenizer): + """WordLevelTokenizer. + + Represents a simple word level tokenization using the internals of BERT's + tokenizer. + + Based off the `tokenizers` BertWordPieceTokenizer (https://github.com/huggingface/tokenizers/blob/704cf3fdd2f607ead58a561b892b510b49c301db/bindings/python/tokenizers/implementations/bert_wordpiece.py). + """ + + def __init__( + self, + word_id_map={}, + pad_token_id=None, + unk_token_id=None, + unk_token="[UNK]", + sep_token="[SEP]", + cls_token="[CLS]", + pad_token="[PAD]", + lowercase: bool = False, + unicode_normalizer=None, + ): + if pad_token_id: + word_id_map[pad_token] = pad_token_id + if unk_token_id: + word_id_map[unk_token] = unk_token_id + max_id = max(word_id_map.values()) + for idx, token in enumerate((unk_token, sep_token, cls_token, pad_token)): + if token not in word_id_map: + word_id_map[token] = max_id + idx + # HuggingFace tokenizer expects a path to a `*.json` file to read the + # vocab from. I think this is kind of a silly constraint, but for now + # we write the vocab to a temporary file before initialization. + word_list_file = tempfile.NamedTemporaryFile() + word_list_file.write(json.dumps(word_id_map).encode()) + + word_level = hf_tokenizers.models.WordLevel.from_file( + word_list_file.name, unk_token=str(unk_token) + ) + tokenizer = hf_tokenizers.Tokenizer(word_level) + + # Let the tokenizer know about special tokens if they are part of the vocab + if tokenizer.token_to_id(str(unk_token)) is not None: + tokenizer.add_special_tokens([str(unk_token)]) + if tokenizer.token_to_id(str(sep_token)) is not None: + tokenizer.add_special_tokens([str(sep_token)]) + if tokenizer.token_to_id(str(cls_token)) is not None: + tokenizer.add_special_tokens([str(cls_token)]) + if tokenizer.token_to_id(str(pad_token)) is not None: + tokenizer.add_special_tokens([str(pad_token)]) + + # Check for Unicode normalization first (before everything else) + normalizers = [] + + if unicode_normalizer: + normalizers += [ + hf_tokenizers.normalizers.unicode_normalizer_from_str( + unicode_normalizer + ) + ] + + if lowercase: + normalizers += [hf_tokenizers.normalizers.Lowercase()] + + # Create the normalizer structure + if len(normalizers) > 0: + if len(normalizers) > 1: + tokenizer.normalizer = hf_tokenizers.normalizers.Sequence(normalizers) + else: + tokenizer.normalizer = normalizers[0] + + tokenizer.pre_tokenizer = hf_tokenizers.pre_tokenizers.WhitespaceSplit() + + sep_token_id = tokenizer.token_to_id(str(sep_token)) + if sep_token_id is None: + raise TypeError("sep_token not found in the vocabulary") + cls_token_id = tokenizer.token_to_id(str(cls_token)) + if cls_token_id is None: + raise TypeError("cls_token not found in the vocabulary") + + tokenizer.post_processor = hf_tokenizers.processors.BertProcessing( + (str(sep_token), sep_token_id), (str(cls_token), cls_token_id) + ) + + parameters = { + "model": "WordLevel", + "unk_token": unk_token, + "sep_token": sep_token, + "cls_token": cls_token, + "pad_token": pad_token, + "lowercase": lowercase, + "unicode_normalizer": unicode_normalizer, + } + + self.unk_token = unk_token + self.pad_token = pad_token + + super().__init__(tokenizer, parameters) + + +class GloveTokenizer(WordLevelTokenizer): + """A word-level tokenizer with GloVe 200-dimensional vectors. + + Lowercased, since GloVe vectors are lowercased. + """ + + def __init__( + self, word_id_map={}, pad_token_id=None, unk_token_id=None, max_length=256 + ): + super().__init__( + word_id_map=word_id_map, + unk_token_id=unk_token_id, + pad_token_id=pad_token_id, + lowercase=True, + ) + self.pad_token_id = pad_token_id + self.oov_token_id = unk_token_id + self.convert_id_to_word = self.id_to_token + self.model_max_length = max_length + # Set defaults. + self.enable_padding(length=max_length, pad_id=pad_token_id) + self.enable_truncation(max_length=max_length) + + def _process_text(self, text_input): + """A text input may be a single-input tuple (text,) or multi-input + tuple (text, text, ...). + + In the single-input case, unroll the tuple. In the multi-input + case, raise an error. + """ + if isinstance(text_input, tuple): + if len(text_input) > 1: + raise ValueError( + "Cannot use `GloveTokenizer` to encode multiple inputs" + ) + text_input = text_input[0] + return text_input + + def encode(self, text): + text = self._process_text(text) + return super().encode(text, add_special_tokens=False).ids + + def batch_encode(self, input_text_list): + """The batch equivalent of ``encode``.""" + input_text_list = list(map(self._process_text, input_text_list)) + encodings = self.encode_batch( + input_text_list, + add_special_tokens=False, + ) + return [x.ids for x in encodings] + + def __call__(self, input_texts): + if isinstance(input_texts, list): + return self.batch_encode(input_texts) + else: + return self.encode(input_texts) + + def convert_ids_to_tokens(self, ids): + return [self.convert_id_to_word(_id) for _id in ids] diff --git a/textattack/models/tokenizers/t5_tokenizer.py b/textattack/models/tokenizers/t5_tokenizer.py new file mode 100644 index 0000000000000000000000000000000000000000..a252e9134abe3c4f3400bea039d38848332a7fd9 --- /dev/null +++ b/textattack/models/tokenizers/t5_tokenizer.py @@ -0,0 +1,62 @@ +""" +T5 Tokenizer +--------------------------------------------------------------------- + +""" + +import transformers + + +class T5Tokenizer: + """Uses the T5 tokenizer to convert an input for processing. + + For more information, please see the T5 paper, "Exploring the Limits of + Transfer Learning with a Unified Text-to-Text Transformer". + Appendix D contains information about the various tasks supported + by T5. + + Supports the following modes: + + * summarization: summarize English text + * english_to_german: translate English to German + * english_to_french: translate English to French + * english_to_romanian: translate English to Romanian + """ + + def __init__(self, mode="english_to_german", max_length=64): + if mode == "english_to_german": + self.tokenization_prefix = "translate English to German: " + elif mode == "english_to_french": + self.tokenization_prefix = "translate English to French: " + elif mode == "english_to_romanian": + self.tokenization_prefix = "translate English to Romanian: " + elif mode == "summarization": + self.tokenization_prefix = "summarize: " + else: + raise ValueError(f"Invalid t5 tokenizer mode {mode}.") + + self.tokenizer = transformers.AutoTokenizer.from_pretrained( + "t5-base", use_fast=True + ) + self.max_length = max_length + + def __call__(self, text, *args, **kwargs): + """ + Args: + text (:obj:`str`, :obj:`List[str]`): + The sequence or batch of sequences to be encoded. Each sequence can be a string or a list of strings. + """ + assert isinstance(text, str) or ( + isinstance(text, (list, tuple)) + and (len(text) == 0 or isinstance(text[0], str)) + ), "`text` must be a string or a list of strings." + if isinstance(text, str): + text = self.tokenization_prefix + text + else: + for i in range(len(text)): + text[i] = self.tokenization_prefix + text[i] + return self.tokenizer(text, *args, max_length=self.max_length, **kwargs) + + def decode(self, ids): + """Converts IDs (typically generated by the model) back to a string.""" + return self.tokenizer.decode(ids) diff --git a/textattack/models/wrappers/__init__.py b/textattack/models/wrappers/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..b1c96a861de5985dadb07369a569e09f11ec7d90 --- /dev/null +++ b/textattack/models/wrappers/__init__.py @@ -0,0 +1,16 @@ +""" +Model Wrappers Package +-------------------------- +TextAttack can attack any model that takes a list of strings as input and outputs a list of predictions. This is the idea behind *model wrappers*: to help your model conform to this API, we've provided the ``textattack.models.wrappers.ModelWrapper`` abstract class. + + +We've also provided implementations of model wrappers for common patterns in some popular machine learning frameworks: + +""" + +from .model_wrapper import ModelWrapper + +from .huggingface_model_wrapper import HuggingFaceModelWrapper +from .pytorch_model_wrapper import PyTorchModelWrapper +from .sklearn_model_wrapper import SklearnModelWrapper +from .tensorflow_model_wrapper import TensorFlowModelWrapper diff --git a/textattack/models/wrappers/demo_model_wrapper.py b/textattack/models/wrappers/demo_model_wrapper.py new file mode 100644 index 0000000000000000000000000000000000000000..4d042b349347a9cda5ffa06e336c1d438ba5ea4d --- /dev/null +++ b/textattack/models/wrappers/demo_model_wrapper.py @@ -0,0 +1,24 @@ +from textattack.models.wrappers import HuggingFaceModelWrapper + + +class TADModelWrapper(HuggingFaceModelWrapper): + """ Transformers sentiment analysis pipeline returns a list of responses + like + + [{'label': 'POSITIVE', 'score': 0.7817379832267761}] + + We need to convert that to a format TextAttack understands, like + + [[0.218262017, 0.7817379832267761] + """ + + def __init__(self, model): + self.model = model # pipeline = pipeline + + def __call__(self, text_inputs, **kwargs): + outputs = [] + for text_input in text_inputs: + raw_outputs = self.model.infer(text_input, print_result=False, **kwargs) + outputs.append(raw_outputs['probs']) + + return outputs diff --git a/textattack/models/wrappers/huggingface_model_wrapper.py b/textattack/models/wrappers/huggingface_model_wrapper.py new file mode 100644 index 0000000000000000000000000000000000000000..1ab783268fada96b9ab85499e9519d43ece7ca9d --- /dev/null +++ b/textattack/models/wrappers/huggingface_model_wrapper.py @@ -0,0 +1,146 @@ +""" +HuggingFace Model Wrapper +-------------------------- +""" + +import torch +import transformers + +import textattack +from textattack.models.helpers import T5ForTextToText +from textattack.models.tokenizers import T5Tokenizer + +from .pytorch_model_wrapper import PyTorchModelWrapper + +torch.cuda.empty_cache() + + +class HuggingFaceModelWrapper(PyTorchModelWrapper): + """Loads a HuggingFace ``transformers`` model and tokenizer.""" + + def __init__(self, model, tokenizer): + assert isinstance( + model, (transformers.PreTrainedModel, T5ForTextToText) + ), f"`model` must be of type `transformers.PreTrainedModel`, but got type {type(model)}." + assert isinstance( + tokenizer, + ( + transformers.PreTrainedTokenizer, + transformers.PreTrainedTokenizerFast, + T5Tokenizer, + ), + ), f"`tokenizer` must of type `transformers.PreTrainedTokenizer` or `transformers.PreTrainedTokenizerFast`, but got type {type(tokenizer)}." + + self.model = model + self.tokenizer = tokenizer + + def __call__(self, text_input_list): + """Passes inputs to HuggingFace models as keyword arguments. + + (Regular PyTorch ``nn.Module`` models typically take inputs as + positional arguments.) + """ + # Default max length is set to be int(1e30), so we force 512 to enable batching. + max_length = ( + 512 + if self.tokenizer.model_max_length == int(1e30) + else self.tokenizer.model_max_length + ) + inputs_dict = self.tokenizer( + text_input_list, + add_special_tokens=True, + padding="max_length", + max_length=max_length, + truncation=True, + return_tensors="pt", + ) + model_device = next(self.model.parameters()).device + inputs_dict.to(model_device) + + with torch.no_grad(): + outputs = self.model(**inputs_dict) + + if isinstance(outputs[0], str): + # HuggingFace sequence-to-sequence models return a list of + # string predictions as output. In this case, return the full + # list of outputs. + return outputs + else: + # HuggingFace classification models return a tuple as output + # where the first item in the tuple corresponds to the list of + # scores for each input. + return outputs.logits + + def get_grad(self, text_input): + """Get gradient of loss with respect to input tokens. + + Args: + text_input (str): input string + Returns: + Dict of ids, tokens, and gradient as numpy array. + """ + if isinstance(self.model, textattack.models.helpers.T5ForTextToText): + raise NotImplementedError( + "`get_grads` for T5FotTextToText has not been implemented yet." + ) + + self.model.train() + embedding_layer = self.model.get_input_embeddings() + original_state = embedding_layer.weight.requires_grad + embedding_layer.weight.requires_grad = True + + emb_grads = [] + + def grad_hook(module, grad_in, grad_out): + emb_grads.append(grad_out[0]) + + emb_hook = embedding_layer.register_backward_hook(grad_hook) + + self.model.zero_grad() + model_device = next(self.model.parameters()).device + input_dict = self.tokenizer( + [text_input], + add_special_tokens=True, + return_tensors="pt", + padding="max_length", + truncation=True, + ) + input_dict.to(model_device) + predictions = self.model(**input_dict).logits + + try: + labels = predictions.argmax(dim=1) + loss = self.model(**input_dict, labels=labels)[0] + except TypeError: + raise TypeError( + f"{type(self.model)} class does not take in `labels` to calculate loss. " + "One cause for this might be if you instantiatedyour model using `transformer.AutoModel` " + "(instead of `transformers.AutoModelForSequenceClassification`)." + ) + + loss.backward() + + # grad w.r.t to word embeddings + grad = emb_grads[0][0].cpu().numpy() + + embedding_layer.weight.requires_grad = original_state + emb_hook.remove() + self.model.eval() + + output = {"ids": input_dict["input_ids"], "gradient": grad} + + return output + + def _tokenize(self, inputs): + """Helper method that for `tokenize` + Args: + inputs (list[str]): list of input strings + Returns: + tokens (list[list[str]]): List of list of tokens as strings + """ + return [ + self.tokenizer.convert_ids_to_tokens( + self.tokenizer([x], truncation=True)["input_ids"][0] + ) + for x in inputs + ] diff --git a/textattack/models/wrappers/model_wrapper.py b/textattack/models/wrappers/model_wrapper.py new file mode 100644 index 0000000000000000000000000000000000000000..c9441946332923203288a3a21424f9e62d161c3a --- /dev/null +++ b/textattack/models/wrappers/model_wrapper.py @@ -0,0 +1,53 @@ +""" +ModelWrapper class +-------------------------- + +""" + +from abc import ABC, abstractmethod + + +class ModelWrapper(ABC): + """A model wrapper queries a model with a list of text inputs. + + Classification-based models return a list of lists, where each sublist + represents the model's scores for a given input. + + Text-to-text models return a list of strings, where each string is the + output – like a translation or summarization – for a given input. + """ + + @abstractmethod + def __call__(self, text_input_list, **kwargs): + raise NotImplementedError() + + def get_grad(self, text_input): + """Get gradient of loss with respect to input tokens.""" + raise NotImplementedError() + + def _tokenize(self, inputs): + """Helper method for `tokenize`""" + raise NotImplementedError() + + def tokenize(self, inputs, strip_prefix=False): + """Helper method that tokenizes input strings + Args: + inputs (list[str]): list of input strings + strip_prefix (bool): If `True`, we strip auxiliary characters added to tokens as prefixes (e.g. "##" for BERT, "Ġ" for RoBERTa) + Returns: + tokens (list[list[str]]): List of list of tokens as strings + """ + tokens = self._tokenize(inputs) + if strip_prefix: + # `aux_chars` are known auxiliary characters that are added to tokens + strip_chars = ["##", "Ġ", "__"] + # TODO: Find a better way to identify prefixes. These depend on the model, so cannot be resolved in ModelWrapper. + + def strip(s, chars): + for c in chars: + s = s.replace(c, "") + return s + + tokens = [[strip(t, strip_chars) for t in x] for x in tokens] + + return tokens diff --git a/textattack/models/wrappers/pytorch_model_wrapper.py b/textattack/models/wrappers/pytorch_model_wrapper.py new file mode 100644 index 0000000000000000000000000000000000000000..054f8e336b8d1747ce6d4e80f633533cc2577074 --- /dev/null +++ b/textattack/models/wrappers/pytorch_model_wrapper.py @@ -0,0 +1,118 @@ +""" +PyTorch Model Wrapper +-------------------------- +""" + + +import torch +from torch.nn import CrossEntropyLoss + +import textattack + +from .model_wrapper import ModelWrapper + +torch.cuda.empty_cache() + + +class PyTorchModelWrapper(ModelWrapper): + """Loads a PyTorch model (`nn.Module`) and tokenizer. + + Args: + model (torch.nn.Module): PyTorch model + tokenizer: tokenizer whose output can be packed as a tensor and passed to the model. + No type requirement, but most have `tokenizer` method that accepts list of strings. + """ + + def __init__(self, model, tokenizer): + if not isinstance(model, torch.nn.Module): + raise TypeError( + f"PyTorch model must be torch.nn.Module, got type {type(model)}" + ) + + self.model = model + self.tokenizer = tokenizer + + def to(self, device): + self.model.to(device) + + def __call__(self, text_input_list, batch_size=32): + model_device = next(self.model.parameters()).device + ids = self.tokenizer(text_input_list) + ids = torch.tensor(ids).to(model_device) + + with torch.no_grad(): + outputs = textattack.shared.utils.batch_model_predict( + self.model, ids, batch_size=batch_size + ) + + return outputs + + def get_grad(self, text_input, loss_fn=CrossEntropyLoss()): + """Get gradient of loss with respect to input tokens. + + Args: + text_input (str): input string + loss_fn (torch.nn.Module): loss function. Default is `torch.nn.CrossEntropyLoss` + Returns: + Dict of ids, tokens, and gradient as numpy array. + """ + + if not hasattr(self.model, "get_input_embeddings"): + raise AttributeError( + f"{type(self.model)} must have method `get_input_embeddings` that returns `torch.nn.Embedding` object that represents input embedding layer" + ) + if not isinstance(loss_fn, torch.nn.Module): + raise ValueError("Loss function must be of type `torch.nn.Module`.") + + self.model.train() + + embedding_layer = self.model.get_input_embeddings() + original_state = embedding_layer.weight.requires_grad + embedding_layer.weight.requires_grad = True + + emb_grads = [] + + def grad_hook(module, grad_in, grad_out): + emb_grads.append(grad_out[0]) + + emb_hook = embedding_layer.register_backward_hook(grad_hook) + + self.model.zero_grad() + model_device = next(self.model.parameters()).device + ids = self.tokenizer([text_input]) + ids = torch.tensor(ids).to(model_device) + + predictions = self.model(ids) + + output = predictions.argmax(dim=1) + loss = loss_fn(predictions, output) + loss.backward() + + # grad w.r.t to word embeddings + + # Fix for Issue #601 + + # Check if gradient has shape [max_sequence,1,_] ( when model input in transpose of input sequence) + + if emb_grads[0].shape[1] == 1: + grad = torch.transpose(emb_grads[0], 0, 1)[0].cpu().numpy() + else: + # gradient has shape [1,max_sequence,_] + grad = emb_grads[0][0].cpu().numpy() + + embedding_layer.weight.requires_grad = original_state + emb_hook.remove() + self.model.eval() + + output = {"ids": ids[0].tolist(), "gradient": grad} + + return output + + def _tokenize(self, inputs): + """Helper method that for `tokenize` + Args: + inputs (list[str]): list of input strings + Returns: + tokens (list[list[str]]): List of list of tokens as strings + """ + return [self.tokenizer.convert_ids_to_tokens(self.tokenizer(x)) for x in inputs] diff --git a/textattack/models/wrappers/sklearn_model_wrapper.py b/textattack/models/wrappers/sklearn_model_wrapper.py new file mode 100644 index 0000000000000000000000000000000000000000..728e02ac742fc9caa6432ea385176b438287395c --- /dev/null +++ b/textattack/models/wrappers/sklearn_model_wrapper.py @@ -0,0 +1,32 @@ +""" +scikit-learn Model Wrapper +-------------------------- +""" + + +import pandas as pd + +from .model_wrapper import ModelWrapper + + +class SklearnModelWrapper(ModelWrapper): + """Loads a scikit-learn model and tokenizer (tokenizer implements + `transform` and model implements `predict_proba`). + + May need to be extended and modified for different types of + tokenizers. + """ + + def __init__(self, model, tokenizer): + self.model = model + self.tokenizer = tokenizer + + def __call__(self, text_input_list, batch_size=None): + encoded_text_matrix = self.tokenizer.transform(text_input_list).toarray() + tokenized_text_df = pd.DataFrame( + encoded_text_matrix, columns=self.tokenizer.get_feature_names() + ) + return self.model.predict_proba(tokenized_text_df) + + def get_grad(self, text_input): + raise NotImplementedError() diff --git a/textattack/models/wrappers/tensorflow_model_wrapper.py b/textattack/models/wrappers/tensorflow_model_wrapper.py new file mode 100644 index 0000000000000000000000000000000000000000..25d0a2b57d5755c191d7c8a83b685706b9e3c641 --- /dev/null +++ b/textattack/models/wrappers/tensorflow_model_wrapper.py @@ -0,0 +1,32 @@ +""" +TensorFlow Model Wrapper +-------------------------- +""" + + +import numpy as np + +from .model_wrapper import ModelWrapper + + +class TensorFlowModelWrapper(ModelWrapper): + """Loads a TensorFlow model and tokenizer. + + TensorFlow models can use many different architectures and + tokenization strategies. This assumes that the model takes an + np.array of strings as input and returns a tf.Tensor of outputs, as + is typical with Keras modules. You may need to subclass this for + models that have dedicated tokenizers or otherwise take input + differently. + """ + + def __init__(self, model): + self.model = model + + def __call__(self, text_input_list, **kwargs): + text_array = np.array(text_input_list) + preds = self.model(text_array) + return preds.numpy() + + def get_grad(self, text_input): + raise NotImplementedError() diff --git a/textattack/reactive_defense/reactive_defender.py b/textattack/reactive_defense/reactive_defender.py new file mode 100644 index 0000000000000000000000000000000000000000..5b2ebc6bbca25073d487322fc9c4334363753d51 --- /dev/null +++ b/textattack/reactive_defense/reactive_defender.py @@ -0,0 +1,12 @@ +from abc import ABC, abstractmethod + +from textattack.shared.utils import ReprMixin + + +class ReactiveDefender(ReprMixin, ABC): + + def __init__(self, **kwargs): + pass + + def reactive_defense(self, **kwargs): + pass diff --git a/textattack/reactive_defense/tad_reactive_defender.py b/textattack/reactive_defense/tad_reactive_defender.py new file mode 100644 index 0000000000000000000000000000000000000000..a732e764c918937d4913db7cc552f4bb1166a22f --- /dev/null +++ b/textattack/reactive_defense/tad_reactive_defender.py @@ -0,0 +1,25 @@ +from anonymous_demo import TADCheckpointManager + +from textattack.model_args import DEMO_MODELS +from textattack.reactive_defense.reactive_defender import ReactiveDefender + + +class TADReactiveDefender(ReactiveDefender): + """ Transformers sentiment analysis pipeline returns a list of responses + like + + [{'label': 'POSITIVE', 'score': 0.7817379832267761}] + + We need to convert that to a format TextAttack understands, like + + [[0.218262017, 0.7817379832267761] + """ + + def __init__(self, ckpt='tad-sst2', **kwargs): + super().__init__(**kwargs) + self.tad_classifier = TADCheckpointManager.get_tad_text_classifier(checkpoint=DEMO_MODELS[ckpt], + auto_device=True) + + def reactive_defense(self, text, **kwargs): + res = self.tad_classifier.infer(text, defense='pwws', print_result=False, **kwargs) + return res diff --git a/textattack/search_methods/__init__.py b/textattack/search_methods/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..660a1e1d13c439384cbd2c8a4588bd5516e64954 --- /dev/null +++ b/textattack/search_methods/__init__.py @@ -0,0 +1,16 @@ +""".. _search_methods: + +Search Methods +======================== + +Search methods explore the transformation space in an attempt to find a successful attack as determined by a :ref:`Goal Functions ` and list of :ref:`Constraints ` +""" +from .search_method import SearchMethod +from .beam_search import BeamSearch +from .greedy_search import GreedySearch +from .greedy_word_swap_wir import GreedyWordSwapWIR +from .population_based_search import PopulationBasedSearch, PopulationMember +from .genetic_algorithm import GeneticAlgorithm +from .alzantot_genetic_algorithm import AlzantotGeneticAlgorithm +from .improved_genetic_algorithm import ImprovedGeneticAlgorithm +from .particle_swarm_optimization import ParticleSwarmOptimization diff --git a/textattack/search_methods/alzantot_genetic_algorithm.py b/textattack/search_methods/alzantot_genetic_algorithm.py new file mode 100644 index 0000000000000000000000000000000000000000..706d8389cbe27d516f726045b28e199384ffd891 --- /dev/null +++ b/textattack/search_methods/alzantot_genetic_algorithm.py @@ -0,0 +1,144 @@ +""" + +Reimplementation of search method from Generating Natural Language Adversarial Examples +========================================================================================= + +by Alzantot et. al ``_ from ``_ +""" + +import numpy as np + +from textattack.search_methods import GeneticAlgorithm, PopulationMember + + +class AlzantotGeneticAlgorithm(GeneticAlgorithm): + """Attacks a model with word substiutitions using a genetic algorithm. + + Args: + pop_size (int): The population size. Defaults to 60. + max_iters (int): The maximum number of iterations to use. Defaults to 20. + temp (float): Temperature for softmax function used to normalize probability dist when sampling parents. + Higher temperature increases the sensitivity to lower probability candidates. + give_up_if_no_improvement (bool): If True, stop the search early if no candidate that improves the score is found. + post_crossover_check (bool): If True, check if child produced from crossover step passes the constraints. + max_crossover_retries (int): Maximum number of crossover retries if resulting child fails to pass the constraints. + Applied only when `post_crossover_check` is set to `True`. + Setting it to 0 means we immediately take one of the parents at random as the child upon failure. + """ + + def __init__( + self, + pop_size=60, + max_iters=20, + temp=0.3, + give_up_if_no_improvement=False, + post_crossover_check=True, + max_crossover_retries=20, + ): + super().__init__( + pop_size=pop_size, + max_iters=max_iters, + temp=temp, + give_up_if_no_improvement=give_up_if_no_improvement, + post_crossover_check=post_crossover_check, + max_crossover_retries=max_crossover_retries, + ) + + def _modify_population_member(self, pop_member, new_text, new_result, word_idx): + """Modify `pop_member` by returning a new copy with `new_text`, + `new_result`, and `num_candidate_transformations` altered appropriately + for given `word_idx`""" + num_candidate_transformations = np.copy( + pop_member.attributes["num_candidate_transformations"] + ) + num_candidate_transformations[word_idx] = 0 + return PopulationMember( + new_text, + result=new_result, + attributes={"num_candidate_transformations": num_candidate_transformations}, + ) + + def _get_word_select_prob_weights(self, pop_member): + """Get the attribute of `pop_member` that is used for determining + probability of each word being selected for perturbation.""" + return pop_member.attributes["num_candidate_transformations"] + + def _crossover_operation(self, pop_member1, pop_member2): + """Actual operation that takes `pop_member1` text and `pop_member2` + text and mixes the two to generate crossover between `pop_member1` and + `pop_member2`. + + Args: + pop_member1 (PopulationMember): The first population member. + pop_member2 (PopulationMember): The second population member. + Returns: + Tuple of `AttackedText` and a dictionary of attributes. + """ + indices_to_replace = [] + words_to_replace = [] + num_candidate_transformations = np.copy( + pop_member1.attributes["num_candidate_transformations"] + ) + + for i in range(pop_member1.num_words): + if np.random.uniform() < 0.5: + indices_to_replace.append(i) + words_to_replace.append(pop_member2.words[i]) + num_candidate_transformations[i] = pop_member2.attributes[ + "num_candidate_transformations" + ][i] + + new_text = pop_member1.attacked_text.replace_words_at_indices( + indices_to_replace, words_to_replace + ) + return ( + new_text, + {"num_candidate_transformations": num_candidate_transformations}, + ) + + def _initialize_population(self, initial_result, pop_size): + """ + Initialize a population of size `pop_size` with `initial_result` + Args: + initial_result (GoalFunctionResult): Original text + pop_size (int): size of population + Returns: + population as `list[PopulationMember]` + """ + words = initial_result.attacked_text.words + num_candidate_transformations = np.zeros(len(words)) + transformed_texts = self.get_transformations( + initial_result.attacked_text, original_text=initial_result.attacked_text + ) + for transformed_text in transformed_texts: + diff_idx = next( + iter(transformed_text.attack_attrs["newly_modified_indices"]) + ) + num_candidate_transformations[diff_idx] += 1 + + # Just b/c there are no replacements now doesn't mean we never want to select the word for perturbation + # Therefore, we give small non-zero probability for words with no replacements + # Epsilon is some small number to approximately assign small probability + min_num_candidates = np.amin(num_candidate_transformations) + epsilon = max(1, int(min_num_candidates * 0.1)) + for i in range(len(num_candidate_transformations)): + num_candidate_transformations[i] = max( + num_candidate_transformations[i], epsilon + ) + + population = [] + for _ in range(pop_size): + pop_member = PopulationMember( + initial_result.attacked_text, + initial_result, + attributes={ + "num_candidate_transformations": np.copy( + num_candidate_transformations + ) + }, + ) + # Perturb `pop_member` in-place + pop_member = self._perturb(pop_member, initial_result) + population.append(pop_member) + + return population diff --git a/textattack/search_methods/beam_search.py b/textattack/search_methods/beam_search.py new file mode 100644 index 0000000000000000000000000000000000000000..49b9c8552f9366f120b64af69b8da7b47398dfb9 --- /dev/null +++ b/textattack/search_methods/beam_search.py @@ -0,0 +1,58 @@ +""" +Beam Search +=============== + +""" +import numpy as np + +from textattack.goal_function_results import GoalFunctionResultStatus +from textattack.search_methods import SearchMethod + + +class BeamSearch(SearchMethod): + """An attack that maintains a beam of the `beam_width` highest scoring + AttackedTexts, greedily updating the beam with the highest scoring + transformations from the current beam. + + Args: + goal_function: A function for determining how well a perturbation is doing at achieving the attack's goal. + transformation: The type of transformation. + beam_width (int): the number of candidates to retain at each step + """ + + def __init__(self, beam_width=8): + self.beam_width = beam_width + + def perform_search(self, initial_result): + beam = [initial_result.attacked_text] + best_result = initial_result + while not best_result.goal_status == GoalFunctionResultStatus.SUCCEEDED: + potential_next_beam = [] + for text in beam: + transformations = self.get_transformations( + text, original_text=initial_result.attacked_text + ) + potential_next_beam += transformations + + if len(potential_next_beam) == 0: + # If we did not find any possible perturbations, give up. + return best_result + results, search_over = self.get_goal_results(potential_next_beam) + scores = np.array([r.score for r in results]) + best_result = results[scores.argmax()] + if search_over: + return best_result + + # Refill the beam. This works by sorting the scores + # in descending order and filling the beam from there. + best_indices = (-scores).argsort()[: self.beam_width] + beam = [potential_next_beam[i] for i in best_indices] + + return best_result + + @property + def is_black_box(self): + return True + + def extra_repr_keys(self): + return ["beam_width"] diff --git a/textattack/search_methods/genetic_algorithm.py b/textattack/search_methods/genetic_algorithm.py new file mode 100644 index 0000000000000000000000000000000000000000..b5d97cf1cf479262ff53a965261b9a7583e05fac --- /dev/null +++ b/textattack/search_methods/genetic_algorithm.py @@ -0,0 +1,301 @@ +""" +Genetic Algorithm Word Swap +==================================== +""" +from abc import ABC, abstractmethod + +import numpy as np +import torch + +from textattack.goal_function_results import GoalFunctionResultStatus +from textattack.search_methods import PopulationBasedSearch, PopulationMember +from textattack.shared.validators import transformation_consists_of_word_swaps + + +class GeneticAlgorithm(PopulationBasedSearch, ABC): + """Base class for attacking a model with word substiutitions using a + genetic algorithm. + + Args: + pop_size (int): The population size. Defaults to 20. + max_iters (int): The maximum number of iterations to use. Defaults to 50. + temp (float): Temperature for softmax function used to normalize probability dist when sampling parents. + Higher temperature increases the sensitivity to lower probability candidates. + give_up_if_no_improvement (bool): If True, stop the search early if no candidate that improves the score is found. + post_crossover_check (bool): If True, check if child produced from crossover step passes the constraints. + max_crossover_retries (int): Maximum number of crossover retries if resulting child fails to pass the constraints. + Applied only when `post_crossover_check` is set to `True`. + Setting it to 0 means we immediately take one of the parents at random as the child upon failure. + """ + + def __init__( + self, + pop_size=60, + max_iters=20, + temp=0.3, + give_up_if_no_improvement=False, + post_crossover_check=True, + max_crossover_retries=20, + ): + self.max_iters = max_iters + self.pop_size = pop_size + self.temp = temp + self.give_up_if_no_improvement = give_up_if_no_improvement + self.post_crossover_check = post_crossover_check + self.max_crossover_retries = max_crossover_retries + + # internal flag to indicate if search should end immediately + self._search_over = False + + @abstractmethod + def _modify_population_member(self, pop_member, new_text, new_result, word_idx): + """Modify `pop_member` by returning a new copy with `new_text`, + `new_result`, and, `attributes` altered appropriately for given + `word_idx`""" + raise NotImplementedError() + + @abstractmethod + def _get_word_select_prob_weights(self, pop_member): + """Get the attribute of `pop_member` that is used for determining + probability of each word being selected for perturbation.""" + raise NotImplementedError + + def _perturb(self, pop_member, original_result, index=None): + """Perturb `pop_member` and return it. Replaces a word at a random + (unless `index` is specified) in `pop_member`. + + Args: + pop_member (PopulationMember): The population member being perturbed. + original_result (GoalFunctionResult): Result of original sample being attacked + index (int): Index of word to perturb. + Returns: + Perturbed `PopulationMember` + """ + num_words = pop_member.attacked_text.num_words + # `word_select_prob_weights` is a list of values used for sampling one word to transform + word_select_prob_weights = np.copy( + self._get_word_select_prob_weights(pop_member) + ) + non_zero_indices = np.count_nonzero(word_select_prob_weights) + if non_zero_indices == 0: + return pop_member + iterations = 0 + while iterations < non_zero_indices: + if index: + idx = index + else: + w_select_probs = word_select_prob_weights / np.sum( + word_select_prob_weights + ) + idx = np.random.choice(num_words, 1, p=w_select_probs)[0] + + transformed_texts = self.get_transformations( + pop_member.attacked_text, + original_text=original_result.attacked_text, + indices_to_modify=[idx], + ) + + if not len(transformed_texts): + iterations += 1 + continue + + new_results, self._search_over = self.get_goal_results(transformed_texts) + + diff_scores = ( + torch.Tensor([r.score for r in new_results]) - pop_member.result.score + ) + if len(diff_scores) and diff_scores.max() > 0: + idx_with_max_score = diff_scores.argmax() + pop_member = self._modify_population_member( + pop_member, + transformed_texts[idx_with_max_score], + new_results[idx_with_max_score], + idx, + ) + return pop_member + + word_select_prob_weights[idx] = 0 + iterations += 1 + + if self._search_over: + break + + return pop_member + + @abstractmethod + def _crossover_operation(self, pop_member1, pop_member2): + """Actual operation that takes `pop_member1` text and `pop_member2` + text and mixes the two to generate crossover between `pop_member1` and + `pop_member2`. + + Args: + pop_member1 (PopulationMember): The first population member. + pop_member2 (PopulationMember): The second population member. + Returns: + Tuple of `AttackedText` and a dictionary of attributes. + """ + raise NotImplementedError() + + def _post_crossover_check( + self, new_text, parent_text1, parent_text2, original_text + ): + """Check if `new_text` that has been produced by performing crossover + between `parent_text1` and `parent_text2` aligns with the constraints. + + Args: + new_text (AttackedText): Text produced by crossover operation + parent_text1 (AttackedText): Parent text of `new_text` + parent_text2 (AttackedText): Second parent text of `new_text` + original_text (AttackedText): Original text + Returns: + `True` if `new_text` meets the constraints. If otherwise, return `False`. + """ + if "last_transformation" in new_text.attack_attrs: + previous_text = ( + parent_text1 + if "last_transformation" in parent_text1.attack_attrs + else parent_text2 + ) + passed_constraints = self._check_constraints( + new_text, previous_text, original_text=original_text + ) + return passed_constraints + else: + # `new_text` has not been actually transformed, so return True + return True + + def _crossover(self, pop_member1, pop_member2, original_text): + """Generates a crossover between pop_member1 and pop_member2. + + If the child fails to satisfy the constraints, we re-try crossover for a fix number of times, + before taking one of the parents at random as the resulting child. + Args: + pop_member1 (PopulationMember): The first population member. + pop_member2 (PopulationMember): The second population member. + original_text (AttackedText): Original text + Returns: + A population member containing the crossover. + """ + x1_text = pop_member1.attacked_text + x2_text = pop_member2.attacked_text + + num_tries = 0 + passed_constraints = False + while num_tries < self.max_crossover_retries + 1: + new_text, attributes = self._crossover_operation(pop_member1, pop_member2) + + replaced_indices = new_text.attack_attrs["newly_modified_indices"] + new_text.attack_attrs["modified_indices"] = ( + x1_text.attack_attrs["modified_indices"] - replaced_indices + ) | (x2_text.attack_attrs["modified_indices"] & replaced_indices) + + if "last_transformation" in x1_text.attack_attrs: + new_text.attack_attrs["last_transformation"] = x1_text.attack_attrs[ + "last_transformation" + ] + elif "last_transformation" in x2_text.attack_attrs: + new_text.attack_attrs["last_transformation"] = x2_text.attack_attrs[ + "last_transformation" + ] + + if self.post_crossover_check: + passed_constraints = self._post_crossover_check( + new_text, x1_text, x2_text, original_text + ) + + if not self.post_crossover_check or passed_constraints: + break + + num_tries += 1 + + if self.post_crossover_check and not passed_constraints: + # If we cannot find a child that passes the constraints, + # we just randomly pick one of the parents to be the child for the next iteration. + pop_mem = pop_member1 if np.random.uniform() < 0.5 else pop_member2 + return pop_mem + else: + new_results, self._search_over = self.get_goal_results([new_text]) + return PopulationMember( + new_text, result=new_results[0], attributes=attributes + ) + + @abstractmethod + def _initialize_population(self, initial_result, pop_size): + """ + Initialize a population of size `pop_size` with `initial_result` + Args: + initial_result (GoalFunctionResult): Original text + pop_size (int): size of population + Returns: + population as `list[PopulationMember]` + """ + raise NotImplementedError() + + def perform_search(self, initial_result): + self._search_over = False + population = self._initialize_population(initial_result, self.pop_size) + pop_size = len(population) + current_score = initial_result.score + + for i in range(self.max_iters): + population = sorted(population, key=lambda x: x.result.score, reverse=True) + + if ( + self._search_over + or population[0].result.goal_status + == GoalFunctionResultStatus.SUCCEEDED + ): + break + + if population[0].result.score > current_score: + current_score = population[0].result.score + elif self.give_up_if_no_improvement: + break + + pop_scores = torch.Tensor([pm.result.score for pm in population]) + logits = ((-pop_scores) / self.temp).exp() + select_probs = (logits / logits.sum()).cpu().numpy() + + parent1_idx = np.random.choice(pop_size, size=pop_size - 1, p=select_probs) + parent2_idx = np.random.choice(pop_size, size=pop_size - 1, p=select_probs) + + children = [] + for idx in range(pop_size - 1): + child = self._crossover( + population[parent1_idx[idx]], + population[parent2_idx[idx]], + initial_result.attacked_text, + ) + if self._search_over: + break + + child = self._perturb(child, initial_result) + children.append(child) + + # We need two `search_over` checks b/c value might change both in + # `crossover` method and `perturb` method. + if self._search_over: + break + + population = [population[0]] + children + + return population[0].result + + def check_transformation_compatibility(self, transformation): + """The genetic algorithm is specifically designed for word + substitutions.""" + return transformation_consists_of_word_swaps(transformation) + + @property + def is_black_box(self): + return True + + def extra_repr_keys(self): + return [ + "pop_size", + "max_iters", + "temp", + "give_up_if_no_improvement", + "post_crossover_check", + "max_crossover_retries", + ] diff --git a/textattack/search_methods/greedy_search.py b/textattack/search_methods/greedy_search.py new file mode 100644 index 0000000000000000000000000000000000000000..f59570ed02b38cc3843951a1702ef149f9930897 --- /dev/null +++ b/textattack/search_methods/greedy_search.py @@ -0,0 +1,19 @@ +""" +Greedy Search +================= +""" +from .beam_search import BeamSearch + + +class GreedySearch(BeamSearch): + """A search method that greedily chooses from a list of possible + perturbations. + + Implemented by calling ``BeamSearch`` with beam_width set to 1. + """ + + def __init__(self): + super().__init__(beam_width=1) + + def extra_repr_keys(self): + return [] diff --git a/textattack/search_methods/greedy_word_swap_wir.py b/textattack/search_methods/greedy_word_swap_wir.py new file mode 100644 index 0000000000000000000000000000000000000000..ac17fbf300b0cd17b50e44310cea8d4aacf59d42 --- /dev/null +++ b/textattack/search_methods/greedy_word_swap_wir.py @@ -0,0 +1,194 @@ +""" +Greedy Word Swap with Word Importance Ranking +=================================================== + + +When WIR method is set to ``unk``, this is a reimplementation of the search +method from the paper: Is BERT Really Robust? + +A Strong Baseline for Natural Language Attack on Text Classification and +Entailment by Jin et. al, 2019. See https://arxiv.org/abs/1907.11932 and +https://github.com/jind11/TextFooler. +""" + +import numpy as np +import torch +from torch.nn.functional import softmax + +from textattack.goal_function_results import GoalFunctionResultStatus +from textattack.search_methods import SearchMethod +from textattack.shared.validators import ( + transformation_consists_of_word_swaps_and_deletions, +) + + +class GreedyWordSwapWIR(SearchMethod): + """An attack that greedily chooses from a list of possible perturbations in + order of index, after ranking indices by importance. + + Args: + wir_method: method for ranking most important words + model_wrapper: model wrapper used for gradient-based ranking + """ + + def __init__(self, wir_method="unk", unk_token="[UNK]"): + self.wir_method = wir_method + self.unk_token = unk_token + + def _get_index_order(self, initial_text): + """Returns word indices of ``initial_text`` in descending order of + importance.""" + + len_text, indices_to_order = self.get_indices_to_order(initial_text) + + if self.wir_method == "unk": + leave_one_texts = [ + initial_text.replace_word_at_index(i, self.unk_token) + for i in indices_to_order + ] + leave_one_results, search_over = self.get_goal_results(leave_one_texts) + index_scores = np.array([result.score for result in leave_one_results]) + + elif self.wir_method == "weighted-saliency": + # first, compute word saliency + leave_one_texts = [ + initial_text.replace_word_at_index(i, self.unk_token) + for i in indices_to_order + ] + leave_one_results, search_over = self.get_goal_results(leave_one_texts) + saliency_scores = np.array([result.score for result in leave_one_results]) + + softmax_saliency_scores = softmax( + torch.Tensor(saliency_scores), dim=0 + ).numpy() + + # compute the largest change in score we can find by swapping each word + delta_ps = [] + for idx in indices_to_order: + + # Exit Loop when search_over is True - but we need to make sure delta_ps + # is the same size as softmax_saliency_scores + if search_over: + delta_ps = delta_ps + [0.0] * ( + len(softmax_saliency_scores) - len(delta_ps) + ) + break + + transformed_text_candidates = self.get_transformations( + initial_text, + original_text=initial_text, + indices_to_modify=[idx], + ) + if not transformed_text_candidates: + # no valid synonym substitutions for this word + delta_ps.append(0.0) + continue + swap_results, search_over = self.get_goal_results( + transformed_text_candidates + ) + score_change = [result.score for result in swap_results] + if not score_change: + delta_ps.append(0.0) + continue + max_score_change = np.max(score_change) + delta_ps.append(max_score_change) + + index_scores = softmax_saliency_scores * np.array(delta_ps) + + elif self.wir_method == "delete": + leave_one_texts = [ + initial_text.delete_word_at_index(i) for i in indices_to_order + ] + leave_one_results, search_over = self.get_goal_results(leave_one_texts) + index_scores = np.array([result.score for result in leave_one_results]) + + elif self.wir_method == "gradient": + victim_model = self.get_victim_model() + index_scores = np.zeros(len_text) + grad_output = victim_model.get_grad(initial_text.tokenizer_input) + gradient = grad_output["gradient"] + word2token_mapping = initial_text.align_with_model_tokens(victim_model) + for i, index in enumerate(indices_to_order): + matched_tokens = word2token_mapping[index] + if not matched_tokens: + index_scores[i] = 0.0 + else: + agg_grad = np.mean(gradient[matched_tokens], axis=0) + index_scores[i] = np.linalg.norm(agg_grad, ord=1) + + search_over = False + + elif self.wir_method == "random": + index_order = indices_to_order + np.random.shuffle(index_order) + search_over = False + else: + raise ValueError(f"Unsupported WIR method {self.wir_method}") + + if self.wir_method != "random": + index_order = np.array(indices_to_order)[(-index_scores).argsort()] + + return index_order, search_over + + def perform_search(self, initial_result): + attacked_text = initial_result.attacked_text + + # Sort words by order of importance + index_order, search_over = self._get_index_order(attacked_text) + i = 0 + cur_result = initial_result + results = None + while i < len(index_order) and not search_over: + transformed_text_candidates = self.get_transformations( + cur_result.attacked_text, + original_text=initial_result.attacked_text, + indices_to_modify=[index_order[i]], + ) + i += 1 + if len(transformed_text_candidates) == 0: + continue + results, search_over = self.get_goal_results(transformed_text_candidates) + results = sorted(results, key=lambda x: -x.score) + # Skip swaps which don't improve the score + if results[0].score > cur_result.score: + cur_result = results[0] + else: + continue + # If we succeeded, return the index with best similarity. + if cur_result.goal_status == GoalFunctionResultStatus.SUCCEEDED: + best_result = cur_result + # @TODO: Use vectorwise operations + max_similarity = -float("inf") + for result in results: + if result.goal_status != GoalFunctionResultStatus.SUCCEEDED: + break + candidate = result.attacked_text + try: + similarity_score = candidate.attack_attrs["similarity_score"] + except KeyError: + # If the attack was run without any similarity metrics, + # candidates won't have a similarity score. In this + # case, break and return the candidate that changed + # the original score the most. + break + if similarity_score > max_similarity: + max_similarity = similarity_score + best_result = result + return best_result + + return cur_result + + def check_transformation_compatibility(self, transformation): + """Since it ranks words by their importance, GreedyWordSwapWIR is + limited to word swap and deletion transformations.""" + return transformation_consists_of_word_swaps_and_deletions(transformation) + + @property + def is_black_box(self): + if self.wir_method == "gradient": + return False + else: + return True + + def extra_repr_keys(self): + return ["wir_method"] diff --git a/textattack/search_methods/improved_genetic_algorithm.py b/textattack/search_methods/improved_genetic_algorithm.py new file mode 100644 index 0000000000000000000000000000000000000000..a1e033d9a6694bffa23ea5fb10542b5dc84d3ebb --- /dev/null +++ b/textattack/search_methods/improved_genetic_algorithm.py @@ -0,0 +1,130 @@ +""" + +Reimplementation of search method from Xiaosen Wang, Hao Jin, Kun He (2019). +========================================================================================= + + +Natural Language Adversarial Attack and Defense in Word Level. +http://arxiv.org/abs/1909.06723 +""" + +import numpy as np + +from textattack.search_methods import GeneticAlgorithm, PopulationMember + + +class ImprovedGeneticAlgorithm(GeneticAlgorithm): + """Attacks a model with word substiutitions using a genetic algorithm. + + Args: + pop_size (int): The population size. Defaults to 20. + max_iters (int): The maximum number of iterations to use. Defaults to 50. + temp (float): Temperature for softmax function used to normalize probability dist when sampling parents. + Higher temperature increases the sensitivity to lower probability candidates. + give_up_if_no_improvement (bool): If True, stop the search early if no candidate that improves the score is found. + post_crossover_check (bool): If True, check if child produced from crossover step passes the constraints. + max_crossover_retries (int): Maximum number of crossover retries if resulting child fails to pass the constraints. + Applied only when `post_crossover_check` is set to `True`. + Setting it to 0 means we immediately take one of the parents at random as the child upon failure. + max_replace_times_per_index (int): The maximum times words at the same index can be replaced in improved genetic algorithm. + """ + + def __init__( + self, + pop_size=60, + max_iters=20, + temp=0.3, + give_up_if_no_improvement=False, + post_crossover_check=True, + max_crossover_retries=20, + max_replace_times_per_index=5, + ): + super().__init__( + pop_size=pop_size, + max_iters=max_iters, + temp=temp, + give_up_if_no_improvement=give_up_if_no_improvement, + post_crossover_check=post_crossover_check, + max_crossover_retries=max_crossover_retries, + ) + + self.max_replace_times_per_index = max_replace_times_per_index + + def _modify_population_member(self, pop_member, new_text, new_result, word_idx): + """Modify `pop_member` by returning a new copy with `new_text`, + `new_result`, and `num_replacements_left` altered appropriately for + given `word_idx`""" + num_replacements_left = np.copy(pop_member.attributes["num_replacements_left"]) + num_replacements_left[word_idx] -= 1 + return PopulationMember( + new_text, + result=new_result, + attributes={"num_replacements_left": num_replacements_left}, + ) + + def _get_word_select_prob_weights(self, pop_member): + """Get the attribute of `pop_member` that is used for determining + probability of each word being selected for perturbation.""" + return pop_member.attributes["num_replacements_left"] + + def _crossover_operation(self, pop_member1, pop_member2): + """Actual operation that takes `pop_member1` text and `pop_member2` + text and mixes the two to generate crossover between `pop_member1` and + `pop_member2`. + + Args: + pop_member1 (PopulationMember): The first population member. + pop_member2 (PopulationMember): The second population member. + Returns: + Tuple of `AttackedText` and a dictionary of attributes. + """ + indices_to_replace = [] + words_to_replace = [] + num_replacements_left = np.copy(pop_member1.attributes["num_replacements_left"]) + + # To better simulate the reproduction and biological crossover, + # IGA randomly cut the text from two parents and concat two fragments into a new text + # rather than randomly choose a word of each position from the two parents. + crossover_point = np.random.randint(0, pop_member1.num_words) + for i in range(crossover_point, pop_member1.num_words): + indices_to_replace.append(i) + words_to_replace.append(pop_member2.words[i]) + num_replacements_left[i] = pop_member2.attributes["num_replacements_left"][ + i + ] + + new_text = pop_member1.attacked_text.replace_words_at_indices( + indices_to_replace, words_to_replace + ) + return new_text, {"num_replacements_left": num_replacements_left} + + def _initialize_population(self, initial_result, pop_size): + """ + Initialize a population of size `pop_size` with `initial_result` + Args: + initial_result (GoalFunctionResult): Original text + pop_size (int): size of population + Returns: + population as `list[PopulationMember]` + """ + words = initial_result.attacked_text.words + # For IGA, `num_replacements_left` represents the number of times the word at each index can be modified + num_replacements_left = np.array( + [self.max_replace_times_per_index] * len(words) + ) + population = [] + + # IGA initializes the first population by replacing each word by its optimal synonym + for idx in range(len(words)): + pop_member = PopulationMember( + initial_result.attacked_text, + initial_result, + attributes={"num_replacements_left": np.copy(num_replacements_left)}, + ) + pop_member = self._perturb(pop_member, initial_result, index=idx) + population.append(pop_member) + + return population[:pop_size] + + def extra_repr_keys(self): + return super().extra_repr_keys() + ["max_replace_times_per_index"] diff --git a/textattack/search_methods/particle_swarm_optimization.py b/textattack/search_methods/particle_swarm_optimization.py new file mode 100644 index 0000000000000000000000000000000000000000..b731c9edb10e3114294f59f76efc96f00f0a6bab --- /dev/null +++ b/textattack/search_methods/particle_swarm_optimization.py @@ -0,0 +1,347 @@ +""" + +Particle Swarm Optimization +==================================== + +Reimplementation of search method from Word-level Textual Adversarial +Attacking as Combinatorial Optimization by Zang et. + +al +``_ +``_ +""" +import copy + +import numpy as np + +from textattack.goal_function_results import GoalFunctionResultStatus +from textattack.search_methods import PopulationBasedSearch, PopulationMember +from textattack.shared import utils +from textattack.shared.validators import transformation_consists_of_word_swaps + + +class ParticleSwarmOptimization(PopulationBasedSearch): + """Attacks a model with word substiutitions using a Particle Swarm + Optimization (PSO) algorithm. Some key hyper-parameters are setup according + to the original paper: + + "We adjust PSO on the validation set of SST and set ω_1 as 0.8 and ω_2 as 0.2. + We set the max velocity of the particles V_{max} to 3, which means the changing + probability of the particles ranges from 0.047 (sigmoid(-3)) to 0.953 (sigmoid(3))." + + Args: + pop_size (:obj:`int`, optional): The population size. Defaults to 60. + max_iters (:obj:`int`, optional): The maximum number of iterations to use. Defaults to 20. + post_turn_check (:obj:`bool`, optional): If `True`, check if new position reached by moving passes the constraints. Defaults to `True` + max_turn_retries (:obj:`bool`, optional): Maximum number of movement retries if new position after turning fails to pass the constraints. + Applied only when `post_movement_check` is set to `True`. + Setting it to 0 means we immediately take the old position as the new position upon failure. + """ + + def __init__( + self, pop_size=60, max_iters=20, post_turn_check=True, max_turn_retries=20 + ): + self.max_iters = max_iters + self.pop_size = pop_size + self.post_turn_check = post_turn_check + self.max_turn_retries = 20 + + self._search_over = False + self.omega_1 = 0.8 + self.omega_2 = 0.2 + self.c1_origin = 0.8 + self.c2_origin = 0.2 + self.v_max = 3.0 + + def _perturb(self, pop_member, original_result): + """Perturb `pop_member` in-place. + + Replaces a word at a random in `pop_member` with replacement word that maximizes increase in score. + Args: + pop_member (PopulationMember): The population member being perturbed. + original_result (GoalFunctionResult): Result of original sample being attacked + Returns: + `True` if perturbation occured. `False` if not. + """ + # TODO: Below is very slow and is the main cause behind memory build up + slowness + best_neighbors, prob_list = self._get_best_neighbors( + pop_member.result, original_result + ) + random_result = np.random.choice(best_neighbors, 1, p=prob_list)[0] + + if random_result == pop_member.result: + return False + else: + pop_member.attacked_text = random_result.attacked_text + pop_member.result = random_result + return True + + def _equal(self, a, b): + return -self.v_max if a == b else self.v_max + + def _turn(self, source_text, target_text, prob, original_text): + """ + Based on given probabilities, "move" to `target_text` from `source_text` + Args: + source_text (PopulationMember): Text we start from. + target_text (PopulationMember): Text we want to move to. + prob (np.array[float]): Turn probability for each word. + original_text (AttackedText): Original text for constraint check if `self.post_turn_check=True`. + Returns: + New `Position` that we moved to (or if we fail to move, same as `source_text`) + """ + assert len(source_text.words) == len( + target_text.words + ), "Word length mismatch for turn operation." + assert len(source_text.words) == len( + prob + ), "Length mismatch for words and probability list." + len_x = len(source_text.words) + + num_tries = 0 + passed_constraints = False + while num_tries < self.max_turn_retries + 1: + indices_to_replace = [] + words_to_replace = [] + for i in range(len_x): + if np.random.uniform() < prob[i]: + indices_to_replace.append(i) + words_to_replace.append(target_text.words[i]) + new_text = source_text.attacked_text.replace_words_at_indices( + indices_to_replace, words_to_replace + ) + indices_to_replace = set(indices_to_replace) + new_text.attack_attrs["modified_indices"] = ( + source_text.attacked_text.attack_attrs["modified_indices"] + - indices_to_replace + ) | ( + target_text.attacked_text.attack_attrs["modified_indices"] + & indices_to_replace + ) + if "last_transformation" in source_text.attacked_text.attack_attrs: + new_text.attack_attrs[ + "last_transformation" + ] = source_text.attacked_text.attack_attrs["last_transformation"] + + if not self.post_turn_check or (new_text.words == source_text.words): + break + + if "last_transformation" in new_text.attack_attrs: + passed_constraints = self._check_constraints( + new_text, source_text.attacked_text, original_text=original_text + ) + else: + passed_constraints = True + + if passed_constraints: + break + + num_tries += 1 + + if self.post_turn_check and not passed_constraints: + # If we cannot find a turn that passes the constraints, we do not move. + return source_text + else: + return PopulationMember(new_text) + + def _get_best_neighbors(self, current_result, original_result): + """For given current text, find its neighboring texts that yields + maximum improvement (in goal function score) for each word. + + Args: + current_result (GoalFunctionResult): `GoalFunctionResult` of current text + original_result (GoalFunctionResult): `GoalFunctionResult` of original text. + Returns: + best_neighbors (list[GoalFunctionResult]): Best neighboring text for each word + prob_list (list[float]): discrete probablity distribution for sampling a neighbor from `best_neighbors` + """ + current_text = current_result.attacked_text + neighbors_list = [[] for _ in range(len(current_text.words))] + transformed_texts = self.get_transformations( + current_text, original_text=original_result.attacked_text + ) + for transformed_text in transformed_texts: + diff_idx = next( + iter(transformed_text.attack_attrs["newly_modified_indices"]) + ) + neighbors_list[diff_idx].append(transformed_text) + + best_neighbors = [] + score_list = [] + for i in range(len(neighbors_list)): + if not neighbors_list[i]: + best_neighbors.append(current_result) + score_list.append(0) + continue + + neighbor_results, self._search_over = self.get_goal_results( + neighbors_list[i] + ) + if not len(neighbor_results): + best_neighbors.append(current_result) + score_list.append(0) + else: + neighbor_scores = np.array([r.score for r in neighbor_results]) + score_diff = neighbor_scores - current_result.score + best_idx = np.argmax(neighbor_scores) + best_neighbors.append(neighbor_results[best_idx]) + score_list.append(score_diff[best_idx]) + + prob_list = normalize(score_list) + + return best_neighbors, prob_list + + def _initialize_population(self, initial_result, pop_size): + """ + Initialize a population of size `pop_size` with `initial_result` + Args: + initial_result (GoalFunctionResult): Original text + pop_size (int): size of population + Returns: + population as `list[PopulationMember]` + """ + best_neighbors, prob_list = self._get_best_neighbors( + initial_result, initial_result + ) + population = [] + for _ in range(pop_size): + # Mutation step + random_result = np.random.choice(best_neighbors, 1, p=prob_list)[0] + population.append( + PopulationMember(random_result.attacked_text, random_result) + ) + return population + + def perform_search(self, initial_result): + self._search_over = False + population = self._initialize_population(initial_result, self.pop_size) + # Initialize up velocities of each word for each population + v_init = np.random.uniform(-self.v_max, self.v_max, self.pop_size) + velocities = np.array( + [ + [v_init[t] for _ in range(initial_result.attacked_text.num_words)] + for t in range(self.pop_size) + ] + ) + + global_elite = max(population, key=lambda x: x.score) + if ( + self._search_over + or global_elite.result.goal_status == GoalFunctionResultStatus.SUCCEEDED + ): + return global_elite.result + + local_elites = copy.copy(population) + + # start iterations + for i in range(self.max_iters): + omega = (self.omega_1 - self.omega_2) * ( + self.max_iters - i + ) / self.max_iters + self.omega_2 + C1 = self.c1_origin - i / self.max_iters * (self.c1_origin - self.c2_origin) + C2 = self.c2_origin + i / self.max_iters * (self.c1_origin - self.c2_origin) + P1 = C1 + P2 = C2 + + for k in range(len(population)): + # calculate the probability of turning each word + pop_mem_words = population[k].words + local_elite_words = local_elites[k].words + assert len(pop_mem_words) == len( + local_elite_words + ), "PSO word length mismatch!" + + for d in range(len(pop_mem_words)): + velocities[k][d] = omega * velocities[k][d] + (1 - omega) * ( + self._equal(pop_mem_words[d], local_elite_words[d]) + + self._equal(pop_mem_words[d], global_elite.words[d]) + ) + turn_prob = utils.sigmoid(velocities[k]) + + if np.random.uniform() < P1: + # Move towards local elite + population[k] = self._turn( + local_elites[k], + population[k], + turn_prob, + initial_result.attacked_text, + ) + + if np.random.uniform() < P2: + # Move towards global elite + population[k] = self._turn( + global_elite, + population[k], + turn_prob, + initial_result.attacked_text, + ) + + # Check if there is any successful attack in the current population + pop_results, self._search_over = self.get_goal_results( + [p.attacked_text for p in population] + ) + if self._search_over: + # if `get_goal_results` gets cut short by query budget, resize population + population = population[: len(pop_results)] + for k in range(len(pop_results)): + population[k].result = pop_results[k] + + top_member = max(population, key=lambda x: x.score) + if ( + self._search_over + or top_member.result.goal_status == GoalFunctionResultStatus.SUCCEEDED + ): + return top_member.result + + # Mutation based on the current change rate + for k in range(len(population)): + change_ratio = initial_result.attacked_text.words_diff_ratio( + population[k].attacked_text + ) + # Referred from the original source code + p_change = 1 - 2 * change_ratio + if np.random.uniform() < p_change: + self._perturb(population[k], initial_result) + + if self._search_over: + break + + # Check if there is any successful attack in the current population + top_member = max(population, key=lambda x: x.score) + if ( + self._search_over + or top_member.result.goal_status == GoalFunctionResultStatus.SUCCEEDED + ): + return top_member.result + + # Update the elite if the score is increased + for k in range(len(population)): + if population[k].score > local_elites[k].score: + local_elites[k] = copy.copy(population[k]) + + if top_member.score > global_elite.score: + global_elite = copy.copy(top_member) + + return global_elite.result + + def check_transformation_compatibility(self, transformation): + """The genetic algorithm is specifically designed for word + substitutions.""" + return transformation_consists_of_word_swaps(transformation) + + @property + def is_black_box(self): + return True + + def extra_repr_keys(self): + return ["pop_size", "max_iters", "post_turn_check", "max_turn_retries"] + + +def normalize(n): + n = np.array(n) + n[n < 0] = 0 + s = np.sum(n) + if s == 0: + return np.ones(len(n)) / len(n) + else: + return n / s diff --git a/textattack/search_methods/population_based_search.py b/textattack/search_methods/population_based_search.py new file mode 100644 index 0000000000000000000000000000000000000000..e3fe951c1a8167b3324a22c8e59765356127ceda --- /dev/null +++ b/textattack/search_methods/population_based_search.py @@ -0,0 +1,85 @@ +""" +Population based Search +========================== +""" + +from abc import ABC, abstractmethod + +from textattack.search_methods import SearchMethod + + +class PopulationBasedSearch(SearchMethod, ABC): + """Abstract base class for population-based search methods. + + Examples include: genetic algorithm, particle swarm optimization + """ + + def _check_constraints(self, transformed_text, current_text, original_text): + """Check if `transformted_text` still passes the constraints with + respect to `current_text` and `original_text`. + + This method is required because of a lot population-based methods does their own transformations apart from + the actual `transformation`. Examples include `crossover` from `GeneticAlgorithm` and `move` from `ParticleSwarmOptimization`. + Args: + transformed_text (AttackedText): Resulting text after transformation + current_text (AttackedText): Recent text from which `transformed_text` was produced from. + original_text (AttackedText): Original text + Returns + `True` if constraints satisfied and `False` if otherwise. + """ + filtered = self.filter_transformations( + [transformed_text], current_text, original_text=original_text + ) + return True if filtered else False + + @abstractmethod + def _perturb(self, pop_member, original_result, **kwargs): + """Perturb `pop_member` in-place. + + Must be overridden by specific population-based method + Args: + pop_member (PopulationMember): Population member to perturb\ + original_result (GoalFunctionResult): Result for original text. Often needed for constraint checking. + Returns + `True` if perturbation occured. `False` if not. + """ + raise NotImplementedError() + + @abstractmethod + def _initialize_population(self, initial_result, pop_size): + """ + Initialize a population of size `pop_size` with `initial_result` + Args: + initial_result (GoalFunctionResult): Original text + pop_size (int): size of population + Returns: + population as `list[PopulationMember]` + """ + raise NotImplementedError + + +class PopulationMember: + """Represent a single member of population.""" + + def __init__(self, attacked_text, result=None, attributes={}, **kwargs): + self.attacked_text = attacked_text + self.result = result + self.attributes = attributes + for key, value in kwargs.items(): + setattr(self, key, value) + + @property + def score(self): + if not self.result: + raise ValueError( + "Result must be obtained for PopulationMember to get its score." + ) + return self.result.score + + @property + def words(self): + return self.attacked_text.words + + @property + def num_words(self): + return self.attacked_text.num_words diff --git a/textattack/search_methods/search_method.py b/textattack/search_methods/search_method.py new file mode 100644 index 0000000000000000000000000000000000000000..76b5981bc2bb896ebd437a4a106b6273771a1cf6 --- /dev/null +++ b/textattack/search_methods/search_method.py @@ -0,0 +1,67 @@ +""" +Search Method Abstract Class +=============================== +""" + + +from abc import ABC, abstractmethod + +from textattack.shared.utils import ReprMixin + + +class SearchMethod(ReprMixin, ABC): + """This is an abstract class that contains main helper functionality for + search methods. + + A search method is a strategy for applying transformations until the + goal is met or the search is exhausted. + """ + + def __call__(self, initial_result): + """Ensures access to necessary functions, then calls + ``perform_search``""" + if not hasattr(self, "get_transformations"): + raise AttributeError( + "Search Method must have access to get_transformations method" + ) + if not hasattr(self, "get_goal_results"): + raise AttributeError( + "Search Method must have access to get_goal_results method" + ) + if not hasattr(self, "filter_transformations"): + raise AttributeError( + "Search Method must have access to filter_transformations method" + ) + + result = self.perform_search(initial_result) + # ensure that the number of queries for this GoalFunctionResult is up-to-date + result.num_queries = self.goal_function.num_queries + return result + + @abstractmethod + def perform_search(self, initial_result): + """Perturbs `attacked_text` from ``initial_result`` until goal is + reached or search is exhausted. + + Must be overridden by specific search methods. + """ + raise NotImplementedError() + + def check_transformation_compatibility(self, transformation): + """Determines whether this search method is compatible with + ``transformation``.""" + return True + + @property + def is_black_box(self): + """Returns `True` if search method does not require access to victim + model's internal states.""" + raise NotImplementedError() + + def get_victim_model(self): + if self.is_black_box: + raise NotImplementedError( + "Cannot access victim model if search method is a black-box method." + ) + else: + return self.goal_function.model diff --git a/textattack/shared/__init__.py b/textattack/shared/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..2855c219b0b6ab826d5ca7bf43f2faa9220f1542 --- /dev/null +++ b/textattack/shared/__init__.py @@ -0,0 +1,17 @@ +""" +Shared TextAttack Functions +============================= + +This package includes functions shared across packages. + +""" + + +from . import data +from . import utils +from .utils import logger +from . import validators + +from .attacked_text import AttackedText +from .word_embeddings import AbstractWordEmbedding, WordEmbedding, GensimWordEmbedding +from .checkpoint import AttackCheckpoint diff --git a/textattack/shared/attacked_text.py b/textattack/shared/attacked_text.py new file mode 100644 index 0000000000000000000000000000000000000000..e9f8f258ef26e5ee1c73bcf89c34d0a59b0ecbeb --- /dev/null +++ b/textattack/shared/attacked_text.py @@ -0,0 +1,610 @@ +""".. _attacked_text: + +Attacked Text Class +===================== + +A helper class that represents a string that can be attacked. +""" + +from collections import OrderedDict +import math + +import flair +from flair.data import Sentence +import numpy as np +import torch + +import textattack + +from .utils import device, words_from_text + +flair.device = device + + +class AttackedText: + + """A helper class that represents a string that can be attacked. + + Models that take multiple sentences as input separate them by ``SPLIT_TOKEN``. + Attacks "see" the entire input, joined into one string, without the split token. + + ``AttackedText`` instances that were perturbed from other ``AttackedText`` + objects contain a pointer to the previous text + (``attack_attrs["previous_attacked_text"]``), so that the full chain of + perturbations might be reconstructed by using this key to form a linked + list. + + Args: + text (string): The string that this AttackedText represents + attack_attrs (dict): Dictionary of various attributes stored + during the course of an attack. + """ + + SPLIT_TOKEN = "" + + def __init__(self, text_input, attack_attrs=None): + # Read in ``text_input`` as a string or OrderedDict. + if isinstance(text_input, str): + self._text_input = OrderedDict([("text", text_input)]) + elif isinstance(text_input, OrderedDict): + self._text_input = text_input + else: + raise TypeError( + f"Invalid text_input type {type(text_input)} (required str or OrderedDict)" + ) + # Process input lazily. + self._words = None + self._words_per_input = None + self._pos_tags = None + self._ner_tags = None + # Format text inputs. + self._text_input = OrderedDict([(k, v) for k, v in self._text_input.items()]) + if attack_attrs is None: + self.attack_attrs = dict() + elif isinstance(attack_attrs, dict): + self.attack_attrs = attack_attrs + else: + raise TypeError(f"Invalid type for attack_attrs: {type(attack_attrs)}") + # Indices of words from the *original* text. Allows us to map + # indices between original text and this text, and vice-versa. + self.attack_attrs.setdefault("original_index_map", np.arange(self.num_words)) + # A list of all indices in *this* text that have been modified. + self.attack_attrs.setdefault("modified_indices", set()) + + def __eq__(self, other): + """Compares two text instances to make sure they have the same attack + attributes. + + Since some elements stored in ``self.attack_attrs`` may be numpy + arrays, we have to take special care when comparing them. + """ + if not (self.text == other.text): + return False + if len(self.attack_attrs) != len(other.attack_attrs): + return False + for key in self.attack_attrs: + if key not in other.attack_attrs: + return False + elif isinstance(self.attack_attrs[key], np.ndarray): + if not (self.attack_attrs[key].shape == other.attack_attrs[key].shape): + return False + elif not (self.attack_attrs[key] == other.attack_attrs[key]).all(): + return False + else: + if not self.attack_attrs[key] == other.attack_attrs[key]: + return False + return True + + def __hash__(self): + return hash(self.text) + + def free_memory(self): + """Delete items that take up memory. + + Can be called once the AttackedText is only needed to display. + """ + if "previous_attacked_text" in self.attack_attrs: + self.attack_attrs["previous_attacked_text"].free_memory() + self.attack_attrs.pop("previous_attacked_text", None) + + self.attack_attrs.pop("last_transformation", None) + + for key in self.attack_attrs: + if isinstance(self.attack_attrs[key], torch.Tensor): + self.attack_attrs.pop(key, None) + + def text_window_around_index(self, index, window_size): + """The text window of ``window_size`` words centered around + ``index``.""" + length = self.num_words + half_size = (window_size - 1) / 2.0 + if index - half_size < 0: + start = 0 + end = min(window_size - 1, length - 1) + elif index + half_size >= length: + start = max(0, length - window_size) + end = length - 1 + else: + start = index - math.ceil(half_size) + end = index + math.floor(half_size) + text_idx_start = self._text_index_of_word_index(start) + text_idx_end = self._text_index_of_word_index(end) + len(self.words[end]) + return self.text[text_idx_start:text_idx_end] + + def pos_of_word_index(self, desired_word_idx): + """Returns the part-of-speech of the word at index `word_idx`. + + Uses FLAIR part-of-speech tagger. + """ + if not self._pos_tags: + sentence = Sentence( + self.text, + use_tokenizer=textattack.shared.utils.TextAttackFlairTokenizer(), + ) + textattack.shared.utils.flair_tag(sentence) + self._pos_tags = sentence + flair_word_list, flair_pos_list = textattack.shared.utils.zip_flair_result( + self._pos_tags + ) + + for word_idx, word in enumerate(self.words): + assert ( + word in flair_word_list + ), "word absent in flair returned part-of-speech tags" + word_idx_in_flair_tags = flair_word_list.index(word) + if word_idx == desired_word_idx: + return flair_pos_list[word_idx_in_flair_tags] + else: + flair_word_list = flair_word_list[word_idx_in_flair_tags + 1 :] + flair_pos_list = flair_pos_list[word_idx_in_flair_tags + 1 :] + + raise ValueError( + f"Did not find word from index {desired_word_idx} in flair POS tag" + ) + + def ner_of_word_index(self, desired_word_idx, model_name="ner"): + """Returns the ner tag of the word at index `word_idx`. + + Uses FLAIR ner tagger. + """ + if not self._ner_tags: + sentence = Sentence( + self.text, + use_tokenizer=textattack.shared.utils.TextAttackFlairTokenizer(), + ) + textattack.shared.utils.flair_tag(sentence, model_name) + self._ner_tags = sentence + flair_word_list, flair_ner_list = textattack.shared.utils.zip_flair_result( + self._ner_tags, "ner" + ) + + for word_idx, word in enumerate(flair_word_list): + word_idx_in_flair_tags = flair_word_list.index(word) + if word_idx == desired_word_idx: + return flair_ner_list[word_idx_in_flair_tags] + else: + flair_word_list = flair_word_list[word_idx_in_flair_tags + 1 :] + flair_ner_list = flair_ner_list[word_idx_in_flair_tags + 1 :] + + raise ValueError( + f"Did not find word from index {desired_word_idx} in flair POS tag" + ) + + def _text_index_of_word_index(self, i): + """Returns the index of word ``i`` in self.text.""" + pre_words = self.words[: i + 1] + lower_text = self.text.lower() + # Find all words until `i` in string. + look_after_index = 0 + for word in pre_words: + look_after_index = lower_text.find(word.lower(), look_after_index) + len( + word + ) + look_after_index -= len(self.words[i]) + return look_after_index + + def text_until_word_index(self, i): + """Returns the text before the beginning of word at index ``i``.""" + look_after_index = self._text_index_of_word_index(i) + return self.text[:look_after_index] + + def text_after_word_index(self, i): + """Returns the text after the end of word at index ``i``.""" + # Get index of beginning of word then jump to end of word. + look_after_index = self._text_index_of_word_index(i) + len(self.words[i]) + return self.text[look_after_index:] + + def first_word_diff(self, other_attacked_text): + """Returns the first word in self.words that differs from + other_attacked_text. + + Useful for word swap strategies. + """ + w1 = self.words + w2 = other_attacked_text.words + for i in range(min(len(w1), len(w2))): + if w1[i] != w2[i]: + return w1[i] + return None + + def first_word_diff_index(self, other_attacked_text): + """Returns the index of the first word in self.words that differs from + other_attacked_text. + + Useful for word swap strategies. + """ + w1 = self.words + w2 = other_attacked_text.words + for i in range(min(len(w1), len(w2))): + if w1[i] != w2[i]: + return i + return None + + def all_words_diff(self, other_attacked_text): + """Returns the set of indices for which this and other_attacked_text + have different words.""" + indices = set() + w1 = self.words + w2 = other_attacked_text.words + for i in range(min(len(w1), len(w2))): + if w1[i] != w2[i]: + indices.add(i) + return indices + + def ith_word_diff(self, other_attacked_text, i): + """Returns whether the word at index i differs from + other_attacked_text.""" + w1 = self.words + w2 = other_attacked_text.words + if len(w1) - 1 < i or len(w2) - 1 < i: + return True + return w1[i] != w2[i] + + def words_diff_num(self, other_attacked_text): + # using edit distance to calculate words diff num + def generate_tokens(words): + result = {} + idx = 1 + for w in words: + if w not in result: + result[w] = idx + idx += 1 + return result + + def words_to_tokens(words, tokens): + result = [] + for w in words: + result.append(tokens[w]) + return result + + def edit_distance(w1_t, w2_t): + matrix = [ + [i + j for j in range(len(w2_t) + 1)] for i in range(len(w1_t) + 1) + ] + + for i in range(1, len(w1_t) + 1): + for j in range(1, len(w2_t) + 1): + if w1_t[i - 1] == w2_t[j - 1]: + d = 0 + else: + d = 1 + matrix[i][j] = min( + matrix[i - 1][j] + 1, + matrix[i][j - 1] + 1, + matrix[i - 1][j - 1] + d, + ) + + return matrix[len(w1_t)][len(w2_t)] + + def cal_dif(w1, w2): + tokens = generate_tokens(w1 + w2) + w1_t = words_to_tokens(w1, tokens) + w2_t = words_to_tokens(w2, tokens) + return edit_distance(w1_t, w2_t) + + w1 = self.words + w2 = other_attacked_text.words + return cal_dif(w1, w2) + + def convert_from_original_idxs(self, idxs): + """Takes indices of words from original string and converts them to + indices of the same words in the current string. + + Uses information from + ``self.attack_attrs['original_index_map']``, which maps word + indices from the original to perturbed text. + """ + if len(self.attack_attrs["original_index_map"]) == 0: + return idxs + elif isinstance(idxs, set): + idxs = list(idxs) + + elif not isinstance(idxs, [list, np.ndarray]): + raise TypeError( + f"convert_from_original_idxs got invalid idxs type {type(idxs)}" + ) + + return [self.attack_attrs["original_index_map"][i] for i in idxs] + + def replace_words_at_indices(self, indices, new_words): + """This code returns a new AttackedText object where the word at + ``index`` is replaced with a new word.""" + if len(indices) != len(new_words): + raise ValueError( + f"Cannot replace {len(new_words)} words at {len(indices)} indices." + ) + words = self.words[:] + for i, new_word in zip(indices, new_words): + if not isinstance(new_word, str): + raise TypeError( + f"replace_words_at_indices requires ``str`` words, got {type(new_word)}" + ) + if (i < 0) or (i > len(words)): + raise ValueError(f"Cannot assign word at index {i}") + words[i] = new_word + return self.generate_new_attacked_text(words) + + def replace_word_at_index(self, index, new_word): + """This code returns a new AttackedText object where the word at + ``index`` is replaced with a new word.""" + if not isinstance(new_word, str): + raise TypeError( + f"replace_word_at_index requires ``str`` new_word, got {type(new_word)}" + ) + return self.replace_words_at_indices([index], [new_word]) + + def delete_word_at_index(self, index): + """This code returns a new AttackedText object where the word at + ``index`` is removed.""" + return self.replace_word_at_index(index, "") + + def insert_text_after_word_index(self, index, text): + """Inserts a string before word at index ``index`` and attempts to add + appropriate spacing.""" + if not isinstance(text, str): + raise TypeError(f"text must be an str, got type {type(text)}") + word_at_index = self.words[index] + new_text = " ".join((word_at_index, text)) + return self.replace_word_at_index(index, new_text) + + def insert_text_before_word_index(self, index, text): + """Inserts a string before word at index ``index`` and attempts to add + appropriate spacing.""" + if not isinstance(text, str): + raise TypeError(f"text must be an str, got type {type(text)}") + word_at_index = self.words[index] + # TODO if ``word_at_index`` is at the beginning of a sentence, we should + # optionally capitalize ``text``. + new_text = " ".join((text, word_at_index)) + return self.replace_word_at_index(index, new_text) + + def get_deletion_indices(self): + return self.attack_attrs["original_index_map"][ + self.attack_attrs["original_index_map"] == -1 + ] + + def generate_new_attacked_text(self, new_words): + """Returns a new AttackedText object and replaces old list of words + with a new list of words, but preserves the punctuation and spacing of + the original message. + + ``self.words`` is a list of the words in the current text with + punctuation removed. However, each "word" in ``new_words`` could + be an empty string, representing a word deletion, or a string + with multiple space-separated words, representation an insertion + of one or more words. + """ + perturbed_text = "" + original_text = AttackedText.SPLIT_TOKEN.join(self._text_input.values()) + new_attack_attrs = dict() + if "label_names" in self.attack_attrs: + new_attack_attrs["label_names"] = self.attack_attrs["label_names"] + new_attack_attrs["newly_modified_indices"] = set() + # Point to previously monitored text. + new_attack_attrs["previous_attacked_text"] = self + # Use `new_attack_attrs` to track indices with respect to the original + # text. + new_attack_attrs["modified_indices"] = self.attack_attrs[ + "modified_indices" + ].copy() + new_attack_attrs["original_index_map"] = self.attack_attrs[ + "original_index_map" + ].copy() + new_i = 0 + # Create the new attacked text by swapping out words from the original + # text with a sequence of 0+ words in the new text. + for i, (input_word, adv_word_seq) in enumerate(zip(self.words, new_words)): + word_start = original_text.index(input_word) + word_end = word_start + len(input_word) + perturbed_text += original_text[:word_start] + original_text = original_text[word_end:] + adv_words = words_from_text(adv_word_seq) + adv_num_words = len(adv_words) + num_words_diff = adv_num_words - len(words_from_text(input_word)) + # Track indices on insertions and deletions. + if num_words_diff != 0: + # Re-calculated modified indices. If words are inserted or deleted, + # they could change. + shifted_modified_indices = set() + for modified_idx in new_attack_attrs["modified_indices"]: + if modified_idx < i: + shifted_modified_indices.add(modified_idx) + elif modified_idx > i: + shifted_modified_indices.add(modified_idx + num_words_diff) + else: + pass + new_attack_attrs["modified_indices"] = shifted_modified_indices + # Track insertions and deletions wrt original text. + # original_modification_idx = i + new_idx_map = new_attack_attrs["original_index_map"].copy() + if num_words_diff == -1: + # Word deletion + new_idx_map[new_idx_map == i] = -1 + new_idx_map[new_idx_map > i] += num_words_diff + + if num_words_diff > 0 and input_word != adv_words[0]: + # If insertion happens before the `input_word` + new_idx_map[new_idx_map == i] += num_words_diff + + new_attack_attrs["original_index_map"] = new_idx_map + # Move pointer and save indices of new modified words. + for j in range(i, i + adv_num_words): + if input_word != adv_word_seq: + new_attack_attrs["modified_indices"].add(new_i) + new_attack_attrs["newly_modified_indices"].add(new_i) + new_i += 1 + # Check spaces for deleted text. + if adv_num_words == 0 and len(original_text): + # Remove extra space (or else there would be two spaces for each + # deleted word). + # @TODO What to do with punctuation in this case? This behavior is undefined. + if i == 0: + # If the first word was deleted, take a subsequent space. + if original_text[0] == " ": + original_text = original_text[1:] + else: + # If a word other than the first was deleted, take a preceding space. + if perturbed_text[-1] == " ": + perturbed_text = perturbed_text[:-1] + # Add substitute word(s) to new sentence. + perturbed_text += adv_word_seq + perturbed_text += original_text # Add all of the ending punctuation. + + # Add pointer to self so chain of replacements can be reconstructed. + new_attack_attrs["prev_attacked_text"] = self + + # Reform perturbed_text into an OrderedDict. + perturbed_input_texts = perturbed_text.split(AttackedText.SPLIT_TOKEN) + perturbed_input = OrderedDict( + zip(self._text_input.keys(), perturbed_input_texts) + ) + return AttackedText(perturbed_input, attack_attrs=new_attack_attrs) + + def words_diff_ratio(self, x): + """Get the ratio of words difference between current text and `x`. + + Note that current text and `x` must have same number of words. + """ + assert self.num_words == x.num_words + return float(np.sum(self.words != x.words)) / self.num_words + + def align_with_model_tokens(self, model_wrapper): + """Align AttackedText's `words` with target model's tokenization scheme + (e.g. word, character, subword). Specifically, we map each word to list + of indices of tokens that compose the word (e.g. embedding --> ["em", + "##bed", "##ding"]) + + Args: + model_wrapper (textattack.models.wrappers.ModelWrapper): ModelWrapper of the target model + + Returns: + word2token_mapping (dict[int, list[int]]): Dictionary that maps i-th word to list of indices. + """ + tokens = model_wrapper.tokenize([self.tokenizer_input], strip_prefix=True)[0] + word2token_mapping = {} + j = 0 + last_matched = 0 + + for i, word in enumerate(self.words): + matched_tokens = [] + while j < len(tokens) and len(word) > 0: + token = tokens[j].lower() + idx = word.lower().find(token) + if idx == 0: + word = word[idx + len(token) :] + matched_tokens.append(j) + last_matched = j + j += 1 + + if not matched_tokens: + word2token_mapping[i] = None + j = last_matched + else: + word2token_mapping[i] = matched_tokens + + return word2token_mapping + + @property + def tokenizer_input(self): + """The tuple of inputs to be passed to the tokenizer.""" + input_tuple = tuple(self._text_input.values()) + # Prefer to return a string instead of a tuple with a single value. + if len(input_tuple) == 1: + return input_tuple[0] + else: + return input_tuple + + @property + def column_labels(self): + """Returns the labels for this text's columns. + + For single-sequence inputs, this simply returns ['text']. + """ + return list(self._text_input.keys()) + + @property + def words_per_input(self): + """Returns a list of lists of words corresponding to each input.""" + if not self._words_per_input: + self._words_per_input = [ + words_from_text(_input) for _input in self._text_input.values() + ] + return self._words_per_input + + @property + def words(self): + if not self._words: + self._words = words_from_text(self.text) + return self._words + + @property + def text(self): + """Represents full text input. + + Multiply inputs are joined with a line break. + """ + return "\n".join(self._text_input.values()) + + @property + def num_words(self): + """Returns the number of words in the sequence.""" + return len(self.words) + + @property + def newly_swapped_words(self): + return [self.words[i] for i in self.attack_attrs["newly_modified_indices"]] + + def printable_text(self, key_color="bold", key_color_method=None): + """Represents full text input. Adds field descriptions. + + For example, entailment inputs look like: + ``` + premise: ... + hypothesis: ... + ``` + """ + # For single-sequence inputs, don't show a prefix. + if len(self._text_input) == 1: + return next(iter(self._text_input.values())) + # For multiple-sequence inputs, show a prefix and a colon. Optionally, + # color the key. + else: + if key_color_method: + + def ck(k): + return textattack.shared.utils.color_text( + k, key_color, key_color_method + ) + + else: + + def ck(k): + return k + + return "\n".join( + f"{ck(key.capitalize())}: {value}" + for key, value in self._text_input.items() + ) + + def __repr__(self): + return f'' diff --git a/textattack/shared/checkpoint.py b/textattack/shared/checkpoint.py new file mode 100644 index 0000000000000000000000000000000000000000..f0e91d9ff5f76c639b5d5a4bea28007936fc3436 --- /dev/null +++ b/textattack/shared/checkpoint.py @@ -0,0 +1,241 @@ +""" +Misc Checkpoints +=================== + +The ``AttackCheckpoint`` class saves in-progress attacks and loads saved attacks from disk. +""" +import copy +import datetime +import os +import pickle +import time + +import textattack +from textattack.attack_results import ( + FailedAttackResult, + MaximizedAttackResult, + SkippedAttackResult, + SuccessfulAttackResult, +) +from textattack.shared import logger, utils + +# TODO: Consider still keeping the old `Checkpoint` class and allow older checkpoints to be loaded to new TextAttack + + +class AttackCheckpoint: + """An object that stores necessary information for saving and loading + checkpoints. + + Args: + attack_args (textattack.AttackArgs): Arguments of the original attack + attack_log_manager (textattack.loggers.AttackLogManager): Object for storing attack results + worklist (deque[int]): List of examples that will be attacked. Examples are represented by their indicies within the dataset. + worklist_candidates (int): List of other available examples we can attack. Used to get the next dataset element when `attack_n=True`. + chkpt_time (float): epoch time representing when checkpoint was made + """ + + def __init__( + self, + attack_args, + attack_log_manager, + worklist, + worklist_candidates, + chkpt_time=None, + ): + assert isinstance( + attack_args, textattack.AttackArgs + ), "`attack_args` must be of type `textattack.AttackArgs`." + assert isinstance( + attack_log_manager, textattack.loggers.AttackLogManager + ), "`attack_log_manager` must be of type `textattack.loggers.AttackLogManager`." + + self.attack_args = copy.deepcopy(attack_args) + self.attack_log_manager = attack_log_manager + self.worklist = worklist + self.worklist_candidates = worklist_candidates + if chkpt_time: + self.time = chkpt_time + else: + self.time = time.time() + + self._verify() + + def __repr__(self): + main_str = "AttackCheckpoint(" + lines = [] + lines.append(utils.add_indent(f"(Time): {self.datetime}", 2)) + + args_lines = [] + recipe_set = ( + True + if "recipe" in self.attack_args.__dict__ + and self.attack_args.__dict__["recipe"] + else False + ) + mutually_exclusive_args = ["search", "transformation", "constraints", "recipe"] + if recipe_set: + args_lines.append( + utils.add_indent(f'(recipe): {self.attack_args.__dict__["recipe"]}', 2) + ) + else: + args_lines.append( + utils.add_indent(f'(search): {self.attack_args.__dict__["search"]}', 2) + ) + args_lines.append( + utils.add_indent( + f'(transformation): {self.attack_args.__dict__["transformation"]}', + 2, + ) + ) + args_lines.append( + utils.add_indent( + f'(constraints): {self.attack_args.__dict__["constraints"]}', 2 + ) + ) + + for key in self.attack_args.__dict__: + if key not in mutually_exclusive_args: + args_lines.append( + utils.add_indent(f"({key}): {self.attack_args.__dict__[key]}", 2) + ) + + args_str = utils.add_indent("\n" + "\n".join(args_lines), 2) + lines.append(utils.add_indent(f"(attack_args): {args_str}", 2)) + + attack_logger_lines = [] + attack_logger_lines.append( + utils.add_indent( + f"(Total number of examples to attack): {self.attack_args.num_examples}", + 2, + ) + ) + attack_logger_lines.append( + utils.add_indent(f"(Number of attacks performed): {self.results_count}", 2) + ) + attack_logger_lines.append( + utils.add_indent( + f"(Number of remaining attacks): {self.num_remaining_attacks}", 2 + ) + ) + breakdown_lines = [] + breakdown_lines.append( + utils.add_indent( + f"(Number of successful attacks): {self.num_successful_attacks}", 2 + ) + ) + breakdown_lines.append( + utils.add_indent( + f"(Number of failed attacks): {self.num_failed_attacks}", 2 + ) + ) + breakdown_lines.append( + utils.add_indent( + f"(Number of maximized attacks): {self.num_maximized_attacks}", 2 + ) + ) + breakdown_lines.append( + utils.add_indent( + f"(Number of skipped attacks): {self.num_skipped_attacks}", 2 + ) + ) + breakdown_str = utils.add_indent("\n" + "\n".join(breakdown_lines), 2) + attack_logger_lines.append( + utils.add_indent(f"(Latest result breakdown): {breakdown_str}", 2) + ) + attack_logger_str = utils.add_indent("\n" + "\n".join(attack_logger_lines), 2) + lines.append( + utils.add_indent(f"(Previous attack summary): {attack_logger_str}", 2) + ) + + main_str += "\n " + "\n ".join(lines) + "\n" + main_str += ")" + return main_str + + __str__ = __repr__ + + @property + def results_count(self): + """Return number of attacks made so far.""" + return len(self.attack_log_manager.results) + + @property + def num_skipped_attacks(self): + return sum( + isinstance(r, SkippedAttackResult) for r in self.attack_log_manager.results + ) + + @property + def num_failed_attacks(self): + return sum( + isinstance(r, FailedAttackResult) for r in self.attack_log_manager.results + ) + + @property + def num_successful_attacks(self): + return sum( + isinstance(r, SuccessfulAttackResult) + for r in self.attack_log_manager.results + ) + + @property + def num_maximized_attacks(self): + return sum( + isinstance(r, MaximizedAttackResult) + for r in self.attack_log_manager.results + ) + + @property + def num_remaining_attacks(self): + if self.attack_args.attack_n: + non_skipped_attacks = self.num_successful_attacks + self.num_failed_attacks + count = self.attack_args.num_examples - non_skipped_attacks + else: + count = self.attack_args.num_examples - self.results_count + return count + + @property + def dataset_offset(self): + """Calculate offset into the dataset to start from.""" + # Original offset + # of results processed so far + return self.attack_args.num_examples_offset + self.results_count + + @property + def datetime(self): + return datetime.datetime.fromtimestamp(self.time).strftime("%Y-%m-%d %H:%M:%S") + + def save(self, quiet=False): + file_name = "{}.ta.chkpt".format(int(self.time * 1000)) + if not os.path.exists(self.attack_args.checkpoint_dir): + os.makedirs(self.attack_args.checkpoint_dir) + path = os.path.join(self.attack_args.checkpoint_dir, file_name) + if not quiet: + print("\n\n" + "=" * 125) + logger.info( + 'Saving checkpoint under "{}" at {} after {} attacks.'.format( + path, self.datetime, self.results_count + ) + ) + print("=" * 125 + "\n") + with open(path, "wb") as f: + pickle.dump(self, f, protocol=pickle.HIGHEST_PROTOCOL) + + @classmethod + def load(cls, path): + with open(path, "rb") as f: + checkpoint = pickle.load(f) + assert isinstance(checkpoint, cls) + + return checkpoint + + def _verify(self): + """Check that the checkpoint has no duplicates and is consistent.""" + assert self.num_remaining_attacks == len( + self.worklist + ), "Recorded number of remaining attacks and size of worklist are different." + + results_set = { + result.original_text for result in self.attack_log_manager.results + } + assert ( + len(results_set) == self.results_count + ), "Duplicate `AttackResults` found." diff --git a/textattack/shared/chinese_homophone_char.txt b/textattack/shared/chinese_homophone_char.txt new file mode 100644 index 0000000000000000000000000000000000000000..859e0289899a3c3250f8518133e382e46c8fe203 --- /dev/null +++ b/textattack/shared/chinese_homophone_char.txt @@ -0,0 +1,401 @@ +de 的 地 得 德 嘚 徳 锝 脦 悳 淂 鍀 惪 恴 棏 +le 了 乐 叻 肋 樂 楽 仂 泐 簕 饹 竻 砳 玏 鳓 扐 艻 忇 氻 阞 韷 鰳 餎 +shi 是 时 使 事 式 市 师 诗 似 十 石 屎 史 室 试 失 饰 视 食 湿 识 实 氏 世 施 势 時 始 士 适 示 狮 拾 尸 誓 释 仕 實 侍 逝 驶 匙 拭 恃 噬 嗜 莳 矢 師 蚀 谥 柿 湜 弑 詩 襹 適 試 視 識 勢 昰 媞 虱 豕 轼 溡 亊 獅 鍦 舐 濕 釋 実 飾 豉 屍 螫 筮 寔 礻 駛 辻 兘 蓍 铈 丗 埘 奭 蝕 饣 諟 弒 蒔 溼 卋 煶 贳 浉 炻 鲥 鉽 忕 遈 溮 笶 徥 鲺 諡 鰤 栻 眎 謚 祏 湤 呞 飠 蝨 絁 烒 睗 旹 鰣 榯 葹 釈 澨 鉐 邿 恀 峕 崼 鼫 貰 釶 柹 簭 軾 鉂 眡 眂 蒒 瑡 枾 乭 叓 呩 戺 鉃 鉈 揓 餙 塒 竍 籂 銴 嵵 佦 姼 鳾 鸤 褷 嬕 鳲 餝 觢 舓 宩 鯴 鈰 鰘 乨 冟 鮖 鉇 篒 鼭 鶳 襫 榁 遾 +zai 在 再 载 仔 栽 宰 哉 崽 灾 載 甾 災 洅 菑 縡 酨 渽 儎 烖 傤 睵 賳 扗 溨 +he 和 喝 合 何 河 呵 盒 贺 核 鹤 荷 赫 禾 褐 嗬 阖 壑 颌 姀 曷 涸 诃 籺 菏 啝 郃 劾 盍 賀 焃 翮 鶴 盉 饸 蚵 阂 哬 龢 垎 鹖 抲 澕 欱 楁 龁 皬 翯 咊 鶡 佫 熇 鲄 峆 闔 訶 爀 萂 秴 碋 覈 惒 訸 袔 柇 鞨 頜 狢 蠚 盇 癋 嗃 渮 鉌 寉 靎 齕 靏 礉 輅 紇 敆 魺 毼 粭 熆 螛 鶮 麧 篕 煂 燺 鑉 詥 靍 穒 貈 鸖 謞 +wo 我 窝 握 卧 沃 倭 涡 渥 硪 蜗 斡 臥 窩 挝 涴 仴 龌 幄 莴 肟 擭 楃 偓 渦 蝸 枂 猧 捰 婐 瓁 雘 唩 踒 濣 萵 撾 涹 臒 齷 瞃 捾 媉 焥 腛 +you 有 又 由 油 友 右 游 呦 优 忧 邮 尤 犹 幽 悠 幼 佑 釉 攸 诱 酉 鼬 柚 侑 铀 疣 祐 遊 宥 囿 猷 猶 優 莜 憂 黝 鱿 郵 牖 卣 脜 滺 尢 莠 斿 沋 蚴 铕 苃 哊 蚰 懮 誘 羑 牗 莸 秞 逰 怮 怣 楢 姷 鮋 蝣 鲉 栯 魷 麀 銪 峟 槱 訧 狖 櫌 輶 梄 亴 泑 丣 湵 孧 峳 耰 唀 浟 鄾 迶 逌 肬 纋 鈾 偤 嚘 牰 禉 羐 庮 蕕 酭 糿 櫾 貁 蜏 聈 蒏 駀 輏 瀀 +jiu 就 酒 久 九 救 旧 揪 灸 玖 纠 舅 鸠 鹫 究 啾 咎 舊 韭 臼 僦 疚 厩 柩 阄 赳 鬏 糾 桕 鳩 勼 樛 鷲 乣 糺 韮 乆 汣 牞 丩 镹 捄 柾 慦 杦 揫 奺 摎 萛 欍 匛 鬮 廄 紤 殧 廐 揂 朻 齨 倃 廏 匶 匓 麔 舏 鯦 +ye 也 叶 页 夜 爷 耶 业 液 野 烨 噎 掖 業 晔 冶 嘢 椰 曳 谒 葉 邺 吔 爺 頁 腋 靥 暍 铘 鵺 埜 枼 鄴 曵 倻 揶 擫 謁 啘 亱 堨 燁 楪 靨 洂 僷 馌 殗 曄 嶪 壄 璍 鍱 亪 漜 擪 饁 曗 嶫 潱 墷 瞱 爗 抴 餣 澲 釾 捙 擛 擨 鎑 瞸 礏 枽 蠮 捓 嚈 鐷 鋣 驜 曅 皣 鄓 鸈 歋 鎁 +ni 你 拟 妳 泥 腻 尼 逆 妮 倪 睨 伱 匿 霓 溺 昵 擬 铌 旎 伲 猊 坭 膩 鲵 暱 籾 婗 貎 氼 怩 聻 迡 鯢 儞 輗 晲 儗 麑 惄 棿 郳 蜺 檷 眤 狔 縌 屰 抳 苨 柅 埿 觬 臡 嫟 誽 薿 馜 孴 隬 淣 胒 嬺 愵 跜 腝 堄 屔 齯 蚭 鈮 秜 聣 +ta 他 她 它 塔 祂 踏 塌 牠 拓 榻 挞 蹋 铊 咜 獭 闼 趿 鳎 遢 溻 搨 撻 墖 溚 榙 遝 禢 褟 侤 鞳 譶 鞜 獺 蹹 誻 涾 闥 嚺 毾 嚃 崉 鮙 澾 錔 闒 躢 濌 鰨 狧 闧 橽 +dou 都 豆 逗 斗 抖 痘 兜 陡 窦 脰 蔸 鬥 篼 荳 蚪 枓 闘 竇 兠 吺 乧 唗 鬬 唞 鬪 鬭 橷 饾 梪 酘 餖 鬦 閗 浢 斣 阧 鈄 毭 郖 +shang 上 伤 商 尚 赏 殇 裳 熵 傷 觞 丄 晌 墒 賞 觴 尙 垧 绱 殤 滳 慯 緔 鬺 謪 蔏 贘 漡 扄 鑜 恦 鞝 螪 +a 啊 阿 嗄 锕 +yu 与 于 鱼 雨 欲 玉 语 余 逾 於 遇 羽 與 域 愈 宇 俞 御 予 预 豫 渝 虞 煜 郁 育 喻 禹 瑜 渔 娱 浴 狱 钰 寓 誉 愚 屿 馀 裕 驭 峪 昱 毓 彧 聿 庾 妤 谕 瘀 榆 舆 芋 魚 語 餘 淤 隅 愉 盂 迂 欤 鹬 禺 圉 瑀 込 纡 腴 預 譽 峿 鬻 萸 妪 雩 竽 玙 舁 慾 癒 阈 鬱 燠 獄 谀 瘐 漁 楀 臾 俣 禦 圄 蜮 踰 觎 窳 湡 祤 欎 饫 淯 鍝 玗 悆 嬩 娛 籲 繘 嵛 潏 伛 矞 鈺 揄 敔 鹆 輿 萭 瘉 淢 嶼 魊 棫 邘 蓣 嵎 堉 鬰 罭 鐭 堬 歟 燏 砡 諭 亐 堣 爩 偊 忬 龉 遹 閾 薁 肀 灪 馭 扵 窬 喩 喅 髃 喐 蝓 匬 兪 澞 杅 紆 圫 穻 緎 齬 乻 楡 貐 旟 伃 狳 褕 羭 萮 俁 娯 麌 焴 銉 欝 鄅 諛 衧 嫗 崳 酑 礇 陓 鴥 礜 鱊 蒮 扜 滪 傴 澚 鷸 艅 秗 驈 鰅 寙 硲 轝 茟 飫 戫 澦 懙 歈 霱 骬 璵 桙 篽 籞 挧 頨 覦 噊 睮 騟 盓 噳 琙 鸒 蘛 斔 媀 惐 儥 棜 庽 牏 醧 唹 楰 龥 箊 俼 旕 蕍 鋊 鋙 鷠 蕷 茰 鵒 蓹 鴪 輍 稶 蘌 斞 袬 歶 逳 虶 艈 芌 硢 嶎 雓 鮽 棛 螸 櫲 錥 籅 饇 礖 軉 蜟 鸆 穥 迃 鳿 謣 畭 鴧 鯲 稢 +ge 个 各 咯 哥 歌 隔 個 格 割 阁 搁 葛 戈 鸽 革 嗝 铬 硌 镉 嗰 圪 膈 鬲 疙 搿 舸 閣 胳 箇 纥 骼 戓 鎶 閤 滆 仡 臵 茖 鴿 槅 滒 犵 彁 擱 袼 哿 挌 謌 戨 獦 佮 塥 騔 牱 虼 敋 鞷 愅 櫊 肐 觡 諽 鴐 蛒 裓 輵 呄 鴚 轕 牫 鞈 韐 韚 匌 鮯 +dui 对 队 堆 怼 對 兑 隊 対 碓 兌 鐜 镦 懟 痽 憝 鐓 薱 譵 祋 磓 塠 憞 濧 兊 垖 頧 綐 鴭 陮 嵟 襨 瀩 譈 +zhe 这 着 者 折 這 遮 浙 哲 辙 蛰 辄 褶 喆 蜇 锗 柘 摺 蔗 赭 禇 谪 啫 磔 嗻 晢 輒 悊 鹧 詟 潪 粍 轍 淛 蟄 晣 嚞 謫 輙 埑 讋 矺 啠 鷓 讁 虴 蟅 嫬 樜 乽 銸 厇 襵 歽 砓 籷 馲 謺 袩 鮿 +wei 为 位 未 喂 味 微 胃 卫 尾 為 围 魏 伪 唯 薇 威 谓 惟 韦 维 委 爲 伟 玮 危 蔚 煨 违 畏 圩 慰 炜 尉 巍 偎 囗 纬 苇 洧 萎 謂 渭 葳 帷 潍 嵬 桅 圍 猥 溦 帏 鍏 痿 維 沩 潙 娓 衛 艉 違 闱 嶶 隈 偉 暐 偽 涠 餵 猬 诿 韋 闈 鲔 菋 逶 韪 衞 梶 硙 韡 僞 蓶 軎 湋 亹 蒍 葦 芛 浘 洈 璏 濰 碨 苿 頠 緯 薳 磑 煒 蘶 瑋 痏 愄 蜼 蝟 媦 墛 鮪 琟 喴 硊 媙 揻 壝 溈 屗 鮠 霨 儰 叞 撱 嵔 餧 鳚 覹 詴 鮇 癓 幃 藯 韑 蝛 鰄 霺 煟 轊 緭 煀 蔿 螱 峞 磈 韙 厃 骫 徫 楲 烓 斖 媁 懀 峗 椳 諉 荱 寪 熭 鍡 褽 潿 隇 喡 捤 瀢 葨 骪 燰 欈 渨 鳂 崣 鄬 揋 犩 縅 鏏 鰃 踓 犚 腲 讆 覣 颹 濻 愇 蜲 骩 罻 躗 饖 躛 讏 椲 醀 +deng 等 瞪 灯 登 邓 蹬 凳 噔 燈 磴 镫 鄧 嶝 朩 櫈 簦 戥 豋 鐙 嬁 璒 墱 隥 艠 覴 竳 +ma 吗 嘛 妈 骂 马 码 麻 嗎 玛 馬 媽 唛 蚂 杩 碼 罵 孖 嬷 嫲 瑪 蟆 犸 蔴 亇 鎷 駡 嬤 痲 祃 獁 閁 嘜 鰢 禡 犘 螞 睰 傌 礣 蟇 溤 鬕 遤 榪 鷌 +er 而 二 儿 耳 尔 饵 贰 兒 迩 爾 尓 珥 洱 尒 洏 铒 児 貳 佴 鸸 弍 侕 咡 唲 厼 貮 栭 陑 毦 鲕 弐 邇 餌 荋 薾 趰 胹 粫 峏 刵 誀 栮 轜 鮞 輀 髵 駬 樲 聏 鉺 鴯 隭 衈 袻 +dao 到 道 倒 刀 岛 盗 导 捣 稻 叨 悼 蹈 島 祷 菿 焘 導 檤 氘 纛 嶋 刂 捯 盜 稲 搗 箌 噵 禱 瓙 椡 忉 嶌 舠 衜 燾 鱽 擣 衟 釖 禂 朷 翿 艔 魛 嶹 陦 槝 軇 隯 翢 壔 隝 +dan 但 单 蛋 弹 丹 淡 胆 担 旦 氮 掸 啖 噉 诞 單 耽 澹 惮 擔 彈 聃 眈 単 弾 膽 郸 儋 誕 泹 殚 箪 疍 亶 疸 萏 勯 赕 紞 襌 瘅 啗 憺 玬 鴠 蜑 柦 褝 憚 髧 狚 妉 砃 簞 躭 抌 殫 僤 澸 撣 啿 觛 窞 撢 嘾 帎 禫 沊 蓞 匰 癉 耼 駳 媅 贉 霮 黕 繵 刐 聸 鄲 衴 頕 腅 癚 嚪 甔 黮 瓭 伔 馾 饏 +jiang 将 讲 奖 江 姜 降 酱 蒋 將 僵 疆 浆 匠 講 犟 桨 绛 缰 獎 醬 蔣 彊 薑 耩 茳 漿 奬 勥 豇 絳 糨 葁 礓 奨 醤 殭 洚 弶 韁 鳉 槳 杢 橿 弜 傋 夅 畺 鱂 匞 壃 繮 膙 櫤 螿 摪 螀 畕 嵹 滰 顜 翞 袶 摾 謽 糡 疅 +bei 被 呗 背 杯 倍 北 贝 备 辈 悲 碑 卑 焙 蓓 陂 唄 備 盃 钡 孛 悖 狈 貝 輩 惫 邶 碚 揹 琲 苝 鹎 褙 椑 糒 鐾 鞴 偝 牬 鋇 禙 桮 俻 珼 軰 狽 偹 憊 犕 昁 梖 骳 誖 鉳 鵯 蛽 郥 僃 鞁 愂 藣 鄁 +zhong 中 种 重 众 钟 终 肿 忠 仲 種 冢 盅 锺 衷 眾 終 鐘 塚 踵 腫 狆 衆 鍾 柊 舯 鈡 偅 蔠 螽 煄 刣 蹱 泈 祌 妕 尰 伀 喠 茽 媑 穜 彸 筗 塜 蚛 衶 瘇 炂 鴤 汷 螤 歱 妐 籦 銿 鼨 幒 衳 諥 堹 +ba 吧 把 八 爸 拔 扒 罢 霸 巴 疤 坝 叭 耙 粑 靶 芭 跋 钯 捌 灞 魃 抜 笆 岜 罷 丷 鲅 峇 仈 茇 垻 壩 覇 紦 妭 鲃 鲌 犮 夿 菝 巼 叐 癹 羓 朳 蚆 玐 颰 豝 鈀 弝 坺 胈 柭 哵 跁 鮊 軷 矲 釛 魞 詙 炦 欛 釟 鼥 墢 +cong 从 葱 從 丛 聪 琮 匆 璁 枞 骢 淙 苁 囱 蔥 聰 叢 怱 婃 従 熜 賨 慒 茐 蟌 囪 悰 藂 聡 潨 樅 悤 欉 賩 驄 孮 篵 緫 忩 鏦 爜 瑽 樷 潀 漎 聦 蓯 暰 憁 棇 徖 樬 謥 繱 灇 焧 漗 騘 瞛 誴 鍯 +yao 要 药 咬 腰 妖 姚 摇 邀 舀 瑶 遥 耀 尧 窑 曜 爻 幺 吆 谣 夭 杳 钥 垚 藥 肴 鹞 窈 搖 婹 鳐 葽 繇 遙 揺 葯 窯 鑰 燿 崾 祅 闄 矅 岆 薬 傜 瑤 徭 堯 峣 喓 珧 愮 窰 謠 窅 偠 轺 飖 媱 猺 楆 餚 詏 苭 滧 靿 殀 訞 仸 尭 榚 榣 烑 穾 颻 枖 獟 鷕 齩 磘 窔 嶢 暚 覞 銚 嶤 鷂 宎 熎 謡 鰩 狕 騕 艞 軺 嗂 抭 鎐 溔 邎 倄 眑 袎 鼼 摿 蓔 蘨 鴢 顤 筄 讑 纅 鴁 柼 餆 +ne 呢 讷 疒 訥 抐 眲 +hai 还 嗨 海 害 咳 還 孩 亥 骇 氦 骸 嗐 醢 烸 胲 駭 嚡 咍 塰 餀 妎 頦 駴 酼 饚 +bu 不 部 步 补 布 捕 簿 埠 卟 怖 補 吥 哺 钚 歩 佈 咘 埗 逋 瓿 晡 蔀 醭 钸 荹 庯 篰 抪 廍 歨 鳪 餔 鈽 踄 誧 峬 捗 柨 悑 轐 鵏 鸔 郶 勏 喸 餢 +hou 后 厚 吼 後 侯 猴 候 喉 齁 犼 鲎 逅 糇 垕 睺 骺 堠 瘊 郈 翵 篌 鮜 洉 鲘 矦 鍭 豞 葔 餱 鯸 帿 鱟 鄇 翭 +qu 去 区 取 娶 曲 趣 佢 驱 屈 渠 趋 蛆 祛 區 瞿 觑 躯 衢 龋 蕖 麴 趨 呿 袪 阒 璩 朐 粬 岖 蘧 闃 诎 驅 蛐 麹 麯 佉 鸲 嶇 劬 駆 紶 癯 黢 詘 鼩 伹 軀 覷 浀 蠼 敺 鸜 鑺 詓 磲 欋 灈 憈 璖 臞 胠 迲 岨 蟝 鰸 魼 蝺 厺 氍 齲 匤 髷 鴝 耝 絇 覻 阹 軥 誳 籧 胊 忂 駈 閴 抾 躣 覰 翑 麮 筁 衐 蠷 戵 竘 镼 淭 螶 坥 菃 鱋 刞 唟 岴 斪 鼁 竬 葋 +hui 会 回 灰 會 挥 汇 毁 绘 惠 辉 慧 悔 荟 卉 徽 晖 烩 喙 讳 蕙 晦 秽 恢 麾 诲 囘 迴 茴 洄 浍 匯 虺 贿 珲 恵 輝 廻 毀 繪 滙 揮 哕 彗 恚 彙 隳 絵 囬 蛔 咴 濊 翙 薈 諱 翚 诙 煇 暉 缋 撝 袆 鮰 洃 芔 穢 燬 佪 橞 禈 誨 媈 湏 恛 櫘 逥 翬 豗 僡 潓 褘 燴 彚 澮 烠 蟪 嘒 賄 檓 幑 蚘 徻 屷 闠 靧 拻 烣 嚖 譓 廽 毇 憓 阓 詯 獩 篲 暳 鏸 瘣 譭 鐬 嬒 灳 睳 翽 楎 圚 婎 颒 懳 泋 薉 繢 詼 蔧 餯 藱 屶 槥 隓 鰴 頮 璤 瀈 蛕 儶 殨 寭 痐 孈 蜖 璯 譿 顪 瞺 檅 噕 蘳 噅 +lai 来 來 赖 莱 唻 濑 徕 癞 籁 賴 涞 睐 赉 铼 瀬 萊 俫 崃 頼 瀨 棶 逨 籟 梾 徠 麳 睞 婡 鯠 淶 筙 郲 騋 癩 琜 錸 箂 賚 庲 藾 崍 倈 櫴 鶆 猍 鵣 襰 顂 +rang 让 讓 嚷 瓤 壤 穰 攘 禳 儴 蘘 譲 勷 瀼 纕 穣 壌 懹 鬤 躟 獽 爙 +shuo 说 說 硕 朔 烁 説 槊 铄 妁 搠 碩 蒴 哾 矟 爍 欶 鑠 箾 獡 鎙 +na 那 拿 哪 呐 纳 娜 钠 捺 吶 衲 納 乸 雫 嗱 拏 肭 豽 妠 挐 鈉 镎 蒳 靹 鎿 貀 軜 袦 笝 魶 +gei 给 給 +yong 用 涌 永 勇 拥 雍 咏 泳 庸 蛹 俑 甬 佣 慵 邕 湧 痈 壅 詠 塎 墉 擁 踊 鳙 傛 颙 镛 臃 埇 喁 郺 槦 恿 怺 傭 饔 砽 顒 鄘 苚 灉 噰 雝 牅 栐 踴 澭 悀 硧 廱 鏞 彮 滽 癰 嵱 鲬 勈 愑 禜 惥 鯒 鱅 揘 嫞 柡 愹 慂 嗈 鰫 癕 醟 鷛 +li 里 离 李 力 理 礼 例 立 利 哩 梨 粒 黎 裡 厉 丽 历 璃 裏 莉 篱 栗 鲤 锂 犁 吏 嚟 厘 隶 狸 俪 励 戾 沥 漓 離 笠 荔 歷 砺 郦 藜 俐 澧 栎 禮 砾 骊 脷 麗 唳 痢 醴 蠡 莅 蓠 俚 罹 琍 鹂 雳 缡 蛎 曆 溧 喱 豊 唎 黧 囄 廲 厲 詈 娌 勵 枥 呖 浬 釐 粝 蜊 轹 坜 傈 猁 逦 疠 欐 歴 瓑 隸 鲡 鳢 嫠 刕 慄 跞 曞 鯉 婯 籬 瀝 沴 苈 嚦 秝 筣 貍 暦 疬 涖 篥 醨 犂 悡 苙 蒞 礪 斄 茘 劙 厤 灕 儷 隷 棃 剺 朸 悧 鱧 鋰 瓅 樆 纚 驪 孋 壢 邐 梩 凓 栃 瓥 厯 瑮 悷 褵 鯬 礫 屴 盠 攦 蔾 岦 蠣 爄 峢 杝 皪 鎘 酈 謧 櫟 鵹 濿 蘺 娳 綟 靂 盭 蟸 轢 砅 瓈 栛 磿 糲 搮 鴗 縭 鱳 鸝 糎 癘 荲 鉝 礰 蠇 鱺 囇 麜 櫪 轣 艃 蠫 棙 櫔 蒚 癧 鯏 蝷 峛 邌 峲 兣 赲 爏 鏫 藶 鋫 鑗 粴 檪 攭 讈 觻 梸 巁 珕 欚 塛 穲 禲 鬁 錅 攊 剓 竰 靋 蚸 菞 鱱 蜧 鷅 孷 鳨 睝 蟍 儮 躒 犡 蛠 +xia 下 夏 吓 瞎 虾 侠 辖 霞 峡 瑕 匣 狭 暇 嚇 遐 丅 罅 狎 蝦 硖 睱 俠 峽 黠 柙 轄 鍜 祫 珨 陜 舺 狹 敮 烚 筪 圷 梺 鰕 疜 煆 鎼 硤 翈 蕸 舝 懗 虲 陿 縀 乤 赮 磍 閜 鎋 夓 炠 颬 騢 碬 魻 縖 谺 疨 鶷 鏬 傄 閕 +yi 以 一 已 亦 亿 易 意 咦 依 乙 矣 宜 衣 义 医 翼 移 伊 译 艺 壹 逸 倚 仪 益 姨 异 忆 奕 疑 怡 溢 议 椅 邑 毅 遗 役 夷 羿 裔 驿 蚁 抑 颐 翊 熠 弈 谊 懿 揖 噫 轶 億 彝 義 漪 诣 祎 咿 沂 屹 翌 苡 胰 疫 弋 佚 佾 異 绎 贻 藝 議 翳 薏 醫 燚 駅 猗 铱 浥 呓 挹 憶 欹 乂 埸 遺 肊 旖 衪 饴 槸 刈 迤 臆 峄 譯 怿 匜 儀 钇 镱 鮨 镒 诒 栘 訳 嬑 嶷 黟 缢 瘗 圯 誼 庡 頤 扆 殹 洢 呭 衤 蜴 肄 顗 渏 劓 吚 兿 畩 栧 舣 珆 眙 栺 簃 潩 黓 殪 悒 寲 乁 癔 弌 鎰 誃 湙 辷 酏 蟻 裛 壱 繹 羠 貽 熼 悘 攺 驛 笖 媐 詣 熤 迆 痍 晹 斁 旑 玴 勩 敼 飴 瀷 毉 瘞 秇 踦 埶 沶 饐 齮 繄 繶 欥 曀 豷 棭 杙 獈 泆 墿 彛 伇 彜 幆 鹢 蓺 枻 拸 鷁 柂 宧 冝 弬 燡 乊 礒 睪 禕 譩 鉯 勚 軼 萓 瑿 佁 廙 鹥 貤 悥 苅 詍 迻 彞 桋 鷖 浂 螘 詒 訑 苢 檍 醳 伿 螠 俋 詑 藙 鯣 椸 讉 跇 嫕 燱 榏 羛 懌 侇 釴 嫛 銥 掜 鳦 椬 箷 枍 膉 囈 瞖 裿 澺 嬟 艗 巸 轙 亄 宐 醷 衵 蘙 峓 艤 縊 霬 芅 鷊 稦 鶃 袘 萟 呹 豙 螔 鹝 貖 鐿 寱 嬄 唈 敡 恞 贀 硛 炈 圛 痬 鷧 釔 褹 逘 黳 蛡 頉 郼 瘱 竩 扅 觺 陭 焲 賹 謻 殔 欭 暆 帟 蛦 曎 檥 骮 耴 虉 怈 讛 坄 襼 鶍 耛 歝 鶂 鷾 輢 偯 籎 瓵 袣 嶬 頥 狋 訲 嶧 靾 崺 匇 夁 撎 鏔 隿 豛 顊 帠 蛜 檹 垼 劮 鈘 熪 齸 跠 鈠 穓 鸃 浳 +que 却 缺 确 卻 雀 阙 瘸 鹊 阕 確 榷 悫 闕 礐 鵲 埆 闋 皵 蒛 塙 碏 搉 碻 愨 慤 硞 崅 礭 趞 琷 燩 墧 +bing 并 病 兵 冰 饼 柄 並 丙 秉 禀 炳 幷 併 摒 掤 餅 邴 氷 冫 稟 靐 昺 仌 栤 竝 苪 鞞 抦 仒 倂 昞 餠 鉼 寎 窉 垪 陃 傡 怲 偋 鞆 庰 棅 鋲 鈵 誁 蛃 眪 鮩 +hao 好 号 豪 郝 耗 壕 浩 昊 皓 嚎 毫 蚝 灏 號 薅 蒿 濠 颢 恏 貉 噑 嗥 晧 淏 澔 滈 鎬 蠔 皞 悎 鄗 哠 秏 灝 昦 籇 暤 皜 皡 皥 諕 獆 嚆 椃 嘷 毜 獋 傐 譹 薧 儫 茠 顥 鰝 薃 聕 暭 竓 獔 曍 +mei 没 每 美 妹 眉 梅 枚 沒 媒 煤 酶 镁 魅 霉 媚 玫 昧 寐 莓 脢 湄 毎 袂 楣 槑 抺 沬 浼 嵋 篃 郿 媄 渼 媺 眛 鹛 呅 苺 鬽 鎂 祙 穈 镅 黴 娒 旀 葿 湈 珻 睸 楳 坆 嬍 凂 栂 禖 猸 煝 矀 挴 痗 堳 黣 嵄 塺 鋂 徾 躾 蘪 睂 瑂 韎 蝞 鶥 燘 攗 跊 腜 脄 鎇 +ren 人 任 忍 认 仁 刃 壬 韧 紝 認 亻 仞 稔 妊 荏 纫 岃 衽 葚 饪 秂 轫 姙 朲 魜 忎 屻 刄 腍 纴 棯 韌 忈 栠 祍 仭 芢 紉 袵 讱 靭 牣 靱 軔 訒 荵 鵀 肕 梕 扨 銋 秹 絍 栣 餁 鈓 飪 綛 躵 杒 +huo 或 火 活 获 货 霍 祸 伙 惑 嚯 豁 獲 夥 貨 镬 藿 鈥 佸 鍃 禍 钬 嚄 吙 攉 漷 閄 穫 蠖 砉 鑊 咟 嚿 濩 劐 锪 耠 臛 楇 邩 蒦 剨 俰 奯 艧 謋 騞 矐 湱 瀖 掝 靃 捇 曤 秳 癨 秮 旤 沎 檴 矆 眓 耯 +me 么 麼 嚒 嚜 癦 濹 +gen 跟 根 艮 亘 哏 茛 亙 揯 搄 +zuo 做 坐 作 座 左 昨 佐 咗 琢 唑 祚 莋 怍 胙 岞 捽 蓙 阼 葃 袏 糳 侳 筰 鈼 椊 飵 繓 岝 稓 秨 葄 +cai 才 菜 踩 猜 财 采 蔡 彩 材 裁 睬 採 財 偲 纔 綵 婇 寀 啋 棌 埰 毝 倸 跴 縩 +kan 看 砍 堪 坎 刊 侃 槛 龛 勘 瞰 崁 冚 戡 偘 墈 檻 埳 栞 磡 衎 竷 嵁 龕 莰 歁 惂 闞 矙 欿 轗 顑 輡 塪 +xiang 想 像 向 相 香 项 象 响 乡 箱 享 翔 巷 湘 祥 镶 厢 详 襄 項 飨 響 饷 橡 鄉 庠 骧 缃 鲞 芗 楿 詳 葙 姠 鑲 郷 嚮 萫 廂 稥 衖 饗 蟓 餉 鄕 珦 塂 緗 啌 瓨 曏 銗 瓖 勨 晑 栙 蚃 亯 鯗 驤 襐 饟 薌 鮝 銄 鐌 麘 佭 缿 蠁 欀 膷 絴 嶑 鱌 鄊 跭 鱶 鱜 忀 +hen 很 恨 狠 痕 佷 詪 拫 鞎 +guo 过 国 锅 果 郭 裹 過 國 粿 鍋 囯 虢 菓 椁 帼 馃 呙 淉 蝈 腘 濄 堝 啯 崞 埚 猓 錁 蜾 馘 囻 墎 圀 鐹 膕 餜 彉 漍 嘓 蔮 瘑 慖 惈 鈛 囶 綶 槨 褁 咼 幗 彍 輠 聝 蟈 +ji 及 即 既 急 级 几 集 机 鸡 记 继 挤 季 极 暨 击 寄 计 基 姬 忌 籍 剂 己 纪 积 吉 肌 技 祭 藉 冀 济 际 疾 激 辑 迹 戟 寂 幾 叽 脊 羁 饥 绩 髻 妓 鲫 霁 機 記 極 汲 矶 級 稷 骥 計 偈 蓟 棘 稽 箕 際 玑 雞 嫉 唧 繼 洎 紀 亟 笄 殛 伎 積 讥 诘 嵇 悸 缉 圾 嵴 濟 笈 荠 屐 畸 擠 跡 跻 擊 漈 楫 戢 佶 亽 丌 齑 岌 麂 畿 績 剞 咭 赍 芰 輯 觊 瘠 姫 伋 姞 亼 蹟 撃 芨 乩 鍓 劑 鷄 徛 茍 嗘 済 彐 旣 蕺 卽 継 紒 鶏 緝 犱 濈 繋 鲚 僟 墼 彶 磯 犄 躋 飢 饑 曁 虮 羈 旡 鳮 罽 剤 茤 哜 跽 卙 霽 檵 妀 觭 彑 勣 敧 泲 蒺 潗 嘰 漃 譏 皀 魢 塈 掎 誋 驥 鐖 魕 穄 鹡 樭 狤 鰶 垍 耤 虀 嵆 璣 薊 齏 筓 鱾 禝 偮 覊 齎 簊 朞 鶺 羇 鬾 蹐 薺 惎 庴 鱀 蕀 鞿 喞 韲 忣 雧 禨 鯚 賫 枅 踖 檝 臮 丮 暩 錤 峜 襀 梞 襋 穊 嶯 稘 觙 癪 蔇 隮 銈 焏 坖 賷 耭 覉 揤 趌 轚 穧 雦 兾 嚌 皍 鏶 蘻 毄 櫅 撠 瀱 槉 箿 覬 蘎 懻 谻 刏 愱 檕 齌 塉 刉 叝 郆 稩 蘮 鱭 鷑 霵 鄿 穖 鰿 葪 癠 廭 艥 橶 諅 痵 鑙 螏 膌 鸄 銡 湒 躸 裚 槣 躤 蟣 鵋 鑇 譤 +duo 多 躲 剁 朵 夺 跺 踱 堕 舵 哆 垛 铎 惰 咄 奪 掇 哚 墮 柁 垜 喥 朶 敓 鍺 缍 躱 亸 埵 夛 椯 陏 裰 鐸 剫 刴 剟 挆 軃 鵽 敠 憜 凙 跢 嶞 嚲 陊 嚉 墯 敚 柮 饳 趓 敪 尮 奲 桗 挅 鈬 崜 畓 鮵 毲 跥 飿 綞 痥 +ke 可 课 克 颗 刻 客 科 棵 壳 柯 磕 渴 嗑 珂 氪 恪 苛 課 窠 尅 轲 顆 颏 坷 剋 瞌 岢 稞 髁 殼 疴 缂 蝌 钶 锞 敤 趷 榼 揢 匼 炣 愙 錒 渇 砢 溘 嵙 牁 碦 軻 萪 骒 勀 勊 堁 搕 嵑 娔 薖 艐 緙 礚 胢 醘 礊 鈳 翗 嶱 騍 犐 樖 +dian 点 店 电 殿 垫 點 碘 颠 典 掂 滇 巅 電 癫 甸 淀 踮 奠 靛 钿 佃 惦 簟 玷 墊 扂 顛 奌 嚸 槙 跕 巔 槇 癲 坫 癜 澱 傎 壂 阽 巓 敁 攧 瘨 顚 琔 橝 敟 蹎 婰 蒧 驔 橂 齻 嵮 厧 猠 婝 椣 蕇 蜔 +bi 比 逼 笔 必 币 毕 鼻 壁 闭 碧 避 臂 彼 璧 弊 哔 俾 毙 匕 敝 蔽 婢 妣 畀 筆 痹 鄙 弼 陛 庇 薜 幣 吡 畢 滗 铋 篦 裨 閉 屄 毖 苾 髀 箅 蓖 秕 濞 狴 愎 嬖 赑 襞 萆 筚 嬶 湢 皕 荜 荸 笓 跸 沘 偪 夶 閟 痺 禆 柲 怭 斃 坒 庳 滭 貏 躄 詖 怶 邲 獙 嗶 珌 弻 佖 楅 啚 舭 賁 堛 贔 疪 聛 鐴 诐 佊 袐 煏 柀 疕 廦 觱 枈 髲 箄 幤 腷 彃 箆 粃 駜 畁 韠 鷩 鄪 魓 躃 蓽 鏎 愊 蹕 朼 鲾 鄨 飶 鉍 妼 獘 奰 潷 鮅 襣 毴 鼊 熚 馝 鎞 篳 閇 鵖 綼 繴 鰏 梐 粊 饆 螕 縪 蜌 驆 貱 豍 榌 襅 鞸 萞 鷝 罼 睤 +qi 其 起 气 期 器 七 骑 齐 奇 岂 企 漆 妻 弃 旗 棋 祁 砌 启 戚 琪 琦 祺 乞 祈 栖 欺 泣 沏 汽 绮 淇 氣 炁 麒 契 柒 岐 崎 脐 祇 鳍 俟 蜞 歧 凄 畦 杞 嘁 気 亓 迄 齊 綦 颀 骐 憩 豈 棄 讫 萁 圻 碁 蕲 啟 呮 騎 芪 耆 芑 萋 蹊 碛 啓 碶 葺 桤 棲 缼 槭 娸 淒 褀 屺 悽 棨 蛴 旂 锜 郪 汔 磜 綺 憇 玘 忔 剘 噐 綮 埼 跂 疧 攲 婍 晵 掑 錡 桼 暣 芞 斉 摖 愭 唭 矵 碕 臍 竒 鰭 璂 湇 鬐 蚑 粸 呇 慼 棊 訖 栔 緕 魌 湆 騏 蚚 簱 咠 蘄 鬿 磧 頎 慽 帺 藄 禥 簯 嵜 捿 紪 鼜 蛣 盵 諆 懠 鲯 倛 緀 罊 唘 迉 亝 蚔 岓 鵸 軝 褄 邔 盀 僛 玂 霋 忯 綨 榿 鏚 蠐 萕 麡 籏 磩 猉 甈 艩 檱 肵 騹 夡 釮 斊 櫀 鶀 鶈 濝 螧 蜝 啔 蟿 纃 鯕 欫 諬 諿 踑 綥 闙 +dang 当 挡 党 档 荡 當 裆 铛 宕 黨 凼 檔 噹 蕩 砀 垱 珰 擋 氹 潒 盪 谠 儅 筜 圵 欓 簹 婸 菪 鐺 愓 嵣 蘯 璫 澢 襠 灙 逿 瓽 礑 攩 璗 趤 雼 簜 壋 譡 蟷 碭 讜 艡 瞊 闣 +o 哦 噢 喔 筽 +gai 该 改 盖 钙 該 概 丐 蓋 溉 陔 垓 赅 鈣 阣 姟 荄 匄 槪 葢 忋 摡 槩 絠 絯 戤 隑 匃 賅 乢 祴 侅 漑 杚 郂 晐 畡 瓂 峐 豥 賌 +geng 更 梗 耿 羹 庚 耕 埂 哽 赓 羮 浭 鲠 绠 畊 綆 莄 挭 賡 鯁 焿 骾 峺 鹒 縆 郠 緪 暅 堩 鶊 絚 刯 菮 椩 +bian 便 边 变 编 遍 扁 鞭 辩 辨 煸 贬 變 邊 匾 辫 卞 釆 汴 編 変 砭 弁 閞 笾 鳊 辯 蝙 苄 徧 辺 碥 貶 忭 褊 辧 辮 窆 邉 抃 缏 猵 昪 揙 萹 籩 鯾 甂 玣 緶 辡 艑 箯 糄 汳 牑 鯿 覍 鍽 惼 藊 鴘 峅 獱 稨 炞 +men 们 门 闷 們 焖 門 扪 悶 玧 懑 燜 暪 钔 菛 閅 虋 捫 璊 懣 椚 鍆 +la 啦 拉 辣 蜡 喇 腊 剌 菈 垃 旯 砬 臘 邋 蠟 攋 瘌 镴 鞡 揦 蝲 楋 柆 翋 溂 辢 臈 鑞 蝋 嚹 揧 鯻 爉 藞 磖 瓎 鬎 搚 +suo 所 锁 缩 索 嗦 梭 唆 琐 娑 蓑 鎖 睃 縮 羧 嗍 鏁 惢 鎻 桫 唢 傞 簑 瑣 簔 鎍 乺 鮻 趖 溹 鎈 莏 蜶 璅 暛 琑 逤 摍 嗩 溑 髿 褨 +ya 呀 压 牙 吖 亚 丫 鸭 雅 芽 押 崖 哑 娅 涯 鸦 伢 轧 衙 讶 垭 乛 琊 亞 壓 桠 氩 蚜 岈 迓 圧 氬 鴨 厓 睚 亜 蕥 砑 笌 犽 鴉 啞 玡 枒 厊 揠 铔 婭 軋 訝 齾 痖 堐 崕 厑 襾 漄 挜 掗 俹 鐚 椏 唖 窫 鵶 劜 稏 猰 圠 猚 孲 庘 瑘 錏 圔 聐 埡 瘂 齖 庌 +zhi 只 至 之 指 值 纸 知 直 治 制 致 支 止 置 汁 质 职 痣 智 志 枝 执 织 掷 芝 脂 植 址 吱 炙 芷 滞 窒 旨 侄 祗 痔 趾 隻 紙 肢 酯 稚 挚 秩 製 枳 雉 質 峙 殖 栀 衹 帜 誌 職 彘 祉 鉄 蜘 蛭 執 跖 咫 卮 陟 鸷 豸 倁 栉 織 摭 帙 郅 贽 緻 轾 迣 値 沚 觯 凪 戠 絷 桎 畤 滯 扺 庢 骘 姪 臸 軽 轵 夂 埴 廌 寘 妷 踬 庤 摯 徔 胝 坧 洔 擲 忮 劧 慹 黹 嗭 阯 厔 徏 娡 秖 梽 铚 禔 聀 膣 紩 汥 貭 秷 蹠 稙 穉 踯 櫍 櫛 猘 幟 淔 疻 挃 巵 秪 恉 楖 椥 滍 抧 乿 淽 泜 跱 梔 稺 徝 儨 鷙 帋 墌 憄 晊 搘 礩 祬 疐 阤 鋕 騺 軹 觶 鼅 汦 洷 袠 馶 祑 騭 贄 胑 茋 疷 懥 扻 秲 芖 銍 傂 輊 綕 锧 訨 躓 搱 瀄 潌 墆 狾 禃 嬂 犆 縶 柣 鳷 躑 坁 榰 瓆 蘵 駤 鴙 垁 擳 衼 筫 漐 鑕 劕 觗 膱 隲 怾 崻 砋 螲 襧 偫 瓡 翐 俧 馽 秓 覟 鯯 樴 豒 豑 驇 懫 袟 旘 熫 蟙 藢 釞 鴲 軄 +ze 则 泽 啧 择 责 則 仄 沢 責 澤 擇 嘖 昃 笮 赜 夨 帻 迮 箦 皟 崱 択 舴 伬 諎 嫧 唶 礋 幘 齰 汄 庂 賾 襗 簀 矠 謮 樍 昗 蠌 蔶 泎 瞔 捑 歵 鸅 齚 溭 +qian 前 钱 欠 签 浅 千 牵 迁 潜 铅 乾 嵌 谦 芊 遣 倩 黔 茜 錢 歉 仟 钳 芡 钤 骞 虔 脥 阡 钎 谴 堑 簽 搴 淺 扦 嬱 佥 缱 悭 遷 牽 刋 銭 愆 褰 潛 掮 墘 慊 籤 箝 岍 凵 汧 謙 奷 嗛 鉛 椠 悓 鹐 偂 揵 蒨 棈 綪 岒 肷 箞 撁 鈐 慳 拑 杄 瓩 掔 鉗 濳 汘 籖 圱 騫 忴 媊 塹 灊 僉 韆 靬 蔳 縴 扲 膁 伣 釺 孯 繾 鵮 歬 臤 檶 篏 傔 騚 譴 圲 雃 孅 皘 婜 槧 鰜 鈆 仱 蕁 拪 壍 黚 槏 儙 俔 篟 鑓 粁 兛 蚈 茾 羬 欦 鏲 嵰 攓 軡 鬜 榩 諐 鎆 攐 鬝 輤 攑 櫏 谸 竏 騝 鰬 蜸 橬 顅 +zui 最 嘴 罪 醉 蕞 酔 槜 栬 枠 晬 樶 厜 朘 酻 辠 檇 嶵 嶊 穝 嗺 璻 稡 蟕 鋷 檌 祽 纗 噿 錊 絊 +chi 吃 持 池 迟 赤 尺 痴 嗤 齿 翅 螭 驰 耻 哧 斥 炽 叱 敕 蚩 呎 弛 魑 竾 遲 啻 饬 侈 喫 坻 墀 笞 湁 篪 彳 媸 癡 褫 勅 鸱 齒 茌 馳 遅 彲 恥 黐 叺 歯 赿 歭 絺 摛 瘛 踟 勑 眵 鷘 熾 烾 箎 鉓 痓 飭 傺 漦 饎 抶 瘈 趍 肔 胣 噄 蚇 荎 鴟 妛 彨 誺 鶒 灻 裭 瓻 岻 鵄 瞝 謘 翄 趩 蚳 翤 袲 胵 杘 遫 恜 筂 痸 硳 翨 袳 侙 跮 遟 貾 銐 慗 腟 憏 攡 麶 齝 欼 鉹 訵 懘 粚 垑 雴 卶 +jiao 叫 较 教 交 脚 角 浇 焦 胶 娇 搅 缴 绞 蛟 椒 轿 骄 窖 較 剿 饺 蕉 礁 郊 矫 湫 跤 姣 鲛 酵 腳 皎 醮 峤 铰 狡 滘 佼 茭 侥 嬌 徼 膠 敎 繳 笅 攪 澆 艽 挢 峧 驕 嘂 藠 僬 皦 矯 餃 撹 漖 絞 敫 憍 噍 挍 蟜 嘦 燋 臫 噭 鹪 訆 鵁 呌 珓 捁 鮫 轎 獥 晈 櫵 釂 嶠 膲 灚 憿 摷 烄 鵤 恔 儌 劋 曒 鐎 嘄 踋 趭 窌 斠 嶕 潐 鉸 湬 芁 鷦 皭 嬓 煍 僥 蟭 嶣 簥 纐 茮 穚 璬 鷮 敽 撟 暞 敿 徺 轇 虠 賋 隦 譑 孂 燞 譥 鱎 +chu 出 处 除 初 楚 触 褚 厨 杵 储 處 锄 畜 岀 雏 矗 怵 橱 础 楮 滁 亍 觸 绌 刍 黜 齣 儲 搐 俶 廚 樗 処 憷 礎 躇 鸀 滀 椘 傗 蜍 鉏 柷 雛 鋤 濋 竌 絀 貙 篨 豖 蕏 芻 櫥 敊 蹰 斶 埱 嘼 閦 歜 蓫 鶵 儊 趎 諔 鄐 琡 蒭 櫉 蒢 踀 藸 檚 齭 璴 臅 摴 齼 媰 欪 耡 犓 躕 拀 幮 珿 榋 蟵 竐 豠 橻 +da 大 打 达 搭 答 哒 嗒 沓 達 妲 噠 汏 鞑 耷 怛 撘 龘 跶 笪 瘩 咑 靼 逹 呾 褡 迚 垯 荅 龖 荙 亣 炟 迖 迏 眔 剳 韃 躂 燵 畗 阘 鎝 羍 鐽 畣 笚 薘 匒 蟽 墶 詚 鎉 繨 +tai 太 台 抬 胎 泰 态 钛 肽 苔 邰 汰 臺 態 薹 枱 擡 冭 忲 跆 檯 酞 炲 炱 鲐 颱 鈦 坮 菭 溙 孡 駘 旲 粏 囼 舦 夳 儓 鮐 籉 箈 嬯 燤 +xian 先 线 现 县 嫌 显 仙 闲 鲜 弦 限 险 咸 馅 献 陷 掀 贤 衔 現 娴 纤 羡 腺 線 涎 冼 宪 藓 鮮 顯 險 舷 縣 蚬 閒 綫 閑 锨 苋 岘 婱 暹 酰 獻 賢 氙 缐 筅 羨 痫 祆 廯 鱻 籼 哯 睍 銜 鹹 県 餡 憲 蚿 燹 鍌 纖 跹 跣 絃 僊 崄 鹇 顕 妶 粯 啣 諴 湺 铦 陥 険 硍 胘 絤 莶 僩 佡 晛 仚 繊 苮 狝 僴 衘 猃 嫻 垷 赻 忺 蘚 癎 奾 秈 臽 銛 蜆 躚 挦 尠 幰 唌 枮 尟 纎 峴 伭 莧 誸 醎 嫺 灦 嶮 娊 憸 禒 銑 杴 搟 珗 咞 贒 鍁 韱 姭 撏 豏 涀 屳 撊 僲 毨 鶱 橌 烍 襳 瞯 癇 蛝 鷴 錎 櫶 嬐 韅 鼸 澖 嘕 麲 娹 箲 蹮 稴 馦 獫 薟 譣 攕 玁 瀗 麙 誢 藖 壏 獮 臔 輱 憪 糮 礥 甉 攇 韯 褼 鷳 鑦 鷼 娨 鋧 +qiu 求 球 秋 邱 丘 裘 糗 囚 虬 酋 鳅 逑 俅 楸 遒 坵 毬 蚯 萩 泅 浗 蝤 巯 虯 渞 湭 犰 璆 蟗 丠 恘 鹙 鼽 叴 銶 赇 鞦 煪 鞧 秌 唒 龝 逎 莍 殏 崷 鰍 訄 扏 穐 玌 媝 鶖 梂 觩 紌 搝 鰌 篍 鰽 鮂 絿 汓 趥 蓲 皳 鯄 緧 蝵 觓 醔 肍 蘒 蛷 巰 釓 盚 釚 訅 釻 蠤 賕 +qing 请 情 清 轻 青 晴 倾 卿 庆 氢 請 擎 箐 磬 顷 輕 罄 殑 凊 淸 慶 靑 傾 蜻 氰 黥 圊 檠 苘 謦 殸 頃 鲭 氫 勍 暒 埥 濪 靘 剠 漀 碃 儬 甠 庼 夝 擏 掅 寈 櫦 鑋 檾 郬 廎 棾 葝 樈 硘 +mai 买 卖 埋 麦 迈 霾 脉 買 賣 麥 邁 脈 売 劢 荬 嘪 霡 薶 霢 鷶 衇 蕒 佅 勱 +ru 如 入 乳 汝 儒 茹 辱 濡 襦 孺 褥 洳 蠕 铷 嚅 薷 侞 嗕 嬬 缛 筎 溽 蓐 杁 鴽 扖 擩 帤 媷 蕠 曘 颥 鱬 醹 袽 銣 桇 縟 燸 渪 邚 鄏 顬 蝡 鴑 肗 鳰 蒘 嶿 +zhao 找 照 赵 招 爪 罩 兆 召 昭 诏 肇 棹 沼 钊 曌 趙 炤 啁 瞾 詔 笊 燳 妱 爫 肈 櫂 釗 窼 鍣 旐 狣 佋 巶 盄 垗 皽 鮡 鉊 瑵 枛 駋 羄 肁 罀 +jia 家 加 假 架 价 甲 夹 嫁 佳 贾 驾 钾 嘉 颊 珈 痂 迦 茄 葭 價 枷 荚 稼 岬 傢 笳 夾 郏 戛 镓 浃 鎵 駕 斝 賈 瘕 铗 胛 槚 唊 榎 袷 戞 袈 徦 叚 跏 泇 鉀 頰 蛱 恝 頬 幏 忦 鉿 豭 梜 糘 浹 莢 扴 圿 榢 鋏 跲 檟 裌 玾 婽 椵 貑 猳 麚 耞 拁 乫 郟 餄 腵 斚 犌 蛺 毠 鉫 抸 埉 鴶 鵊 +xiao 小 笑 萧 校 肖 消 效 孝 晓 销 箫 啸 霄 潇 逍 枭 宵 筱 嚣 骁 绡 硝 魈 哮 咲 銷 鸮 曉 蕭 傚 翛 簫 淆 哓 皛 敩 呺 虓 崤 篠 効 嘯 暁 枵 洨 皢 蟰 囂 穘 鴵 嘋 筊 鴞 庨 瀟 殽 綃 梟 猇 虈 嘨 嚻 彇 詨 驍 斅 簘 櫹 痟 獢 郩 筿 嘵 歊 訤 涍 蠨 毊 侾 歗 嘐 斆 灲 焇 恷 謏 俲 灱 硣 藃 憢 揱 萷 鷍 痚 宯 蟏 誵 膮 髐 誟 髇 窙 熽 蟂 踃 婋 +nei 内 內 馁 脮 餒 娞 氝 腇 錗 鮾 鯘 +xie 些 写 谢 鞋 携 邪 斜 卸 蟹 屑 歇 蝎 泄 协 泻 挟 寫 謝 偕 榭 谐 械 懈 胁 燮 撷 蠍 楔 洩 亵 缷 協 薤 邂 冩 攜 灺 獬 缬 峫 劦 勰 渫 澥 諧 廨 挾 绁 瀉 脇 脅 旪 塮 偰 瑎 恊 擷 榍 瀣 愶 揳 緤 褻 烲 頡 屧 嶰 熁 褉 繲 卨 鞵 媟 擕 躞 糏 蠏 薢 夑 拹 緳 襭 纈 炧 鞢 紲 偞 爕 猲 絬 齘 衺 屟 絏 綊 徢 禼 脋 暬 伳 龤 齛 韰 蝢 嗋 奊 祄 讗 噧 燲 膎 屓 齥 娎 藛 垥 炨 翓 僁 齂 焎 +zou 走 揍 奏 邹 驺 陬 诹 赱 鄒 鄹 楱 鲰 棸 齺 緅 棷 郰 諏 騶 鯫 菆 鯐 箃 黀 齱 +nin 您 脌 拰 囜 +ci 次 此 词 刺 赐 辞 瓷 呲 祠 雌 磁 慈 茨 詞 糍 伺 疵 辭 佽 賜 泚 茈 跐 朿 辤 鹚 栨 庛 莿 嬨 佌 濨 礠 絘 玼 骴 餈 薋 鴜 刾 螆 柌 甆 皉 蠀 飺 鮆 縒 垐 偨 堲 鶿 齹 鷀 蛓 髊 辝 茦 珁 趀 +dai 带 待 呆 代 戴 贷 袋 逮 帶 黛 歹 岱 呔 黱 埭 殆 傣 怠 玳 迨 甙 绐 帯 侢 貸 骀 軚 轪 垈 獃 叇 軑 鴏 簤 廗 蚮 瀻 靆 瑇 蹛 柋 帒 霴 懛 軩 緿 鮘 艜 紿 曃 襶 +lian 连 脸 练 恋 联 链 莲 炼 帘 怜 敛 廉 連 涟 镰 臉 潋 琏 聯 鏈 練 戀 濂 鲢 蓮 憐 楝 殓 奁 簾 鍊 煉 斂 蠊 湅 纞 裢 裣 堜 濓 鐮 浰 蔹 梿 臁 嗹 亷 錬 漣 鎌 璉 磏 縺 槤 聨 奩 溓 瀲 僆 螊 薕 殮 褳 鰱 鰊 瑓 熑 媡 翴 嫾 澰 噒 聫 摙 劆 燫 慩 襝 聮 嬚 籢 匳 謰 鬑 匲 萰 蘞 覝 羷 蘝 櫣 籨 鄻 蹥 +wen 问 文 吻 闻 纹 温 稳 芠 問 蚊 雯 汶 瘟 聞 搵 玟 溫 紋 炆 揾 穩 脗 阌 呡 紊 璺 妏 刎 穏 莬 蕰 塭 闅 辒 閿 鎾 彣 昷 抆 榅 忟 瑥 桽 殟 魰 匁 鳁 饂 蟁 渂 馼 閺 鳼 螡 榲 呚 轀 珳 鴍 瘒 輼 鰮 駇 闦 鞰 鰛 蚉 肳 顐 鼤 豱 +wan 玩 完 晚 万 碗 弯 湾 挽 丸 皖 婉 绾 腕 宛 剜 萬 灣 顽 菀 纨 卍 琬 婠 塆 脕 卐 脘 豌 烷 畹 彎 晩 盌 蜿 惋 笂 妧 唍 椀 捥 頑 翫 晥 芄 鋄 汍 輓 琓 綰 澫 刓 錽 薍 梚 紈 晼 輐 潫 埦 岏 踠 蟃 貦 睕 捖 贎 帵 綩 萖 抏 鋔 杤 鎫 倇 贃 忨 瞣 壪 +yin 因 银 音 阴 印 引 饮 尹 吟 瘾 淫 隐 殷 寅 胤 荫 茵 洇 姻 垠 銀 陰 飲 鄞 铟 喑 隱 氤 蚓 隠 愔 烎 堙 癮 湚 茚 誾 崟 裀 乚 蔭 隂 婬 廴 骃 絪 吲 霪 夤 堷 滛 囙 噾 飮 瘖 訚 筃 狺 禋 韾 溵 闉 陻 圁 凐 犾 崯 訡 泿 嚚 慭 冘 侌 荶 櫽 酳 靷 諲 蟫 粌 噖 婣 螾 廕 檭 濦 珢 斦 栶 垽 苂 憖 垔 淾 秵 憗 乑 歅 阥 輑 檃 駰 赺 龂 鞇 鈏 銦 慇 懚 朄 霠 齗 霒 蘟 碒 猌 癊 洕 鮣 緸 趛 磤 蒑 峾 殥 璌 訔 檼 讔 嶾 濥 鈝 蔩 鷣 +qie 且 切 妾 怯 窃 挈 惬 箧 锲 鍥 郄 癿 苆 竊 朅 篋 鐑 愜 笡 洯 緁 匧 悏 蛪 淁 踥 聺 厒 藒 穕 籡 鯜 +cheng 称 成 城 呈 程 乘 撑 橙 秤 诚 承 晟 澄 稱 逞 丞 脭 铖 惩 埕 骋 誠 蛏 瞠 撐 塍 裎 枨 荿 琤 酲 乗 郕 珵 偁 柽 澂 峸 宬 絾 珹 阷 娍 鐣 懲 牚 赪 挰 悜 僜 朾 鯎 畻 頳 堘 憕 騁 橕 掁 瀓 徎 罉 棖 赬 塖 溗 爯 泟 脀 棦 椉 庱 筬 竀 洆 蟶 侱 碀 窚 摚 憆 鋮 檉 檙 騬 睈 鏳 浾 靗 鏿 穪 饓 緽 +hua 话 花 画 化 华 滑 划 哗 話 畫 桦 華 婳 铧 骅 劃 埖 猾 嬅 誮 樺 婲 譁 椛 嘩 畵 錵 崋 撶 芲 舙 糀 譮 蘤 蕐 鋘 磆 槬 搳 鏵 釪 驊 姡 觟 夻 嫿 摦 繣 澅 硴 諙 杹 鷨 螖 蒊 釫 黊 諣 +ju 据 剧 句 局 距 居 具 举 聚 巨 俱 菊 拒 惧 狙 橘 鞠 锯 據 矩 焗 拘 掬 桔 驹 咀 钜 踞 莒 劇 炬 舉 遽 锔 琚 沮 飓 雎 椐 裾 苴 疽 倨 讵 榉 袓 冣 乬 鉅 埧 勮 趄 菹 倶 苣 洰 懼 屦 挙 泃 罝 筥 駒 岠 鞫 抅 犋 龃 崌 踽 榘 挶 窭 詎 姖 侷 醵 泦 鵙 鐻 砠 昛 閰 鋸 躹 婅 擧 娵 澽 秬 涺 弆 拠 虡 啹 匊 椇 蒟 豦 欅 跼 跔 巪 粷 爠 怚 痀 鋦 湨 鶪 椈 怇 粔 檋 颶 屨 踘 狊 凥 僪 毱 眗 跙 蚷 鮈 腒 淗 愳 怐 艍 簴 懅 烥 襷 趜 櫸 蘜 寠 邭 蜛 歫 躆 駏 犑 鶋 耟 窶 梮 輂 駶 鼳 聥 蹫 埾 鴡 巈 婮 驧 貗 鮔 鵴 毩 陱 諊 齟 壉 鼰 郹 +kuai 快 块 筷 塊 巜 蒯 脍 哙 侩 郐 擓 鲙 凷 狯 膾 鱠 旝 鄶 儈 噲 糩 圦 獪 墤 廥 +wai 外 歪 崴 喎 竵 顡 夞 +kai 开 嘅 凯 铠 開 揩 楷 恺 慨 锴 凱 锎 闿 剀 忾 垲 暟 炏 愷 鎧 炌 鐦 欬 愾 闓 愒 塏 蒈 鍇 嵦 颽 剴 鎎 輆 烗 奒 勓 +sha 啥 杀 傻 沙 纱 煞 砂 刹 莎 厦 鲨 殺 痧 剎 霎 唦 儍 廈 铩 紗 裟 猀 帹 歃 唼 鯊 箑 翣 乷 榝 啑 倽 粆 繌 硰 蔱 魦 鯋 鎩 萐 桬 喢 樧 毮 翜 閯 +fen 分 份 粉 坟 粪 芬 焚 奋 纷 愤 汾 忿 酚 氛 昐 鼖 兝 瀵 紛 吩 墳 奮 棼 濆 棻 糞 憤 餴 妢 偾 蕡 蚡 鲼 衯 雰 朆 饙 朌 帉 枌 肦 蒶 馚 岎 鼢 燓 黺 弅 鈖 兺 訜 翂 豮 僨 黂 羵 轒 秎 魵 膹 羒 蚠 豶 哛 鱝 躮 梤 炃 幩 燌 橨 馩 隫 鐼 竕 +yue 约 月 越 曰 岳 悦 玥 粤 阅 跃 約 樾 钺 刖 瀹 粵 悅 岄 嶽 躍 閲 閱 曱 龠 箹 戉 籥 軏 鈅 鉞 彟 禴 矱 鸑 黦 礿 噦 抈 爚 籰 蘥 妜 恱 彠 蚎 蚏 捳 跀 籆 嬳 篗 鸙 +gao 高 搞 告 膏 稿 糕 镐 郜 髙 皋 篙 羔 诰 锆 睾 杲 羙 缟 槁 吿 藁 筶 暠 槔 誥 檺 縞 皐 臯 櫜 夰 槀 祰 藳 餻 稾 槹 鼛 禞 稁 鋯 橰 菒 鷎 峼 勂 祮 滜 鷱 韟 +jian 见 件 间 剑 兼 建 捡 剪 键 减 贱 煎 箭 肩 简 尖 舰 检 溅 健 渐 拣 碱 坚 見 間 荐 锏 茧 奸 监 鉴 涧 笺 歼 谏 俭 柬 艰 践 簡 睑 蹇 減 菅 漸 翦 賤 硷 劍 腱 笕 戬 缄 監 囝 堅 檢 鑑 撿 薦 幵 湔 僭 蒹 犍 饯 毽 枧 鍵 搛 鑳 鑒 缣 熸 箋 踺 剣 楗 揀 艱 樫 謇 鐗 裥 戋 鞬 礀 姦 艦 冿 鹣 鲣 踐 濺 洊 栫 検 澗 鞯 鐧 儉 椾 繭 彅 諫 徤 鶼 揃 趼 牮 鹼 牋 惤 堿 瀐 玪 鰹 賎 餞 篯 瑊 珔 戔 湕 蕳 谫 睷 緘 殲 梘 磵 劒 暕 鐱 瞷 挸 瞼 譾 筧 鳽 旔 豜 囏 縑 鍳 俴 蕑 鋻 鳒 剱 籛 橺 絸 葌 劗 倹 墹 韉 弿 臶 糋 劔 戩 蔪 瀽 櫼 繝 鑯 譼 劎 椷 瀳 詃 覵 豣 鬋 榗 姧 鰎 熞 麉 葥 寋 礛 蠒 鹻 礆 瀸 瑐 趝 鹸 釼 馢 殱 袸 謭 襇 菺 襉 碊 轞 虃 諓 螹 襺 擶 鑬 餰 鏩 韀 猏 藆 覸 鵳 +zhang 章 张 长 涨 掌 账 帐 仗 杖 胀 丈 長 彰 張 障 樟 璋 漳 嶂 瘴 鄣 漲 獐 幛 嫜 脹 帳 蟑 賬 仉 扙 遧 礃 粻 麞 暲 蔁 涱 瘬 鱆 餦 慞 痮 傽 墇 鏱 幥 粀 騿 瞕 +ceng 曾 层 蹭 噌 層 曽 嶒 竲 驓 +zheng 正 证 蒸 挣 整 郑 怔 争 睁 症 征 政 帧 筝 証 铮 徵 峥 證 拯 崝 爭 狰 鄭 诤 癥 睜 钲 烝 掙 徴 錚 掟 篜 佂 踭 氶 箏 晸 姃 幀 鯖 媜 炡 諍 凧 徰 崢 猙 鴊 眐 撜 聇 埩 鉦 愸 揁 抍 鬇 糽 塣 +gang 刚 港 缸 岗 钢 杠 罡 纲 剛 肛 冈 戆 岡 冮 崗 鋼 綱 堽 釭 槓 矼 罓 筻 堈 掆 戅 棡 牨 罁 焹 焵 犅 疘 鎠 +an 按 俺 安 案 暗 岸 庵 黯 氨 鞍 谙 胺 闇 铵 桉 唵 垵 犴 埯 盦 鮟 菴 鹌 諳 荌 侒 揞 痷 堓 洝 盫 晻 萻 婩 腤 雸 蓭 韽 峖 玵 儑 銨 葊 媕 隌 豻 鞌 罯 鶕 馣 鵪 誝 錌 啽 貋 +nian 年 念 黏 撵 捻 碾 拈 蔫 辗 辇 廿 姩 唸 鲶 埝 淰 撚 鲇 哖 蹍 卄 鮎 涊 焾 艌 輦 攆 秥 秊 鯰 跈 簐 躎 蹨 鵇 +zhen 真 阵 镇 朕 针 震 甄 枕 臻 珍 振 贞 诊 斟 祯 侦 箴 禛 圳 陣 疹 桢 榛 缜 鎮 鸩 眞 砧 轸 蓁 浈 瑱 針 赈 稹 嫃 瑧 胗 貞 畛 診 鎭 桭 珎 樼 眕 偵 眹 禎 酖 酙 甽 鬒 紾 鍼 袗 賑 軫 蒖 葴 楨 碪 揕 湞 裖 潧 鉁 昣 鴆 錱 鱵 殝 侲 黰 寊 籈 獉 敶 澵 挋 搸 靕 薽 紖 絼 栚 栕 弫 抮 誫 聄 縥 轃 帪 屒 遉 駗 纼 萙 塦 鋴 +ben 本 笨 奔 苯 锛 贲 犇 渀 坌 畚 栟 泍 坋 倴 逩 錛 楍 捹 獖 桳 翉 輽 撪 奙 +zi 自 字 子 紫 资 籽 姿 滋 兹 渍 姊 梓 孜 資 咨 笫 淄 眦 缁 恣 龇 嗞 滓 訾 吇 髭 赀 倳 觜 茲 璾 牸 粢 耔 辎 秭 胔 孳 禌 玆 姉 谘 諮 漬 锱 呰 赼 嵫 鲻 釨 橴 眥 芓 杍 栥 貲 稵 鼒 茡 緇 澬 荢 乲 趑 胾 鄑 啙 孶 崰 秄 榟 鈭 剚 虸 矷 趦 镃 姕 胏 鯔 頾 鎡 訿 湽 鶅 葘 茊 秶 頿 椔 蓻 錙 齍 紎 鰦 輜 鍿 輺 +ting 听 挺 停 厅 亭 庭 婷 艇 霆 聽 町 廷 汀 烃 脡 莛 廳 蜓 聼 涏 葶 梃 渟 厛 閮 聴 珽 颋 庁 侹 筳 艼 廰 桯 楟 誔 頲 綎 諪 鞓 烴 圢 娗 蝏 榳 甼 鼮 嵉 烶 聤 耓 邒 +suan 算 酸 蒜 狻 匴 祘 痠 筭 笇 +san 三 散 伞 叁 糁 霰 傘 馓 繖 弎 帴 毶 仐 毵 糝 鏾 毿 糤 鬖 糂 饊 厁 犙 鏒 壭 橵 糣 閐 俕 +huan 换 患 环 缓 欢 唤 幻 焕 歡 桓 浣 換 寰 獾 涣 宦 環 嬛 奂 鬟 洹 圜 郇 綄 缳 豢 逭 緩 喚 鲩 鯶 澴 痪 鹮 讙 鉮 煥 锾 豲 瑍 喛 萑 睆 驩 嵈 懽 澣 荁 絙 歓 擐 漶 狟 鴅 镮 藧 奐 峘 瓛 轘 阛 貆 渙 闤 貛 鐶 嚾 酄 鰀 瘓 犿 鯇 雈 鍰 繯 萈 肒 愌 羦 槵 糫 鵍 烉 梙 攌 寏 +ban 办 版 般 班 半 板 搬 伴 拌 斑 扮 瓣 扳 辦 绊 颁 坂 粄 阪 闆 癍 钣 湴 瘢 頒 柈 絆 昄 舨 怑 坢 蝂 辬 岅 攽 姅 褩 鉡 魬 螌 斒 靽 瓪 螁 鈑 鳻 秚 +tu 图 土 吐 涂 兔 突 徒 途 凸 屠 秃 圖 荼 凃 塗 堍 钍 菟 図 兎 汢 悇 禿 圡 湥 圕 酴 稌 宊 捈 嶀 蒤 瘏 莵 圗 腯 迌 跿 捸 梌 唋 潳 嵞 鵚 葖 鍎 駼 堗 揬 釷 庩 鵵 鷋 峹 筡 鵌 怢 痜 廜 涋 鼵 鈯 鶟 馟 鋵 鷵 +che 车 扯 撤 澈 彻 車 掣 徹 屮 坼 俥 頙 砗 勶 伡 聅 迠 唓 偖 蛼 撦 瞮 莗 硩 硨 爡 烢 +wu 无 五 物 唔 吴 吾 舞 屋 误 勿 武 雾 捂 呜 乌 悟 伍 污 巫 务 午 無 坞 邬 戊 兀 毋 钨 芜 梧 晤 務 焐 婺 鹜 侮 忤 吳 呒 誤 妩 诬 蜈 屼 仵 寤 嗚 乄 骛 庑 烏 杌 霧 浯 摀 圬 芴 洿 鹉 鋈 儛 娪 粅 呉 汙 迕 弙 痦 鹀 汚 嫵 蕪 怃 潕 洖 鼯 鄔 橆 塢 倵 杇 牾 铻 阢 祦 悮 禑 鵐 霚 珷 嵨 箼 誣 鶩 郚 俉 譕 靰 鯃 廡 扤 窹 躌 娬 忢 悞 伆 騖 奦 茣 敄 嵍 蘁 啎 旿 錻 鷡 莁 碔 璑 卼 憮 玝 鵡 熓 逜 鎢 珸 甒 瑦 隖 齀 岉 剭 雺 溩 螐 鴮 熃 歍 窏 鰞 鼿 矹 蟱 誈 +ying 应 赢 硬 影 营 迎 英 鹰 映 樱 颖 盈 嬴 莹 嘤 應 萦 婴 萤 莺 瑛 瀛 郢 蝇 璎 颍 缨 滢 潆 罂 荧 贏 楹 膺 營 茔 桜 瘿 鹦 媵 撄 穎 蓥 鷹 渶 営 応 锳 瑩 櫻 嚶 灜 鶯 嬰 縈 媖 鞕 霙 溁 暎 啨 螢 蛍 纓 韺 蠅 盁 煐 熒 罃 颕 頴 塋 蘡 溋 瀴 濙 罌 癭 籝 嫈 浧 瀅 鸚 潁 摬 攖 籯 譍 廮 鸎 碤 孆 瀯 噟 蝿 偀 瀠 濴 矨 瓔 賏 鴬 巊 甖 梬 鎣 萾 鶑 灐 愥 謍 朠 濚 僌 鍈 攍 鑍 绬 礯 鶧 譻 孾 褮 蠳 蝧 櫿 軈 膡 鐛 緓 鱦 覮 甇 鷪 藀 珱 +bie 别 憋 別 鳖 瘪 蹩 莂 彆 蟞 鱉 咇 癟 鼈 虌 龞 徶 襒 蛂 +shao 少 烧 稍 勺 邵 捎 哨 梢 绍 韶 苕 劭 燒 芍 紹 蛸 焼 潲 筲 艄 卲 旓 睄 鮹 莦 娋 玿 弰 髾 袑 柖 颵 蕱 輎 綤 +tong 同 痛 通 桶 铜 捅 童 筒 瞳 佟 统 桐 彤 酮 砼 嗵 潼 恸 統 僮 仝 曈 烔 銅 庝 勭 朣 憅 哃 衕 橦 粡 峝 茼 狪 痌 樋 浵 囲 炵 筩 獞 膧 鲖 慟 眮 鮦 蚒 赨 峂 秱 晍 燑 詷 綂 鉵 蓪 氃 犝 餇 鉖 +jin 近 进 仅 金 尽 斤 今 紧 劲 禁 晋 筋 锦 瑾 津 谨 烬 浸 巾 靳 進 槿 衿 襟 盡 瑨 堇 僅 矜 緊 缙 勁 噤 妗 儘 晉 觐 錦 钅 謹 琎 琻 荩 釿 寖 浕 唫 蓳 馑 廑 卺 釒 濅 煡 枃 菫 矝 觔 燼 祲 赆 侭 歏 嫤 紟 珒 墐 殣 溍 伒 漌 覲 僸 搢 厪 荕 黅 璡 砛 堻 埐 惍 巹 縉 賮 凚 嬧 兓 藎 鹶 壗 饉 璶 濜 嶜 嚍 齽 劤 贐 +jun 均 君 军 菌 俊 郡 骏 钧 峻 珺 浚 軍 竣 濬 焌 覠 鈞 麇 駿 晙 莙 儁 皲 箘 畯 捃 姰 麕 馂 桾 箟 寯 呁 鲪 鍕 汮 埈 鮶 鵔 袀 麏 餕 攟 懏 銞 蚐 鵕 皸 鵘 攈 陖 棞 蜠 皹 銁 燇 碅 +zong 总 宗 纵 棕 粽 综 總 踪 鬃 縱 鍐 縂 総 蹤 綜 惣 碂 腙 嵕 緃 緵 縦 倧 鯮 糉 潈 偬 揔 骔 搃 踨 豵 椶 鬷 昮 摠 愡 錝 嵸 捴 猔 葼 疭 嵏 糭 瘲 猣 鬉 鏓 傯 騣 朡 翪 堫 鑁 惾 燪 倊 騌 稯 磫 蝬 蓗 鯼 熧 +chang 场 唱 常 厂 尝 肠 畅 昌 場 偿 敞 昶 娼 倡 怅 苌 仩 廠 嫦 嘗 猖 暢 腸 嚐 阊 氅 萇 鬯 菖 鲳 伥 徜 瑺 畼 玚 償 悵 仧 塲 厰 晿 瑒 琩 锠 甞 鲿 镸 惝 誯 鏛 椙 錩 鋹 閶 兏 淐 焻 蟐 倀 韔 鯧 鼚 膓 瓺 鱨 鋿 僘 裮 +pa 怕 爬 啪 趴 帕 葩 琶 杷 妑 掱 筢 潖 袙 帊 皅 舥 +tiao 条 跳 挑 條 眺 迢 粜 佻 窕 蜩 笤 祧 鲦 庣 髫 朓 宨 龆 覜 斢 鯈 晀 蓨 誂 蓚 趒 脁 祒 岧 岹 樤 恌 鰷 糶 鞗 聎 芀 齠 窱 萔 鋚 螩 鎥 嬥 絩 旫 +tou 头 投 偷 透 頭 骰 钭 偸 亠 綉 敨 鍮 媮 婾 黈 紏 鋀 妵 飳 緰 蘣 +ha 哈 蛤 铪 奤 +tian 天 填 甜 田 舔 添 恬 兲 腆 阗 忝 湉 殄 緂 畑 沺 畋 觍 鍩 掭 畠 甛 屇 琠 鈿 塡 餂 靦 婖 搷 闐 靝 窴 覥 睼 黇 睓 倎 菾 鴫 淟 唺 悿 舚 酟 盷 磌 鷏 賟 靔 痶 胋 錪 鷆 璳 碵 晪 +lu 路 撸 陆 露 录 鲁 卢 鹿 炉 卤 噜 禄 麓 璐 芦 碌 戮 虏 庐 掳 鹭 潞 橹 陸 箓 泸 錄 颅 逯 赂 擼 渌 鲈 魯 胪 盧 垆 漉 琭 辂 蕗 甪 爐 辘 録 侓 鹵 栌 鏀 嚕 椂 滷 祿 廬 鐪 簏 镥 簬 菉 鸬 舻 擄 淥 蘆 鷺 籙 虜 轳 嚧 僇 彔 櫓 虂 坴 瀘 廘 盝 穋 鯥 澛 熝 騄 醁 櫨 謢 壚 氇 睩 鱸 顱 轆 鑪 踛 臚 簶 簵 摝 勠 蔍 鈩 罏 膔 玈 轤 纑 圥 峍 舮 枦 鏕 攎 黸 淕 剹 獹 氌 矑 魲 艣 螰 稑 賂 籚 璷 騼 塷 娽 樚 瓐 勎 磠 硵 樐 髗 鏴 曥 艫 粶 蓾 瀂 鸕 硉 塶 觮 趢 蹗 鵦 艪 鑥 蠦 鵱 錴 +fang 放 方 房 防 坊 仿 芳 妨 访 纺 舫 枋 訪 肪 昉 汸 鲂 匚 倣 钫 淓 邡 紡 埅 魴 昘 眆 牥 瓬 堏 髣 鰟 趽 鶭 蚄 鴋 錺 鈁 旊 +yuan 元 远 原 愿 院 圆 园 员 缘 源 袁 怨 苑 猿 冤 渊 媛 援 塬 遠 垣 鸢 辕 沅 垸 爰 員 園 円 願 鸳 緣 鼋 圓 瑗 掾 贠 寃 逺 渁 橼 囦 縁 淵 螈 湲 杬 厡 妴 駌 蒝 嫄 鹓 魭 棩 渕 羱 箢 媴 圎 鳶 蝯 厵 榞 黿 傆 貟 笎 猨 鴛 謜 鵷 轅 葾 夗 蚖 眢 鎱 嬽 薗 騵 蜎 酛 肙 榬 邧 獂 禐 惌 悁 蝝 鶰 溒 鋺 裷 邍 鈨 櫞 蜵 盶 褑 衏 渆 鼘 蒬 噮 鼝 灁 茒 裫 褤 剈 鶢 +chuan 穿 传 船 串 川 喘 傳 椽 圌 舛 钏 氚 賗 遄 巛 荈 僢 舡 瑏 汌 舩 玔 猭 歂 釧 篅 輲 踳 剶 鶨 暷 +wang 往 网 王 望 忘 汪 旺 亡 枉 妄 網 亾 罒 罔 魍 惘 仼 莣 朢 尪 暀 辋 迋 蛧 徃 彺 尫 兦 徍 盳 尩 尣 蚟 棢 誷 輞 菵 瀇 蝄 +yang 样 养 杨 羊 痒 阳 扬 洋 氧 仰 漾 央 樣 秧 烊 殃 養 炀 旸 陽 飏 楊 佯 様 鸯 垟 恙 鞅 泱 揚 鍚 疡 昜 徉 怏 氱 癢 暘 抰 眏 姎 钖 咉 炴 蛘 珜 颺 羕 敭 柍 煬 眻 坱 鴦 氜 羏 瘍 崸 楧 鴹 佒 鸉 胦 鉠 傟 瀁 輰 鐊 禓 軮 諹 阦 崵 雵 慃 岟 駚 羪 礢 劷 鰑 攁 霷 詇 蝆 懩 紻 +song 送 宋 松 怂 颂 诵 耸 嵩 讼 淞 鬆 崧 竦 凇 悚 菘 餸 頌 誦 忪 鎹 慫 聳 愯 訟 倯 枩 枀 娀 楤 鍶 傱 濍 嵷 梥 憽 駷 蜙 硹 柗 庺 檧 +nan 男 难 南 喃 楠 難 囡 腩 赧 柟 莮 萳 侽 遖 娚 湳 婻 煵 蝻 枏 抩 暔 揇 戁 諵 畘 +si 死 四 丝 撕 司 思 寺 斯 私 嘶 巳 肆 嗣 祀 厮 姒 饲 锶 絲 泗 咝 驷 汜 兕 纟 厶 笥 涘 澌 佀 亖 娰 俬 蛳 耜 媤 缌 廝 鸶 禩 価 飔 禗 噝 飼 糹 凘 蕼 虒 鐁 蕬 竢 颸 飤 鉰 駟 柶 楒 覗 孠 禠 罳 恖 杫 泀 鋖 籭 緦 牭 螄 肂 泤 洍 瀃 鷥 騦 磃 銯 燍 鈻 釲 儩 蜤 鈶 鼶 蟖 蟴 貄 榹 +xin 新 心 信 辛 锌 芯 鑫 欣 馨 薪 昕 歆 忻 脪 杺 衅 炘 忄 訫 囟 噺 伈 妡 鈊 馫 焮 訢 鋅 俽 盺 伩 舋 鐔 枔 孞 釁 惞 邤 廞 顖 馸 阠 嬜 襑 軐 +lao 老 捞 佬 烙 牢 劳 唠 涝 姥 痨 酪 潦 崂 醪 勞 铑 撈 荖 咾 朥 嫪 労 栳 鐒 嘮 簩 耢 耂 窂 癆 铹 粩 鮱 顟 橑 銠 珯 蛯 嶗 恅 澇 僗 硓 嗠 蟧 狫 哰 磱 轑 橯 耮 憦 軂 憥 髝 浶 躼 +gong 共 供 宫 公 攻 工 功 弓 拱 龚 恭 躬 汞 贡 巩 宮 觥 肱 栱 珙 厷 廾 貢 蚣 龔 糼 龏 唝 鞏 愩 熕 碽 觵 塨 拲 羾 匑 髸 莻 輁 躳 慐 杛 幊 匔 +kao 靠 考 烤 拷 铐 尻 犒 栲 丂 攷 鲓 銬 洘 鮳 鯌 髛 +pao 跑 泡 炮 抛 刨 袍 拋 疱 咆 砲 庖 狍 萢 匏 脬 炰 鞄 垉 麃 奅 礮 爮 礟 皰 麭 麅 軳 褜 +shui 水 睡 税 誰 氵 稅 氺 脽 瞓 涚 涗 帨 裞 閖 祱 +ai 爱 哎 唉 矮 挨 艾 碍 癌 哀 愛 欸 嗳 埃 捱 暧 霭 瑷 隘 嫒 蔼 皑 嬡 嗌 礙 叆 譺 噯 砹 毐 僾 薆 曖 壒 靄 啀 譪 娭 鑀 硋 瞹 敱 懓 皚 锿 靉 藹 溰 騃 璦 皧 溾 昹 敳 鱫 銰 馤 餲 閡 懝 娾 嘊 凒 伌 鎄 塧 濭 鴱 躷 +ri 日 囸 鈤 驲 馹 釰 +fa 发 法 罚 乏 伐 發 阀 髮 筏 発 髪 珐 罰 垡 彂 琺 沷 灋 砝 笩 佱 疺 醱 鍅 閥 茷 蕟 橃 浌 罸 姂 藅 栰 傠 瞂 +duan 段 断 端 短 锻 缎 斷 煅 鍛 塅 椴 媏 簖 葮 耑 緞 鍴 偳 碫 瑖 籪 褍 剬 躖 毈 腶 +nv 女 钕 衄 籹 朒 恧 釹 衂 沑 +reng 仍 扔 礽 陾 芿 辸 +ruo 若 弱 偌 叒 箬 渃 爇 楉 鄀 蒻 鶸 篛 焫 鰯 捼 鰙 嵶 +xing 行 型 性 星 姓 醒 形 兴 刑 幸 杏 邢 腥 擤 觪 興 猩 洐 荇 荥 惺 陉 倖 悻 煋 瑆 侀 緈 硎 婞 骍 铏 哘 曐 郉 涬 莕 睲 謃 钘 鯹 垶 騂 篂 箵 鮏 鉶 陘 鈃 滎 皨 娙 裄 銒 臖 嬹 蛵 觲 鋞 +zhu 住 主 煮 猪 注 祝 著 朱 驻 助 丶 株 竹 柱 诸 珠 筑 诛 铸 逐 烛 嘱 渚 拄 蛛 铢 箸 竺 贮 蛀 瞩 諸 伫 炷 洙 豬 駐 茱 築 杼 註 邾 翥 潴 苎 硃 筯 笁 槠 侏 麈 燭 鑄 佇 紵 矚 紸 囑 躅 舳 誅 疰 纻 櫧 貯 钃 銖 煑 蠋 壴 宔 莇 鋳 劚 窋 秼 橥 詝 瀦 砫 跓 陼 竚 瘃 斸 濐 茿 迬 軴 跦 鴸 鉒 羜 櫫 簗 劯 祩 鮢 眝 墸 絑 殶 馵 泏 罜 笜 霔 鱁 駯 孎 炢 欘 嵀 坾 麆 曯 鯺 鼄 爥 灟 蝫 蠾 袾 樦 篫 蠩 +gan 敢 干 感 赶 甘 杆 肝 竿 擀 赣 柑 幹 趕 秆 尴 苷 绀 淦 橄 扞 矸 亁 疳 桿 酐 泔 忓 迀 玕 皯 芉 漧 旰 坩 檊 澉 贛 筸 榦 鳡 汵 鱤 尷 仠 簳 紺 倝 凎 骭 粓 贑 盰 尲 笴 稈 乹 攼 詌 魐 灨 尶 凲 鰔 衦 鳱 +shou 受 手 收 首 瘦 兽 守 售 寿 授 狩 扌 痩 绶 艏 壽 収 鏉 獸 垨 獣 膄 涭 夀 綬 +di 第 低 滴 底 帝 敌 弟 递 抵 睇 狄 迪 蒂 笛 堤 翟 嘀 啲 旳 邸 嫡 娣 涤 缔 谛 荻 氐 棣 骶 诋 砥 镝 敵 遞 柢 菂 頔 袛 碲 籴 禘 諦 羝 廸 苖 觌 鞮 啇 滌 渧 磾 締 彽 墬 厎 玓 觝 牴 俤 媂 杕 隄 坔 篴 珶 髢 蹢 偙 趆 蔕 掋 鏑 鍉 嚁 鬄 阺 埊 嶳 墑 樀 埞 詆 覿 梑 糴 怟 遰 踶 軧 呧 藡 釱 腣 僀 逓 靮 蝃 螮 慸 鯳 眱 鸐 枤 唙 拞 焍 菧 祶 弤 仾 蔋 甋 豴 梊 馰 坘 摕 蔐 鉪 聜 奃 +jing 经 竟 精 惊 静 景 境 净 警 井 京 镜 敬 茎 晶 径 颈 靓 竞 荆 璟 睛 鲸 靖 經 菁 婧 旌 泾 脛 迳 胫 靜 淨 驚 憬 丼 儆 鏡 競 徑 凈 粳 痉 阱 兢 靚 暻 腈 経 肼 獍 荊 頸 浄 竫 刭 瀞 璥 鯨 璄 莖 汫 倞 逕 俓 穽 聙 誩 亰 幜 燝 涇 痙 秔 猄 橸 鶄 巠 弪 宑 傹 竸 坙 麖 鼱 妌 婙 桱 婛 頚 稉 旍 憼 坓 鶁 竧 汬 剄 葏 麠 曔 弳 踁 坕 梷 蟼 鵛 +zhan 占 站 战 展 沾 粘 斩 蘸 盏 詹 绽 湛 栈 瞻 佔 毡 旃 戰 崭 戦 斬 盞 霑 嶄 谵 綻 搌 飐 棧 榐 鳣 栴 氈 邅 嶃 詀 颭 嫸 琖 桟 枬 鱣 鹯 薝 輾 惉 氊 饘 偡 嶦 魙 鸇 醆 蛅 黵 旜 趈 菚 飦 驙 輚 譫 噡 嶘 橏 覱 驏 虦 閚 轏 譧 讝 虥 +pian 片 篇 偏 骗 谝 翩 騙 骈 囨 楩 蹁 胼 楄 媥 諞 駢 犏 跰 覑 魸 騗 鍂 騈 鶣 腁 骿 賆 貵 諚 +cuo 错 搓 挫 厝 撮 錯 措 锉 矬 磋 蹉 痤 棤 鹾 嵯 剉 酂 夎 脞 瑳 莝 銼 虘 剒 斮 睉 逪 醝 躦 鹺 蒫 遳 蔖 莡 蓌 嵳 +mou 某 谋 眸 缪 牟 哞 繆 謀 侔 鍪 鉾 蛑 踎 麰 洠 恈 瞴 鴾 劺 +pai 拍 派 排 牌 湃 徘 哌 俳 簰 棑 簲 蒎 廹 犤 猅 鎃 輫 渒 +bang 帮 棒 榜 绑 磅 邦 镑 傍 浜 蚌 幫 梆 膀 谤 綁 幇 塝 髈 蒡 鎊 搒 棓 牓 幚 謗 垹 鞤 蜯 玤 艕 稖 捠 縍 邫 +qiang 强 抢 枪 墙 腔 呛 強 羌 锵 蔷 炝 戕 搶 戗 牆 槍 嫱 墻 樯 羟 跄 镪 丬 鎗 嶈 嗆 唴 襁 锖 蹌 熗 薔 檣 椌 鏘 玱 斨 蜣 羗 錆 蹡 蔃 漒 繈 墏 戧 篬 繦 羥 鏹 蘠 廧 羫 瑲 牄 艢 嗴 溬 嬙 猐 謒 羻 獇 +mang 忙 芒 盲 蟒 莽 茫 氓 邙 尨 漭 铓 硭 笀 杧 牤 茻 莾 汒 吂 蠎 蛖 鋩 牻 杗 恾 哤 駹 庬 硥 痝 娏 壾 狵 釯 浝 +xue 学 血 雪 薛 削 穴 靴 學 谑 踅 鳕 桖 膤 泶 辥 壆 趐 樰 茓 峃 吷 謔 鱈 鸴 轌 斈 嶨 辪 疶 岤 袕 鷽 鞾 坹 艝 乴 燢 觷 澩 蒆 瀥 狘 雤 +tao 套 掏 逃 淘 讨 陶 桃 涛 韬 滔 饕 绦 洮 討 夲 萄 弢 濤 迯 啕 匋 鼗 梼 瑫 搯 韜 绹 綯 祹 咷 慆 絛 檮 幍 謟 嫍 醄 饀 槄 裪 縧 鞀 轁 鞉 鋾 騊 錭 鞱 蜪 縚 飸 駣 詜 +zao 早 遭 造 糟 澡 枣 燥 灶 皂 凿 躁 藻 噪 蚤 栆 鑿 棗 皁 慥 璪 繰 竈 喿 唣 醩 簉 蹧 趮 傮 竃 梍 譟 薻 唕 艁 煰 +diao 掉 调 钓 叼 屌 吊 雕 刁 貂 凋 調 碉 鲷 釣 铫 弔 魡 铞 彫 鵰 鯛 鋽 蓧 窎 扚 蛁 汈 琱 銱 伄 藋 窵 虭 瘹 竨 鑃 奝 刟 瞗 鼦 弴 簓 雿 鈟 鳭 鮉 訋 殦 +nong 弄 浓 农 侬 脓 哝 濃 農 挊 秾 穠 儂 燶 挵 醲 膿 噥 襛 辳 癑 齈 禯 繷 蕽 欁 檂 +yan 眼 演 盐 烟 沿 言 颜 严 燕 炎 咽 焉 研 岩 腌 艳 宴 验 彦 焰 阎 妍 延 嫣 晏 掩 雁 焱 砚 淹 厌 闫 衍 檐 阉 琰 堰 魇 煙 偃 顔 筵 湮 俨 鄢 滟 谚 嚴 啱 兖 顏 芫 酽 蜒 奄 驗 胭 鹽 龑 豔 菸 餍 讠 厭 厣 塩 醃 罨 艷 赝 嬿 甗 唁 巖 彥 訁 墕 験 簷 硯 嚥 弇 棪 郾 姸 崦 閻 黶 巘 厳 偣 娮 谳 鼹 艶 硏 匽 恹 嬮 沇 渰 燄 曕 黫 熖 珚 鴈 閆 揜 讌 閹 麣 儼 椼 黡 嵒 巌 鷃 娫 縯 綖 鰋 灩 漹 酓 鷰 琂 觃 妟 兗 諺 渷 讞 牪 偐 焔 淊 魘 嵃 釅 剦 焑 猒 懨 郔 喭 虤 嵓 鴳 巗 溎 夵 愝 乵 檿 巚 戭 贋 灧 碞 曣 臙 烻 莚 饜 萒 揅 椻 灔 蝘 騐 楌 篶 爓 鶠 鬳 傿 暥 黤 懕 昖 醼 敥 灎 嬊 葕 扊 狿 醶 曮 贗 壛 顩 豓 孍 隒 酀 黬 詽 褗 裺 齞 遃 抁 鳫 鼴 隁 躽 厴 噞 硽 姲 櫩 覎 欕 騴 齴 黭 蔅 訮 壧 礹 驠 軅 嶖 樮 觾 +ming 名 命 明 冥 鸣 铭 茗 溟 洺 暝 眀 瞑 螟 鳴 銘 嫇 酩 眳 佲 掵 榠 姳 朙 蓂 詺 凕 猽 慏 椧 覭 鄍 +cha 差 查 茶 插 叉 茬 搽 察 岔 檫 杈 诧 槎 碴 猹 姹 衩 汊 镲 馇 侘 锸 嗏 垞 扠 奼 揷 臿 挿 蹅 嵖 詫 詧 餷 偛 鑔 艖 紁 鍤 秅 靫 肞 疀 銟 +ka 卡 咖 咔 喀 佧 胩 垰 鉲 裃 衉 擖 +xun 讯 寻 训 熏 询 旬 荀 迅 巡 薰 循 勋 逊 巽 浔 洵 荨 埙 驯 殉 蕈 峋 訊 尋 汛 醺 珣 窨 徇 蟳 訓 鲟 曛 恂 勳 遜 詢 偱 薫 噚 燻 焄 纁 巺 勲 馴 噀 勛 卂 嚑 潯 廵 獯 侚 潠 灥 塤 揗 壎 栒 殾 狥 鄩 紃 桪 燖 坃 璕 臐 矄 毥 鱘 鱏 愻 稄 壦 奞 賐 迿 蘍 燅 伨 樳 訙 畃 杊 蔒 鑂 顨 駨 攳 爋 +shu 书 数 属 树 叔 输 熟 术 舒 束 竖 鼠 梳 恕 蜀 疏 署 述 墅 書 殊 暑 赎 姝 淑 數 黍 薯 漱 抒 倏 蔬 孰 庶 枢 屬 戍 術 曙 樹 塾 沭 輸 纾 菽 澍 殳 朮 秫 咰 鼡 豎 腧 糬 疎 潄 倐 摅 暏 贖 荗 儵 樞 竪 婌 掓 鏣 踈 紓 尗 虪 橾 璹 潻 襡 隃 瀭 毹 鉥 鄃 軗 攄 綀 焂 尌 裋 癙 藷 杸 蒁 庻 捒 侸 瑹 錰 陎 蠴 薥 襩 鶐 鵨 怷 鱰 毺 鱪 鮛 濖 跾 絉 +ling 令 另 领 零 凌 灵 岭 龄 玲 铃 绫 陵 泠 菱 翎 伶 聆 苓 靈 呤 領 淩 棂 羚 瓴 岺 齡 嶺 酃 蛉 澪 鲮 囹 鈴 舲 夌 霊 柃 鴒 姈 綾 鸰 皊 蕶 掕 笭 齢 爧 龗 霗 昤 祾 砱 袊 坽 阾 琌 櫺 霝 鯪 欞 炩 彾 醽 霛 紷 蔆 錂 瀮 婈 蓤 麢 刢 軨 詅 孁 狑 蘦 燯 朎 裬 秢 鹷 魿 衑 跉 竛 閝 駖 +bao 报 包 爆 抱 宝 保 薄 饱 堡 煲 暴 豹 鲍 報 葆 褒 苞 胞 寶 鸨 嫑 寳 飽 雹 龅 孢 勹 褓 趵 鮑 枹 堢 笣 铇 蕔 菢 寚 袌 緥 曓 怉 窇 襃 鴇 珤 媬 靌 齙 勽 鉋 骲 虣 藵 儤 闁 靤 鑤 蚫 駂 髱 佨 宲 賲 忁 飹 鳵 +qin 亲 秦 琴 勤 沁 噙 擒 禽 寝 侵 親 钦 衾 芹 芩 溱 揿 笉 嫀 嗪 吢 慬 欽 寢 螓 寑 撳 吣 菦 綅 锓 庈 琹 嵚 檎 駸 瀙 耹 骎 瘽 菣 懃 坅 蠄 藽 昑 菳 斳 鈫 唚 澿 嶔 珡 懄 梫 鬵 顉 鋟 抋 媇 寴 搇 埁 誛 螼 蚙 捦 鮼 鳹 鈙 雂 赾 靲 鵭 +e 额 呃 饿 俄 恶 鹅 厄 鄂 莪 鳄 讹 娥 額 蛾 愕 扼 遏 萼 屙 涐 峨 噩 婀 颚 餓 惡 轭 垩 腭 噁 鍔 妸 锷 歺 谔 峩 鹗 悪 迗 皒 锇 鵝 娿 珴 枙 囮 阏 咹 誐 苊 訛 岋 痾 吪 鱷 頞 阨 崿 咢 卾 顎 譌 頋 搤 睋 堊 詻 鰐 蕚 頟 姶 偔 齶 鵞 騀 閼 戹 屵 阸 僫 軛 鈪 呝 硆 搹 鶚 匎 鈋 諤 魤 遌 廅 砐 峉 遻 砨 擜 礘 磀 妿 豟 軶 櫮 堮 琧 湂 餩 覨 蚅 齃 砈 蝁 歞 魥 鰪 鑩 讍 鵈 +gou 够 狗 勾 沟 购 钩 构 苟 垢 夠 芶 缑 購 枸 構 诟 溝 彀 姤 篝 媾 遘 佝 鈎 緱 鉤 觏 笱 耈 搆 岣 鞲 雊 耇 豿 冓 耉 玽 煹 覯 袧 茩 韝 蚼 訽 撀 褠 詬 坸 簼 +mi 米 迷 蜜 密 眯 谜 咪 觅 祢 幂 秘 弥 沵 靡 宓 芈 汨 糜 糸 泌 谧 醚 瞇 麋 祕 袮 洣 覓 弭 猕 蘼 彌 謎 冖 冪 縻 嘧 麿 敉 沕 侎 覔 脒 蒾 瀰 眫 渳 滵 謐 羋 羃 宻 蔤 粎 冞 簚 禰 麛 幎 漞 藌 樒 攠 熐 峚 瓕 銤 詸 櫁 濔 爢 濗 麊 醾 塓 戂 蔝 鼏 葞 孊 釄 獼 榓 灖 醿 覛 淧 镾 幦 擟 鸍 +xuan 选 玄 轩 悬 宣 炫 旋 萱 璇 喧 癣 選 瑄 渲 漩 暄 铉 煊 眩 绚 泫 禤 烜 璿 軒 懸 楦 玹 碹 谖 翾 镟 儇 吅 媗 晅 嫙 揎 鏇 絢 昍 藼 眴 譞 咺 昡 癬 鋗 諼 琄 鉉 蘐 琁 痃 諠 翧 蓒 箮 塇 縼 楥 衒 懁 蝖 怰 睻 袨 駽 贙 繏 暶 蠉 愋 蕿 鍹 梋 颴 檈 萲 蔙 愃 弲 讂 鞙 蜁 顈 鰚 縇 矎 +mian 面 免 棉 眠 绵 缅 勉 冕 麵 沔 宀 娩 麺 媔 綿 黾 婂 眄 渑 腼 湎 緬 靣 丏 鮸 臱 愐 杣 偭 麪 緜 喕 黽 汅 勔 檰 麫 絻 芇 櫋 嬵 糆 矊 葂 澠 蝒 矏 矈 +ku 哭 苦 酷 库 裤 枯 窟 骷 堀 庫 袴 褲 绔 喾 刳 焅 秙 矻 跍 圐 絝 俈 桍 瘔 扝 嚳 趶 狜 崫 郀 廤 鮬 +fei 非 飞 费 肥 肺 妃 废 菲 斐 霏 匪 绯 沸 飛 吠 扉 俷 啡 翡 費 鐨 腓 芾 蜚 廢 婓 痱 馡 诽 榧 淝 狒 悱 棐 飝 騑 蕜 鲱 杮 緋 镄 暃 廃 屝 篚 癈 婔 曊 朏 剕 奜 胐 櫠 騛 厞 渄 猆 萉 疿 蜰 鯡 裶 蟦 昲 誹 胇 陫 餥 鼣 靟 濷 靅 +jie 接 姐 皆 借 界 节 街 解 届 结 阶 劫 戒 截 介 杰 洁 揭 桀 捷 婕 竭 結 節 嗟 睫 芥 羯 孑 颉 诫 屆 尐 玠 秸 疖 階 疥 堺 碣 潔 蚧 傑 卩 岕 劼 滐 喈 脻 拮 鎅 讦 絜 嵥 掲 毑 詰 觧 喼 吤 骱 衸 楬 刧 蛶 迼 刼 檞 椄 誡 袺 倢 媎 丯 堦 鲒 徣 刦 悈 衱 偼 湝 岊 卪 蠘 稭 疌 庎 琾 砎 桝 莭 褯 魪 楶 痎 楐 蠽 嶻 昅 榤 癤 煯 訐 犗 菨 蝍 畍 鮚 蠞 蜐 媫 巀 鞊 崨 踕 鶛 誱 鉣 嫅 鍻 礍 擮 鞂 蓵 飷 蝔 掶 謯 媘 擑 魝 幯 櫭 +liang 两 量 辆 亮 梁 凉 良 晾 粮 兩 谅 粱 涼 輛 椋 魉 樑 踉 両 糧 俍 諒 脼 墚 悢 煷 哴 唡 辌 喨 湸 緉 輌 魎 綡 啢 裲 鍄 掚 輬 蜽 +shua 刷 耍 唰 誜 +gu 股 顾 故 古 谷 骨 鼓 孤 雇 姑 菇 固 蛊 箍 辜 钴 估 咕 沽 呱 顧 崮 鹄 臌 毂 牯 觚 锢 菰 穀 榖 鹘 瞽 诂 鸪 汩 罟 轱 梏 脵 僱 堌 鼔 羖 蛄 酤 盬 嘏 凅 笟 痼 蠱 箛 泒 苽 傦 鲴 鴣 鈷 轂 牿 蓇 皷 鶻 扢 馉 錮 唂 棝 淈 罛 詁 糓 夃 鮕 濲 瀔 祻 唃 軱 榾 鈲 篐 薣 餶 鯝 蛌 柧 軲 啒 崓 嫴 稒 愲 橭 皼 尳 縎 逧 +en 恩 摁 蒽 奀 峎 煾 +quan 全 圈 劝 权 拳 犬 券 泉 蜷 荃 權 醛 诠 圏 铨 勸 颧 佺 痊 绻 悛 犭 牶 筌 齤 鬈 洤 権 棬 畎 瑔 跧 踡 惓 詮 湶 奍 勧 銓 辁 硂 牷 烇 埢 婘 絟 汱 葲 綣 顴 搼 啳 縓 姾 峑 恮 鳈 鰁 弮 虇 鐉 駩 孉 犈 觠 巏 輇 楾 闎 椦 騡 蠸 韏 +kou 口 扣 抠 寇 叩 蔻 冦 筘 芤 釦 摳 蔲 宼 眍 鷇 窛 滱 彄 瞉 簆 敂 劶 剾 瞘 +du 读 度 毒 堵 杜 赌 独 渡 肚 睹 嘟 镀 督 笃 妒 讀 獨 渎 犊 牍 蠹 厾 賭 椟 読 阇 篤 芏 覩 黩 妬 裻 涜 髑 闍 鍍 騳 讟 秺 碡 牘 蠧 瀆 靯 荰 帾 犢 殰 蝳 韣 黷 凟 贕 剢 皾 櫝 醏 韥 豄 琽 匵 螙 韇 嬻 殬 瓄 鑟 錖 +za 咋 砸 杂 咂 匝 雜 紮 帀 雑 拶 迊 紥 鉔 臜 囋 喒 襍 雥 沯 偺 臢 魳 囐 磼 沞 韴 +sheng 生 声 省 胜 升 剩 盛 圣 绳 笙 聲 昇 勝 聖 牲 泩 眚 甥 嵊 苼 琞 陞 繩 剰 珄 賸 鉎 狌 墭 渻 鍟 縄 焺 湦 枡 貹 殅 晠 偗 曻 蕂 鼪 栍 斘 榺 陹 竔 阩 憴 譝 鵿 橳 呏 +gui 贵 归 鬼 跪 龟 轨 柜 桂 规 硅 癸 诡 圭 瑰 貴 闺 歸 簋 傀 桧 珪 規 妫 炔 帰 氿 鲑 皈 晷 佹 軌 鳜 櫃 龜 攰 庋 亀 刽 刿 宄 閨 邽 匦 廆 瓌 姽 槻 詭 鮭 湀 鬶 瞶 騩 袿 巂 垝 昋 嫢 槼 匱 襘 檜 庪 鬹 朹 窐 攱 蓕 筀 癐 媯 璝 厬 恑 嶡 蛫 胿 鱥 禬 觤 椢 螝 劊 鱖 嬀 摫 陒 撌 鞼 簂 櫷 椝 劌 茥 瞡 槶 祪 郌 匭 膭 蟡 猤 +dong 懂 动 东 洞 栋 冬 董 冻 咚 東 動 侗 氡 峒 垌 硐 岽 凍 棟 胴 恫 鸫 氭 崬 働 胨 笗 苳 蕫 崠 戙 迵 嬞 涷 倲 鼕 姛 昸 墥 蝀 箽 諌 挏 湩 鯟 鶇 鮗 埬 菄 絧 霘 鶫 徚 娻 駧 腖 +hei 黑 嘿 黒 潶 +wa 哇 挖 娃 瓦 蛙 袜 洼 娲 佤 嗗 屲 搲 窊 窪 襪 漥 咓 嗢 腽 畖 穵 韈 媧 劸 鼃 攨 韤 砙 瓲 膃 邷 溛 聉 +zhuang 装 撞 状 妆 庄 壮 桩 裝 莊 狀 妝 壯 荘 庒 樁 粧 娤 漴 壵 焋 戇 湷 梉 糚 +leng 冷 愣 楞 棱 塄 稜 堎 崚 睖 倰 輘 薐 碐 踜 +lou 楼 喽 搂 漏 娄 樓 篓 陋 镂 髅 瘘 偻 耧 溇 蒌 蝼 嘍 摟 婁 嵝 瞜 剅 鞻 鏤 簍 廔 瘺 艛 塿 屚 螻 髏 慺 僂 耬 嶁 瘻 蔞 熡 謱 軁 漊 甊 遱 +heng 哼 横 恒 衡 亨 姮 桁 橫 脝 蘅 恆 鸻 啈 悙 胻 堼 涥 烆 鴴 鑅 鵆 +xu 需 许 须 徐 虚 续 嘘 序 旭 叙 吁 戌 绪 絮 蓄 墟 胥 恤 煦 須 許 诩 婿 續 溆 緒 栩 虛 勖 顼 酗 続 谞 朂 怴 銊 呴 盱 俆 噓 蓿 敘 洫 鬚 姁 湑 昫 醑 珝 盨 敍 歔 繻 伵 糈 旴 詡 魆 芧 垿 裇 訏 卹 勗 緖 鱮 魖 虗 壻 侐 嬃 幁 疞 蒣 藇 譃 頊 喣 慉 諝 偦 藚 媭 魣 晇 獝 冔 汿 稸 鄦 楈 欨 盢 蕦 珬 窢 聟 暊 槒 聓 驉 殈 漵 沀 烅 稰 烼 欰 潊 揟 鑐 瞲 訹 蝑 縃 瞁 賉 +tan 谈 摊 探 叹 谭 碳 贪 痰 滩 坛 潭 瘫 坦 炭 覃 檀 毯 昙 談 坍 钽 壇 郯 歎 嘆 袒 怹 攤 譚 灘 傝 貪 忐 惔 榃 燂 磹 憳 罈 賧 癱 倓 貚 锬 舕 曇 墰 罎 璮 菼 醰 嗿 壜 餤 襢 埮 舑 湠 醓 憛 憻 鉭 僋 譠 醈 痑 墵 藫 婒 顃 暺 擹 錟 +zhou 周 粥 州 轴 洲 皱 咒 舟 肘 昼 骤 纣 宙 绉 胄 週 诌 帚 軸 皺 籀 冑 酎 甃 驟 妯 晝 呪 淍 掫 盩 荮 咮 僽 詶 喌 辀 粙 紂 輖 箒 赒 伷 珘 噣 輈 賙 籒 睭 鸼 侜 疛 鵃 詋 縐 郮 徟 诪 籕 銂 謅 矪 譸 駲 菷 烐 駎 炿 晭 霌 葤 騆 鯞 +zhui 追 坠 缀 锥 赘 隹 骓 墜 缒 綴 惴 贅 沝 硾 錐 娷 畷 縋 鵻 醊 膇 餟 甀 錣 騅 桘 笍 礈 諈 轛 鑆 +bai 白 摆 拜 败 百 掰 柏 佰 擺 敗 栢 擘 稗 粨 捭 絔 拝 襬 粺 贁 挀 竡 韛 瓸 薭 庍 猈 +mao 猫 毛 冒 帽 冇 矛 貌 茂 卯 锚 茅 贸 貓 昴 峁 铆 髦 懋 茆 耄 瑁 貿 泖 旄 牦 眊 袤 芼 瞀 蟊 冃 鄚 蝥 冐 楙 皃 堥 氂 鄮 髳 夘 罞 酕 犛 萺 錨 柕 媢 戼 愗 軞 渵 枆 暓 毷 蓩 蝐 覒 乮 笷 鶜 兞 +liao 聊 料 撩 廖 辽 疗 撂 獠 寮 瞭 蓼 燎 寥 僚 缭 嘹 療 暸 钌 镣 嫽 叾 遼 鐐 尥 敹 髎 鹩 繚 尞 蹽 竂 窷 蟟 漻 曢 憭 膋 簝 憀 爎 膫 炓 尦 嵺 嶚 飉 镽 嶛 釕 豂 璙 藔 廫 鄝 賿 蹘 屪 鷯 爒 +zhuan 转 赚 专 砖 撰 篆 轉 馔 專 賺 啭 颛 磚 専 転 堟 膞 叀 饌 孨 譔 磗 僎 囀 瑑 鱄 塼 襈 甎 顓 篹 灷 鄟 蒃 籑 嫥 腞 諯 竱 蟤 瑼 +yo 哟 唷 喲 +sui 岁 虽 随 遂 碎 隋 穗 髓 雖 隨 祟 隧 歲 绥 睢 邃 燧 歳 鐩 葰 眭 嵗 夊 濉 穂 谇 髄 荽 砕 綏 誶 繀 璲 芕 睟 繸 瀡 亗 穟 滖 襚 繐 膸 浽 熣 賥 哸 檖 倠 埣 禭 荾 煫 鐆 澻 瓍 嬘 遀 旞 鞖 譢 韢 +rou 肉 揉 柔 鍒 糅 蹂 瑈 鞣 葇 禸 渘 媃 宍 輮 粈 煣 厹 鰇 楺 蝚 腬 韖 騥 鶔 瓇 +shai 晒 筛 曬 酾 篩 閷 簁 釃 繺 簛 +xi 系 洗 戏 西 吸 喜 细 兮 席 溪 息 惜 希 稀 习 袭 夕 曦 係 硒 熙 锡 膝 熄 喺 嘻 昔 汐 析 玺 悉 奚 晰 禧 隙 徙 烯 犀 羲 囍 嬉 熹 蜥 細 媳 浠 铣 戲 習 皙 淅 晞 郗 唏 咥 翕 檄 鎴 牺 繫 僖 隰 矽 樨 醯 襲 郤 晳 卌 錫 呬 鉨 谿 覀 螅 煕 蟋 蓆 禊 悕 舄 扱 觋 熺 窸 粞 穸 傒 琋 葸 豨 霫 熻 菥 忚 槢 墍 觽 阋 俙 噏 屣 欷 璽 饩 潟 憙 渓 盻 睎 枲 鳛 鑴 肸 觿 屃 嶲 巇 爔 戱 嶍 氥 忥 鰼 鼷 舾 匸 虩 躧 犧 恓 蓰 惁 凞 橀 绤 赩 嚱 覤 徆 唽 諰 熈 矖 蟢 焟 燨 騱 瘜 綌 桸 稧 滊 觹 鈢 澙 蠵 壐 莃 狶 徯 雟 卥 酅 鸂 餼 糦 屖 磎 犠 郋 蒠 厀 鱚 焬 屭 橲 肹 譆 鯑 衋 憘 邜 覡 嵠 豀 鬩 瞦 歖 謵 怸 暿 隵 舃 縰 鉩 礂 繥 慀 隟 椞 饻 欯 熂 潝 恄 闟 翖 螇 縘 薂 釳 鄎 豯 蹝 釸 漝 焈 葈 鵗 緆 蒵 嬆 榽 謑 騽 怬 赥 磶 蕮 漇 趘 貕 焁 飁 餏 犔 趇 鏭 驨 黖 霼 扸 椺 +feng 风 封 疯 峰 冯 缝 逢 凤 奉 枫 丰 锋 蜂 風 沣 烽 俸 讽 峯 沨 瘋 豐 鳳 酆 葑 馮 鋒 夆 縫 鳯 楓 砜 檒 漨 桻 仹 唪 綘 偑 灃 凨 諷 麷 鏠 崶 鎽 煈 鄷 妦 覂 靊 凮 甮 湗 赗 篈 堸 蠭 碸 猦 凬 浲 賵 寷 琒 摓 飌 霻 蘴 僼 犎 捀 盽 鴌 闏 溄 焨 艂 +shen 神 身 深 沈 肾 伸 甚 申 慎 什 审 婶 渗 砷 蜃 哂 绅 呻 莘 谂 屾 燊 脤 瘆 裑 珅 腎 娠 審 椹 堔 诜 諗 榊 蔘 甡 矧 鲹 瘮 滲 姺 罙 嬸 胂 渖 鯵 柛 瀋 鰰 眒 侁 罧 愼 紳 訷 穼 頣 眘 棽 侺 鰺 祳 昚 鯓 谉 妽 兟 蜄 曑 曋 涁 宷 詵 弞 葠 氠 矤 駪 瞫 籶 籸 蓡 鋠 薓 甧 峷 邥 魫 敒 扟 讅 鵢 覾 訠 +dun 吨 顿 炖 蹲 盾 囤 墩 遁 钝 敦 盹 頓 沌 趸 惇 噸 礅 燉 楯 遯 撴 蹾 鈍 砘 逇 伅 墪 躉 橔 潡 撉 碷 踲 庉 犜 蜳 獤 驐 +chao 超 朝 炒 吵 抄 潮 焯 巢 钞 嘲 晁 仯 巣 耖 鈔 謿 鼌 怊 弨 仦 漅 訬 眧 麨 勦 鼂 煼 觘 樔 牊 巐 鄛 窲 欩 罺 焣 轈 +piao 票 飘 瞟 漂 嫖 瓢 飄 缥 剽 嘌 飃 殍 顠 彯 薸 慓 螵 魒 僄 縹 翲 篻 醥 皫 闝 旚 勡 犥 徱 +tui 腿 推 退 褪 颓 蜕 煺 頹 蹆 弚 蓷 頽 蛻 魋 俀 隤 骽 娧 穨 侻 尵 頺 僓 蘈 蹪 駾 藬 +man 满 蛮 慢 漫 瞒 曼 蔓 滿 螨 缦 蠻 幔 鳗 嫚 谩 馒 満 墁 熳 鏋 慲 悗 瞞 姏 鬘 镘 睌 縵 蔄 摱 鰻 鞔 颟 蟎 饅 謾 槾 僈 屘 襔 鄤 蘰 樠 澷 鬗 獌 顢 矕 鏝 +lei 类 累 雷 泪 嘞 勒 蕾 磊 垒 類 擂 镭 耒 淚 涙 羸 罍 酹 儡 塁 诔 畾 壘 嫘 檑 纍 礌 鑸 缧 蔂 錑 欙 絫 傫 瓃 纇 鱩 靁 腂 磥 颣 藟 蕌 儽 壨 厽 樏 蘽 礨 縲 灅 鐳 鸓 癗 櫑 礧 洡 轠 虆 禷 誄 銇 蘲 頪 櫐 蠝 蘱 讄 鑘 鼺 攂 頛 纝 矋 +zu 组 族 足 租 祖 卒 阻 組 诅 镞 俎 鏃 鎺 蒩 卆 哫 崒 葅 箤 詛 崪 踤 爼 珇 唨 靻 踿 傶 +pei 配 陪 赔 裴 呸 佩 培 胚 沛 珮 醅 霈 浿 辔 帔 賠 旆 柸 姵 嶏 锫 斾 蓜 裵 肧 轡 俖 怌 馷 衃 伂 阫 駍 毰 +cun 村 存 寸 吋 皴 邨 忖 竴 籿 膥 侟 拵 踆 澊 刌 +lia 俩 倆 +hong 红 哄 轰 洪 宏 鸿 虹 弘 泓 烘 紅 薨 吽 玒 荭 闳 黉 鴻 轟 闂 綋 魟 竑 葒 訇 讧 纮 紘 苰 鍧 粠 垬 蕻 闀 焢 翃 渱 灴 澋 硔 浤 鋐 霐 紭 叿 竤 鉷 閧 揈 閎 鈜 澒 葓 汯 渹 耾 吰 黌 谼 晎 宖 鬨 呍 仜 撔 銾 妅 霟 嚝 輷 玜 娂 翝 彋 嗊 訌 鞃 谹 潂 硡 谾 軣 +lin 林 拎 临 磷 淋 琳 凛 麟 霖 鳞 邻 蔺 吝 臨 檩 赁 璘 粼 遴 冧 懔 鄰 廪 啉 躏 嶙 膦 鱗 凜 燐 疄 潾 隣 痳 驎 辚 粦 箖 厸 賃 廩 瞵 菻 鏻 麐 檁 癝 悋 藺 澟 閵 崊 轔 碄 恡 晽 焛 獜 躙 懍 橉 翷 亃 癛 躪 蹸 僯 壣 轥 暽 瀶 繗 撛 甐 斴 +guang 光 逛 广 咣 廣 広 洸 犷 胱 桄 侊 茪 撗 珖 炛 灮 銧 俇 垙 炗 僙 臦 炚 獷 臩 姯 輄 欟 烡 黆 +ca 擦 嚓 礤 攃 囃 礸 遪 +shuang 双 爽 霜 雙 孀 樉 灀 鹴 漺 慡 塽 礵 鸘 艭 骦 孇 鷞 驦 欆 縔 鏯 騻 +qun 群 裙 夋 羣 逡 囷 峮 宭 帬 裠 +kuan 款 宽 髋 寬 寛 欵 歀 窾 髖 臗 窽 鑧 +shan 山 删 闪 扇 善 衫 擅 陕 姗 珊 膳 杉 煽 讪 汕 膻 彡 脠 疝 刪 鳝 苫 缮 剡 搧 赡 骟 閃 挻 嬗 檆 墠 潸 蟮 鄯 钐 繕 舢 羴 芟 跚 陝 睒 姍 幓 笘 柵 樿 訕 埏 掞 僐 饍 炶 痁 潬 剼 羶 敾 澘 鱓 鐥 鱔 嘇 縿 墡 椫 贍 熌 晱 赸 傓 騸 蟺 譱 圸 銏 閊 煔 軕 歚 邖 釤 覢 磰 灗 狦 謆 鯅 +teng 疼 腾 藤 滕 誊 騰 縢 熥 籐 痋 虅 駦 驣 鼟 謄 籘 幐 膯 漛 鰧 霯 邆 儯 +tuan 团 團 疃 抟 鏄 湍 湪 団 彖 糰 摶 漙 槫 慱 檲 剸 貒 猯 煓 篿 褖 鷻 鷒 +han 含 喊 韩 汗 寒 汉 咁 函 涵 憨 晗 焊 翰 旱 悍 罕 憾 瀚 撼 阚 颔 酣 菡 邯 漢 捍 韓 焓 鼾 蚶 邗 屽 撖 丆 浛 垾 兯 蘫 唅 琀 歛 魽 顸 熯 崡 嫨 虷 嵅 頷 莟 銲 闬 凾 娢 猂 釬 暵 圅 馠 甝 梒 厈 蔊 鋡 谽 岾 睅 哻 豃 閈 佄 傼 澏 馯 雗 皔 浫 顄 譀 蛿 鬫 蜭 駻 鋎 頇 肣 晘 蜬 筨 涆 鶾 爳 螒 +re 热 惹 熱 +meng 梦 猛 萌 孟 蒙 盟 懵 锰 夢 檬 濛 勐 朦 擝 虻 矇 獴 蠓 艋 甍 蜢 莔 艨 瞢 曚 掹 幪 儚 懞 夣 霥 冡 橗 錳 懜 蝱 礞 鸏 鄳 霿 甿 矒 鹲 溕 饛 鼆 鯭 瓾 蘉 鄸 氋 顭 蕄 靀 鯍 +ti 替 提 题 踢 体 剃 梯 缇 題 啼 體 蹄 剔 锑 涕 屉 悌 荑 惕 薙 嚏 鍗 逖 醍 倜 绨 戻 鹈 軆 笹 殢 苐 趯 褆 裼 遆 趧 鳀 瑅 躰 擿 掦 蹏 緹 禵 偍 惿 鶙 稊 鯷 洟 楴 厗 鷉 褅 屜 綈 鵜 嗁 挮 揥 崹 騠 鶗 逷 嚔 惖 鷈 碮 悐 髰 徲 鴺 瓋 蝭 罤 鷤 籊 骵 銻 歒 漽 蕛 朑 鬀 鮷 鮧 謕 +fan 饭 番 翻 反 烦 凡 犯 范 返 泛 帆 樊 梵 繁 幡 贩 飯 藩 钒 畈 蕃 矾 煩 勫 燔 範 璠 鐢 汎 氾 凢 蘩 販 払 仮 籓 墦 杋 笵 旛 繙 忛 瀿 婏 飜 柉 蹯 礬 渢 噃 凣 旙 奿 颿 舤 滼 膰 薠 訉 嬎 憣 笲 棥 轓 緐 羳 籵 瀪 釩 鐇 橎 飰 嬏 軬 鷭 軓 鱕 蠜 襎 舧 匥 盕 +guai 怪 乖 拐 掴 恠 夬 柺 叏 枴 摑 箉 +chong 冲 充 虫 宠 崇 舂 铳 沖 衝 翀 憧 蟲 寵 忡 茺 埫 珫 艟 摏 銃 緟 崈 揰 爞 褈 憃 蝩 隀 嘃 罿 蹖 徸 浺 +liu 六 留 流 刘 柳 溜 遛 瘤 硫 琉 榴 绺 劉 浏 鎏 熘 馏 瑠 旒 蓅 骝 畱 锍 镏 栁 珋 蹓 鹨 畄 镠 旈 騮 瑬 疁 澑 飂 嵧 廇 霤 瀏 鏐 橊 餾 綹 翏 罶 磂 懰 桺 媹 嚠 鋶 鰡 飗 鹠 飀 沠 嬼 鷚 塯 璢 畂 癅 羀 鉚 蟉 桞 鎦 駠 駵 蒥 鐂 飅 雡 鶹 麍 裗 藰 熮 鬸 橮 驑 磟 +zan 咱 赞 攒 暂 簪 錾 贊 讚 瓒 昝 暫 攢 賛 兂 趱 讃 簮 儹 糌 瓚 噆 鐟 攅 揝 蹔 灒 鏨 酇 濽 鐕 寁 撍 禶 桚 鄼 饡 襸 趲 瓉 儧 +yun 云 晕 运 孕 韵 允 匀 芸 蕴 昀 雲 陨 筠 熨 運 殒 耘 韻 贇 愠 鋆 暈 郧 酝 伝 氲 韫 赟 沄 狁 勻 恽 纭 妘 郓 澐 頵 囩 蘊 愪 氳 涢 藴 缊 煴 蕓 薀 枟 紜 醖 鈗 筼 隕 緷 韞 緼 畇 慍 惲 蒀 殞 荺 霣 醞 馧 抣 繧 奫 橒 縕 阭 鄆 夽 抎 秐 磒 熅 腪 齫 篔 韗 熉 蝹 蒷 眃 溳 餫 蒕 喗 縜 齳 馻 鄖 耺 傊 賱 褞 +po 破 颇 泼 坡 婆 泊 魄 迫 珀 頗 粕 鄱 潑 钋 叵 皤 笸 嘙 钷 岥 昢 洦 桲 蔢 敀 酦 蒪 砶 駊 鏺 尀 醗 岶 溌 櫇 謈 釙 烞 鉕 +gua 挂 刮 瓜 卦 寡 剐 掛 褂 聒 叧 胍 鸹 栝 坬 啩 诖 颳 罫 罣 剮 煱 冎 騧 絓 颪 劀 緺 趏 鴰 踻 歄 銽 詿 +chou 抽 丑 臭 愁 瞅 仇 筹 稠 酬 绸 醜 畴 俦 雠 惆 籌 踌 瘳 紬 栦 杻 偢 帱 椆 怞 侴 裯 吜 讎 綢 疇 搊 丒 菗 犨 婤 儔 魗 矁 醻 篘 犫 酧 讐 雔 臰 杽 皗 薵 殠 絒 幬 懤 燽 嚋 躊 嬦 遚 +niu 牛 妞 扭 钮 纽 紐 狃 忸 鈕 牜 汼 炄 莥 靵 +chen 陈 趁 沉 臣 辰 尘 晨 宸 衬 嗔 琛 抻 陳 谌 塵 谶 忱 郴 碜 瞋 莐 鍖 儭 襯 曟 龀 榇 硶 綝 茞 諶 莀 疢 讖 謓 墋 醦 愖 瘎 煁 趂 嚫 磣 蔯 捵 夦 贂 敐 樄 縝 霃 櫬 訦 齔 迧 諃 揨 鷐 螴 薼 踸 齓 麎 賝 趻 鈂 軙 +hu 户 胡 湖 虎 呼 乎 壶 护 忽 糊 沪 互 狐 弧 唬 斛 葫 琥 戶 鍙 護 扈 烀 俿 瑚 煳 浒 笏 芐 祜 惚 壺 唿 蝴 戸 瓠 槲 怙 滬 楛 汻 戽 岵 鄠 縠 苸 猢 戯 囫 餬 鬍 鹕 觳 綔 醐 滹 冴 淴 泘 瀫 鹱 嚛 嫮 虍 乥 沍 弖 冱 嫭 鵠 箶 嘑 虖 隺 錿 乕 喖 垀 膴 鯱 衚 抇 摢 焀 滸 曶 粐 鰗 壷 鳠 楜 搰 寣 幠 匢 轷 匫 雐 怘 嗀 媩 枑 鸌 昈 帍 昒 恗 乯 婟 槴 鱯 雽 簄 熩 萀 螜 鳸 嘝 虝 鍸 謼 絗 歑 韄 蔰 頀 鶘 頶 軤 魱 鶦 蔛 瓳 +guan 关 管 馆 官 观 惯 灌 冠 罐 贯 棺 莞 關 觀 掼 館 倌 祼 鹳 関 慣 貫 琯 舘 盥 鳏 観 覌 涫 瓘 蒄 毌 錧 鑵 筦 鏆 雚 鸛 丱 闗 遦 瘝 潅 摜 悺 礶 悹 鳤 爟 輨 樌 鰥 躀 矔 泴 罆 窤 痯 鱹 癏 鱞 +mu 亩 木 母 慕 穆 目 沐 墓 幕 牧 暮 姆 募 睦 钼 拇 牡 霂 苜 畝 炑 仫 莯 踇 坶 毣 幙 凩 畮 毪 牳 鉬 峔 鉧 畞 鞪 砪 縸 蚞 艒 畆 雮 慔 墲 楘 氁 胟 狇 畒 朰 +zhua 抓 檛 髽 簻 膼 +miao 秒 喵 苗 庙 瞄 妙 描 渺 淼 邈 缈 藐 廟 眇 杪 玅 緢 媌 緲 鹋 庿 鶓 篎 竗 鱙 嫹 +lv 率 绿 吕 旅 驴 铝 捋 律 屡 虑 氯 缕 履 滤 侣 闾 綠 慮 箻 侶 呂 褛 緑 榈 縷 屢 馿 膂 閭 驢 鋁 濾 梠 寽 稆 嵂 葎 垏 褸 絽 郘 挔 捛 鑢 穞 櫚 氀 勴 膐 儢 祣 爈 焒 膟 繂 櫖 藘 膢 鷜 穭 +xiu 修 秀 绣 休 羞 嗅 袖 咻 锈 岫 溴 朽 琇 脩 脙 髹 俢 貅 馐 繡 庥 鏅 鸺 綇 潃 珛 烋 繍 鏽 銹 髤 飍 褎 饈 璓 滫 銝 苬 樇 鵂 齅 鱃 峀 褏 鎀 鮴 螑 臹 鏥 烌 糔 +pang 胖 旁 庞 乓 逄 彷 雱 滂 嗙 螃 耪 龐 厐 徬 厖 沗 鳑 肨 龎 嫎 膖 霶 炐 覫 胮 舽 +su 苏 素 速 俗 酥 宿 诉 塑 溯 肃 粟 夙 蘇 訴 稣 愫 簌 涑 谡 嗉 愬 甦 僳 肅 玊 蔌 窣 穌 嫊 憟 潚 骕 粛 蘓 遡 趚 潥 蹜 傃 餗 梀 橚 莤 泝 觫 囌 鹔 鷫 樕 膆 洬 謖 遬 驌 珟 殐 縤 璛 溸 碿 櫯 藗 塐 鋉 鱐 樎 榡 鯂 +die 跌 爹 叠 碟 蝶 嗲 哋 迭 牒 谍 喋 耋 鲽 疊 堞 垤 戜 瓞 蹀 揲 昳 畳 曡 眰 挕 殜 蜨 臷 諜 疂 绖 鰈 褋 絰 氎 胅 惵 峌 苵 牃 眣 幉 褺 艓 耊 嵽 恎 詄 疉 镻 趃 +long 龙 拢 隆 笼 泷 聋 陇 垄 珑 龍 垅 胧 砻 竜 窿 咙 茏 眬 栊 籠 瀧 滝 哢 湰 昽 攏 癃 瓏 隴 蕯 朧 聾 鑨 壟 霳 篢 櫳 屸 嚨 儱 漋 竉 龒 壠 矓 爖 巃 靇 嶐 巄 襱 蘢 礱 曨 篭 龓 躘 鸗 蠪 驡 贚 梇 礲 鏧 蠬 槞 豅 徿 +diu 丢 丟 铥 銩 +se 色 涩 瑟 铯 啬 閪 穑 澀 濇 繬 渋 洓 璱 琗 歮 嗇 銫 澁 穡 濏 雭 譅 栜 懎 飋 瀒 瘷 穯 歰 擌 鏼 轖 +huang 黄 晃 皇 慌 荒 凰 煌 谎 黃 簧 遑 恍 璜 幌 篁 蝗 湟 惶 肓 潢 隍 磺 愰 徨 蟥 熀 謊 媓 癀 艎 鳇 瑝 曂 巟 獚 滉 朚 皝 鍠 锽 偟 怳 晄 墴 楻 櫎 喤 崲 鷬 衁 餭 堭 鐄 塃 騜 熿 諻 葟 榥 詤 炾 篊 鰉 奛 鱑 宺 皩 韹 縨 兤 趪 鎤 穔 +pan 盘 盼 判 潘 畔 攀 磐 叛 盤 拚 槃 爿 泮 蟠 袢 襻 鋬 跘 萠 蹒 媻 磻 畨 溿 鑻 頖 鞶 冸 牉 洀 搫 沜 眅 鎜 瀊 炍 聁 詊 蹣 縏 蒰 幋 鵥 +shuai 帅 摔 甩 衰 帥 蟀 卛 +ei 诶 誒 +sa 撒 洒 萨 仨 飒 卅 挲 灑 潵 薩 靸 脎 摋 颯 挱 櫒 钑 鈒 馺 隡 泧 訯 躠 虄 +fu 副 负 服 府 付 幅 赴 福 附 敷 佛 扶 傅 富 符 复 夫 父 浮 伏 妇 腹 抚 赋 甫 拂 缚 斧 辅 肤 腐 芙 覆 弗 氟 俯 孵 阜 釜 辐 芣 孚 復 巿 腑 馥 蝠 俘 負 凫 複 苻 涪 阝 麸 茯 冹 呋 咐 乀 褔 嘸 袱 賦 婦 冨 滏 蚨 匐 膚 趺 讣 罘 洑 驸 伕 輔 鍑 彿 桴 撫 拊 绋 黼 箙 黻 莩 跗 鲋 绂 祓 怫 簠 蝮 鄜 砩 栿 畉 蜉 縛 玞 砆 菔 姇 棴 幞 諨 祔 郛 赙 茀 頫 甶 畐 粰 紱 稃 綍 萯 泭 衭 旉 俛 咈 尃 鳧 袝 胕 椨 峊 鍢 鈇 麩 鳆 痡 輻 輹 蜅 葍 琈 柎 烰 竎 榑 艴 刜 鵩 陚 韨 妋 紨 釡 襥 笰 垺 荴 坿 鮒 虙 鬴 嬔 絥 髴 俌 鳬 荂 偩 襆 訃 紼 怤 弣 枎 稪 綒 懯 酜 韍 踾 鳺 郙 賻 撨 玸 鴔 秿 詂 捬 鮄 岪 邞 罦 澓 鉜 禣 蕧 盙 蝜 哹 椱 蚹 覄 媍 鰒 鶝 焤 駙 筟 蚥 癁 娐 鮲 麱 柫 乶 艀 緮 鉘 豧 糐 炥 蛗 麬 颫 垘 翇 +niang 娘 酿 孃 嬢 釀 醸 +mie 咩 灭 乜 篾 蠛 蔑 滅 搣 孭 鑖 哶 鴓 吀 烕 衊 懱 覕 鱴 幭 薎 櫗 +tang 唐 糖 汤 烫 堂 躺 趟 塘 淌 棠 膛 倘 饧 瑭 蹚 湯 镗 溏 樘 搪 螳 醣 劏 傥 嘡 燙 帑 伖 镋 餹 羰 坣 耥 漟 踼 爣 禟 螗 榶 傏 铴 煻 偒 餳 儻 橖 鎲 鄌 赯 鏜 摥 鎕 啺 戃 钂 饄 糃 膅 鞺 磄 鼞 矘 薚 蓎 隚 篖 曭 蝪 鶶 闛 糛 鐋 +ping 凭 平 瓶 屏 评 坪 萍 枰 呯 苹 乒 娉 憑 蘋 評 屛 甁 岼 鲆 俜 泙 淜 玶 艵 砯 缾 慿 凴 洴 塀 箳 軿 甹 頩 荓 郱 鮃 蓱 帡 幈 竮 聠 簈 輧 帲 蛢 蚲 涄 檘 胓 焩 +lun 轮 论 伦 抡 仑 沦 纶 論 輪 倫 囵 淪 侖 崙 綸 棆 掄 錀 埨 惀 崘 圇 菕 溣 婨 碖 鯩 磮 稐 耣 蜦 腀 踚 陯 +keng 坑 吭 铿 阬 鍞 硁 鏗 摼 妔 硜 劥 誙 挳 硻 銵 牼 +tie 贴 铁 帖 貼 鐵 餮 萜 鐡 僣 呫 怗 銕 聑 鋨 蛈 驖 飻 鴩 +nie 捏 聂 涅 镍 孽 啮 颞 嗫 蹑 囓 镊 蘖 臬 鑷 揑 聶 苶 喦 惗 帇 钀 噛 糵 摰 菍 躡 囁 陧 齧 湼 嚙 孼 鎳 圼 闑 枿 錜 痆 嵲 臲 顳 蠥 籋 敜 鑈 櫱 嶭 踗 糱 巕 篞 讘 踂 隉 踙 槷 +lan 蓝 烂 懒 兰 拦 揽 栏 岚 澜 篮 览 滥 阑 蘭 缆 藍 榄 懶 斓 爛 婪 钄 镧 覽 谰 褴 欄 嵐 攔 瀾 攬 葻 罱 濫 籃 闌 籣 漤 覧 嬾 襕 醂 灡 浨 纜 燗 爁 灆 韊 欖 瓓 斕 欗 嚂 襴 躝 壈 孄 厱 灠 擥 璼 惏 囒 爤 燣 襤 囕 燷 糷 鑭 孏 讕 顲 襽 礷 幱 繿 懢 儖 譋 爦 +luan 乱 卵 鸾 栾 峦 亂 娈 銮 滦 挛 圝 孪 脔 圞 鸞 鑾 巒 欒 癵 奱 攣 孌 灤 鵉 癴 羉 臠 虊 孿 曫 灓 釠 +ding 顶 定 丁 订 盯 钉 鼎 叮 腚 锭 頂 玎 铤 訂 碇 酊 疔 仃 啶 萣 釘 耵 鐤 碠 嵿 椗 錠 鼑 虰 饤 奵 矴 顁 忊 薡 帄 濎 飣 靪 鋌 聢 蝊 磸 +huai 坏 怀 淮 槐 踝 懷 徊 壞 壊 懐 褢 褱 咶 櫰 蘾 耲 蘹 瀤 +biao 表 标 婊 飚 彪 飙 灬 膘 镖 裱 標 杓 錶 颩 鳔 骉 骠 脿 飆 俵 镳 摽 飈 飑 猋 髟 藨 驫 鏢 滮 飊 熛 鰾 淲 颷 磦 鑣 飇 褾 瀌 瘭 諘 檦 蔈 爂 驃 颮 穮 幖 儦 贆 墂 臕 謤 +chuo 戳 绰 辍 婼 龊 辶 辵 綽 娖 踔 輟 娕 酫 繛 歠 涰 惙 趠 齪 逴 擉 磭 腏 嚽 鑡 +mo 摸 莫 抹 魔 末 墨 磨 麽 膜 陌 沫 模 默 摩 馍 蓦 漠 茉 殁 摹 寞 銆 庅 蘑 尛 貘 黙 谟 莈 妺 秣 嫫 貊 镆 嗼 嚩 耱 嚰 瞐 嚤 粖 昩 嫼 眜 靺 歿 瘼 獏 鏌 糢 帞 饃 帓 礳 藦 謨 纆 懡 暯 橅 眽 歾 驀 枺 謩 劰 貃 瞙 劘 皌 眿 湐 擵 砞 饝 爅 塻 怽 魩 髍 瀎 魹 蟔 圽 絈 唜 蛨 +nao 闹 脑 挠 恼 孬 垴 淖 鬧 呶 脳 瑙 腦 猱 铙 惱 撓 臑 閙 悩 嫐 婥 碙 蛲 硇 怓 夒 峱 碯 嶩 匘 詉 鐃 巎 譊 堖 獶 獿 憹 蟯 +kong 空 控 孔 恐 箜 崆 涳 倥 悾 硿 鞚 鵼 埪 錓 躻 +pi 皮 屁 批 劈 匹 脾 披 辟 癖 啤 坯 疲 痞 毗 琵 郫 丕 蜱 僻 铍 噼 媲 圮 譬 芘 霹 邳 罴 疋 睥 貔 脴 嚭 砒 毘 枇 淠 闢 抷 仳 甓 埤 鼙 陴 纰 伾 肶 疈 擗 旇 鈈 蚍 伓 潎 噽 毞 庀 狓 炋 澼 秠 阰 鲏 鸊 嚊 羆 駓 崥 紕 嫓 蚽 翍 礕 膍 壀 鈹 釽 鷿 魮 礔 岯 鈚 豼 諀 蚾 苉 稫 腗 秛 憵 魾 銔 錃 鵧 悂 鮍 狉 錍 蠯 豾 鴄 揊 螷 鉟 篺 焷 磇 朇 銢 髬 耚 +chui 吹 锤 垂 捶 椎 槌 炊 棰 陲 搥 鎚 錘 腄 箠 倕 埀 龡 菙 顀 +hun 混 魂 婚 昏 荤 浑 渾 诨 溷 馄 阍 殙 閽 葷 掍 惛 慁 昬 涽 梡 圂 棔 倱 諢 餛 忶 堚 睧 琿 睯 焝 觨 轋 繉 俒 鼲 +she 摄 设 蛇 社 射 舍 涉 舌 奢 慑 赊 佘 赦 設 畲 麝 歙 攝 捨 厍 渉 舎 畬 韘 輋 蔎 滠 猞 摂 弽 賖 涻 懾 賒 厙 慴 虵 灄 摵 欇 檨 蠂 騇 蛥 +gun 丨 滚 棍 鲧 辊 衮 滾 绲 磙 袞 鯀 蔉 輥 睴 惃 緄 蓘 謴 鮌 睔 璭 +niao 鸟 尿 袅 嬲 鳥 茑 脲 蔦 裊 嫋 嬝 褭 樢 +te 特 忒 忑 螣 铽 慝 貣 鋱 蟘 +chuang 床 创 窗 闯 幢 疮 創 牀 怆 闖 凔 窓 瘡 刅 牎 摐 愴 噇 牕 窻 磢 刱 摤 剏 剙 傸 +qiao 瞧 桥 敲 乔 巧 翘 俏 撬 窍 鞘 悄 侨 樵 锹 荞 谯 跷 峭 橋 橇 喬 诮 憔 翹 硚 劁 鞒 缲 僑 愀 荍 骹 殻 竅 硗 槗 趫 墽 墝 毃 蹺 譙 蕎 誚 鍫 鄡 撽 鍬 繑 帩 陗 礄 燆 菬 癄 藮 釥 嘺 顦 犞 髜 幧 嵪 趬 嫶 鞽 鐰 踍 鄥 韒 鞩 郻 髚 磽 僺 鐈 頝 躈 +juan 卷 捐 娟 绢 涓 鹃 劵 隽 倦 镌 眷 脧 捲 巻 狷 勬 鄄 蠲 鎸 雋 鐫 絹 罥 縳 锩 桊 鵑 奆 飬 睠 呟 埍 姢 餋 慻 菤 焆 絭 臇 帣 蔨 羂 獧 淃 裐 錈 瓹 勌 睊 +chun 纯 春 唇 蠢 醇 淳 椿 脣 純 莼 鹑 蝽 蒓 錞 惷 櫄 鰆 暙 浱 堾 漘 蓴 偆 瑃 湻 萅 杶 萶 犉 滣 鶉 媋 鯙 輴 旾 賰 鶞 醕 橁 睶 陙 箺 槆 +sou 搜 艘 嗖 叟 馊 廋 嗽 飕 薮 擞 溲 捜 锼 蒐 嗾 瞍 藪 螋 籔 餿 傁 叜 獀 鄋 颼 蓃 鎪 擻 颾 廀 凁 醙 櫢 騪 摗 摉 瘶 +cao 草 操 曹 槽 艹 糙 漕 嘈 艸 肏 嶆 懆 愺 曺 艚 蓸 襙 騲 螬 鄵 褿 鏪 撡 +nai 乃 奶 耐 奈 鼐 萘 氖 柰 倷 螚 艿 迺 褦 嬭 熋 廼 錼 渿 耏 孻 釢 疓 腉 摨 +peng 碰 捧 砰 彭 鹏 嘭 棚 朋 蓬 烹 硼 篷 澎 膨 芃 怦 踫 抨 鵬 堋 倗 剻 挷 竼 磞 漰 塳 蟛 椪 弸 錋 鬅 槰 掽 硑 莑 篣 皏 熢 椖 蟚 輣 憉 稝 閛 韸 鬔 纄 髼 匉 蘕 恲 騯 淎 軯 韼 鑝 梈 樥 +pin 品 拼 频 聘 贫 嫔 颦 榀 頻 牝 姘 嬪 汖 貧 顰 薲 玭 嚬 蠙 矉 娦 琕 穦 驞 馪 礗 +qiong 穷 琼 穹 窮 邛 蛩 茕 芎 銎 筇 瓊 宆 跫 焪 睘 卭 煢 璚 笻 赹 蛬 瞏 藭 惸 焭 憌 竆 舼 熍 桏 瓗 儝 藑 橩 +luo 罗 落 洛 骆 裸 啰 萝 摞 螺 络 锣 珞 雒 箩 骡 羅 囉 泺 逻 攞 椤 脶 絡 猡 漯 蠃 倮 荦 鏍 蘿 镙 駱 洜 欏 瘰 鑼 曪 峈 邏 蓏 儸 躶 鉻 籮 臝 驘 頱 犖 纙 騾 玀 鮥 罖 濼 笿 鵅 鸁 癳 覙 覼 剆 硦 腡 鴼 饠 覶 +zhun 准 準 谆 凖 肫 窀 諄 埻 迍 宒 衠 稕 綧 訰 +pu 铺 噗 扑 谱 普 曝 蒲 朴 浦 仆 瀑 璞 濮 葡 埔 圃 脯 莆 菩 溥 蹼 譜 舖 鋪 撲 僕 樸 匍 攴 攵 镨 潽 巭 舗 圤 酺 镤 蒱 檏 氆 烳 墣 圑 鐠 鯆 暜 纀 菐 獛 陠 瞨 巬 炇 鏷 擈 穙 諩 贌 +ran 然 染 燃 冉 苒 髯 嘫 蚺 姌 珃 冄 繎 橪 媣 蚦 呥 髥 蒅 袡 肰 袇 衻 +tuo 拖 托 脱 坨 妥 驮 驼 陀 脫 砣 唾 沱 彵 佗 鼉 鼍 鸵 託 庹 酡 橐 椭 讬 箨 蘀 柝 跎 鮀 咃 乇 駄 仛 饦 沲 萚 驒 駝 槖 陁 沰 扡 碢 袥 馱 侂 涶 拕 橢 楕 騨 媠 魠 挩 鬌 籜 岮 捝 砤 毤 紽 飥 汑 狏 鰖 鴕 跅 堶 駞 杔 嫷 鵎 毻 袉 鼧 迱 驝 莌 +nuan 暖 煖 奻 渜 煗 餪 +xiong 胸 熊 凶 兄 雄 汹 匈 兇 夐 洶 匂 敻 胷 焸 賯 恟 哅 诇 讻 忷 焽 詗 訩 詾 +sao 扫 骚 嫂 搔 臊 掃 騷 騒 埽 瘙 缫 掻 鳋 慅 溞 矂 鱢 繅 鰠 螦 髞 氉 +pen 喷 盆 噴 湓 喯 呠 瓫 葐 歕 翸 +jue 觉 绝 嚼 诀 决 倔 撅 爵 珏 掘 覺 噘 厥 玦 孒 絕 蕨 蹶 崛 決 矍 孓 抉 攫 覚 噱 橛 趉 谲 镢 絶 赽 勪 亅 桷 傕 獗 訣 熦 蕝 觖 劂 蹻 虳 钁 爝 玨 捔 鴂 鐝 駃 鐍 譎 鴃 蚗 玃 瑴 芵 撧 挗 殌 屩 泬 蟨 氒 砄 趹 蹷 貜 躩 觼 欮 戄 瘚 憰 鈌 爴 臄 斍 憠 逫 橜 弡 嶥 鶌 矡 屫 刔 灍 爑 鷢 覐 龣 疦 彏 焳 蟩 欔 匷 +lve 略 掠 锊 畧 圙 鋢 擽 稤 鋝 +cou 凑 湊 腠 辏 輳 +zha 渣 扎 炸 眨 乍 闸 榨 诈 栅 札 喳 査 铡 柞 吒 楂 揸 鲊 砟 咤 閘 甴 鍘 拃 奓 蚱 煠 鮓 醡 詐 搾 劄 柤 霅 挓 哳 齄 苲 痄 皶 抯 鲝 宱 皻 牐 摣 偧 譗 鮺 搩 箚 溠 樝 踷 觰 齇 耫 譇 厏 灹 蚻 +can 惨 餐 残 参 掺 蚕 灿 璨 參 惭 殘 慘 粲 骖 喰 孱 叄 燦 摻 篸 黪 傪 蠶 慚 儏 飡 憯 湌 慙 叅 爘 驂 穇 朁 黲 蠺 蝅 澯 謲 薒 嬠 +lang 狼 浪 郎 朗 廊 琅 啷 郞 阆 螂 榔 埌 塱 崀 莨 瑯 锒 蓢 鎯 烺 唥 閬 稂 蒗 朤 嫏 駺 誏 樃 欴 鋃 桹 蜋 蓈 硠 筤 朖 斏 躴 勆 郒 艆 +ruan 软 阮 軟 朊 耎 堧 壖 緛 碝 瓀 輭 偄 瑌 礝 媆 撋 +sai 塞 赛 噻 腮 鳃 嗮 賽 愢 嘥 簺 僿 鰓 揌 毸 毢 顋 +ao 熬 奥 凹 澳 嗷 傲 敖 袄 獒 坳 鳌 拗 岙 螯 遨 翱 骜 奧 媪 鏊 嶅 懊 鏖 廒 垇 璈 爊 隩 抝 鰲 襖 奡 聱 獓 鼇 墺 厫 謸 慠 嶴 岰 芺 隞 媼 鷔 翺 滶 翶 柪 摮 擙 謷 驁 嗸 嫯 蔜 磝 扷 梎 镺 軪 +cang 藏 仓 苍 舱 沧 倉 蒼 滄 伧 艙 鸧 獊 仺 鑶 螥 濸 鶬 欌 賶 嵢 傖 +zuan 钻 攥 纂 鑽 缵 躜 籫 鑚 繤 纘 纉 +kui 亏 愧 葵 窥 魁 奎 溃 夔 盔 馈 馗 篑 匮 逵 隗 揆 喟 虧 睽 潰 窺 喹 跬 岿 蝰 樻 愦 聩 戣 暌 悝 尯 蒉 媿 虁 鍨 刲 晆 饋 餽 櫆 蘷 瞆 骙 頍 闚 簣 煃 嬇 巋 腃 聵 蕢 頄 鄈 鐀 巙 謉 楑 憒 嘳 聭 藈 犪 顝 鍷 楏 騤 籄 欳 躨 頯 聧 蘬 蹞 鑎 +sun 孙 损 笋 隼 榫 孫 荪 損 飧 狲 筍 簨 飱 箰 蓀 猻 鶽 薞 槂 搎 蕵 鎨 +cui 催 脆 崔 翠 啐 萃 摧 淬 粹 璀 瘁 悴 脺 脃 焠 毳 嶉 粋 缞 榱 倅 綷 皠 慛 翆 濢 漼 縗 乼 襊 啛 槯 竁 凗 膵 獕 磪 趡 鏙 忰 膬 墔 臎 紣 疩 顇 伜 +cu 粗 醋 蹙 促 簇 猝 蹴 脨 酢 徂 蔟 殂 麤 噈 憱 麁 瘯 麄 誎 瘄 踧 蹵 觕 顣 媨 趗 鼀 縬 +ken 肯 啃 垦 恳 龈 裉 墾 褃 懇 肻 掯 肎 齦 豤 錹 +chai 拆 柴 钗 豺 侪 瘥 犲 茝 釵 虿 祡 儕 喍 齜 芆 囆 袃 蠆 訍 +rao 绕 饶 扰 娆 桡 繞 荛 擾 饒 橈 遶 隢 嬈 蕘 襓 +zhuai 拽 跩 +ou 欧 偶 藕 呕 鸥 瓯 殴 沤 讴 歐 耦 怄 鏂 鷗 嘔 鴎 吘 甌 熰 毆 謳 蕅 漚 櫙 塸 藲 慪 齵 腢 膒 +jiong 囧 窘 迥 炯 炅 冏 冋 冂 扃 颎 埛 泂 坰 烱 熲 煚 逈 絅 浻 駉 褧 綗 燛 僒 澃 侰 煛 駫 蘔 蘏 +kuang 狂 框 矿 筐 况 匡 旷 況 哐 邝 眶 诓 诳 夼 圹 卝 纩 曠 鵟 贶 軦 礦 劻 鑛 狅 鄺 誑 洭 穬 筺 抂 忹 壙 爌 硄 恇 鉱 貺 矌 纊 絖 邼 誆 昿 懬 懭 砿 軖 匩 岲 鋛 絋 儣 軠 軭 眖 黋 +nen 嫩 恁 嫰 +ning 宁 拧 凝 柠 甯 寧 咛 狞 佞 泞 寍 澝 侫 苧 擰 寜 聍 檸 寕 儜 寗 獰 鬡 濘 倿 嚀 嬣 矃 薴 鸋 聹 橣 鑏 +shun 顺 舜 瞬 吮 順 橓 鬊 蕣 瞚 +ce 测 侧 册 策 厕 側 測 冊 恻 箣 廁 敇 厠 筴 惻 荝 憡 笧 拺 筞 畟 簎 萗 粣 萴 蓛 墄 +kua 夸 跨 垮 胯 挎 咵 侉 誇 銙 姱 骻 舿 +lie 列 咧 烈 裂 猎 劣 冽 洌 脟 鬣 埒 捩 挒 趔 獵 栵 煭 烮 躐 茢 鱲 颲 鬛 鴷 哷 睙 擸 猟 迾 巤 埓 劽 挘 浖 姴 儠 毟 鮤 蛚 聗 犣 +kun 困 捆 坤 昆 鲲 琨 堃 锟 睏 崑 鹍 焜 醌 閫 梱 髡 壸 悃 崐 婫 阃 裈 綑 壼 鯤 熴 裩 涃 晜 髠 褌 騉 鵾 尡 鶤 堒 猑 菎 錕 稇 髨 閸 蜫 貇 祵 稛 硱 潉 裍 瑻 +nve 虐 疟 瘧 硸 +rong 容 荣 融 蓉 绒 溶 戎 榕 熔 茸 嵘 冗 榮 肜 镕 瑢 狨 嬫 嫆 栄 絨 蝾 鎔 爃 瀜 螎 嶸 烿 坈 髶 氄 搑 媶 毧 羢 軵 巆 宂 茙 曧 穃 傇 峵 駥 搈 榵 褣 蠑 嵤 穁 縙 +zang 脏 葬 臧 赃 臟 蔵 奘 髒 臓 匨 塟 驵 賍 牂 贓 弉 賘 贜 駔 羘 銺 +zun 尊 遵 樽 鳟 鐏 撙 噂 僔 罇 墫 鱒 繜 壿 捘 譐 嶟 鷷 銌 鶎 +zhai 摘 宅 债 窄 寨 斋 砦 齋 債 斎 瘵 夈 檡 粂 捚 榸 鉙 +zei 贼 賊 戝 鲗 鯽 鰂 蠈 鱡 +nu 怒 弩 奴 努 驽 孥 伮 胬 傉 笯 砮 搙 駑 +bo 波 博 播 拨 剥 伯 啵 卜 搏 钵 铂 脖 玻 驳 勃 帛 跛 渤 礡 亳 钹 舶 箔 膊 簸 菠 礴 僰 撥 剝 砵 饽 哱 愽 缽 檗 镈 簙 駁 苩 鉢 踣 蔔 嚗 箥 瓟 鹁 浡 蘗 駮 鎛 犻 鉑 狛 煿 嶓 萡 癶 鮁 懪 馎 髆 袚 葧 盋 豰 譒 淿 秡 袹 侼 僠 袯 挬 鈸 癷 溊 鋍 孹 肑 欂 郣 碆 猼 胉 馞 馛 犦 餺 帗 鱍 髉 襮 餑 仢 蹳 襏 鵓 牔 鑮 紴 驋 瓝 艊 糪 袰 +kang 扛 抗 康 炕 糠 亢 慷 钪 伉 闶 囥 槺 犺 嫝 忼 鏮 摃 漮 穅 躿 鱇 砊 嵻 鈧 粇 邟 匟 閌 +zen 怎 谮 囎 譛 譖 +chuai 踹 揣 啜 嘬 搋 膪 膗 +zeng 增 赠 甑 憎 増 缯 贈 罾 熷 锃 鄫 磳 矰 璔 橧 繒 鋥 譄 鱛 +ang 昂 盎 肮 枊 卬 昻 岇 骯 醠 +qia 掐 恰 洽 髂 拤 峠 帢 冾 葜 圶 愘 硈 酠 鞐 跒 殎 +cuan 窜 蹿 汆 篡 爨 撺 竄 熶 殩 欑 鑹 簒 镩 躥 櫕 鋑 巑 穳 攛 +zhuo 桌 卓 捉 啄 灼 浊 拙 酌 镯 濯 斫 擢 叕 茁 倬 浞 炪 涿 晫 禚 丵 琸 濁 犳 圴 斱 鐲 诼 梲 斲 椓 彴 汋 斵 劅 啅 籱 槕 窡 棁 硺 鷟 灂 蠿 撯 棳 斀 妰 娺 鋜 罬 櫡 穱 籗 謶 諑 穛 蠗 烵 鐯 窧 擆 鵫 諁 篧 +min 民 抿 敏 闽 闵 皿 泯 旻 悯 珉 岷 缗 愍 閩 旼 閔 苠 笢 湣 姄 慜 忞 琝 鳘 緍 憫 鴖 冺 罠 勄 碈 敯 緡 怋 刡 鰵 崏 蠠 敃 瑉 笽 垊 惽 潣 僶 盿 暋 鈱 琘 簢 捪 砇 痻 錉 鍲 +chan 产 缠 馋 颤 铲 禅 蝉 婵 搀 產 蟾 谗 澶 阐 忏 潺 産 禪 谄 镡 浐 纏 辿 觇 緾 瀍 廛 巉 顫 鉆 鑱 蟬 羼 啴 躔 鏟 饞 刬 懺 蒇 镵 襜 斺 剷 旵 闡 韂 鋋 冁 燀 瀺 毚 讒 攙 劖 諂 纒 潹 骣 儃 嬋 幨 懴 繟 湹 僝 儳 摌 剗 磛 丳 鄽 欃 滻 覘 裧 艬 嚵 蕆 摲 梴 譂 辴 幝 嵼 嘽 讇 壥 棎 簅 誗 閳 囅 硟 煘 獑 灛 鋓 酁 +ga 噶 嘎 尬 呷 伽 尕 旮 钆 嘠 玍 尜 魀 錷 +tun 吞 屯 臀 豚 氽 呑 涒 暾 饨 鲀 坉 啍 朜 忳 旽 魨 臋 飩 焞 芚 豘 噋 黗 軘 畽 霕 +pie 瞥 撇 丿 暼 苤 氕 嫳 鐅 撆 +fou 否 缶 紑 鴀 妚 雬 缻 缹 裦 殕 +sang 桑 丧 嗓 搡 磉 颡 喪 槡 鎟 桒 顙 褬 +run 润 闰 潤 閠 瞤 閏 膶 橍 +beng 蹦 崩 泵 甭 绷 嘣 迸 甏 繃 镚 祊 絣 埄 逬 揼 琫 菶 綳 琣 埲 鏰 伻 塴 閍 傰 鞛 痭 奟 嵭 +nuo 诺 挪 喏 糯 傩 懦 諾 锘 搦 糥 梛 掿 儺 逽 稬 搻 穤 榒 蹃 糑 懧 愞 郍 橠 +sen 森 椮 槮 襂 +rui 瑞 睿 锐 蕊 芮 蕤 汭 叡 蚋 銳 枘 壡 鋭 婑 緌 蘂 繠 蕋 桵 甤 橤 蜹 蘃 +seng 僧 鬙 +shuan 涮 拴 栓 闩 腨 閂 +cen 岑 涔 笒 梣 嵾 +weng 翁 嗡 瓮 滃 蓊 甕 鹟 蕹 奣 嵡 齆 塕 鎓 瞈 鶲 罋 攚 暡 勜 螉 聬 +hang 航 杭 夯 珩 沆 垳 绗 颃 斻 迒 蚢 絎 頏 笐 筕 魧 苀 貥 +kuo 阔 扩 括 廓 闊 擴 萿 濶 蛞 筈 鞟 拡 挄 髺 鞹 葀 頢 鬠 霩 韕 懖 桰 +nang 囊 馕 攮 曩 囔 齉 嚢 饢 乪 蠰 灢 儾 欜 鬞 譨 擃 +bin 斌 彬 宾 滨 鬓 缤 濒 槟 豳 玢 膑 殡 賓 濱 摈 髌 鬢 镔 傧 邠 賔 鬂 瀕 瑸 檳 汃 繽 豩 儐 殯 擯 璸 髩 濵 梹 霦 虨 臏 砏 椕 顮 髕 鑌 氞 +pou 剖 抔 婄 掊 裒 捊 娝 咅 箁 哣 錇 抙 犃 +miu 谬 謬 +chua 歘 欻 +nou 耨 鐞 檽 啂 獳 槈 羺 譳 鎒 +den 扥 扽 +fo 仏 坲 梻 diff --git a/textattack/shared/data.py b/textattack/shared/data.py new file mode 100644 index 0000000000000000000000000000000000000000..9675fa960b1ddf306158609fab75c8c93b5faccd --- /dev/null +++ b/textattack/shared/data.py @@ -0,0 +1,9335 @@ +""" +Shared data fields +===================== + +Lists of named entities: countries, nationalities, cities. + +Lists of person names, first and last. + +""" + + +# fmt: off +NAMED_ENTITIES = { + "country": [ + "China", "India", "United States", "Indonesia", "Pakistan", "Brazil", "Nigeria", "Bangladesh", "Russian Federation", "Japan", "Mexico", "Ethiopia", "Philippines", "Egypt", "Vietnam", "Germany", "Turkey", "Iran", "Thailand", "France", "United Kingdom", "Italy", "South Africa", "Tanzania", "Myanmar", "Kenya", "Colombia", "Spain", "Ukraine", "Argentina", "Uganda", "Algeria", "Sudan", "Iraq", "Poland", "Afghanistan", "Canada", "Morocco", "Saudi Arabia", "Uzbekistan", "Peru", "Malaysia", "Angola", "Ghana", "Mozambique", "Venezuela", "Yemen", "Nepal", "Madagascar", "Korea", "Cameroon", "Australia", "Niger", "Sri Lanka", "Burkina Faso", "Romania", "Mali", "Chile", "Kazakhstan", "Malawi", "Zambia", "Guatemala", "Netherlands", "Ecuador", "Syrian Arab Republic", "Cambodia", "Senegal", "Chad", "Somalia", "Zimbabwe", "Guinea", "Rwanda", "Tunisia", "Benin", "Belgium", "Bolivia", "Cuba", "Burundi", "Haiti", "South Sudan", "Greece", "Dominican Republic", "Czech Republic", "Portugal", "Sweden", "Jordan", "Azerbaijan", "Hungary", "United Arab Emirates", "Honduras", "Belarus", "Tajikistan", "Israel", "Austria", "Papua New Guinea", "Switzerland", "Togo", "Sierra Leone", "Hong Kong SAR", "Lao PDR", "Bulgaria", "Serbia", "Paraguay", "Lebanon", "Libya", "Nicaragua", "El Salvador", "Kyrgyz Republic", "Turkmenistan", "Denmark", "Singapore", "Finland", "Slovak Republic", "Norway", "Congo", "Costa Rica", "New Zealand", "Ireland", "Oman", "Liberia", "Central African Republic", "West Bank and Gaza", "Mauritania", "Panama", "Kuwait", "Croatia", "Georgia", "Moldova", "Uruguay", "Bosnia and Herzegovina", "Eritrea", "Puerto Rico", "Mongolia", "Armenia", "Jamaica", "Albania", "Lithuania", "Qatar", "Namibia", "Gambia", "Botswana", "Gabon", "Lesotho", "North Macedonia", "Slovenia", "Latvia", "Guinea-Bissau", "Kosovo", "Bahrain", "Trinidad and Tobago", "Estonia", "Equatorial Guinea", "Timor-Leste", "Mauritius", "Cyprus", "Eswatini", "Djibouti", "Fiji", "Comoros", "Guyana", "Bhutan", "Solomon Islands", "Macao SAR", "Montenegro", "Luxembourg", "Suriname", "Cabo Verde", "Maldives", "Malta", "Brunei Darussalam", "Bahamas", "Belize", "Iceland", "Vanuatu", "Barbados", "New Caledonia", "French Polynesia", "Samoa", "St. Lucia", "Channel Islands", "Guam", "Kiribati", "Micronesia", "Grenada", "St. Vincent and the Grenadines", "Virgin Islands (U.S.)", "Aruba", "Tonga", "Seychelles", "Antigua and Barbuda", "Isle of Man", "Andorra", "Dominica", "Cayman Islands", "Bermuda", "Marshall Islands", "Northern Mariana Islands", "Greenland", "American Samoa", "St. Kitts and Nevis", "Faroe Islands", "Sint Maarten (Dutch part)", "Monaco", "Liechtenstein", "Turks and Caicos Islands", "St. Martin (French part)", "San Marino", "Gibraltar", "British Virgin Islands", "Palau", "Nauru", "Tuvalu", "C\u00f4te d'Ivoire", "Cura\u00e7ao", "S\u00e3o Tom\u00e9 and Principe", + ], + "country-spanish": [ + "Afganistan", + "Albania", + "Alemania", + "Andorra", + "Angola", + "Antigua y Barbuda", + "Arabia Saudita / Arabia Saudí", + "Argelia", + "Argentina", + "Armenia", + "Australia", + "Austria", + "Azerbaiyán", + "Bahamas", + "Bangladés", + "Barbados", + "Baréin", + "Bélgica", + "Belice", + "Bielorrusia", + "Benín", + "Birmania / Myanmar", + "Bolivia", + "Bosnia y Herzegovina / Bosnia-Herzegovina", + "Botsuana", + "Brasil", + "Brunei", + "Bulgaria", + "Burkina Faso", + "Burundi", + "Bután", + "Cabo Verde", + "Camboya", + "Camerún", + "Canadá", + "Catar", + "República Centroafricana", + "Chad", + "República Checa / Chequia", + "Chile", + "China", + "Chipre", + "Colombia", + "Comoras", + "República del Congo", + "República Democrática del Congo", + "Corea del Norte", + "Corea del Sur", + "Costa de Marfil", + "Costa Rica", + "Croacia", + "Cuba", + "Dinamarca", + "Dominica", + "República Dominicana", + "Ecuador", + "Egipto", + "El Salvador", + "Emiratos Árabes Unidos", + "Eritrea", + "Eslovaquia", + "Eslovenia", + "España", + "Estados Unidos", + "Estonia", + "Etiopía", + "Filipinas", + "Finlandia", + "Fiyi", + "Francia", + "Gabón", + "Gambia", + "Georgia", + "Ghana", + "Granada", + "Grecia", + "Guatemala", + "Guinea", + "Guinea-Bisáu", + "Guinea Ecuatorial", + "Guyana", + "Haití", + "Honduras", + "Hungría", + "India", + "Indonesia", + "Irak", + "Irán", + "Irlanda", + "Islandia", + "Israel", + "Italia", + "Jamaica", + "Japón", + "Jordania", + "Kazajistán", + "Kenia", + "Kirguistán", + "Kiribati", + "Kuwait", + "Laos", + "Lesoto", + "Letonia", + "Líbano", + "Liberia", + "Libia", + "Liechtenstein", + "Lituania", + "Luxemburgo", + "Macedonia del Norte", + "Madagascar", + "Malasia", + "Malaui", + "Maldivas", + "Mali / Malí", + "Malta", + "Marruecos", + "Islas Marshall", + "Mauricio", + "Mauritania", + "México", + "Micronesia", + "Moldavia", + "Mónaco", + "Mongolia", + "Montenegro", + "Mozambique", + "Namibia", + "Nauru", + "Nepal", + "Nicaragua", + "Níger", + "Nigeria", + "Noruega", + "Nueva Zelanda / Nueva Zelandia", + "Omán", + "Países Bajos", + "Pakistán", + "Palaos", + "Palestina", + "Panamá", + "Papúa Nueva Guinea", + "Paraguay", + "Perú", + "Polonia", + "Portugal", + "Reino Unido", + "Ruanda", + "Rumania / Rumanía", + "Rusia", + "Islas Salomón", + "Samoa", + "San Cristóbal y Nieves", + "San Marino", + "San Vicente y las Granadinas", + "Santa Lucía", + "Santo Tomé y Príncipe", + "Senegal", + "Serbia", + "Seychelles", + "Sierra Leona", + "Singapur", + "Siria", + "Somalia", + "Sri Lanka", + "Suazilandia / Esuatini", + "Sudáfrica", + "Sudán", + "Sudán del Sur", + "Suecia", + "Suiza", + "Surinam", + "Tailandia", + "Tanzania", + "Tayikistán", + "Timor Oriental", + "Togo", + "Tonga", + "Trinidad y Tobago", + "Túnez", + "Turkmenistán", + "Turquía", + "Tuvalu", + "Ucrania", + "Uganda", + "Uruguay", + "Uzbekistán", + "Vanuatu", + "Ciudad del Vaticano", + "Venezuela", + "Vietnam", + "Yemen", + "Yibuti", + "Zambia", + "Zimbabue", + ], + "country-french": [ + "Afghanistan", + "Afrique du Sud", + "Albanie", + "Algérie", + "Allemagne", + "Andorre", + "Angola", + "Anguilla", + "Antigua-et-Barbuda", + "Antilles Néerlandaises", + "Arabie Saoudite", + "Argentine", + "Arménie Aruba", + "Australie", + "Autriche", + "Azerbaïdjan", + "Bahamas", + "Bahreïn", + "Bangladesh", + "Barbade", + "Belgique", + "Belize", + "Bénin", + "Bermudes", + "Bhoutan", + "Biélorussie", + "Birmanie", + "Bolivie", + "Bosnie-Herzégovine", + "Botswana", + "Brésil", + "Brunei", + "Bulgarie", + "Burkina Faso", + "Burundi", + "Cambodge", + "Cameroun", + "Canada", + "Cap-vert", + "Chili", + "Chine", + "Chypre", + "Colombie", + "Comores", + "Corée du Nord", + "Corée du Sud", + "Costa Rica", + "Côte d'Ivoire", + "Croatie", + "Cuba", + "Danemark", + "Djibouti", + "Dominique", + "Égypte", + "Émirats", + "Arabes Unis", + "Équateur", + "Érythrée", + "Espagne", + "Estonie", + "États Fédérés de Micronésie", + "États-Unis", + "Éthiopie", + "Fidji", + "Finlande", + "France", + "Gabon", + "Gambie", + "Géorgie", + "Géorgie du Sud et les Îles Sandwich du Sud", + "Ghana", + "Gibraltar", + "Grèce", + "Grenade", + "Groenland", + "Guadeloupe", + "Guam", + "Guatemala", + "Guinée", + "Guinée-Bissau", + "Guinée Équatoriale", + "Guyana", + "Guyane", + "Française", + "Haïti", + "Honduras", + "Hongrie", + "Île Christmas", + "Île de Man", + "Île Norfolk", + "Îles Åland", + "Îles Caïmanes", + "Îles Cocos", + "Îles Cook", + "Îles Féroé", + "Îles Malouines", + "Îles Mariannes du Nord", + "Îles Marshall", + "Îles Pitcairn", + "Îles Salomon", + "Îles Turks et Caïques", + "Îles Vierges Britanniques", + "Îles Vierges des États-Unis", + "Inde", + "Indonésie", + "Iran", + "Iraq", + "Irlande", + "Islande", + "Israël", + "Italie", + "Jamaïque", + "Japon", + "Jordanie", + "Kazakhstan", + "Kenya", + "Kirghizistan", + "Kiribati", + "Koweït", + "Laos", + "Le Vatican", + "Lesotho", + "Lettonie", + "Liban", + "Libéria", + "Libye", + "Liechtenstein", + "Lituanie", + "Luxembourg", + "Macao", + "Madagascar", + "Malaisie", + "Malawi", + "Maldives", + "Mali", + "Malte", + "Maroc", + "Martinique", + "Maurice", + "Mauritanie", + "Mayotte", + "Mexique", + "Moldavie", + "Monaco", + "Mongolie", + "Monténégro", + "Montserrat", + "Mozambique", + "Namibie", + "Nauru", + "Népal", + "Nicaragua", + "Niger", + "Nigéria", + "Niué", + "Norvège", + "Nouvelle-Calédonie", + "Nouvelle-Zélande", + "Oman", + "Ouganda", + "Ouzbékistan", + "Pakistan", + "Palaos", + "Panama", + "Papouasie-Nouvelle-Guinée", + "Paraguay", + "Pays-Bas", + "Pérou", + "Philippines", + "Pologne", + "Polynésie Française", + "Porto Rico", + "Portugal", + "Qatar", + "République Centrafricaine", + "République de Macédoine", + "République Démocratique du Congo", + "République Dominicaine", + "République du Congo", + "République Tchèque", + "Réunion Roumanie", + "Royaume-Uni", + "Russie", + "Rwanda", + "Saint-Kitts-et-Nevis", + "Saint-Marin", + "Saint-Pierre-et-Miquelon", + "Saint-Vincent-et-les Grenadines", + "Sainte-Hélène", + "Sainte-Lucie", + "Salvador", + "Samoa", + "Samoa Américaines", + "Sao Tomé-et-Principe", + "Sénégal", + "Serbie", + "Seychelles", + "Sierra Leone", + "Singapour", + "Slovaquie", + "Slovénie", + "Somalie", + "Soudan", + "Sri Lanka", + "Suède", + "Suisse", + "Suriname", + "Svalbard et Jan Mayen", + "Swaziland", + "Syrie", + "Tadjikistan", + "Tanzanie", + "Tchad", + "Terres Australes Françaises", + "Thaïlande", + "Timor Oriental", + "Togo", + "Tonga", + "Trinité-et-Tobago", + "Tunisie", + "Turkménistan", + "Turquie", + "Tuvalu", + "Ukraine", + "Uruguay", + "Vanuatu", + "Venezuela", + "Viet Nam", + "Wallis et Futuna", + "Yémen", + "Zambie", + "Zimbabwe", + ], + "nationality": [ + "Chinese", "Indian", "American", "Indonesian", "Pakistani", "Brazilian", "Nigerian", "Bangladeshi", "Russian", "Japanese", "Mexican", "Ethiopian", "Philippine", "Egyptian", "Vietnamese", "German", "Turkish", "Iranian", "Thai", "French", "British", "Italian", "South African", "Tanzanian", "Burmese", "Kenyan", "Colombian", "Spanish", "Ukrainian", "Argentine", "Ugandan", "Algerian", "Sudanese", "Iraqi", "Polish", "Afghan", "Canadian", "Moroccan", "Saudi", "Uzbekistani", "Peruvian", "Malaysian", "Angolan", "Ghanaian", "Mozambican", "Venezuelan", "Yemeni", "Nepali", "Malagasy", "South Korean", "Cameroonian", "Australian", "Nigerien", "Sri Lankan", "Burkinab\u00e9", "Romanian", "Malian", "Chilean", "Kazakhstani", "Malawian", "Zambian", "Guatemalan", "Dutch", "Ecuadorian", "Syrian", "Cambodian", "Senegalese", "Chadian", "Somali", "Zimbabwean", "Guinean", "Rwandan", "Tunisian", "Beninese", "Belgian", "Bolivian", "Cuban", "Burundian", "Haitian", "South Sudanese", "Greek", "Dominican", "Czech", "Portuguese", "Swedish", "Jordanian", "Azerbaijani", "Hungarian", "Emirati", "Honduran", "Belarusian", "Tajikistani", "Israeli", "Austrian", "Papua New Guinean", "Swiss", "Togolese", "Sierra Leonean", "Hong Kong", "Lao", "Bulgarian", "Serbian", "Paraguayan", "Lebanese", "Libyan", "Nicaraguan", "Salvadoran", "Kyrgyzstani", "Turkmen", "Danish", "Singaporean", "Finnish", "Slovak", "Norwegian", "Congolese", "Costa Rican", "New Zealand", "Irish", "Omani", "Liberian", "Central African", "Palestinian", "Mauritanian", "Panamanian", "Kuwaiti", "Croatian", "Georgian", "Moldovan", "Uruguayan", "Bosnian or Herzegovinian", "Eritrean", "Puerto Rican", "Mongolian", "Armenian", "Jamaican", "Albanian", "Lithuanian", "Qatari", "Namibian", "Gambian", "Motswana", "Gabonese", "Basotho", "Macedonian", "Slovenian", "Latvian", "Bissau-Guinean", "from Kosovo", "Bahraini", "Trinidadian or Tobagonian", "Estonian", "Equatorial Guinean", "Timorese", "Mauritian", "Cypriot", "Swazi", "Djiboutian", "Fijian", "Comoran", "Guyanese", "Bhutanese", "Solomon Island", "Macanese", "Montenegrin", "Luxembourg", "Surinamese", "Cabo Verdean", "Maldivian", "Maltese", "Bruneian", "Bahamian", "Belizean", "Icelandic", "Ni-Vanuatu", "Barbadian", "New Caledonian", "French Polynesian", "Samoan", "Saint Lucian", "from Channel Islands", "Guamanian", "I-Kiribati", "Micronesian", "Grenadian", "Saint Vincentian", "U.S. Virgin Island", "Aruban", "Tongan", "Seychellois", "Antiguan or Barbudan", "Manx", "Andorran", "Dominican", "Caymanian", "Bermudian", "Marshallese", "Northern Marianan", "Greenlandic", "American Samoan", "Kittitian or Nevisian", "Faroese", "Sint Maarten", "Mon\u00e9gasque", "Liechtenstein", "Turks and Caicos Island", "Saint-Martinoise", "Sammarinese", "Gibraltar", "British Virgin Island", "Palauan", "Nauruan", "Tuvaluan", "Ivorian", "Cura\u00e7aoan", "S\u00e3o Tom\u00e9an", + ], + "nationality-spanish": [ + "afgano", + "afgana", + "alemán", + "alemana", + "árabe", + "árabe", + "argentino", + "argentina", + "australiano", + "australiana", + "belga", + "belga", + "boliviano", + "boliviana", + "brasileño", + "brasileña", + "camboyano", + "camboyana", + "canadiense", + "canadiense", + "chileno", + "chilena", + "chino", + "china", + "colombiano", + "colombiana", + "coreano", + "coreana", + "costarricense", + "costarricense", + "cubano", + "cubana", + "danés", + "danesa", + "ecuatoriano", + "ecuatoriana", + "egipcio", + "egipcia", + "salvadoreño", + "salvadoreña", + "escocés", + "escocesa", + "español", + "española", + "estadounidense", + "estadounidense", + "estonio", + "estonia", + "etiope", + "etiope", + "filipino", + "filipina", + "finlandés", + "finlandesa", + "francés", + "francesa", + "galés", + "galesa", + "griego", + "griega", + "guatemalteco", + "guatemalteca", + "haitiano", + "haitiana", + "holandés", + "holandesa", + "hondureño", + "hondureña", + "indonés", + "indonesa", + "inglés", + "inglesa", + "iraquí", + "iraquí", + "iraní", + "iraní", + "irlandés", + "irlandesa", + "israelí", + "israelí", + "italiano", + "italiana", + "japonés", + "japonesa", + "jordano", + "jordana", + "laosiano", + "laosiana", + "letón", + "letona", + "letonés", + "letonesa", + "malayo", + "malaya", + "marroquí", + "marroquí", + "mexicano", + "mexicana", + "nicaragüense", + "nicaragüense", + "noruego", + "noruega", + "neozelandés", + "neozelandesa", + "panameño", + "panameña", + "paraguayo", + "paraguaya", + "peruano", + "peruana", + "polaco", + "polaca", + "portugués", + "portuguesa", + "puertorriqueño", + "puertorriqueño", + "dominicano", + "dominicana", + "rumano", + "rumana", + "ruso", + "rusa", + "sueco", + "sueca", + "suizo", + "suiza", + "tailandés", + "tailandesa", + "taiwanes", + "taiwanesa", + "turco", + "turca", + "ucraniano", + "ucraniana", + "uruguayo", + "uruguaya", + "venezolano", + "venezolana", + "vietnamita", + "vietnamita", + ], + "nationality-french": [ + "afghan", + "albanais", + "Algérien", + "Andorran", + "Angolais", + "Antiguan ou Barbudan", + "Argentin", + "arménien", + "Australien", + "Autrichien", + "Azerbaïdjanais, Azéri", + "Bahamien", + "Bahreïn", + "bengali", + "Barbadien", + "Biélorusse", + "Belge", + "Belize", + "Béninois", + "Bhoutanais", + "bolivien", + "Bosnie-Herzégovine", + "Motswana, Botswanan", + "Brésilien", + "Bruneian", + "Bulgare", + "Burkinabé", + "birman", + "Burundi", + "Cabo Verdean", + "Cambodgien", + "Camerounais", + "canadienne", + "Afrique centrale", + "Tchadien", + "Chilien", + "Chinois", + "colombien", + "Comorien", + "congolais", + "congolais", + "Costaricain", + "Ivoirien", + "croate", + "cubain", + "Chypriote", + "Tchèque", + "Danois", + "Djiboutien", + "dominicain", + "dominicain", + "Timorais", + "Équatorien", + "Égyptien", + "Salvadorien", + "Équato-guinéenne", + "Érythrée", + "estonien", + "Éthiopien", + "Fidjien", + "Finlandais", + "Français", + "gabonais", + "gambien", + "géorgien", + "Allemand", + "ghanéen", + "Gibraltar", + "hellénique", + "Grenadian", + "guatémaltèque", + "Guinéenne", + "Bissau-Guinéen", + "guyanais", + "Haïtien", + "Honduras", + "magyar", + "Islandais", + "Indien", + "Indonesian", + "Persan", + "irakien", + "irlandais", + "israélien", + "Italien", + "Ivoirien", + "jamaïquain", + "Japonais", + "jordanien", + "Kazakhstani, Kazakh", + "Kényen", + "I-Kiribati", + "Nord coréen", + "Corée du Sud", + "koweïtien", + "Kirghizistan", + "laotien", + "Letton", + "libanais", + "Basotho", + "Libérienne", + "Libye", + "Liechtenstein", + "lituanien", + "luxembourgeois", + "macédonien", + "malgache", + "Malawite", + "Malaisie", + "Maldives", + "Malien, malinais", + "maltais", + "Marshall", + "Martiniquais", + "Mauritanien", + "Mauricien", + "Mexicain", + "Micronésiens", + "Moldave", + "Monacan", + "mongol", + "monténégrin", + "Marocain", + "Mozambique", + "Namibie", + "nauruan", + "népalais", + "Néerlandais", + "Zelanian", + "nicaraguayen", + "Nigerien", + "Nigeria", + "Marianan du Nord", + "Norvégien", + "Oman", + "Pakistanais", + "Palauan", + "palestinien", + "panaméen", + "Papouasie-Nouvelle-Guinée, Papouasie", + "Paraguayen", + "péruvien", + "Philippin", + "Polonais", + "Portugais", + "portoricain", + "Qatari", + "roumain", + "Russe", + "Rwandais", + "Kittitien ou Nevisien", + "Saint Lucian", + "Saint Vincentien", + "samoan", + "Saint-Marin", + "São Toméan", + "Arabie saoudite", + "Sénégalais", + "serbe", + "Seychellois", + "Sierra Leone", + "Singapourien", + "Slovaque", + "Slovène", + "Îles Salomon", + "somali", + "Sud africain", + "Soudan du Sud", + "Espagnol", + "Sri lankais", + "soudanais", + "Surinamais", + "Swazi", + "Suédois", + "Suisse", + "syrien", + "Tadjikistan", + "tanzanien", + "Thai", + "Timorais", + "Togolais", + "Tokélaouan", + "Tongan", + "Trinite-et-Tobago", + "Tunisien", + "turc", + "Turkmène", + "Tuvaluan", + "Ougandais", + "ukrainien", + "Emirati", + "britannique", + "américain", + "uruguayen", + "Ouzbékistan", + "vanuatu", + "Vatican", + "vénézuélien", + "vietnamien", + "Yéménite", + "Zambien", + "zimbabwéen", + ], + "city": [ + "New York", "Los Angeles", "Chicago", "Houston", "Philadelphia", "Phoenix", "San Antonio", "San Diego", "Dallas", "San Jose", "Austin", "Indianapolis", "Jacksonville", "San Francisco", "Columbus", "Charlotte", "Fort Worth", "Detroit", "El Paso", "Memphis", "Seattle", "Denver", "Washington", "Boston", "Nashville-Davidson", "Baltimore", "Oklahoma City", "Louisville/Jefferson County", "Portland", "Las Vegas", "Milwaukee", "Albuquerque", "Tucson", "Fresno", "Sacramento", "Long Beach", "Kansas City", "Mesa", "Virginia Beach", "Atlanta", "Colorado Springs", "Omaha", "Raleigh", "Miami", "Oakland", "Minneapolis", "Tulsa", "Cleveland", "Wichita", "Arlington", "New Orleans", "Bakersfield", "Tampa", "Honolulu", "Aurora", "Anaheim", "Santa Ana", "St. Louis", "Riverside", "Corpus Christi", "Lexington-Fayette", "Pittsburgh", "Anchorage", "Stockton", "Cincinnati", "St. Paul", "Toledo", "Greensboro", "Newark", "Plano", "Henderson", "Lincoln", "Buffalo", "Jersey City", "Chula Vista", "Fort Wayne", "Orlando", "St. Petersburg", "Chandler", "Laredo", "Norfolk", "Durham", "Madison", "Lubbock", "Irvine", "Winston-Salem", "Glendale", "Garland", "Hialeah", "Reno", "Chesapeake", "Gilbert", "Baton Rouge", "Irving", "Scottsdale", "North Las Vegas", "Fremont", "Boise City", "Richmond", "San Bernardino", "Birmingham", "Spokane", "Rochester", "Des Moines", "Modesto", "Fayetteville", "Tacoma", "Oxnard", "Fontana", "Columbus", "Montgomery", "Moreno Valley", "Shreveport", "Aurora", "Yonkers", "Akron", "Huntington Beach", "Little Rock", "Augusta-Richmond County", "Amarillo", "Glendale", "Mobile", "Grand Rapids", "Salt Lake City", "Tallahassee", "Huntsville", "Grand Prairie", "Knoxville", "Worcester", "Newport News", "Brownsville", "Overland Park", "Santa Clarita", "Providence", "Garden Grove", "Chattanooga", "Oceanside", "Jackson", "Fort Lauderdale", "Santa Rosa", "Rancho Cucamonga", "Port St. Lucie", "Tempe", "Ontario", "Vancouver", "Cape Coral", "Sioux Falls", "Springfield", "Peoria", "Pembroke Pines", "Elk Grove", "Salem", "Lancaster", "Corona", "Eugene", "Palmdale", "Salinas", "Springfield", "Pasadena", "Fort Collins", "Hayward", "Pomona", "Cary", "Rockford", "Alexandria", "Escondido", "McKinney", "Kansas City", "Joliet", "Sunnyvale", "Torrance", "Bridgeport", "Lakewood", "Hollywood", "Paterson", "Naperville", "Syracuse", "Mesquite", "Dayton", "Savannah", "Clarksville", "Orange", "Pasadena", "Fullerton", "Killeen", "Frisco", "Hampton", "McAllen", "Warren", "Bellevue", "West Valley City", "Columbia", "Olathe", "Sterling Heights", "New Haven", "Miramar", "Waco", "Thousand Oaks", "Cedar Rapids", "Charleston", "Visalia", "Topeka", "Elizabeth", "Gainesville", "Thornton", "Roseville", "Carrollton", "Coral Springs", "Stamford", "Simi Valley", "Concord", "Hartford", "Kent", "Lafayette", "Midland", "Surprise", "Denton", "Victorville", "Evansville", "Santa Clara", "Abilene", "Athens-Clarke County", "Vallejo", "Allentown", "Norman", "Beaumont", "Independence", "Murfreesboro", "Ann Arbor", "Springfield", "Berkeley", "Peoria", "Provo", "El Monte", "Columbia", "Lansing", "Fargo", "Downey", "Costa Mesa", "Wilmington", "Arvada", "Inglewood", "Miami Gardens", "Carlsbad", "Westminster", "Rochester", "Odessa", "Manchester", "Elgin", "West Jordan", "Round Rock", "Clearwater", "Waterbury", "Gresham", "Fairfield", "Billings", "Lowell", "San Buenaventura (Ventura)", "Pueblo", "High Point", "West Covina", "Richmond", "Murrieta", "Cambridge", "Antioch", "Temecula", "Norwalk", "Centennial", "Everett", "Palm Bay", "Wichita Falls", "Green Bay", "Daly City", "Burbank", "Richardson", "Pompano Beach", "North Charleston", "Broken Arrow", "Boulder", "West Palm Beach", "Santa Maria", "El Cajon", "Davenport", "Rialto", "Las Cruces", "San Mateo", "Lewisville", "South Bend", "Lakeland", "Erie", "Tyler", "Pearland", "College Station", "Kenosha", "Sandy Springs", "Clovis", "Flint", "Roanoke", "Albany", "Jurupa Valley", "Compton", "San Angelo", "Hillsboro", "Lawton", "Renton", "Vista", "Davie", "Greeley", "Mission Viejo", "Portsmouth", "Dearborn", "South Gate", "Tuscaloosa", "Livonia", "New Bedford", "Vacaville", "Brockton", "Roswell", "Beaverton", "Quincy", "Sparks", "Yakima", "Lee's Summit", "Federal Way", "Carson", "Santa Monica", "Hesperia", "Allen", "Rio Rancho", "Yuma", "Westminster", "Orem", "Lynn", "Redding", "Spokane Valley", "Miami Beach", "League City", "Lawrence", "Santa Barbara", "Plantation", "Sandy", "Sunrise", "Macon", "Longmont", "Boca Raton", "San Marcos", "Greenville", "Waukegan", "Fall River", "Chico", "Newton", "San Leandro", "Reading", "Norwalk", "Fort Smith", "Newport Beach", "Asheville", "Nashua", "Edmond", "Whittier", "Nampa", "Bloomington", "Deltona", "Hawthorne", "Duluth", "Carmel", "Suffolk", "Clifton", "Citrus Heights", "Livermore", "Tracy", "Alhambra", "Kirkland", "Trenton", "Ogden", "Hoover", "Cicero", "Fishers", "Sugar Land", "Danbury", "Meridian", "Indio", "Concord", "Menifee", "Champaign", "Buena Park", "Troy", "O'Fallon", "Johns Creek", "Bellingham", "Westland", "Bloomington", "Sioux City", "Warwick", "Hemet", "Longview", "Farmington Hills", "Bend", "Lakewood", "Merced", "Mission", "Chino", "Redwood City", "Edinburg", "Cranston", "Parma", "New Rochelle", "Lake Forest", "Napa", "Hammond", "Fayetteville", "Bloomington", "Avondale", "Somerville", "Palm Coast", "Bryan", "Gary", "Largo", "Brooklyn Park", "Tustin", "Racine", "Deerfield Beach", "Lynchburg", "Mountain View", "Medford", "Lawrence", "Bellflower", "Melbourne", "St. Joseph", "Camden", "St. George", "Kennewick", "Baldwin Park", "Chino Hills", "Alameda", "Albany", "Arlington Heights", "Scranton", "Evanston", "Kalamazoo", "Baytown", "Upland", "Springdale", "Bethlehem", "Schaumburg", "Mount Pleasant", "Auburn", "Decatur", "San Ramon", "Pleasanton", "Wyoming", "Lake Charles", "Plymouth", "Bolingbrook", "Pharr", "Appleton", "Gastonia", "Folsom", "Southfield", "Rochester Hills", "New Britain", "Goodyear", "Canton", "Warner Robins", "Union City", "Perris", "Manteca", "Iowa City", "Jonesboro", "Wilmington", "Lynwood", "Loveland", "Pawtucket", "Boynton Beach", "Waukesha", "Gulfport", "Apple Valley", "Passaic", "Rapid City", "Layton", "Lafayette", "Turlock", "Muncie", "Temple", "Missouri City", "Redlands", "Santa Fe", "Lauderhill", "Milpitas", "Palatine", "Missoula", "Rock Hill", "Jacksonville", "Franklin", "Flagstaff", "Flower Mound", "Weston", "Waterloo", "Union City", "Mount Vernon", "Fort Myers", "Dothan", "Rancho Cordova", "Redondo Beach", "Jackson", "Pasco", "St. Charles", "Eau Claire", "North Richland Hills", "Bismarck", "Yorba Linda", "Kenner", "Walnut Creek", "Frederick", "Oshkosh", "Pittsburg", "Palo Alto", "Bossier City", "Portland", "St. Cloud", "Davis", "South San Francisco", "Camarillo", "North Little Rock", "Schenectady", "Gaithersburg", "Harlingen", "Woodbury", "Eagan", "Yuba City", "Maple Grove", "Youngstown", "Skokie", "Kissimmee", "Johnson City", "Victoria", "San Clemente", "Bayonne", "Laguna Niguel", "East Orange", "Shawnee", "Homestead", "Rockville", "Delray Beach", "Janesville", "Conway", "Pico Rivera", "Lorain", "Montebello", "Lodi", "New Braunfels", "Marysville", "Tamarac", "Madera", "Conroe", "Santa Cruz", "Eden Prairie", "Cheyenne", "Daytona Beach", "Alpharetta", "Hamilton", "Waltham", "Coon Rapids", "Haverhill", "Council Bluffs", "Taylor", "Utica", "Ames", "La Habra", "Encinitas", "Bowling Green", "Burnsville", "Greenville", "West Des Moines", "Cedar Park", "Tulare", "Monterey Park", "Vineland", "Terre Haute", "North Miami", "Mansfield", "West Allis", "Bristol", "Taylorsville", "Malden", "Meriden", "Blaine", "Wellington", "Cupertino", "Springfield", "Rogers", "St. Clair Shores", "Gardena", "Pontiac", "National City", "Grand Junction", "Rocklin", "Chapel Hill", "Casper", "Broomfield", "Petaluma", "South Jordan", "Springfield", "Great Falls", "Lancaster", "North Port", "Lakewood", "Marietta", "San Rafael", "Royal Oak", "Des Plaines", "Huntington Park", "La Mesa", "Orland Park", "Auburn", "Lakeville", "Owensboro", "Moore", "Jupiter", "Idaho Falls", "Dubuque", "Bartlett", "Rowlett", "Novi", "White Plains", "Arcadia", "Redmond", "Lake Elsinore", "Ocala", "Tinley Park", "Port Orange", "Medford", "Oak Lawn", "Rocky Mount", "Kokomo", "Coconut Creek", "Bowie", "Berwyn", "Midwest City", "Fountain Valley", "Buckeye", "Dearborn Heights", "Woodland", "Noblesville", "Valdosta", "Diamond Bar", "Manhattan", "Santee", "Taunton", "Sanford", "Kettering", "New Brunswick", "Decatur", "Chicopee", "Anderson", "Margate", "Weymouth Town", "Hempstead", "Corvallis", "Eastvale", "Porterville", "West Haven", "Brentwood", "Paramount", "Grand Forks", "Georgetown", "St. Peters", "Shoreline", "Mount Prospect", "Hanford", "Normal", "Rosemead", "Lehi", "Pocatello", "Highland", "Novato", "Port Arthur", "Carson City", "San Marcos", "Hendersonville", "Elyria", "Revere", "Pflugerville", "Greenwood", "Bellevue", "Wheaton", "Smyrna", "Sarasota", "Blue Springs", "Colton", "Euless", "Castle Rock", "Cathedral City", "Kingsport", "Lake Havasu City", "Pensacola", "Hoboken", "Yucaipa", "Watsonville", "Richland", "Delano", "Hoffman Estates", "Florissant", "Placentia", "West New York", "Dublin", "Oak Park", "Peabody", "Perth Amboy", "Battle Creek", "Bradenton", "Gilroy", "Milford", "Albany", "Ankeny", "La Crosse", "Burlington", "DeSoto", "Harrisonburg", "Minnetonka", "Elkhart", "Lakewood", "Glendora", "Southaven", "Charleston", "Joplin", "Enid", "Palm Beach Gardens", "Brookhaven", "Plainfield", "Grand Island", "Palm Desert", "Huntersville", "Tigard", "Lenexa", "Saginaw", "Kentwood", "Doral", "Apple Valley", "Grapevine", "Aliso Viejo", "Sammamish", "Casa Grande", "Pinellas Park", "Troy", "West Sacramento", "Burien", "Commerce City", "Monroe", "Cerritos", "Downers Grove", "Coral Gables", "Wilson", "Niagara Falls", "Poway", "Edina", "Cuyahoga Falls", "Rancho Santa Margarita", "Harrisburg", "Huntington", "La Mirada", "Cypress", "Caldwell", "Logan", "Galveston", "Sheboygan", "Middletown", "Murray", "Roswell", "Parker", "Bedford", "East Lansing", "Methuen", "Covina", "Alexandria", "Olympia", "Euclid", "Mishawaka", "Salina", "Azusa", "Newark", "Chesterfield", "Leesburg", "Dunwoody", "Hattiesburg", "Roseville", "Bonita Springs", "Portage", "St. Louis Park", "Collierville", "Middletown", "Stillwater", "East Providence", "Lawrence", "Wauwatosa", "Mentor", "Ceres", "Cedar Hill", "Mansfield", "Binghamton", "Coeur d'Alene", "San Luis Obispo", "Minot", "Palm Springs", "Pine Bluff", "Texas City", "Summerville", "Twin Falls", "Jeffersonville", "San Jacinto", "Madison", "Altoona", "Columbus", "Beavercreek", "Apopka", "Elmhurst", "Maricopa", "Farmington", "Glenview", "Cleveland Heights", "Draper", "Lincoln", "Sierra Vista", "Lacey", "Biloxi", "Strongsville", "Barnstable Town", "Wylie", "Sayreville", "Kannapolis", "Charlottesville", "Littleton", "Titusville", "Hackensack", "Newark", "Pittsfield", "York", "Lombard", "Attleboro", "DeKalb", "Blacksburg", "Dublin", "Haltom City", "Lompoc", "El Centro", "Danville", "Jefferson City", "Cutler Bay", "Oakland Park", "North Miami Beach", "Freeport", "Moline", "Coachella", "Fort Pierce", "Smyrna", "Bountiful", "Fond du Lac", "Everett", "Danville", "Keller", "Belleville", "Bell Gardens", "Cleveland", "North Lauderdale", "Fairfield", "Salem", "Rancho Palos Verdes", "San Bruno", "Concord", "Burlington", "Apex", "Midland", "Altamonte Springs", "Hutchinson", "Buffalo Grove", "Urbandale", "State College", "Urbana", "Plainfield", "Manassas", "Bartlett", "Kearny", "Oro Valley", "Findlay", "Rohnert Park", "Westfield", "Linden", "Sumter", "Wilkes-Barre", "Woonsocket", "Leominster", "Shelton", "Brea", "Covington", "Rockwall", "Meridian", "Riverton", "St. Cloud", "Quincy", "Morgan Hill", "Warren", "Edmonds", "Burleson", "Beverly", "Mankato", "Hagerstown", "Prescott", "Campbell", "Cedar Falls", "Beaumont", "La Puente", "Crystal Lake", "Fitchburg", "Carol Stream", "Hickory", "Streamwood", "Norwich", "Coppell", "San Gabriel", "Holyoke", "Bentonville", "Florence", "Peachtree Corners", "Brentwood", "Bozeman", "New Berlin", "Goose Creek", "Huntsville", "Prescott Valley", "Maplewood", "Romeoville", "Duncanville", "Atlantic City", "Clovis", "The Colony", "Culver City", "Marlborough", "Hilton Head Island", "Moorhead", "Calexico", "Bullhead City", "Germantown", "La Quinta", "Lancaster", "Wausau", "Sherman", "Ocoee", "Shakopee", "Woburn", "Bremerton", "Rock Island", "Muskogee", "Cape Girardeau", "Annapolis", "Greenacres", "Ormond Beach", "Hallandale Beach", "Stanton", "Puyallup", "Pacifica", "Hanover Park", "Hurst", "Lima", "Marana", "Carpentersville", "Oakley", "Huber Heights", "Lancaster", "Montclair", "Wheeling", "Brookfield", "Park Ridge", "Florence", "Roy", "Winter Garden", "Chelsea", "Valley Stream", "Spartanburg", "Lake Oswego", "Friendswood", "Westerville", "Northglenn", "Phenix City", "Grove City", "Texarkana", "Addison", "Dover", "Lincoln Park", "Calumet City", "Muskegon", "Aventura", "Martinez", "Greenfield", "Apache Junction", "Monrovia", "Weslaco", "Keizer", "Spanish Fork", "Beloit", "Panama City", + ], +} + +PERSON_NAMES = { + "first": [ + "Michael", "Christopher", "Matthew", "David", "James", "John", "Joshua", "Daniel", "Joseph", "William", "Robert", "Andrew", "Jason", "Ryan", "Anthony", "Jacob", "Nicholas", "Brian", "Justin", "Jonathan", "Brandon", "Kevin", "Thomas", "Eric", "Benjamin", "Alexander", "Tyler", "Steven", "Timothy", "Zachary", "Charles", "Richard", "Aaron", "Adam", "Jordan", "Nathan", "Samuel", "Kyle", "Mark", "Jeffrey", "Jose", "Jeremy", "Ethan", "Christian", "Austin", "Noah", "Dylan", "Scott", "Sean", "Patrick", "Logan", "Paul", "Stephen", "Gabriel", "Kenneth", "Angel", "Bryan", "Cameron", "Gregory", "Cody", "Caleb", "Jesse", "Elijah", "Mason", "Juan", "Travis", "Shawn", "Luke", "Evan", "Lucas", "Isaac", "Edward", "Jack", "Hunter", "Luis", "Jayden", "Carlos", "Jackson", "Adrian", "Alex", "Chad", "Bradley", "Ian", "Nathaniel", "Liam", "Connor", "Isaiah", "Aiden", "Derek", "Peter", "Dustin", "George", "Jared", "Marcus", "Antonio", "Henry", "Jesus", "Jeremiah", "Julian", "Donald", "Keith", "Corey", "Blake", "Ronald", "Casey", "Shane", "Gavin", "Joel", "Vincent", "Chase", "Victor", "Devin", "Owen", "Carter", "Raymond", "Landon", "Miguel", "Wyatt", "Trevor", "Seth", "Sebastian", "Dominic", "Douglas", "Gary", "Levi", "Erik", "Phillip", "Cole", "Wesley", "Todd", "Xavier", "Frank", "Alan", "Brett", "Alejandro", "Cory", "Troy", "Garrett", "Hayden", "Colton", "Craig", "Larry", "Oliver", "Dakota", "Brayden", "Jorge", "Tristan", "Parker", "Colin", "Dennis", "Derrick", "Aidan", "Bryce", "Ricardo", "Eli", "Oscar", "Carson", "Jerry", "Jake", "Mario", "Josiah", "Diego", "Philip", "Francisco", "Spencer", "Martin", "Jaime", "Micah", "Mitchell", "Randy", "Johnny", "Jeffery", "Terry", "Manuel", "Grant", "Ivan", "Andre", "Tanner", "Eduardo", "Curtis", "Tony", "Brent", "Omar", "Russell", "Max", "Johnathan", "Nolan", "Ashton", "Maxwell", "Javier", "Jaden", "Preston", "Devon", "Cooper", "Brendan", "Brady", "Damian", "Carl", "Calvin", "Nicolas", "Grayson", "Allen", "Clayton", "Danny", "Fernando", "Roberto", "Marc", "Hector", "Jaxon", "Theodore", "Edwin", "Rodney", "Kaleb", "Jimmy", "Andres", "Ayden", "Collin", "Dalton", "Billy", "Edgar", "Bobby", "Walter", "Louis", "Lawrence", "Emmanuel", "Jessie", "Drew", "Elias", "Sergio", "Albert", "Lee", "Arthur", "Roger", "Cesar", "Ricky", "Ruben", "Brody", "Lance", "Giovanni", "Miles", "Erick", "Abraham", "Jace", "Jon", "Micheal", "Joe", "Jay", "Darren", "Marco", "Jonah", "Leo", "Shaun", "Cristian", "Leonardo", "Rafael", "Bryson", "Dillon", "Skyler", "Mathew", "Pedro", "Kaden", "Caden", "Harrison", "Jonathon", "Willie", "Hudson", "Kristopher", "Gerald", "Randall", "Roman", "Andy", "Lincoln", "Gage", "Kayden", "Raul", "Charlie", "Damien", "Asher", "Roy", "Bruce", "Santiago", "Mateo", "Trenton", "Sawyer", "Dean", "Wayne", "Frederick", "Colby", "Conner", "Israel", "Armando", "Maurice", "Chris", "Damon", "Easton", "Donovan", "Dallas", "Julio", "Marvin", "Alec", "Eddie", "Josue", "Reginald", "Darius", "Ezra", "Chance", "Braxton", "Malachi", "Darrell", "Camden", "Gerardo", "Alberto", "Clinton", "Ronnie", "Tommy", "Lorenzo", "Ryder", "Jaxson", "Bentley", "Enrique", "Kai", "Tyrone", "Marcos", "Braden", "Abel", "Malik", "Weston", "Ramon", "Brad", "Trent", "Simon", "Terrance", "Zane", "Ezekiel", "Steve", "Tyson", "Jermaine", "Angelo", "Dale", "Dominick", "Jerome", "Francis", "Ty", "Tucker", "Dante", "Neil", "Chandler", "Axel", "Leonard", "Eugene", "Ernest", "Elliot", "Ross", "Melvin", "Marshall", "Arturo", "Griffin", "Everett", "Bryant", "Brock", "Kaiden", "Harold", "Alfredo", "Jalen", "Graham", "Keegan", "Noel", "Jaylen", "Leon", "Elliott", "Terrence", "Glenn", "Beau", "Silas", "Rene", "Trey", "Myles", "Joey", "Jude", "Dawson", "Kameron", "Jaiden", "Felix", "Fabian", "Ali", "Stanley", "Franklin", "Jameson", "Declan", "Dwayne", "Rowan", "Byron", "Greyson", "Warren", "Cayden", "Corbin", "Bennett", "Pablo", "Barry", "Zion", "Emanuel", "Lane", "Geoffrey", "Maddox", "Wade", "Justice", "Orlando", "Lukas", "Kurt", "Gustavo", "Brennan", "Quentin", "Rylan", "Amir", "Emilio", "Nickolas", "Drake", "Salvador", "Kelvin", "Demetrius", "Amari", "Harry", "Kyler", "Ralph", "Alvin", "Ernesto", "Desmond", "Jamal", "Jayson", "Nelson", "Karl", "Emmett", "Ray", "Julius", "Saul", "Ismael", "Jakob", "Jayce", "Darryl", "Zackary", "Luca", "Malcolm", "Cedric", "Zachery", "Clifford", "Terrell", "Howard", "Reid", "Alfred", "Deandre", "Esteban", "Toby", "Gilbert", "Kendrick", "Branden", "Xander", "Cade", "Kingston", "Zachariah", "Clarence", "Jasper", "River", "Earl", "Maximus", "Heath", "Daryl", "Dane", "August", "Lewis", "Ryker", "Rory", "Maverick", "Allan", "Kirk", "Moises", "Quinton", "Hugo", "Kristian", "Phoenix", "Brenden", "Quincy", "Joaquin", "Sam", "Gael", "Johnathon", "Adan", "Landen", "Tristen", "Roderick", "Jarrod", "Brooks", "Marlon", "Brantley", "Bernard", "Kenny", "Guillermo", "Conor", "Emiliano", "Antoine", "Marquis", "Holden", "Duane", "Clint", "Kody", "Norman", "Reed", "Frankie", "Waylon", "Mike", "Rodrigo", "Rudy", "Dorian", "Leroy", "Davis", "Rodolfo", "Loren", "Felipe", "Zander", "Lonnie", "Clay", "Dexter", "Judah", "Finn", "Jarrett", "Ben", "King", "Nikolas", "Alfonso", "Keaton", "Darian", "Darnell", "Glen", "Paxton", "Cruz", "Alonzo", "Anderson", "Lamar", "Jase", "Moses", "Jeff", "Walker", "Blaine", "Solomon", "Jonas", "Mauricio", "Clifton", "Grady", "Stuart", "Sterling", "Reece", "Fred", "Gordon", "Fredrick", "Aden", "Roland", "Rogelio", "Nathanael", "Karter", "Brendon", "Tobias", "Caiden", "Rhett", "Gilberto", "Zayden", "Remington", "Don", "Tomas", "Cash", "Vernon", "Jamison", "Darin", "Leland", "Dwight", "Perry", "Rolando", "Barrett", "Tate", "Issac", "Noe", "Titus", "Wilson", "Devan", "Leonel", "Khalil", "Forrest", "Armani", "Kent", "Greg", "Gunner", "Bret", "Colt", "Jaylin", "Ramiro", "Ari", "Johnnie", "Clark", "Ahmad", "Zackery", "Javon", "Kade", "Neal", "Isiah", "Ellis", "Derick", "Lloyd", "Stefan", "Kobe", "Matteo", "Milo", "Uriel", "Donnie", "Kellen", "Jax", "Lamont", "Herbert", "Nehemiah", "Deshawn", "Sheldon", "Damion", "Keenan", "Karson", "Braylon", "Beckett", "Cyrus", "Darrin", "Terence", "Romeo", "Kareem", "Salvatore", "Stephan", "Rashad", "Mohamed", "Orion", "Guy", "Rickey", "Tyrell", "Jamar", "Milton", "Rick", "Donte", "Maximiliano", "Aron", "Maximilian", "Carlton", "Jimmie", "Jett", "Jordon", "Will", "Vicente", "Brayan", "Raphael", "Rocco", "Camron", "Efrain", "Bradford", "Colten", "Cornelius", "Messiah", "Freddie", "Harvey", "Adriel", "Dion", "Abram", "Kory", "Ahmed", "Milan", "Gene", "Kurtis", "Pierce", "Mohammad", "Cohen", "Gideon", "Jarvis", "Kieran", "Gunnar", "Trevon", "Rocky", "Deon", "Muhammad", "Tyree", "Braeden", "Braydon", "Rex", "Nick", "Conrad", "Ezequiel", "Alvaro", "Kane", "Winston", "Isaias", "Asa", "Lester", "Iker", "Royce", "Cullen", "Jarred", "Duncan", "Mohammed", "Freddy", "Kolton", "Floyd", "Brenton", "Demarcus", "Davon", "Jefferson", "Osvaldo", "Brice", "Dewayne", "Moshe", "Dan", "Dusty", "Markus", "Prince", "Josh", "Layne", "Robbie", "Sammy", "Gerard", "Humberto", "Thaddeus", "Clyde", "Jamari", "Porter", "Nasir", "Ibrahim", "Gianni", "Aldo", "Lionel", "Tristin", "Quintin", "Reuben", "Reynaldo", "Enzo", "Antwan", "Nico", "Davion", "Sonny", "Jensen", "Korey", "Marcel", "Chadwick", "Nash", "Herman", "Kolby", "Ronan", "Jim", "Pierre", "Jarod", "Shayne", "Ignacio", "Arnold", "Dayton", "Knox", "Scotty", "Triston", "Deven", "Anton", "Ted", "Garret", "Izaiah", "Brycen", "Agustin", "Nigel", "Tevin", "Archer", "Deangelo", "Baby", "Hugh", "Talon", "Remy", "Kyrie", "Darien", "Devonte", "Cecil", "Trace", "Jan", "Adolfo", "Jamel", "Marty", "Vance", "Johan", "Bo", "Myron", "Jaron", "Santos", "Amos", "Matias", "Mekhi", "Kamari", "Elvis", "Alijah", "Landyn", "Cristopher", "Benny", "Coleman", "Yahir", "Ira", "Marquise", "Killian", "Jovan", "Otis", "Kason", "Julien", "Braylen", "Ulises", "Rusty", "Irvin", "Chester", "Jaquan", "Tom", "Rohan", "Davin", "Atticus", "Junior", "Jacoby", "Ace", "Jadon", "Rigoberto", "Kris", "Jairo", "Omari", "Randolph", "Chaz", "Lawson", "Cary", "Ryland", "Jaylon", "Brodie", "Lyle", "Vaughn", "Adonis", "Zechariah", "Alton", "Denzel", "Uriah", "Elmer", "Tory", "Wendell", "Luciano", "Nathanial", "Bill", "Hassan", "Kamden", "Alonso", "Jayceon", "Van", "Keagan", "Bryon", "Sullivan", "Kellan", "Kristofer", "Channing", "Augustus", "Theo", "Major", "Donnell", "Rhys", "Cortez", "Lennon", "Octavio", "Thiago", "Cason", "Stewart", "Dashawn", "Jorden", "Brennen", "Ron", "Jerrod", "Denver", "Dominik", "Oakley", "Mickey", "Jaydon", "Houston", "Tyrese", "Alden", "Kian", "Gregg", "Kirby", "Bronson", "Coby", "Arjun", "Carlo", "Darwin", "Austen", "German", "Adrien", "Chaim", "Tim", "Garry", "Mikel", "Edmund", "Rico", "Tylor", "Hank", "Jamaal", "Royal", "Finnegan", "Kole", "Landry", "Alessandro", "Kash", "Keon", "Santino", "Jabari", "Legend", "Wallace", "Misael", "Mack", "Samson", "Mathias", "Gino", "Matt", "Jess", "Sherman", "Randal", "Matthias", "Justus", "Teddy", "Austyn", "Morris", "Boston", "Devante", "Samir", "Sincere", "Marcelo", "Nestor", "Infant", "Niko", "Semaj", "Kylan", "Malakai", "Timmy", "Cale", "Jamey", "Beckham", "Tommie", "Marques", "Layton", "Antony", "Daxton", "Dangelo", "Bruno", "Hans", "Dax", "Cannon", "Deonte", "Erich", "Dario", "Heriberto", "Zayne", "Claude", "Lennox", "Daquan", "Stephon", "Pete", "Cordell", "Deacon", "Zaiden", "Ulysses", "Benson", "Korbin", "Dimitri", "Tristian", "Luka", "Estevan", "Giancarlo", "Valentin", "Mitchel", "Luther", "Yosef", "Benito", "Gonzalo", "Bradly", "Raheem", "Yusuf", "Bernardo", "Scottie", "Virgil", "Raiden", "Brant", "Nikolai", "Darrius", "Kasen", "Kale", "Rian", "Dandre", "Arlo", "Soren", "Broderick", "Ervin", "Hamza", "Xzavier", "Darion", "Jedidiah", "Donavan", "Braiden", "Abdullah", "Josef", "Carmelo", "Arron", "Hayes", "Jamil", "Kayson", "Vincenzo", "Dillan", "Augustine", "Memphis", "Earnest", "Garrison", "Aric", "Louie", "Eliseo", "Case", "Otto", "Irving", "Fletcher", "Sylvester", "Odin", "Dave", "Britton", "Jamarion", "Monte", "Rashawn", "Yael", "Rey", "Kamron", "Quinten", "Willis", "Kenyon", "Marlin", "Briar", "Lucian", "Draven", "Zaire", "Camren", "Blaise", "Bennie", "Ken", "Jaxton", "Blaze", "Fidel", "Seamus", "Bowen", "Aryan", "Zain", "Giovani", "Ryley", "Michel", "Franco", "Andreas", "Edison", "Darrel", "Darrick", "Ramsey", "Denis", "Rodrick", "Raymundo", "Reggie", "Eddy", "Alexzander", "Jerald", "Rayan", "Kenton", "Wilfredo", "Travon", "Branson", "Simeon", "Efren", "Khalid", "Leif", "Tyron", "Joesph", "Arian", "Keven", "Bodhi", "Elvin", "Jovani", "Valentino", "Archie", "Galen", "Daren", "Coty", "Eliezer", "Kyree", "Alexandro", "Giovanny", "Jagger", "Elian", "Jacques", "Judson", "Isai", "Demario", "Antwon", "Gregorio", "Princeton", "Cristobal", "Madden", "Coy", "Trever", "Shamar", "Jasiah", "Francesco", "Mariano", "Keshawn", "Destin", "Akeem", "Tariq", "Jessy", "Turner", "Leandro", "Dereck", "Rudolph", "Daron", "Hendrix", "Shaquille", "Javion", "Jamir", "Donny", "Roosevelt", "Jair", "Westley", "Jerod", "Emmitt", "Jaeden", "Chauncey", "Maxim", "Vince", "Demond", "Cain", "Enoch", "Jed", "Aydan", "Gannon", "Shelton", "Torrey", "Domenic", "Laurence", "Amare", "Anders", "Makai", "Domingo", "Unknown", "Ean", "Ronin", "Harlan", "Brandan", "Dontae", "Callen", "Tre", "Robby", "Deshaun", "Scot", "Yehuda", "Rowen", "Abdul", "Keyon", "Kendell", "Cedrick", "Mustafa", "Duke", "Theron", "Harris", "Menachem", "Nathen", "Davian", "Curt", "Koby", "Hezekiah", "Eliot", "Keanu", "Jordy", "Kelton", "Maximo", "Zakary", "Kalen", "Jovanni", "Jeffry", "Deion", "Maximillian", "Aarav", "Zavier", "Zack", "Benton", "Jamarcus", "Denny", "Johnpaul", "Isidro", "Anson", "Atlas", "Federico", "Marquez", "Kyson", "Hollis", "Baylor", "Sami", "Camdyn", "Aydin", "Konner", "Demarco", "Willard", "Kelby", "Edmond", "Dejuan", "Taj", "Stetson", "Jaylan", "Cassius", "Stone", "Truman", "Oswaldo", "Lazaro", "Nixon", "Miller", "Syed", "Chace", "Jaren", "Brandyn", "Hakeem", "Konnor", "Cornell", "Kadin", "Gavyn", "Tyshawn", "Kevon", "Jai", "Kalvin", "Forest", "Leonidas", "Nikhil", "Jerrell", "Zeke", "Brandt", "Karim", "Yisroel", "Elton", "Dakotah", "Haiden", "Dallin", "Yousef", "Ephraim", "Ayaan", "Raleigh", "Callan", "Britt", "Mordechai", "Langston", "Ronaldo", "Immanuel", "Trystan", "Wilbert", "Derik", "Ronny", "Aaden", "Rickie", "Camilo", "Callum", "Vladimir", "Aditya", "Genaro", "Edgardo", "Kingsley", "Ameer", "Sylas", "Jevon", "Alexandre", "Giuseppe", "Emil", "Marcellus", "Jeromy", "Jerimiah", "Westin", "Tye", "Bilal", "Kolten", "Palmer", "Storm", "Bradyn", "Garett", "Bridger", "Alphonso", "Marcello", "Zaid", "Rasheed", "Bart", "Mayson", "Abdiel", "Brogan", "Kaeden", "Laron", "Tripp", "Lenny", "Ishmael", "Mikael", "Canaan", "Lyndon", "Tremaine", "Jaxen", "Slade", "Jeramiah", "Garrick", "Jericho", "Jelani", "Lars", "Fisher", "Abner", "Raylan", "Brannon", "Avi", "Markell", "Jovanny", "Jeramy", "Antione", "Tai", "Damari", "Rayden", "Trevin", "Gauge", "Zayn", "Aidyn", "Dylon", "Hernan", "Ever", "Buddy", "Gaige", "Justyn", "Davonte", "Yaakov", "Jovany", "Shad", "Jasen", "Foster", "Gentry", "Murphy", "Casen", "Savion", "Percy", "Hubert", "Erwin", "Baron", "Ladarius", "Jaleel", "Horace", "Schuyler", "Carmine", "Vito", "Damarion", "Sammie", "Kamren", "Aries", "Kymani", "Crosby", "Shmuel", "Eloy", "Hasan", "Kadyn", "Hiram", "Marcelino", "Jeremie", "Codie", "Deron", "Tobin", "Markel", "Darrion", "Jules", "Shon", "Darrian", "Braulio", "Dirk", "Carsen", "Ridge", "Mauro", "Merrick", "Flynn", "Ryne", "Grey", "Kamdyn", "Eleazar", "Brecken", "Gus", "Lucca", "Amar", "Kiran", "Delbert", "Danial", "Finnley", "Kye", "Cleveland", "Karsen", "Dameon", "Dariel", "Johann", "Yair", "Jaydin", "Brennon", "Bishop", "Colter", "Shlomo", "Aurelio", "Monty", "Torin", "Armand", "Ajay", "Ernie", "Dilan", "Deric", "Nicky", "Nevin", "Latrell", "Boyd", "Mikah", "Alek", "Justen", "Dedrick", "Donavon", "Torey", "Fredy", "Tavon", "Lowell", "Kegan", "Darron", "Jaycob", "Everardo", "Rayshawn", "Rio", "Apollo", "Maison", "Rufus", "Braedon", "Gibson", "Edwardo", "Cayson", "Kyron", "Joseluis", "Shimon", "Rishi", "Blayne", "Tremayne", "Kristoffer", "Keyshawn", "Martez", "Khari", "Brain", "Deondre", "Jadiel", "Donta", "Tarik", "Isaak", "Jacobi", "Claudio", "Richie", "Yitzchok", "Desean", "Brighton", "Braylin", "Ely", "Cristofer", "Krish", "Wiley", "Pranav", "Jerad", "Talan", "Trae", "Marcell", "Gaven", "Eamon", "Arnulfo", "Malaki", "Tad", "Montrell", "Rodger", "Geovanni", "Lucio", "Dequan", "Jered", "Jaheim", "Kahlil", "Elan", "Bentlee", "Juancarlos", "Chevy", "Ethen", "Karon", "Krishna", "Lachlan", "Juwan", "Javonte", "Omarion", "Miguelangel", "Randell", "Dyllan", "Mac", "Treyvon", "Arman", "Ishaan", "Mykel", "Haden", "Micaiah", "Jakobe", "Crew", "Demetri", "Dakoda", "Dino", "Dewey", "Kwame", "Isa", "Chet", "Al", "Ford", "Paulo", "Lucien", "Graysen", "Maxx", "Wilmer", "Jullian", "Amarion", "Avraham", "Torrance", "Kylen", "Dillion", "Nikko", "Aedan", "Vihaan", "Izayah", "Titan", "Tyrus", "Tyquan", "Adalberto", "Benedict", "Ocean", "Mikhail", "Sebastien", "Johnson", "Kentrell", "Briggs", "Reyes", "Kannon", "Mikal", "Jayvon", "Christofer", "Bodie", "Yandel", "Gerry", "Magnus", "Norberto", "Kohen", "Jaydan", "Bob", "Garth", "Jeramie", "Oren", "Jarett", "Jeremey", "Kenan", "Jonatan", "Dajuan", "Deontae", "Marko", "Makhi", "Cael", "Samual", "Brentley", "Lavon", "Ollie", "Garland", "Delvin", "Keelan", "Bradlee", "Nate", "Kip", "Darrien", "Jamin", "Dayne", "Cal", "Gian", "Tyrel", "Judd", "Jarret", "Kyan", "Nicklaus", "Jory", "Leopoldo", "Spenser", "Evin", "Germaine", "Trinidad", "Sabastian", "Ammon", "Thad", "Joziah", "Lathan", "Kenji", "Maxton", "Arnav", "Kael", "Rahul", "Zyon", "Daylen", "Kraig", "Kalin", "Yoel", "Zev", "Urijah", "Aleksander", "Javen", "Angus", "Woodrow", "Thatcher", "Errol", "Corban", "Horacio", "Russel", "Rowdy", "Gerson", "Jacky", "Codey", "Jeremias", "Rashaad", "Zyaire", "Levon", "Derrell", "Aven", "Adrain", "Rashaun", "Kaysen", "Demarion", "Keller", "Nicholaus", "Kaidyn", "Carlin", "Mohamad", "Javan", "Luc", "Trenten", "Musa", "Danilo", "Ares", "Devlin", "Thor", "Jarrell", "Seneca", "Dhruv", "Trayvon", "Isreal", "Roel", "Deanthony", "Coen", "Damarcus", "Greggory", "Canyon", "Jesiah", "Emmet", "Hamilton", "Colson", "Jakari", "Lucius", "Alain", "Jermiah", "Marshal", "Karsten", "Gray", "Paolo", "Imran", "Nikola", "Sedrick", "Elbert", "Montgomery", "Ismail", "Koen", "Dionte", "Tahj", "Devonta", "Obed", "Boone", "Basil", "Wilfred", "Kase", "Octavius", "Arnoldo", "Auston", "Jordi", "Dezmond", "Constantine", "Amit", "Kaison", "Korbyn", "Juelz", "Rami", "Kain", "Sameer", "Bert", "Najee", "Rylen", "Trevion", "Aris", "Demetris", "Jedediah", "Wilbur", "Maddux", "Quinlan", "Gareth", "Doyle", "Kalel", "Bryton", "Meir", "Axton", "Anakin", "Patricio", "Bjorn", "Linden", "Vidal", "Donell", "Eldon", "Malcom", "Caesar", "Dru", "Jayvion", "Tavares", "Kimani", "Tylan", "Tzvi", "Treyton", "Brysen", "Anish", "Montez", "Masen", "Ayan", "Coleton", "Noble", "Chuck", "Jovon", "Jameel", "Osbaldo", "Fermin", "Homer", "Benjamen", "Wes", "Khristian", "Bode", "Kooper", "Brandin", "Rosendo", "Courtland", "Jaret", "Idris", "Lamarcus", "Youssef", "Cian", "Lemuel", "Abelardo", "Cliff", "Koda", "Wilder", "Tavion", "Chayse", "Tylar", "Joshuah", "Siddharth", "Keoni", "Christan", "Marquel", "Jarell", "Cy", "Adin", "Corbyn", "Osiris", "Zephaniah", "Gabe", "Daylon", "Keandre", "Terrill", "Amin", "Deegan", "Barron", "Jerel", "Jakub", "Hagen", "Dashaun", "Luiz", "Boden", "Konrad", "Norris", "Sahil", "Raymon", "Demetrice", "Hussein", "Caelan", "Kennith", "Mervin", "Corwin", "Brigham", "Avrohom", "Delano", "Alfonzo", "Daryn", "Anibal", "Kamal", "Ravi", "Ramses", "Neel", "Henri", "Devontae", "Zahir", "Cairo", "Darell", "Gianluca", "Charleston", "Blane", "Derrek", "Everette", "Damani", "Roscoe", "Domonic", "Eliyahu", "Jermey", "Jaziel", "Shalom", "Dontrell", "Yadiel", "Armaan", "Eder", "Zavion", "Eugenio", "Daylin", "Job", "Dustyn", "Terell", "Jalil", "Cormac", "Jamon", "Favian", "Edson", "Marek", "Rashard", "Frederic", "Yahya", "Deante", "Christoper", "Cristiano", "Kyran", "Carroll", "Iain", "Torrence", "Anwar", "Laquan", "Jaysen", "Wylie", "Shaquan", "Merlin", "Nazir", "Kc", "Deonta", "Emir", "Ashtin", "Isac", "Keion", "Denton", "Dannie", "Jad", "Yusef", "Geovanny", "Kavon", "Dejon", "Stefano", "Massimo", "Hyrum", "Lochlan", "Breon", "Zakaria", "Sharif", "Boris", "Luigi", "Reinaldo", "Kaine", "Quenton", "Viktor", "Kollin", "Beck", "Pierson", "Lazarus", "Henrik", "Doug", "Landin", "Aryeh", "Izaak", "Homero", "Kadeem", "Daveon", "Javian", "Burton", "Taron", "Axl", "Deshon", "Said", "Daylan", "Osman", "Graeme", "Harlem", "Hilario", "Jacobo", "Fox", "Armon", "Nikolaus", "Izaac", "Zayd", "Kiel", "Gatlin", "Domenico", "Linus", "Salomon", "Dov", "Cedar", "Varun", "Broc", "Manny", "Achilles", "Dash", "Jalon", "Tavaris", "Juston", "Taran", "Benicio", "Coltin", "Calen", "Braedyn", "Reymundo", "Kylar", "Ewan", "Andrei", "Jairus", "Oskar", "Martell", "Kyren", "Tramaine", "Creed", "Yakov", "Ceasar", "Arlen", "Ilan", "Chancellor", "Fabio", "Klayton", "Alistair", "Daven", "Marshawn", "Jajuan", "Kodie", "Jet", "Dev", "Finnian", "Jeshua", "Yash", "Neymar", "Eliel", "Demonte", "Adler", "Tayden", "Brayson", "Kylin", "Dovid", "Arion", "Zamir", "Rob", "Leyton", "Emile", "Timmothy", "Andrey", "Rayyan", "Chadd", "Dontay", "Lino", "Sanjay", "Mahmoud", "Olin", "Seven", "Mckay", "Chadrick", "Devaughn", "Terron", "Dimitrios", "Valentine", "Creighton", "Antwain", "Aston", "Mitch", "Gil", "Ambrose", "Jacque", "Rashid", "Leobardo", "Willem", "Arik", "Travion", "Lake", "Ashten", "Noam", "Adnan", "Jaymes", "Enrico", "Damen", "Lamonte", "Eben", "Taylen", "Merle", "Che", "Abdulrahman", "Kashton", "Rustin", "Keshaun", "Ammar", "Lian", "Avion", "Williams", "Dashiell", "Shemar", "Demetric", "Neftali", "Kamil", "Ahmir", "Nicklas", "Flavio", "Syncere", "Mychal", "Jefferey", "Kavin", "Aarush", "Leander", "Donavin", "Dakari", "Aman", "Ramone", "Jereme", "Javin", "Rueben", "Taurean", "Vincente", "Burke", "Christain", "Kevan", "Malek", "Zach", "Landan", "Brayton", "Kendric", "Erasmo", "Parrish", "Smith", "Minh", "Laith", "Jalin", "Augustin", "Omer", "Cyril", "Faris", "Ishan", "Rondell", "Raekwon", "Niles", "Yonatan", "Buck", "Bently", "Umar", "Osiel", "Quincey", "Ryen", "Onyx", "Orin", "Tito", "Yaseen", "Carnell", "Jeron", "Ansel", "Josias", "Lucky", "Barton", "Jashawn", "Renato", "Tenzin", "Akash", "Jacen", "Jadin", "Tyreek", "Kevyn", "Willy", "Michale", "Christos", "Amauri", "Mathieu", "Clarke", "Jaedon", "Demari", "Maksim", "Shan", "Amado", "Khristopher", "Corry", "Fausto", "Jamell", "Clement", "Denim", "Kayleb", "Aram", "Alaric", "Issa", "Aramis", "Canon", "Jarren", "Nile", "Leeland", "Mccoy", "Brien", "Demetrios", "Kiernan", "Azriel", "Rome", "Akiva", "Johnmichael", "Tyrek", "Jarad", "Saad", "Romel", "Aren", "Jahir", "Jaelin", "Yasir", "Kallen", "Franky", "Desi", "Tavis", "Jacorey", "Fransisco", "Tyce", "Orrin", "Adair", "Eriberto", "Khaled", "Kobi", "Kainoa", "Freeman", "Stanton", "Stevan", "Clemente", "Muhammed", "Salman", "Koa", "Jeb", "Arvin", "Jahmir", "Ike", "Babyboy", "Tyran", "Shepherd", "Shia", "Wolfgang", "Adriano", "Jaquez", "Naim", "Ronnell", "Odell", "Toney", "Bradon", "Hakim", "Murray", "Greysen", "Jansen", "Reno", "Jakai", "Markeith", "Geraldo", "Jae", "Breck", "Tru", "Steele", "Hal", "Terrel", "Jacari", "Kamran", "Tiago", "Antwone", "Franklyn", "Levar", "Alexavier", "Chayce", "Tarek", "Lamarr", "Haydn", "Anas", "Lavell", "Aamir", "Jahlil", "Phil", "Tyren", "Aharon", "Charlton", "Shaan", "Weldon", "Jermain", "Andrae", "Lex", "Jerrick", "Xavion", "Taurus", "Kedrick", "Roan", "Damond", "Geno", "Filip", "Von", "Isael", "Ransom", "Faustino", "Akil", "Rakeem", "Napoleon", "Vinson", "Reyansh", "Castiel", "Robinson", "Aj", "Warner", "Carver", "Elon", "Pasquale", "Brantlee", "Ashwin", "Caeden", "Armond", "Tadeo", "Blade", "Brando", "Parth", "Yasin", "Hampton", "Tyreese", "Boaz", "Rashon", "Payson", "Krystian", "Tavian", "Derrik", "Raj", "Ajani", "Cyle", "Zaden", "Dmitri", "Antone", "Osmar", "Carsten", "Kiefer", "Jihad", "Kayne", "Tyre", "Domenick", "Terran", "Demitri", "Zebulon", "Callahan", "Kabir", "Jonny", "Yancy", "Adiel", "Atreyu", "Khamari", "Khai", "Demarius", "Yovani", "Baker", "Karan", "Thurman", "Abe", "Jarrad", "Ayman", "Rohit", "Payden", "Tj", "Ryon", "Yehoshua", "Ned", "Terance", "Laramie", "Patric", "Romello", "Gabrial", "Camari", "Kolt", "Justis", "Brion", "Taha", "Lavar", "Tod", "Paden", "Long", "Azael", "Om", "Marius", "Jayse", "Esai", "Shaya", "Tyshaun", "Margarito", "Maddix", "Nolen", "Kaedyn", "Bryar", "Faisal", "Lenard", "Phineas", "Kamarion", "Demitrius", "Hadi", "Eian", "Geronimo", "Huxley", "Caron", "Eason", "Demetrio", "Johathan", "Gabino", "Artemio", "Chasen", "Lisandro", "Rubin", "Malique", "Philippe", "Mahdi", "Graydon", "Ayush", "Kaylon", "Kaelan", "Baltazar", "Xavi", "Quran", "Korben", "Vivaan", "Linwood", "Malakhi", "Anthoney", "Shayan", "Dontavious", "Jenson", "Abhinav", "Tamir", "Esau", "Eitan", "Talen", "Tyrique", "Hosea", "Jomar", "Devion", "Isacc", "Lavelle", "Antoni", "Elie", "Edmundo", "Merrill", "Tyrin", "Rafe", "Fritz", "Conley", "Nahum", "Marlow", "Kolin", "Abdirahman", "Nickolaus", "Tavin", "Evander", "Jiovanni", "Zuriel", "Saif", "Jariel", "Oziel", "Zacharias", "Marquan", "Dedric", "Rayvon", "Esequiel", "Maleek", "Jakobi", "Jethro", "Hoyt", "Grayden", "Thanh", "Blaize", "Vikram", "Quin", "Miquel", "Anay", "Bartholomew", "Konstantinos", "Markanthony", "Evans", "Cordero", "Amador", "Tobey", "Jessiah", "Maceo", "Juanpablo", "Ward", "Lonny", "Brixton", "Auden", "Rojelio", "Drayden", "Renaldo", "Jarius", "Adel", "Alston", "Conan", "Filiberto", "Jerrad", "Vishal", "Douglass", "Tashawn", "Watson", "Anand", "Jerrold", "Stanford", "Mahlon", "Derwin", "Jayven", "Uziel", "Hershel", "Vivek", "Mendel", "Elio", "Dajon", "Bryden", "True", "Delmar", "Kaiser", "Jamarius", "Naeem", "Athan", "Kobie", "Jaziah", "Shamus", "Deklan", "Dalen", "Chayton", "Roshan", "Casper", "Demian", "Alen", "Nikolaos", "Neo", "Nabil", "Ritchie", "Rony", "Karlos", "Akhil", "Kit", "Kairo", "Garren", "Elam", "Jashua", "Sampson", "Kaydin", "Roque", "Akshay", "Zacharia", "Yeshua", "Lucus", "Dwan", "Ansh", "Baxter", "Jerron", "Masyn", "Kalob", "Marquette", "Ciaran", "Fischer", "Jacquez", "Javaris", "Nery", "Waleed", "Kekoa", "Huy", "Izak", "Ren", "Davi", "Jaxxon", "Rod", "Kohl", "Jaxx", "Jareth", "Damir", "Stoney", "Bernie", "Diesel", "Griffen", "Thane", "Niklas", "Shiv", "Wynn", "Savon", "Nino", "Joao", "Lorne", "Simcha", "Jayquan", "Brodrick", "Renzo", "Dain", "Ledger", "Silvestre", "Rogan", "Trysten", "Dwain", "Calum", "Jaison", "Kelan", "Avian", "Dempsey", "Bryer", "Dustan", "Caine", "Torian", "Arsenio", "Jeremi", "Terrion", "Zacchaeus", "Giorgio", "Pascual", "Rigo", "Braxtyn", "Jaydyn", "Ubaldo", "Gamaliel", "Natanael", "Jerell", "Deniz", "Sherrod", "Emmit", "Kejuan", "Wilber", "Booker", "Decker", "Sammuel", "Salim", "Arley", "Zephyr", "Alpha", "Jayshawn", "Zen", "Calder", "Joeseph", "Jeanpaul", "Teodoro", "Telly", "Lev", "Dondre", "Saleem", "Eliott", "Saeed", "Cam", "Armin", "Sherwin", "Arlin", "Rahsaan", "Lavern", "Grover", "Rahim", "Mattias", "Obadiah", "Rivers", "Davey", "Zakariya", "Dashon", "Johannes", "Geovany", "Gorge", "Olivier", "Jerred", "Trevis", "Tyriq", "Amon", "Teague", "Jailen", "Raynard", "Jones", "Robb", "Ruger", "Sandro", "Elyjah", "Taven", "Aayan", "Arnaldo", "Aksel", "Hashim", "Shedrick", "Damonte", "Heber", "Abran", "Jeronimo", "Lon", "Treyson", "Kordell", "Sai", "Cashton", "Kamrin", "Wells", "Martel", "Dereon", "Jaidan", "Kyrin", "Takoda", "Cortland", "Jarek", "Mayer", "Slater", "Mychael", "Kemari", "Demetrious", "Irwin", "Rance", "Jamere", "Jacinto", "Kace", "Zaine", "Aayden", "Cord", "Kermit", "Mikeal", "Renard", "Porfirio", "Male", "Shepard", "Jaxsen", "Khalif", "Veer", "Jeriah", "Giovany", "Audie", "Cameren", "Randon", "Price", "Mick", "Nazareth", "Shamir", "Drayton", "Servando", "Daunte", "Dietrich", "Raylen", "Tyjuan", "Kilian", "Joell", "Pietro", "Prentice", "Danniel", "Halen", "Antonino", "Aaryan", "Octavious", "Jaelen", "Tahir", "Cavan", "Blas", "Broden", "Kirkland", "Keonte", "Ridley", "Sir", "Jadan", "Pat", "Daulton", "Jimi", "Alexandros", "Naftali", "Tysen", "Javien", "Durrell", "Johnie", "Kalib", "Jarron", "Marquell", "Marcoantonio", "Kruz", "Javeon", "Quadir", "Darious", "Nicolai", "Zeus", "Mikell", "Corben", "Jonpaul", "Rion", "Danthony", "Tiernan", "Pernell", "Jin", "Blain", "Yariel", "Sultan", "Perrin", "Anjel", "Yechiel", "Eliazar", "Torry", "Leandre", "Treshawn", "Jacolby", "Stefon", "Delonte", "Refugio", "Ozzy", "Jamall", "Celso", "Zakai", "Dixon", "Delton", "Hussain", "Ramel", "Tam", "Detrick", "Wilton", "Carmello", "Jonathen", "Asad", "Dalvin", "Elgin", "Benjiman", "Vinh", "Macario", "Hansel", "Artis", "Westyn", "Amaree", "Kareen", "Montel", "Sven", "Jahari", "Vernell", "Rasheen", "Zaylen", "Gerrit", "Nader", "Cris", "Javontae", "Gavriel", "Darvin", "West", "Truett", "Jhon", "Jonte", "Abdullahi", "Tal", "Dijon", "Rodriquez", "Mamadou", "Jamieson", "Dayvon", "Ethyn", "Mykal", "Devine", "Antwaun", "Skylor", "Barney", "Vijay", "Jahiem", "Ferdinand", "Wesson", "Yamil", "Jawan", "Dathan", "Niall", "Jathan", "Jameer", "Davontae", "Migel", "Jessee", "Garet", "Haris", "Bowie", "Micky", "Tuan", "Logen", "Kalan", "Farhan", "Richmond", "Derrion", "Jarid", "Ronell", "Kirt", "Cutter", "Iran", "Edan", "Braxten", "Leron", "Reginal", "Sanford", "Damarius", "Russ", "Kailen", "Zak", "Jonmichael", "Leopold", "Jabril", "Jaidon", "Landis", "Gaston", "Hilton", "Djuan", "Naveen", "Levy", "Ameen", "Jadarius", "Dyson", "Lydell", "Cartier", "Keondre", "Johny", "Kamar", "Saxon", "Xavian", "Benaiah", "Samer", "Florentino", "Caysen", "Jamichael", "Everest", "Loyd", "Fredric", "Shivam", "Schyler", "Chaise", "Baruch", "Nils", "Clive", "Derian", "Kolbe", "Maddex", "Adyn", "Linkin", "Valente", "Notnamed", "Britain", "Edrick", "Clancy", "Richardo", "Coltyn", "Bao", "Maximino", "Benji", "Cadyn", "Teo", "Kanye", "Syrus", "Dusten", "Thai", "Ezrah", "Aleksandr", "Jamario", "Herschel", "Jakoby", "Flint", "Aziz", "Jens", "Orville", "Cort", "Ed", "Tray", "Abbas", "Christ", "Bear", "Diondre", "Ander", "Dagoberto", "Ashby", "Anirudh", "Jerardo", "Tyreke", "Gaetano", "Zakari", "Zakery", "Ky", "Treveon", "Marcanthony", "Quan", "Gadiel", "Zayvion", "Lenin", "Diante", "Jamaine", "Hagan", "Nam", "Jamarr", "Young", "Raquan", "Norbert", "Tyrik", "Gionni", "Abdulaziz", "Tyshon", "Brendyn", "Wayland", "Donato", "Stan", "Damoni", "Johnathen", "Karthik", "Pavel", "Chancey", "Tayvon", "Bastian", "Lanny", "Christon", "Abdallah", "Jhonny", "Jasiel", "Cj", "Romero", "Zavian", "Dasean", "Marcial", "Andree", "Mehki", "Jermel", "Kanon", "Kipp", "Geovani", "Davy", "Ryden", "Meyer", "Ozzie", "Caspian", "Tryston", "Macklin", "Chazz", "Lafayette", "Thorin", "Marquese", "Kiyan", "Arun", "Duran", "Naquan", "Berry", "Naseem", "Saleh", "Regis", "Drue", "Mihir", "Armen", "Ahmari", "Jerold", "Lajuan", "Davante", "Feliciano", "Eron", "Glendon", "Eusebio", "Ash", "Keane", "Antuan", "Jazz", "Sachin", "Nathon", "Vasilios", "Isaih", "Dawayne", "Jospeh", "Kage", "Darryn", "Enos", "Ricco", "Breckin", "Issiah", "Collier", "Chistopher", "Beaux", "Cliffton", "Cardell", "Tylen", "Kofi", "Amer", "Kenzo", "Aldair", "Darek", "Derron", "Lynden", "Adil", "Sione", "Dayshawn", "Luisangel", "Rasheem", "Adryan", "Felton", "Zyan", "Zeb", "Race", "Micahel", "Bayron", "Etienne", "Yousif", "Christophe", "Matheus", "Bakari", "Lauro", "Roshawn", "Cecilio", "Amaury", "Bronx", "Sharod", "Zac", "Tou", "Asael", "Hogan", "Anselmo", "Tayshaun", "Dakarai", "Efraim", "Aleksandar", "Arrow", "Cache", "Dyllon", "Trentin", "Jc", "Steffen", "Krew", "Eliud", "Chas", "Mylan", "Ori", "Yonathan", "Denzell", "Amen", "Tywan", "Ilyas", "Cillian", "Eithan", "Giacomo", "Martavious", "Romell", "Kunal", "Gaspar", "Darris", "Rush", "Deshun", "Michaelangelo", "Tejas", "Shakur", "Ibraheem", "Eoin", "Tien", "Adarius", "Rashaud", "Calin", "Nima", "Rayce", "Hamzah", "Jarom", "Thompson", "Eliah", "Link", "Nehemias", "Elwood", "Eyan", "Fahad", "Juaquin", "Camrin", "Jun", "Daemon", "Curtiss", "Jacobe", "Sedric", "Florencio", "Mathis", "Kaydon", "Davonta", "Geremy", "Tayshawn", "Larson", "Dimas", "Damario", "Zamari", "Shaine", "Destry", "Jame", "Bram", "Durell", "Treston", "Natan", "Rommel", "Keshon", "Anfernee", "Desmon", "Cai", "Abiel", "Devonne", "Edric", "Aayush", "Taquan", "Ulisses", "Steffan", "Kelson", "Adolph", "Lavonte", "Ulices", "Kyden", "Marino", "Santo", "Shreyas", "Pascal", "Antron", "Gavino", "Jarrid", "Ioannis", "Farrell", "Xavior", "Derric", "Aarron", "Jerrett", "Jasson", "Carlito", "Rehan", "Jacory", "Khyree", "Maynard", "Imanol", "Jawad", "Jashaun", "Lebron", "Rashaan", "Jennings", "Kemper", "Christion", "Franz", "Derreck", "Zackariah", "Coley", "Asante", "Rakim", "Kalil", "Tino", "Lovell", "Yazan", "Toriano", "Loki", "Josemanuel", "Kanyon", "Edgard", "Davie", "Dalyn", "Kaleo", "Dorien", "Jahmal", "Jakeb", "Crawford", "Kerwin", "Jonnathan", "Eladio", "Giles", "Modesto", "Ciro", "Davien", "Domanic", "Bennet", "Surya", "Corbett", "Shamel", "Braylan", "Zade", "Demarkus", "Zakkary", "Payne", "Triton", "Usman", "Shain", "Keenen", "Rayquan", "Andru", "Daymon", "Haydon", "Shomari", "Jestin", "Exavier", "Han", "Ladarrius", "Eathan", "Keyan", "Sulaiman", "Heston", "Alphonse", "Ayub", "Alexei", "Decarlos", "Nyle", "Alexsander", "Delfino", "Knowledge", "Jayveon", "Kesean", "Zaki", "Coleson", "Ehren", "Arlie", "Iziah", "Caius", "Japheth", "Zeth", "Brently", "Baldemar", "Rapheal", "Abimael", "Panagiotis", "Eros", "Christpher", "Chesley", "Tait", "Leeroy", "Chason", "Jafet", "Tytus", "Demar", "Duston", "Yousuf", "Donaven", "Aleczander", "Barret", "Ryu", "Woody", "Kieth", "Zacary", "Eduard", "Torre", "Ezekial", "Fabrizio", "Taylon", "Baylen", "Eamonn", "Keifer", "Geoffery", "Jahaziel", "Jeancarlos", "Joseangel", "Holt", "Olen", "Newton", "Malikai", "Valen", "Esdras", "Lemar", "Nicolaus", "Dujuan", "Stryker", "Randel", "Cristo", "Dany", "Jessey", "Jr", "Cayman", "Nadir", "Fidencio", "Shakir", "Kavion", "Reco", "Banks", "Mateusz", "Aaren", "Brodey", "Celestino", "Raziel", "Chantz", "Kennon", "Delon", "Correy", "Iverson", "Elyas", "Adrean", "Kylon", "Alika", "Zacharie", "Shareef", "Kervin", "Golden", "Curran", "Keilan", "Braydan", "Errick", "Alessio", "Shayden", "Kashawn", "Elder", "Kawika", "Brylan", "Dudley", "Patton", "Delvon", "Pearson", "Lenox", "Eastyn", "Jerrel", "Radley", "Vinay", "Viet", "Westen", "Azrael", "Lawton", "Joshue", "Edin", "Kennard", "Sholom", "Bladimir", "Kush", "Paulino", "Cavin", "Humza", "Jaxyn", "Khiry", "Zyion", "Jionni", "Raja", "Damone", "Jamier", "Riyan", "Shaheed", "Tylon", "Brenner", "Markese", "Christop", "Tadd", "Mylo", "Yitzchak", "Nicolo", "Jarel", "Ravon", "Chanse", "Rahman", "Kayvon", "Byran", "Mikey", "Hardy", "Chip", "Johndavid", "Mattew", "Jamelle", "Deontay", "Cuauhtemoc", "Aundre", "Jaheem", "Jerson", "Giovonni", "Tayvion", "Marque", "Rider", "Eshan", "Athanasios", "Francois", "Octavian", "Yisrael", "Dionicio", "Erie", "Nevan", "Willian", "Cass", "Pharaoh", "Hanson", "Yohan", "Keontae", "Jerrid", "Adian", "Weslee", "Jahleel", "Brison", "Crispin", "Trystin", "Brevin", "Keshav", "Shaw", "Macon", "Shulem", "Dwaine", "Quade", "Montreal", "Bernabe", "Amadeus", "Ender", "Cristhian", "Dallen", "Anil", "Tiger", "Jasir", "Miko", "Eren", "Jibril", "Neville", "Caidyn", "Zyler", "Nasser", "Mavrick", "Juvenal", "Jancarlos", "Hazen", "Art", "Dagan", "Leviticus", "Kenrick", "Keiran", "Mazen", "Khang", "Lucious", "Elijiah", "Malachai", "Doran", "Damein", "Elroy", "Xaiver", "Augusto", "Loyal", "Treven", "Gustav", "Candido", "Dekota", "Oswald", "Conrado", "Marwan", "Jaykob", "Aeden", "Christoher", "Traveon", "Nabeel", "Leshawn", "Kyng", "Christien", "Damar", "Jarin", "Tennyson", "Shaurya", "Stockton", "Zyair", "Burt", "Suraj", "Theophilus", "Egan", "Cheyne", "Domonick", "Serafin", "Darick", "Garin", "Tevon", "Jd", "Armondo", "Jalani", "Jaydn", "Ferris", "Lamarion", "Kaidan", "Parish", "Faron", "Fabricio", "Corby", "Hung", "Len", "Thurston", "Sagar", "Elden", "Braydin", "Walton", "Selvin", "Ved", "Rolland", "Wayde", "Jaycen", "Taylan", "Keagen", "Prentiss", "Rich", "Antwoine", "Viraj", "Maxon", "Raghav", "Zaidyn", "Derion", "Kacper", "Wil", "Hadyn", "Carlisle", "Jontae", "Akram", "Stratton", "Winfred", "Harlen", "Jhonatan", "Khamani", "Kadarius", "Dylen", "Enmanuel", "Jorel", "Arham", "Jencarlos", "Andrez", "Hasani", "Patryk", "Dontavius", "Bijan", "Donivan", "Tayton", "Collyn", "Janson", "Vishnu", "Sixto", "Haroon", "Del", "Kennan", "Amere", "Asim", "Fynn", "Wesly", "Blayze", "Kasyn", "Kevion", "Gibran", "Jahmari", "Kishan", "Candelario", "Zayan", "Evaristo", "Uri", "Hendrick", "Fitzgerald", "Dartagnan", "Thien", "Andon", "Maliek", "Jozef", "Breyden", "Jabez", "Jeremih", "Rashan", "Juventino", "Xzavion", "Vann", "Kaelen", "Bud", "Lennie", "Andersen", "Eryk", "Phong", "Arien", "Dontez", "Alon", "Mickel", "Binyomin", "Gianfranco", "Abisai", "Jeanpierre", "Manolo", "Eliam", "Javari", "Jakeem", "Tavarus", "Michelangelo", "Erickson", "Riccardo", "Atharv", "Maxie", "Teron", "Rand", "Jayvian", "Chauncy", "Larenzo", "Tysean", "Gavan", "Abrahan", "Tanis", "Tymir", "Enoc", "Zebadiah", "Mose", "Arath", "Kendarius", "Dutch", "Loghan", "Kile", "Timmie", "Kaisen", "Frantz", "Tallon", "Adem", "Jorje", "Samarth", "Rayn", "Zachry", "Tyrice", "Teon", "Sabino", "Alekzander", "Truth", "Johnell", "Rayshaun", "Bretton", "Rosalio", "Rock", "Yancey", "Prescott", "Jobe", "Kendale", "Niklaus", "Levin", "Aakash", "Rajan", "Talmadge", "Mace", "Dresden", "Derin", "Oran", "Jalan", "Millard", "Bryston", "Keigan", "Tremain", "Jhett", "Romario", "Dolan", "Harmon", "Kion", "Montrel", "Hipolito", "Neko", "Barrington", "Maxime", "Trevan", "Pryce", "Shadow", "Evangelos", "Sekou", "Rockwell", "Eyad", "Rudra", "Avinash", "Silverio", "Braedan", "Terrin", "Marqus", "Izaya", "Keron", "Deaundre", "Matthieu", "Amadou", "Axle", "Alastair", "Jevin", "Kipton", "Cordarius", "Kong", "Isak", "Karlton", "Maliki", "Nels", "Rashod", "Klay", "Bertram", "Abhiram", "Pearce", "Gildardo", "Argenis", "Elija", "Hillel", "Chirstopher", "Alister", "Atlee", "Juanjose", "Collen", "Cipriano", "Cross", "Sylvan", "Davidson", "Tillman", "Soham", "Daryle", "Riaan", "Cayleb", "Saint", "Mikail", "Kainen", "Conway", "Mel", "Wally", "Ignatius", "Sanchez", "Moishe", "Talin", "Montavious", "Virgilio", "Sal", "Karam", "Rhyder", "Shadi", "Nashawn", "Joby", "Matheo", "Mykell", "Graig", "Nicco", "Haywood", "Kellin", "Boruch", "Otoniel", "Thaddaeus", "Orson", "Jacori", "Ahron", "Jonthan", "Finnigan", "Huey", "Aziel", "Morrison", "Zamarion", "Reza", "Oshea", "Justo", "Zarek", "Camdon", "Gennaro", "Sagan", "Dwane", "Oryan", "Martinez", "Finlay", "Daevon", "Narciso", "Farris", "Amrit", "Shyheim", "Serge", "Lyam", "Wolf", "Val", "Wilford", "Carlyle", "Kalon", "Raylon", "Layden", "Ikaika", "De", "Theodor", "Amadeo", "Eldridge", "Jeanluc", "Cage", "Anuj", "Georgios", "Yannick", "Adonai", "Shandon", "Bricen", "Mahir", "Pinchas", "Carleton", "Yves", "Maury", "Tylin", "Wali", "Maher", "Nicholai", "Kamauri", "Corinthian", "Khary", "Cornelio", "Aarin", "Tyus", "Markos", "Cosmo", "Raudel", "Garen", "Silvio", "Qasim", "Benigno", "Blue", "Henderson", "Prestyn", "Khaleel", "Nathaneal", "Jayvin", "Rogers", "Jaryn", "Sunil", "Sabian", "Jamauri", "Ahren", "Jashon", "Kenyan", "Daxon", "Ronak", "Avin", "Sandeep", "Yasser", "Keir", "Kenai", "Taiwan", "Ramy", "Ashish", "Deagan", "Jeancarlo", "Thayne", "Lukus", "Amaan", "Wardell", "Rodriguez", "Vedant", "Reily", "Osama", "Anthoni", "Duwayne", "Markis", "Ibn", "Rudi", "Jasean", "Rollin", "Kenney", "Kacen", "Yanni", "Jamarian", "Roderic", "Keylan", "Dameion", "Usher", "Kimball", "Aneesh", "Ladon", "Stavros", "Yassin", "Aadi", "Kendrell", "Jabriel", "Chavis", "Farid", "Ziad", "Odis", "Artie", "Sylus", "Elimelech", "Janiel", "Walid", "Serjio", "Reef", "Daegan", "Dmarcus", "Stevenson", "Marvell", "Koltyn", "Adams", "Chan", "Yuvraj", "Britten", "Dade", "Santonio", "Arash", "Reeve", "Kashif", "Javaughn", "Nicholes", "Colston", "Tiberius", "Dimitrius", "Rishabh", "Massiah", "Antwane", "Lamon", "Boe", "Ethaniel", "Eshaan", "Jacobie", "Wellington", "Mehdi", "Caedmon", "Benzion", "Matthews", "Karlo", "Lateef", "Ebenezer", "Trapper", "Tarell", "Waylen", "Kyzer", "Niam", "Donyell", "Fredi", "Jerid", "Ayomide", "Kamau", "Ibrahima", "Amr", "Lyman", "Bashir", "Glynn", "Soloman", "Kedric", "Arick", "Zymir", "Nicodemus", "Anastacio", "Hendrik", "Reynold", "Tywon", "Rayford", "Thayer", "Jeriel", "Jeremyah", "Keeton", "Murad", "Vittorio", "Shun", "Iram", "Yan", "Marshaun", "Dewitt", "Harland", "Diamante", "Rudolfo", "Trayton", "Rufino", "Sinclair", "Trevaughn", "Aaiden", "Jakhi", "Maxfield", "Judge", "Moussa", "Terrick", "Anastasios", "Ilya", "Hieu", "Mahki", "Donn", "Jere", "Jawaun", "Bernardino", "Brenten", "Dawan", "Xavien", "Javonta", "Amando", "Eligio", "Rees", "Ontario", "Randle", "Yoseph", "Torrin", "Lakendrick", "Lipa", "Casimir", "Kaimana", "Devontay", "Vashon", "Zacarias", "Jhonathan", "Branton", "Germain", "Jarrel", "Marvel", "Xaiden", "Devron", "Efrem", "Jerico", "Salah", "Antjuan", "Bladen", "Ram", "Sully", "Amilcar", "Latroy", "Jayton", "Markee", "Trequan", "Jaquarius", "Reis", "Brenan", "Vinny", "Riggs", "Advik", "Chavez", "Joah", "Talib", "Kiaan", "Demon", "Jamiel", "Cheston", "Jaceon", "Zachari", "Conlan", "Aristotle", "Garner", "Basilio", "Rafeal", "Duy", "Didier", "Koy", "Javis", "Tarun", "Raheim", "Edvin", "Camerin", "Quintavious", "Garon", "Dorsey", "Allister", "Yurem", "Kalem", "Derrius", "Ames", "Marquice", "Darnel", "Chrystian", "Tyrelle", "Ashraf", "Pacey", "Granger", "Arav", "Kam", "Travell", "Mikhael", "Oden", "Tanay", "Dezmon", "Romelo", "Davaughn", "Padraic", "Daris", "Brodi", "Christoph", "Kristofor", "Waylan", "Treshaun", "Wilhelm", "Hoang", "Buster", "Cainan", "Viaan", "Abdurrahman", "Tarrance", "Aviel", "Fenix", "Kysen", "Lizandro", "Javarius", "Marciano", "Kendon", "Sy", "Juanito", "Sumner", "Ankit", "Kavan", "Sander", "Noland", "Dawud", "Webster", "Izrael", "Sohan", "Jerard", "Stefen", "Traven", "Rupert", "Daeshawn", "Keishawn", "Benjamine", "Jayon", "Nakai", "Hamid", "Avan", "Sire", "Ryatt", "Niccolo", "Alvis", "Waymon", "Dyland", "Huck", "Chancelor", "Justino", "Rainer", "Daneil", "Shant", "Nahom", "Connell", "Brantly", "Daequan", "Tyvon", "Stafford", "Aran", "Zakariah", "Devone", "Ramey", "Kaseem", "Jaquavious", "Christiaan", "Tytan", "Kemarion", "Antwuan", "Khaleb", "Hayward", "Ronit", "Jaxin", "Reyli", "Masiah", "Obinna", "Maynor", "Jawon", "Keldrick", "Navin", "Zahid", "Shaka", "Vu", "Haziel", "Kelin", "Jamarious", "Raoul", "Barak", "Avante", "Mikkel", "Montell", "Shakeem", "Cutler", "Aslan", "Daryll", "Juliano", "Mordecai", "Domanick", "Deaven", "Colden", "Erron", "Tamer", "Ramond", "Deontre", "Shamon", "Rajiv", "Trevyn", "Amarii", "Eber", "Tarrell", "Navid", "Kenric", "Makaio", "Daiquan", "Rayaan", "Boyce", "Josua", "Marcellous", "Trung", "Rishaan", "Jahi", "Reuven", "Curry", "Copeland", "Geoff", "Arnell", "Abhishek", "Quaid", "Toren", "Roddrick", "Hisham", "Yu", "Diallo", "Tyrie", "Talha", "Neri", "Dung", "Jaryd", "Cosme", "Luqman", "Arius", "Adon", "Kwesi", "Antonios", "Vern", "Huntley", "Vaughan", "Zebulun", "Jaythan", "Vander", "Fares", "Tirrell", "Butch", "Bralyn", "Joseantonio", "Silvano", "Juanmanuel", "Jakson", "Rayshon", "Tayson", "Atom", "Sylar", "Jerick", "Kean", "Donovin", "Godfrey", "Manning", "Croix", "Kaito", "Fadi", "Lyndell", "Koi", "Nihal", "Anthonie", "Briant", "Demetruis", "Able", "Camaron", "Adham", "Dennie", "Ziyad", "Sylis", "Kelechi", "Alphonzo", "Jerimy", "Yerik", "Martavius", "Dylin", "Nicholus", "Riker", "Sebastion", "Binyamin", "Bransen", "Jamaree", "Tevita", "Derrian", "Arlan", "Kallan", "Tafari", "Alexandr", "Bane", "Emre", "Yobani", "Daryan", "Coltan", "Rajon", "Macen", "Keyton", "Benjaman", "Saquan", "Brockton", "Ramzi", "Aizen", "Oneil", "Herminio", "Jezreel", "Breyon", "Calan", "Dayson", "Azaan", "Pheonix", "Zachory", "Samad", "Padraig", "Giancarlos", "Stellan", "Maxson", "Dillen", "Rye", "Azaiah", "Traevon", "Steffon", "Nikos", "Brier", "Constantino", "Koltin", "Jaxsyn", "Karmelo", "Damarco", "Garron", "Dj", "Dell", "Johnthan", "Nicholis", "Addam", "Kylo", "Nickey", "Amiel", "Eriq", "Gianmarco", "Kou", "Kani", "Trajan", "Quang", "Jermane", "Tabor", "Calob", "Timoteo", "Lionell", "Kasper", "Shawne", "Trinton", "Daimon", "Lonnell", "Deleon", "Tyrece", "Demonta", "Piotr", "Ziyon", "Faheem", "Jonothan", "Rowland", "Jermal", "Jaxtyn", "Anmol", "Ulyses", "Jamonte", "Kaven", "Samy", "Les", "Jermy", "Giuliano", "Ranger", "Cobi", "Evann", "Donzell", "Hani", "Jehu", "Bradey", "Kaileb", "Habib", "Winslow", "Treavor", "Makel", "Tarrence", "Antonie", "Tyronne", "Amiri", "Delante", "Jabbar", "Lleyton", "Brendin", "Tomasz", "Jamahl", "Griffith", "Joab", "Izac", "Shlok", "Abrahm", "Christoffer", "Keithan", "Yoni", "Raynaldo", "Buford", "Valor", "Truitt", "Khanh", "Naythan", "Lior", "Ilias", "Roby", "Sid", "Fulton", "Marice", "Esteven", "Cleon", "Zavien", "Ronen", "Shyam", "Elijha", "Tedrick", "Jemel", "Wiliam", "Haydin", "Maeson", "Tashaun", "Jerone", "Shaheem", "Omid", "Nnamdi", "Gerrod", "Laurent", "Huston", "Tynan", "Termaine", "Coda", "Terren", "Jaquon", "Cornelious", "Obie", "Hershy", "Rito", "Abhay", "Joachim", "Gaurav", "Krystopher", "Gaylon", "Gunther", "Jaeger", "Deryk", "Kanaan", "Cru", "Khoa", "Dalon", "Jediah", "Zabdiel", "Kodey", "Isayah", "Abdoulaye", "Colyn", "Dayon", "Cisco", "Kasim", "Raffi", "Dayquan", "Jarryd", "Hari", "Edy", "Kao", "Raffaele", "Amil", "Archibald", "Otha", "Wendall", "Denzil", "Brexton", "Asaiah", "Makari", "Jowell", "Freddrick", "Thadeus", "Darsh", "Darshan", "Edilberto", "Ayoub", "Kaan", "Hawk", "Talmage", "Kaius", "Kentavious", "Alonza", "Rooney", "Gracin", "Halston", "Tyriek", "Daijon", "Artur", "Haider", "Walt", "Matan", "Garvin", "Makana", "Nassir", "Rayhan", "Kaeson", "Tajh", "Hanif", "Christiano", "Raynell", "Quashawn", "Maliq", "Taveon", "Tavarius", "Bj", "Horatio", "Mateus", "Kal", "Zeppelin", "Rasean", "Jantzen", "Boy", "Earle", "Kanoa", "Jamarie", "Kaydan", "Juel", "Kenta", "Kei", "Jaciel", "Klaus", "Cylas", "Christapher", "Makhai", "Brentlee", "Brittain", "Jawuan", "Dayvion", "Syler", "Johnatan", "Adrion", "Cezar", "Demetrick", "Arrington", "Andrik", "Kimo", "Jaleen", "Nicholos", "Prestin", "Menno", "Artem", "Penn", "Dacota", "Rj", "Beckam", "Eligh", "Islam", "Torren", "Sherwood", "Aiyden", "Ayrton", "Ennis", "Mehmet", "Sarkis", "Epifanio", "Peterson", "Kagan", "Victoriano", "Javar", "Chico", "Benuel", "Keston", "Terris", "Shiva", "Amire", "Kevonte", "Ankur", "Yonah", "Yechezkel", "Aloysius", "Pace", "Rhylan", "Tarren", "Shadrach", "Americo", "Darel", "Toryn", "Demarko", "Avram", "Manav", "Marquavious", "Keyshaun", "Alexandar", "Jaivon", "Aidin", "Aariz", "Waldo", "Garfield", "Kyrell", "Kamerin", "Lorenz", "Hansen", "Roddy", "Tyreece", "Neill", "Niels", "Dionisio", "Chirag", "Drevon", "Tajuan", "Derell", "Crue", "Dreshawn", "Josedejesus", "Kameren", "Holton", "Jedd", "Tyrome", "Kalub", "Uzziah", "Sang", "Kiptyn", "Aydenn", "Dre", "Waseem", "Deveon", "Nyles", "Jeremia", "Cheng", "Ezio", "Dacoda", "Jaelon", "Quenten", "Danyal", "Emad", "Juandiego", "Tri", "Willaim", "Durand", "Antonyo", "Rithvik", "Akili", "Jayln", "Mostafa", "Mynor", "Philipp", "Erek", "Kerby", "Nathanel", "Cadin", "Langdon", "Harun", "Eston", "Connar", "Jossue", "Rahmel", "Kwasi", "Abdias", "Nolyn", "Dallan", "Diontae", "Mickael", "Stevens", "Ramir", "Aurelius", "Kayde", "Nahshon", "Giovannie", "Alvino", "Klint", "Sanders", "Bee", "Timur", "Khaliq", "Ezell", "Sun", "Cincere", "Anden", "Jaice", "Gehrig", "Omri", "Georgio", "Cobe", "Demontae", "Martino", "Jemal", "Abubakar", "Cobey", "Daivon", "Cirilo", "Cuyler", "Donovon", "Shahid", "Kullen", "Kadon", "Kameran", "Aeron", "Coulter", "Aviv", "Gautam", "Eran", "Advaith", "Nadeem", "Renardo", "Brodee", "Cletus", "Maki", "Townes", "Demetre", "Gershon", "Chrisopher", "Kerrick", "Jalal", "Atharva", "Daivd", "Naji", "Yovany", "Delroy", "Oluwatobi", "Kajuan", "Nadav", "Patrik", "Alias", "Donal", "Rajesh", "Cleve", "Aleck", "Dupree", "Raymone", "Jeramey", "Andrian", "Davide", "Tyrrell", "Jahan", "Sahir", "Fabien", "Gardner", "Tavish", "Nichols", "Jostin", "Cylus", "Eri", "Kieron", "Zacheriah", "Lonzo", "Trevell", "Ryo", "Henrry", "Gustave", "Yahel", "Harsh", "Ericson", "Makoa", "Ventura", "Owyn", "Apolinar", "Alim", "Oneal", "Shayaan", "Thierry", "Min", "Isaiha", "Quintez", "Amonte", "Kortez", "Nosson", "Fareed", "Leevi", "Jahsiah", "Junius", "Tramell", "Jayvien", "Darold", "Sidharth", "Zian", "Bertrand", "Kolter", "Kiante", "Dewan", "Lamond", "Nitin", "Kanan", "Aydon", "Blayden", "Igor", "Taevon", "Talal", "Yehudah", "Mister", "Kyon", "Spence", "Wrigley", "Keita", "Demir", "Yadier", "Aarion", "Lakeith", "Shem", "Columbus", "Tayven", "Maguire", "Pieter", "Akim", "Shaheen", "Corvin", "Daman", "Laszlo", "Mercer", "Aahil", "Hersh", "Mahad", "Chukwuemeka", "Rainier", "Aundra", "Chayanne", "Rui", "Braidyn", "Eulalio", "Wyman", "Naveed", "Davyn", "Ziggy", "Jaycion", "Arif", "Kwabena", "Selim", "Toma", "Jaccob", "Dadrian", "Tresean", "Daniyal", "Graeson", "Lambert", "Chancy", "Sabin", "Grahm", "Nazario", "Kidus", "Jancarlo", "Vinnie", "Quantez", "Belal", "Piero", "Jamen", "Tor", "Denilson", "Robel", "Abdel", "Petros", "Ikenna", "Zaylin", "Dajour", "Geordan", "Tyon", "Kavi", "Ayven", "Witten", "Nickalas", "Nephi", "Yunus", "Lander", "Aedyn", "Keshun", "Caydon", "Demetrus", "Jebediah", "Dallon", "Son", "Romaine", "Amogh", "Leondre", "Froylan", "Severin", "Abbott", "Amias", "Ladell", "Dantrell", "Izik", "Ryver", "Deane", "Jahmel", "Shmiel", "Taggart", "Kota", "Roen", "Dshawn", "Daymond", "Allante", "Kainan", "Dayron", "Mazin", "Jerin", "Diangelo", "Terrelle", "Olajuwon", "Yuvan", "Treyvion", "Abrahim", "Rahiem", "Tayten", "Montae", "Jamaar", "Jaysean", "Kendrix", "Yeshaya", "Faizan", "Jeter", "Deklyn", "Pax", "Tamarion", "Faraz", "Munir", "Rhodes", "Chanler", "Andrue", "Mykael", "Little", "Isidoro", "Christipher", "Galvin", "Corde", "Erion", "Tyris", "Daveion", "Sebastiano", "Parsa", "Jayshaun", "Conall", "Edsel", "Albaro", "Gerome", "Riot", "Parks", "Antawn", "Dillian", "Amaru", "Catarino", "Ruston", "Unnamed", "Kail", "Rishab", "Josmar", "Bonifacio", "Denard", "Jermell", "Gerren", "Joaquim", "Jibreel", "Shrey", "Tan", "Lazar", "Seanmichael", "Garnett", "Hai", "Bren", "Hadrian", "Adolphus", "Locke", "Emrys", "Liem", "Llewellyn", "Mouhamed", "Layth", "Guido", "Jayro", "Lam", "Macarthur", "Sion", "Dillyn", "Winfield", "Nishant", "Uchenna", "Dannon", "Kaedon", "Bracken", "Abdelrahman", "Stevon", "Alexx", "Keyvon", "Elwin", "Olaf", "Amarri", "Javante", "Keanan", "Josemaria", "Moise", "Ramin", "Joselito", "Albin", "Chapman", "Kaeleb", "Jabin", "Cyler", "Jamarri", "Johnhenry", "Sadiq", "Sahib", "Mikai", "Tej", "Marvis", "Wylder", "Jayvyn", "Jeromie", "Alante", "Kaegan", "Jamarkus", "Ronal", "Decarlo", "Artez", "Jamez", "Thang", "Danzel", "Jakhari", "Espen", "Taye", "Lukasz", "Graden", "Phelan", "Karston", "Kenith", "Diandre", "Doron", "Harman", "Lawrance", "Ryken", "Yared", "Marshon", "Davone", "Shariff", "Khoi", "Draco", "Breydon", "Jubal", "Weylin", "Aaditya", "Librado", "Fenton", "Xaviar", "Neiko", "Rashun", "Radames", "Jafar", "Meng", "Tobiah", "Carston", "Jahmere", "Rexford", "Sabir", "Eiden", "Avant", "Kyre", "Aldin", "Dorion", "Manu", "Nguyen", "Theodis", "Jadrian", "Kaycen", "Quest", "Trevonte", "Keenon", "Tully", "Jayron", "Gryffin", "Ahsan", "Zenon", "Gerad", "Tidus", "Westly", "Cordale", "Taner", "Ovidio", "Tuff", "Alder", "Jerame", "Aldon", "Kodiak", "Daymian", "Mikko", "Jamerson", "Klinton", "Mcarthur", "Jahvon", "Koran", "Safwan", "Jaedan", "Yamir", "Maverik", "Kobey", "Jeric", "Arvind", "Nataniel", "Florian", "Stephone", "Trentyn", "Sherod", "Ameir", "Saulo", "Stryder", "Finnick", "Lamario", "Jamani", "Gabryel", "Kenard", "Telvin", "Keola", "Jaymeson", "Esgar", "Larsen", "Marck", "Gaberiel", "Kayin", "Antwann", "Braven", "Edwyn", "Dmarion", "Astin", "Chrishawn", "Presten", "Hawkins", "Chastin", "Zakee", "Rakan", "Mattox", "Wm", "Duron", "Frazier", "Majid", "Oumar", "Itzae", "Caison", "Damontae", "Mustapha", "Cuong", "Baldomero", "Albino", "Sharrod", "Constantinos", "Dason", "Nikoli", "Jaeson", "Arcadio", "Angad", "Steel", "Phillipe", "Keneth", "Athen", "Camarion", "Mirza", "Apolonio", "Favio", "Adarsh", "Nachman", "Colbey", "Brinton", "Kieren", "Lynwood", "Dayan", "Tyrion", "Jquan", "Tremell", "Slate", "Windell", "Akshaj", "Darryll", "Lawerence", "Michaelanthony", "Trustin", "Elson", "Adithya", "Dawon", "Hart", "Brit", "Kaidon", "Demani", "Maximillion", "Taji", "Dodge", "Ozias", "Kennth", "Deavion", "Jaquay", "Pinchus", "Agastya", "Phenix", "Ruvim", "Vladislav", "Kawan", "Tosh", "Brylen", "Cruze", "Darey", "Dasan", "Damin", "Derius", "Rhythm", "Devlyn", "Montrez", "Ahmet", "Kainalu", "Keone", "Filippo", "Keldon", "Aristeo", "Tamarcus", "Antonius", "Maurizio", "Irfan", "Teran", "Tyreik", "Dillin", "Donnovan", "Pavan", "Maurilio", "Vansh", "Jaedin", "Emon", "Yovanni", "Asif", "Melton", "Haneef", "Haydyn", "Xayden", "Viggo", "Davontay", "Thornton", "Shlome", "Tavoris", "Hasaan", "Alexandru", "Jedadiah", "Gregor", "Jotham", "Yuval", "Saverio", "Derrin", "Arnel", "Darryle", "Frederico", "Davonne", "Guthrie", "Saxton", "Delwin", "Philemon", "Shaul", "Terrace", "Whitman", "Yona", "Shaune", "Eh", "Musab", "Deepak", "Jiraiya", "Donyae", "Caelen", "Dalan", "Pratik", "Dieter", "Sriram", "Jamisen", "Champ", "Jiovani", "Hurley", "Aadyn", "Neftaly", "Kagen", "Satchel", "Antavious", "Jeyson", "Jefrey", "Isrrael", "Benyamin", "Laroy", "Naaman", "Jj", "Dennys", "Tayte", "Colm", "Stirling", "Devansh", "Maximos", "Delane", "Jamond", "Jaymin", "Dat", "Gryphon", "Nomar", "Rafi", "Lasean", "Mishael", "Daishawn", "Jerren", "Kwan", "Sandor", "Hero", "Tanish", "Jonel", "Justan", "Carrick", "Wilburn", "Laray", "Dwyane", "Lazer", "Luan", "Ridwan", "Olan", "Nasim", "Fransico", "Jager", "Tilden", "Rushil", "Yeng", "Torrian", "Malvin", "Gio", "Orian", "Mateen", "Keithen", "Hanley", "Skip", "Karel", "Ector", "Joss", "Eliab", "Riddick", "Arsh", "Nafis", "Muhamed", "Dantae", "Reymond", "Laird", "Torsten", "Granville", "Marchello", "Heith", "Rajah", "Homar", "Jatavious", "Keno", "Binh", "Dashel", "Vashawn", "Wendel", "Cayde", "Tayveon", "Subhan", "Lindell", "Phi", "Demont", "Teigen", "Delmer", "Algernon", "Iban", "Chaston", "Daric", "Yordi", "Vikas", "Mosiah", "Recardo", "Ashur", "Cordae", "Jaxston", "Cobie", "Bray", "Rudolf", "Vaibhav", "Georges", "Lyon", "Gerrick", "Kemar", "Curren", "Jamaul", "Severo", "Kailer", "Shadrick", "Kamel", "Hernando", "Jacksen", "Aki", "Chai", "Angello", "Johnmark", "Meshach", "Deen", "Sherard", "Keyonte", "Pharoah", "Cheskel", "Kyland", "Derry", "Manish", "Dilyn", "Vic", "Braelin", "Melchor", "Zeeshan", "Callaway", "Demontre", "Andruw", "Zebediah", "Nainoa", "Namir", "Jenner", "Ahad", "Olando", "Lanier", "Rondale", "Donavyn", "Washington", "Terez", "Neev", "Shaden", "Deyon", "Joshawa", "Amier", "Warrick", "Dondi", "Romulo", "Bauer", "Akai", "Arjan", "Raysean", "Bogdan", "Ezriel", "Haddon", "Parnell", "Tonny", "Maximilliano", "Briton", "Shraga", "Avelino", "Urban", "Teddie", "Sayed", "Petar", "Uzziel", "Deryck", "Regino", "Dmari", "Bartley", "Zaquan", "Calib", "Jahmar", "Maaz", "Tramel", "Aaric", "Martrell", "Rahil", "Rigel", "Alejo", "Holdyn", "Jrue", "Xzander", "Jerrin", "Selwyn", "Johnanthony", "Grabiel", "Taft", "Matix", "Dimitry", "Isadore", "Walden", "Jahsir", "Jaquel", "Tron", "Jennifer", "Jessica", "Ashley", "Sarah", "Emily", "Amanda", "Elizabeth", "Melissa", "Stephanie", "Nicole", "Samantha", "Michelle", "Kimberly", "Amy", "Heather", "Rachel", "Lauren", "Rebecca", "Angela", "Emma", "Megan", "Taylor", "Olivia", "Hannah", "Alexis", "Madison", "Christina", "Lisa", "Mary", "Amber", "Kelly", "Abigail", "Brittany", "Laura", "Danielle", "Victoria", "Katherine", "Kayla", "Tiffany", "Andrea", "Sophia", "Isabella", "Anna", "Natalie", "Alyssa", "Erin", "Jamie", "Maria", "Sara", "Shannon", "Crystal", "Allison", "Courtney", "Brianna", "Ava", "Jasmine", "Morgan", "Grace", "Julie", "Alexandra", "Mia", "Erica", "Julia", "Christine", "Vanessa", "Chloe", "Kristen", "April", "Riley", "Brooke", "Leah", "Melanie", "Karen", "Alicia", "Kathryn", "Katie", "Jacqueline", "Cynthia", "Avery", "Monica", "Catherine", "Sydney", "Savannah", "Leslie", "Patricia", "Kaitlyn", "Hailey", "Chelsea", "Lindsey", "Tara", "Haley", "Tracy", "Evelyn", "Ella", "Kelsey", "Kristin", "Destiny", "Diana", "Holly", "Caroline", "Charlotte", "Jenna", "Amelia", "Cassandra", "Susan", "Margaret", "Molly", "Shelby", "Dana", "Mackenzie", "Veronica", "Audrey", "Paige", "Lily", "Stacy", "Katelyn", "Addison", "Lillian", "Gabrielle", "Sofia", "Valerie", "Lindsay", "Kaylee", "Sandra", "Alexa", "Madeline", "Kathleen", "Tina", "Claire", "Autumn", "Dawn", "Zoe", "Wendy", "Tammy", "Sabrina", "Peyton", "Aubrey", "Kristina", "Carrie", "Marissa", "Bailey", "Erika", "Brenda", "Gabriella", "Caitlin", "Faith", "Stacey", "Kylie", "Miranda", "Lori", "Denise", "Mariah", "Brandy", "Brooklyn", "Makayla", "Teresa", "Nancy", "Brandi", "Ariana", "Pamela", "Jocelyn", "Heidi", "Sierra", "Alexandria", "Whitney", "Maya", "Robin", "Meghan", "Natasha", "Briana", "Linda", "Alison", "Bethany", "Lydia", "Kara", "Arianna", "Kendra", "Naomi", "Jade", "Aaliyah", "Layla", "Ana", "Angelina", "Ariel", "Jill", "Adriana", "Harper", "Angelica", "Gina", "Skylar", "Michele", "Zoey", "Tanya", "Katrina", "Renee", "Brittney", "Isabel", "Kendall", "Breanna", "Sharon", "Jillian", "Tonya", "Trinity", "Nevaeh", "Theresa", "Misty", "Madelyn", "Barbara", "Gabriela", "Deborah", "Eva", "Summer", "Joanna", "Kennedy", "Tamara", "Ruby", "Payton", "Cindy", "Anne", "Christy", "Rachael", "Krystal", "Desiree", "Bianca", "Sophie", "Daisy", "Lucy", "Dominique", "Donna", "Melinda", "Deanna", "Genesis", "Cheyenne", "Camila", "Carolyn", "Sadie", "Rebekah", "Isabelle", "Gianna", "Nora", "Bridget", "Monique", "Carmen", "Krista", "Felicia", "Scarlett", "Hope", "Jada", "Carly", "Natalia", "Ann", "Kate", "Jenny", "Nichole", "Meredith", "Quinn", "Elena", "Colleen", "Mckenzie", "Alice", "Regina", "Cheryl", "Ellie", "Daniela", "Cassidy", "Claudia", "Carla", "Kristy", "Melody", "Jordyn", "Reagan", "Karina", "Paula", "Serenity", "Stella", "Vivian", "Kaitlin", "Bella", "Valeria", "Rylee", "Karla", "Kelli", "Candice", "Marie", "Eleanor", "Liliana", "Janet", "Tabitha", "Nina", "Priscilla", "Mya", "Virginia", "Mallory", "Rose", "Alisha", "Abby", "Kristi", "Mikayla", "Candace", "Alana", "Guadalupe", "Ruth", "Caitlyn", "Juliana", "Aria", "Josephine", "Elise", "Joy", "Esther", "Lacey", "Maggie", "Martha", "Violet", "Alejandra", "Penelope", "Clara", "Gracie", "Rhonda", "Debra", "Beth", "Cecilia", "Kiara", "Michaela", "Suzanne", "Hayley", "Kylee", "Jodi", "Aimee", "Tessa", "Gloria", "Jaclyn", "Sherry", "Allyson", "Camille", "Rosa", "Yolanda", "Reese", "Cristina", "Kari", "Latoya", "Selena", "Miriam", "Ashlyn", "Kirsten", "Diane", "Tracey", "Sheila", "Piper", "Adrianna", "London", "Jasmin", "Aurora", "Helen", "Adrienne", "Marisa", "Kristine", "Kerry", "Annabelle", "Ashlee", "Cara", "Kasey", "Alexia", "Giselle", "Lilly", "Janelle", "Esmeralda", "Julianna", "Harley", "Ellen", "Toni", "Raven", "Carol", "Jazmin", "Meagan", "Callie", "Raquel", "Jody", "Makenzie", "Nadia", "Ivy", "Mila", "Aubree", "Jane", "Annie", "Alaina", "Jayla", "Sonia", "Eden", "Cora", "Sylvia", "Shelly", "Ebony", "Aliyah", "Khloe", "Hazel", "Yesenia", "Kyla", "Shawna", "Eliana", "Anastasia", "Kathy", "Alondra", "Bonnie", "Laurie", "Jacquelyn", "Delaney", "Mckenna", "Robyn", "Paisley", "Celeste", "Iris", "Emerson", "Angie", "Sasha", "Alissa", "Jazmine", "Cassie", "Anita", "Hanna", "Kellie", "Serena", "Mandy", "Sonya", "Frances", "Carolina", "Mariana", "Genevieve", "Laila", "Sidney", "Britney", "Tori", "Kira", "Delilah", "Diamond", "Valentina", "Paris", "Kyra", "Eliza", "Tasha", "Jackie", "Trisha", "Josie", "Ciara", "Nikki", "Lynn", "Brielle", "Tatiana", "Mercedes", "Yvonne", "Christie", "Traci", "Mindy", "Stefanie", "Georgia", "Jeanette", "Clarissa", "Annette", "Luna", "Terri", "Ashleigh", "Brooklynn", "Johanna", "Asia", "Mayra", "Noelle", "Kassandra", "Kelley", "Fatima", "Jean", "Chelsey", "Allie", "Stacie", "Kim", "Marisol", "Tricia", "Janice", "Lucia", "Elisabeth", "Alina", "Amaya", "Hadley", "Willow", "Kayleigh", "Marilyn", "Irene", "Athena", "Elaine", "Madeleine", "Savanna", "Yvette", "Tia", "Emilia", "Katelynn", "Justine", "Camryn", "Latasha", "Charity", "Leilani", "Connie", "Leticia", "Kristie", "Shayla", "Elisa", "Keira", "Dorothy", "Emery", "Lena", "Sage", "Makenna", "Marina", "Daniella", "Macy", "Charlene", "Haylee", "Marley", "Leila", "Lila", "Joyce", "Judith", "Kerri", "Adeline", "Alivia", "Brenna", "Alayna", "Keri", "Carissa", "Christa", "Cierra", "Lyla", "Fiona", "Sandy", "Shelley", "Hillary", "Talia", "Francesca", "Kinsley", "Tiana", "Shana", "Harmony", "Ximena", "Alyson", "Heaven", "Alma", "Teagan", "Rachelle", "Sienna", "Lorena", "Izabella", "Angelique", "Roxanne", "Gwendolyn", "Kenya", "Leigh", "Kailey", "Arielle", "Gretchen", "Lesley", "Ryleigh", "Kali", "Tatum", "Aniyah", "Shanna", "Presley", "Eileen", "Belinda", "Imani", "Taryn", "Beverly", "Kamryn", "Tania", "Kiana", "Sally", "Jana", "Chasity", "Darlene", "Rosemary", "Brynn", "Finley", "Rita", "Shirley", "Lana", "Julissa", "Marlene", "Juliet", "Sherri", "Ashlynn", "Lola", "Bobbie", "Lizbeth", "Juanita", "Tiara", "Lexi", "Alisa", "Phoebe", "Joanne", "Malia", "Norma", "Elisha", "Becky", "Paola", "Betty", "Rochelle", "Emilee", "Maureen", "Tamika", "Elaina", "Lara", "Shauna", "Daphne", "Randi", "Ericka", "Skye", "Nia", "Aisha", "Larissa", "Corinne", "Cadence", "Blair", "Simone", "Maribel", "Norah", "Viviana", "Billie", "Keisha", "Isla", "Alanna", "Katharine", "Sheena", "Antoinette", "Lea", "Kaylie", "Edith", "Juliette", "India", "Jenifer", "Brianne", "Staci", "Laurel", "Baylee", "Hallie", "Kiera", "Lauryn", "Sheri", "Judy", "Hilary", "Ayla", "Tracie", "Cortney", "Kiley", "Penny", "Lyric", "Julianne", "Ginger", "Cathy", "Maddison", "Adalyn", "Karissa", "Adalynn", "Maritza", "Yasmin", "Rylie", "Kassidy", "Tanisha", "Emely", "Lacy", "Luz", "Alessandra", "Jennie", "Jolene", "Perla", "Kelsie", "Jayda", "Bryanna", "Alexus", "Raegan", "Madalyn", "Kaylin", "Blanca", "Londyn", "Nayeli", "Kyleigh", "Trina", "Katlyn", "Mikaela", "Lia", "Latonya", "Aileen", "Shea", "Margarita", "Joann", "Wanda", "Leanna", "Jami", "Latisha", "Sarai", "Precious", "Amie", "Joan", "Maci", "Regan", "Bridgette", "Cali", "Debbie", "Dulce", "Nova", "Emilie", "Kenzie", "Antonia", "Audra", "Jodie", "Annika", "Kimberley", "June", "Madilyn", "Mollie", "Araceli", "Haven", "Helena", "Noemi", "Arabella", "Leanne", "Dina", "Tabatha", "Aspen", "Abbey", "Lilliana", "Chanel", "Everly", "Nyla", "Itzel", "Constance", "Celia", "Mara", "Raelynn", "Dianna", "Joselyn", "Miracle", "Macie", "Janae", "Ainsley", "Aniya", "Destinee", "Kinley", "Elyse", "Catalina", "Ada", "Kaitlynn", "Eve", "Carley", "Myra", "Kaydence", "Susana", "Anya", "Deja", "Loretta", "Evangeline", "Vicki", "Paulina", "Lorraine", "Melina", "Nathalie", "Arya", "Marion", "Kaleigh", "Ingrid", "Arlene", "Marsha", "Samara", "Anahi", "Shayna", "Bobbi", "Katy", "Brandie", "Adelyn", "Fernanda", "Rosalie", "Lucille", "Jayme", "Patrice", "Kierra", "Madisyn", "Elsa", "Hollie", "Beatrice", "Shania", "Peggy", "Addyson", "Hailee", "Marcia", "Lora", "Sonja", "Cristal", "Clare", "Jadyn", "Ayanna", "Danica", "Carina", "Cheyanne", "Melisa", "Journey", "Tierra", "Bria", "Danna", "Stevie", "Gillian", "Camilla", "Lynette", "Carey", "Dena", "Liana", "Anika", "Betsy", "Reyna", "Kaelyn", "Cecelia", "Nicolette", "Devyn", "Tiffani", "Elsie", "Lillie", "Bailee", "Lyndsey", "Kourtney", "Kiersten", "Chantel", "Lilian", "Madelynn", "Gia", "Darcy", "Rhiannon", "Amira", "Amara", "Jaqueline", "Jaelyn", "Lesly", "Meaghan", "Roberta", "Haleigh", "Selina", "Elle", "Janine", "Vera", "Terra", "Kaila", "Teri", "Chelsie", "Casandra", "Gemma", "Halle", "Silvia", "Abbie", "Carlie", "Aleah", "Leann", "Estrella", "Lilah", "Nataly", "Christi", "Tayler", "Tami", "Jazlyn", "Jeanne", "Janessa", "Elliana", "Adelaide", "Beatriz", "Bernadette", "Chandra", "Felicity", "Nadine", "Amiyah", "Maia", "Elissa", "Kaley", "Kori", "Kailyn", "Tonia", "Greta", "Aubrie", "Janie", "Eloise", "Krystle", "Lexie", "Shiloh", "Candy", "Stephany", "Tess", "Melany", "Rocio", "Annabella", "Lakeisha", "Deana", "Mckinley", "Tyra", "Jimena", "Madyson", "Tameka", "Marlee", "Mckayla", "Marcella", "Tianna", "Desirae", "Marla", "Maura", "Ashanti", "Chrystal", "Yasmine", "Amani", "Charlee", "Kacey", "Liberty", "Mariam", "Nikita", "Anaya", "Marjorie", "Yadira", "Amina", "Christen", "Karlee", "Brynlee", "Lakisha", "Ramona", "Vivienne", "Trista", "Celina", "Brook", "Maeve", "Kacie", "Alena", "Moriah", "Kendal", "Tamia", "Tammie", "Annalise", "Joelle", "Kailee", "Leighton", "Kennedi", "Dayana", "Jacklyn", "Chaya", "Micaela", "Princess", "Brittani", "Colette", "Sloane", "Cheri", "Scarlet", "Miley", "Angelia", "Marianne", "Abbigail", "Cherie", "Jewel", "Kamila", "Delia", "Aylin", "Janette", "Shaina", "Shari", "Skyla", "Myla", "Thalia", "Jena", "Liza", "Cori", "Jeannette", "Carlee", "Kaylyn", "Jeannie", "Octavia", "Christin", "Kadence", "Corina", "Ciera", "Keely", "Ashly", "Kaia", "Esperanza", "Olive", "Maliyah", "Janiyah", "Breana", "Rebeca", "Damaris", "Maranda", "Maryann", "America", "Sheryl", "Isis", "Maricela", "Charley", "Irma", "Dayna", "Ariella", "Doris", "Zara", "Darla", "Kristal", "Kaylynn", "Gail", "Farrah", "Magdalena", "Iliana", "Laney", "Gladys", "Giovanna", "Pearl", "Joni", "Sky", "Anissa", "Jolie", "Leia", "Montana", "Nakia", "Ayana", "Emory", "Cayla", "Graciela", "Macey", "Karin", "Mariela", "Kimberlee", "Karlie", "Vicky", "Ansley", "Chana", "Lizette", "Vickie", "Katina", "Olga", "Susanna", "Karli", "Marcy", "Shay", "Pauline", "Karly", "Gracelyn", "Alia", "Kallie", "Hana", "Janna", "Dahlia", "Breanne", "Dora", "Jaycee", "Glenda", "Jayleen", "Janiya", "Marian", "Sunny", "Angeline", "Tatyana", "Ember", "Mattie", "Raelyn", "Ryann", "Lorelei", "Marianna", "Martina", "Cherish", "Annabel", "Lacie", "Dalia", "Geneva", "Ashlie", "Annmarie", "Danika", "Shantel", "Adrianne", "Raina", "Dara", "Isabela", "Luciana", "Lucinda", "Haylie", "Rayna", "Santana", "Kelsi", "Yaretzi", "Winter", "Lina", "Mandi", "Giuliana", "Chastity", "Joslyn", "Averie", "Celine", "Gisselle", "Braelyn", "Jaimie", "Thea", "Reina", "Remi", "Brylee", "Ivory", "Zoie", "Fallon", "Blakely", "Shanice", "Jo", "Zariah", "Sade", "Leona", "Patience", "Louise", "Arely", "Alecia", "Campbell", "Amya", "Christiana", "Bridgett", "Essence", "Savanah", "Ally", "Kenna", "Cari", "Kaci", "Malinda", "Aleena", "Alysha", "Juana", "Natalee", "Laci", "Demi", "Roxana", "Alycia", "Reilly", "Justina", "Lourdes", "Marquita", "Racheal", "Edna", "Adelynn", "Leeann", "Ronda", "Maegan", "Kaya", "Janel", "Shyanne", "Lashawn", "Lilia", "Janell", "Lashonda", "Catrina", "Jaliyah", "Marisela", "Lainey", "Wendi", "Zaria", "Jaida", "Myah", "Jaylynn", "Katelin", "Darby", "Maryam", "Tera", "Marcie", "Jazmyn", "Aliya", "Demetria", "Brinley", "Alysia", "Kasandra", "Mina", "Evie", "Lynda", "Mira", "Millie", "Kaliyah", "Tiffanie", "Aracely", "Aliza", "Emersyn", "Paloma", "Caylee", "Luisa", "Marlena", "Jeanine", "Bree", "Jaylah", "Georgina", "Libby", "Selah", "Valarie", "Rosie", "Jaidyn", "Briella", "Addisyn", "Yazmin", "Saige", "Maxine", "Nylah", "Alexandrea", "Renata", "Carli", "Belen", "Aryanna", "Rosalinda", "Zuri", "Marci", "Latrice", "Eunice", "Katarina", "Mireya", "Fabiola", "Lizeth", "Kenia", "Sherrie", "Aiyana", "Rena", "Sarina", "Salma", "Evelynn", "Amalia", "Gwen", "Dixie", "Rosemarie", "Journee", "Kristyn", "Jaylene", "Tisha", "Deidre", "Kayley", "Anabel", "Shakira", "Giana", "Lakesha", "Dolores", "Anabelle", "Yareli", "Malaysia", "Madilynn", "Emmalee", "Kimora", "Ivette", "Geraldine", "Jaelynn", "Shelia", "Miah", "Mona", "Renae", "Griselda", "Sydnee", "Kirstin", "Alani", "Margot", "Aja", "Tegan", "Lisette", "Monika", "Jacey", "Brisa", "Asha", "Hattie", "Kianna", "Siena", "Mari", "Abril", "Xiomara", "Madalynn", "Rhea", "Christal", "Lilyana", "Ida", "Audrina", "Rosalyn", "Kami", "Matilda", "Rosario", "Kaycee", "Mae", "Adele", "Adelina", "Unique", "Sariah", "Margo", "Kimber", "Keyla", "Kaylen", "Azariah", "Rubi", "Destini", "Destiney", "Valencia", "Maren", "Karsyn", "Chantal", "Roxanna", "Jayde", "Bryn", "Susie", "Kalyn", "Emelia", "Amaris", "Maleah", "Jessi", "Iesha", "Francine", "Kinsey", "Misti", "Adaline", "Jamila", "Bristol", "Halie", "Kia", "Andria", "Akira", "Karley", "Ladonna", "Taliyah", "Davina", "Yessenia", "Mabel", "Amiya", "Astrid", "Lorie", "Yaritza", "Emmy", "Latanya", "Gracelynn", "Annamarie", "Annemarie", "Rosanna", "Alesha", "Kala", "Sloan", "Lidia", "Daleyza", "Dionne", "Leyla", "Kenyatta", "Willa", "Deirdre", "Hilda", "Dianne", "Tamera", "Kathrine", "Marta", "Dani", "Ariah", "Stormy", "Holli", "Anais", "Ashtyn", "Shyla", "Kenley", "Lois", "Roselyn", "Eryn", "Emerald", "Briley", "Marcela", "Karrie", "Lucero", "Rivka", "Charli", "Amelie", "Paulette", "Charmaine", "Monserrat", "Domonique", "Karyn", "Jaylee", "Joana", "Deidra", "Faye", "Elana", "Berenice", "Estella", "Addie", "Jaylyn", "Dania", "Sherlyn", "Amirah", "Ami", "Cathleen", "Louisa", "Aida", "Miya", "Bertha", "Livia", "Marlo", "Bernice", "Rikki", "Elyssa", "Kayli", "Meadow", "Paislee", "Alysa", "Shae", "Corrine", "Lyndsay", "Juniper", "Lexus", "Deena", "Nikole", "Nathaly", "Katerina", "Coral", "Lawanda", "Flor", "Freya", "Mildred", "Corrie", "Lilianna", "Ivanna", "Lissette", "Noor", "Allyssa", "Kaiya", "Shanda", "Frida", "Sue", "Evelin", "Starr", "Harlow", "Shaylee", "Arden", "Emmalyn", "Ashely", "Alyse", "Jordin", "Khadijah", "Tamra", "Samira", "Mika", "Elianna", "Eboni", "Kassie", "Krysta", "Keila", "Litzy", "Katheryn", "Florence", "Sutton", "Milagros", "Aryana", "Phyllis", "Jazlynn", "Rayne", "Sarahi", "Kalani", "Cristy", "Jeri", "Richelle", "Tosha", "Britany", "Natalya", "Galilea", "Laken", "Jalyn", "Estefania", "Ivana", "Latosha", "Saniya", "Noa", "Addilyn", "Jakayla", "Selene", "Denisse", "Shaniya", "Tammi", "Braelynn", "Stacia", "Danae", "Kisha", "Cecily", "Dominque", "Dayanara", "Kaela", "Johana", "Shameka", "Vanesa", "Chantelle", "Averi", "Gena", "Salina", "Shyann", "Kaylah", "Star", "Kay", "Johnna", "Alannah", "Kayleen", "Saniyah", "Leigha", "Whitley", "Kandice", "Caryn", "Stefani", "Harlee", "Yoselin", "Treasure", "Alayah", "Saylor", "Brittni", "Suzanna", "Jalisa", "Jocelynn", "Leandra", "Bryana", "Mariel", "Jackeline", "Shonda", "Nellie", "Julieta", "Sondra", "Shante", "Abigayle", "Jenelle", "Anabella", "Aurelia", "Jael", "Calista", "Jeanna", "Kerrie", "Jessika", "Mercy", "Sheree", "Nola", "Makena", "Aliana", "Amberly", "Sommer", "Therese", "Marin", "Hailie", "Rae", "Jasmyn", "Zahra", "Hadassah", "Cathryn", "Keeley", "Malissa", "Karis", "Suzette", "Breann", "Areli", "Noelia", "Monroe", "Priya", "Malaya", "Lindy", "Rihanna", "Josefina", "Isabell", "Kortney", "Maira", "Kensley", "Taya", "Kelsea", "Yuliana", "Siobhan", "Ashli", "Daria", "Kacy", "Della", "Charleigh", "Rhianna", "Abagail", "Violeta", "Aviana", "Azalea", "Lilith", "Mariyah", "Holland", "Janay", "Susannah", "Shanika", "Adela", "Brigitte", "Danelle", "Abigale", "Linnea", "Danyelle", "Wren", "Maryjane", "Magnolia", "Jeannine", "Chyna", "Kyndall", "Nathalia", "Adilene", "Tamar", "Lynne", "Katia", "Sheridan", "Valery", "Tenley", "Jessa", "Lorelai", "Alexi", "Tatianna", "Yajaira", "Ayesha", "Yasmeen", "Katlin", "Karmen", "Ireland", "Reanna", "Azaria", "Felisha", "Niki", "Nicola", "Carleigh", "Iman", "Lailah", "Sanaa", "Deandra", "Sharonda", "Susanne", "Shelbi", "Ursula", "Nicolle", "Eugenia", "Chanda", "Lela", "Consuelo", "Kodi", "Laylah", "Adina", "Marlen", "Brandee", "Shanon", "Tanesha", "Nya", "Karma", "Evangelina", "Michell", "Elia", "Brea", "Alaya", "Caleigh", "Wynter", "Alize", "Jamya", "Annelise", "Sydni", "Jessenia", "Portia", "Maisie", "Lillianna", "Anjali", "Zainab", "Flora", "Nelly", "Doreen", "Braylee", "Kristan", "Felecia", "Keshia", "Petra", "Savana", "Lynnette", "Aya", "Serina", "Heidy", "Venus", "Jazmyne", "Kandace", "Cailyn", "Andi", "Shelbie", "Kylah", "Francisca", "Dasia", "Hayleigh", "Annalee", "Farah", "Codi", "Cambria", "Kora", "Kalie", "Shaniqua", "Marguerite", "Ayleen", "Jayne", "Rosalind", "Ellison", "Jeana", "Emani", "Grecia", "Linsey", "Michal", "Eleni", "Shamika", "Milena", "Nyasia", "Breonna", "Jailyn", "Tayla", "Deanne", "Annalisa", "Kya", "Avianna", "Jammie", "Zaniyah", "Sunshine", "May", "Charlize", "Paityn", "Sydnie", "Kaylan", "Carmela", "Lylah", "Kesha", "Shanta", "Madisen", "Ariyah", "Chiquita", "Estelle", "Riya", "Avah", "Shira", "Starla", "Gwyneth", "Chanelle", "Adria", "Yahaira", "Shantell", "Taniya", "Jemma", "Lynsey", "Lianna", "Jacquelin", "Corinna", "Ivonne", "Candi", "Estefany", "Cinthia", "Jalynn", "Caitlynn", "Brionna", "Kalli", "Kamilah", "Kendyl", "Anisa", "Henley", "Dalila", "Amia", "Elvira", "Xochitl", "Isela", "Tawana", "Ilana", "Angelita", "Yamileth", "Melodie", "Jerri", "Brittanie", "Adriane", "Mai", "Tana", "Nyah", "Iyana", "Casie", "Alyssia", "Alyvia", "Soraya", "Krystina", "Lakeshia", "Roslyn", "Keara", "Cataleya", "Jesica", "Viola", "Malka", "Collins", "Anneliese", "Tarah", "Shellie", "Jesenia", "Darci", "Laquita", "Everleigh", "Myranda", "Moira", "Thelma", "Analia", "Makaila", "Desire", "Delores", "Mellissa", "Joi", "Alaysia", "Kailani", "Deasia", "Corrina", "Lenora", "Esme", "Margie", "Iyanna", "Audriana", "Ophelia", "Tyesha", "Kati", "Alora", "Daisha", "Emmaline", "Patty", "Antonella", "Shanell", "Carmella", "Lashanda", "Venessa", "Charissa", "Shannan", "Tanika", "Giavanna", "Carsyn", "Magaly", "Gayle", "Shoshana", "Kalia", "Antionette", "Chiara", "Alexys", "Kamille", "Montserrat", "Shalonda", "Kairi", "Kayle", "Shreya", "Jerrica", "Yuri", "Milana", "Jenni", "Stephenie", "Jaedyn", "Jayna", "Malika", "Audrianna", "Stephani", "Natali", "Zariyah", "Yamilet", "Aliah", "Kynlee", "Shanelle", "Racquel", "Jordynn", "Jaimee", "Salena", "Debora", "Brigid", "Kyndal", "Jeanie", "Cydney", "Hali", "Cami", "Katalina", "Agnes", "Estela", "Karleigh", "Britni", "Ester", "Cordelia", "Lani", "Priscila", "Anisha", "Aleigha", "Corie", "Nichelle", "Bayleigh", "Aundrea", "Jaci", "Delanie", "Alessia", "Sabina", "Andra", "Anjelica", "Denisha", "Kaelynn", "Alisson", "Julisa", "Promise", "Ellery", "Annaliese", "Estefani", "Neha", "Aubri", "Liv", "Leena", "Samiyah", "Calli", "Letitia", "Yara", "Ileana", "Scout", "Shavon", "Niya", "Salem", "Diya", "Naya", "Janiah", "Elora", "Melia", "Berkley", "Aislinn", "Lupita", "Laine", "Aubrianna", "Viridiana", "Celena", "Kasie", "Monet", "Sandi", "Franchesca", "Lorrie", "Arin", "Mallorie", "Catina", "Inez", "Lisbeth", "Lanie", "Shasta", "Belle", "Blaire", "Emmie", "Rosalia", "Jourdan", "Jamia", "Brigette", "Tiera", "Abrianna", "Symone", "Tristyn", "Tasia", "Naima", "Neveah", "Shani", "Maliah", "Chelsi", "Cassondra", "Lorna", "Elvia", "China", "Porsha", "Nalani", "Mitzi", "Cristin", "Lilyanna", "Mikala", "Jasmyne", "Karie", "Kailynn", "Lesli", "Jocelyne", "Nikia", "Kenisha", "Carole", "Adyson", "Latricia", "Mellisa", "Quiana", "Samatha", "Joselin", "Isha", "Maddie", "Krysten", "Alba", "Katlynn", "Izabelle", "Carrington", "Milani", "Misha", "Aiyanna", "Kirstie", "Analise", "Aminah", "Darcie", "Blythe", "Elayna", "Jacy", "Heavenly", "Anastacia", "Stefany", "Abrielle", "Jerica", "Maiya", "Arlette", "Pilar", "Shara", "Samaria", "Taniyah", "Veda", "Jacinda", "Sahara", "Opal", "Coraline", "Jaslyn", "Acacia", "Patsy", "Harlie", "Kalee", "Harleigh", "Polly", "Daniele", "Marleigh", "Chante", "Emmeline", "Meghann", "Shianne", "Nailah", "Andie", "Sana", "Cleo", "Janis", "Afton", "Yessica", "Keren", "Honesty", "Amiah", "Jacie", "Anitra", "Alix", "Elina", "Danette", "Halley", "Citlali", "Rhyan", "Elin", "Adison", "Romina", "Elysia", "Chrissy", "Arianne", "Khadija", "Juliann", "Keyana", "Jackelyn", "Kiya", "Althea", "Melani", "Sequoia", "Windy", "Tressa", "Yulissa", "Imelda", "Payten", "Kiarra", "Evalyn", "Vienna", "Mylee", "Zaira", "Jaquelin", "Dannielle", "Malorie", "Lyra", "Malina", "Janeth", "Winnie", "Scarlette", "Gracyn", "Rianna", "Sheyla", "Deann", "Marielle", "Elicia", "Crista", "Dalilah", "Kaylene", "Raylee", "Alea", "Karolina", "Latonia", "Bryleigh", "Cailey", "Kaylani", "Rana", "Minerva", "Giada", "Mindi", "Tyanna", "Cailin", "Brittny", "Liz", "Alli", "Sofie", "Karol", "Rileigh", "Tawnya", "Tabetha", "Reign", "Sariyah", "Tierney", "Emalee", "Alanah", "Ariya", "Joseline", "Benita", "Janaya", "Joleen", "Dasha", "Azul", "Alesia", "Josette", "Trudy", "Nala", "Analisa", "Mahogany", "Tomeka", "Kandi", "Sharlene", "Allegra", "Tiarra", "Kaelin", "Kalea", "Cherise", "Jaycie", "Marybeth", "Jaymie", "Dionna", "Holley", "Keily", "Keanna", "Tawny", "Angelic", "Tenisha", "Charis", "Charla", "Charisma", "Clarice", "Raya", "Melonie", "Marlie", "Keyonna", "Kalynn", "Josey", "Evette", "Zelda", "Kindra", "Echo", "Bethanie", "Fawn", "Sylvie", "Nicki", "Keli", "Abbygail", "Vivien", "Samiya", "Gisela", "Shanae", "Jeniffer", "Sherita", "Devorah", "Azucena", "Ricki", "Jessalyn", "Sol", "Harriet", "Terrie", "Merissa", "Egypt", "Caydence", "Vivianna", "Myesha", "Ariane", "Bonita", "Makala", "Elly", "Chassidy", "Marnie", "Ariadne", "Emmalynn", "Destany", "Lorin", "Collette", "Makenzi", "Malena", "Shanita", "Magen", "Stephaine", "Alianna", "Clementine", "Maryanne", "Jurnee", "Sapphire", "Charisse", "Vianey", "Ananya", "Erinn", "Ciarra", "Baylie", "Ailyn", "Keyanna", "Kera", "Ginny", "Mirna", "Lucie", "Manuela", "Jaya", "Arleth", "Lexis", "Sharla", "Denice", "Shaelyn", "Elva", "Merritt", "Brittaney", "Annabell", "Aubry", "Jalissa", "Harmoni", "Sanai", "Cameryn", "Jazzlyn", "Chantell", "Emerie", "Jersey", "Adley", "Tawanda", "Shawnee", "Jenesis", "Alisia", "Rilee", "Kaytlin", "Deonna", "Stormie", "Aubrielle", "Cloe", "Keziah", "Ria", "Rosalee", "Renita", "Kaidence", "Kalina", "Soleil", "Amayah", "Capri", "Mariella", "Izabel", "Poppy", "Autum", "Kelcie", "Brookelyn", "Danita", "Kierstin", "Gisele", "Malak", "Kiah", "Chelsy", "Georgette", "Kaleah", "Brieanna", "Yarely", "Shelli", "Maite", "Jaleesa", "Karah", "Keona", "Ellianna", "Mackenna", "Jenae", "Dee", "Odalys", "Aditi", "Jonna", "Leela", "Brookelynn", "Caren", "Candis", "Amethyst", "Jamiyah", "Mica", "Ashlea", "Kelsy", "Pricilla", "Lluvia", "Breeanna", "Karri", "Saanvi", "Kamya", "Patti", "Jacquelynn", "Leilah", "Jewell", "Myrna", "Dariana", "Danyel", "Arie", "Magali", "Rain", "Kamiyah", "Torrie", "Leeanna", "Magdalene", "Karena", "Jamiya", "Yanira", "Dayanna", "Carie", "Kyara", "Ila", "Oriana", "Latesha", "Dejah", "Sharron", "Jenessa", "Nechama", "Natosha", "Zakiya", "Leana", "Cielo", "Hadlee", "Krystin", "Maile", "Dinah", "Rachell", "Britta", "Danya", "Imari", "Dior", "Ayah", "Angeles", "Charly", "Laniyah", "Makiyah", "Ema", "Shaila", "Leighann", "Roni", "Tonja", "Janeen", "Ariyana", "Haily", "Aubriana", "Ruthie", "Kaylea", "Amal", "Aryn", "Jaleah", "Page", "Reba", "Ofelia", "Divine", "Toya", "Mayte", "Melony", "Meg", "Joslynn", "Tawanna", "Ryanne", "Saira", "Josselyn", "Carlene", "Millicent", "Kayce", "Makaylah", "Jordana", "Kloe", "Cherry", "Rashida", "Zaniya", "Miyah", "Jovanna", "Daija", "Etta", "Rebecka", "Yaneli", "Ines", "Maylee", "Rina", "Raeann", "Mercedez", "Blessing", "Adamaris", "Kinslee", "Veronika", "Samia", "Nakita", "Zoya", "Rochel", "Jailene", "Rosetta", "Coleen", "Torri", "Lillyana", "Jaslene", "Halee", "Fatimah", "Fannie", "Roseann", "Avalon", "Loni", "Royalty", "Keturah", "Teegan", "Lupe", "Torie", "Lucretia", "Sharee", "Larisa", "Brynna", "Rhoda", "Laniya", "Nanette", "Addilynn", "Meranda", "Vada", "Akilah", "Meggan", "Talisha", "Latia", "Keyona", "Kimberlyn", "Janee", "Temperance", "Alliyah", "Chyanne", "Queen", "Nallely", "Christianna", "Elinor", "Jolee", "Reva", "Carisa", "Lauri", "Gracen", "Aniah", "Emme", "Tiesha", "Aleisha", "Becca", "Nisha", "Zaylee", "Brittnee", "Shaniyah", "Shavonne", "Amora", "Ania", "Janai", "Destinie", "Jennah", "Meera", "Preslee", "Mirella", "Clarisa", "Parris", "Deisy", "Genna", "Makiya", "Wilma", "Elexis", "Calla", "Lillyanna", "Danyell", "Helene", "Amyah", "Brie", "Audrie", "Ariadna", "Margaux", "Ayva", "Ivey", "Noelani", "Lashay", "Deandrea", "Taliah", "Nichol", "Simran", "Rayven", "Ilene", "Kenyetta", "Alise", "Lakota", "Katya", "Sarita", "Roxann", "Karoline", "Vida", "Kady", "Emi", "Magan", "Tamela", "Kaili", "Sirena", "Kelcey", "Adia", "Chanell", "Laquisha", "Maricruz", "Tinsley", "Evelina", "Tyla", "Zaida", "Taisha", "Spring", "Tangela", "Pyper", "Karisa", "Mylah", "Cherokee", "Alanis", "Nariah", "Indigo", "Hadleigh", "Aleksandra", "Kellee", "Reem", "Lili", "Daniell", "Lilyann", "Lexy", "Amariah", "Jolynn", "Chevelle", "Latoria", "Shivani", "Shaneka", "Laina", "Aanya", "Ethel", "Elida", "Myka", "Isadora", "Rachele", "Tahlia", "Marlowe", "Shawanda", "Anamaria", "Tomika", "Tamya", "Aysha", "Missy", "Kamora", "Klarissa", "Milania", "Lolita", "Alethea", "Abygail", "Nydia", "Saundra", "Lakia", "Kameryn", "Ebonie", "Khalia", "Kaytlyn", "Madysen", "Gizelle", "Kristiana", "Jania", "Justyce", "Triniti", "Caprice", "Citlaly", "Jacquline", "Ani", "Selma", "Itzayana", "Makaela", "Marlyn", "Tinley", "Samya", "Alishia", "Bessie", "Christel", "Zulema", "Rosalina", "Marely", "Shaye", "Joycelyn", "Chava", "Ariela", "Cindi", "Keana", "Mimi", "Tyana", "Ashlin", "Nour", "Natashia", "Carin", "Minnie", "Antonette", "Neva", "Mykayla", "Kanisha", "Keesha", "Annamaria", "Bettina", "Lilli", "Odalis", "Kenzi", "Raine", "Faigy", "Suri", "Talya", "Korie", "Edie", "Alyce", "Jamee", "Theodora", "Qiana", "Juli", "Caley", "Jacelyn", "Shantelle", "Buffy", "Verna", "Odessa", "Gitty", "Eloisa", "Taylin", "Sailor", "Bambi", "Aleshia", "Cristen", "Gwenyth", "Allysa", "Nereida", "Araya", "Kadie", "Micayla", "Allana", "Anessa", "Gabriele", "Kaileigh", "Nayely", "Kyah", "Keilani", "Mavis", "Jocelin", "Jaquelyn", "Delana", "Maryellen", "Shilo", "Claudine", "Rania", "Kiesha", "Sallie", "Avalyn", "Khaleesi", "Apryl", "Avani", "Kamaria", "Jaeda", "Tionna", "Colbie", "Aviva", "Brissa", "Vania", "Talitha", "Samaya", "Avalynn", "Siera", "Zora", "Jamiah", "Kamiya", "Bronwyn", "Taraji", "Shawnna", "Miesha", "Catharine", "Rebeka", "Anniston", "Jacinta", "Yuridia", "Larkin", "Lacee", "Angella", "Honor", "Lesa", "Sabine", "Kelis", "Angelika", "Zena", "Iva", "Roseanna", "Shandra", "Taylar", "Tesla", "Davida", "Corin", "Shaunna", "Jenniffer", "Cianna", "Madelyne", "Katherin", "Jazelle", "Jaela", "Lizet", "Nickole", "Kymberly", "Love", "Salome", "Lizabeth", "Noreen", "Vannessa", "Audree", "Sharita", "Daysha", "Raylynn", "Leilany", "Nakisha", "Peighton", "Haydee", "Clair", "Ambar", "Goldie", "Divya", "Mechelle", "Leslee", "Madelin", "Armoni", "Ariyanna", "Allisson", "Gissel", "Nahla", "Malayah", "Alaia", "Rilynn", "Avril", "Caylin", "Yazmine", "Brynne", "Claudette", "Abriana", "Bayley", "Shai", "Kristel", "Valorie", "Glory", "Dacia", "Adelle", "Legacy", "Niyah", "Rosio", "Leora", "Mayah", "Emoni", "Angelena", "Makiah", "Giulia", "Jazzmine", "Jubilee", "Maycee", "Taina", "Joanie", "Shaquita", "Ailani", "Jianna", "Lilyan", "Tala", "Briseida", "Mirian", "Baila", "Crissy", "Kensington", "Shanel", "Cristine", "Mattison", "Amarie", "Ashia", "Phylicia", "Soledad", "Persephone", "Tea", "Mariya", "Haidyn", "Jaila", "Anayah", "Luella", "Jaclynn", "Freda", "Danisha", "Shakia", "Sybil", "Daja", "Kelci", "Kyndra", "Taelor", "Waverly", "Layna", "Linette", "Aubriella", "Carolynn", "Gracey", "Skylynn", "Tamiko", "Morgen", "Taleah", "Kimberli", "Clover", "Kizzy", "Laisha", "Kacee", "Chesney", "Tracee", "Beatrix", "Alexsandra", "Mikaila", "Markita", "Rosanne", "Aitana", "Kirra", "Dennise", "Sacha", "Marlana", "Zahara", "Yesica", "Korina", "Cady", "Candida", "Lakyn", "Lou", "Johannah", "Arica", "Shonna", "Nayla", "Dori", "Latavia", "Cienna", "Pepper", "Denae", "Evalynn", "Madelaine", "Brittnie", "Guinevere", "Mendy", "Anja", "Dafne", "Kierstyn", "Demetra", "Olyvia", "Honey", "Elli", "Kalena", "Simona", "Carlyn", "Shanaya", "Nadya", "Jamilah", "Alonna", "Maryn", "Shaquana", "Pia", "Lakendra", "Calliope", "Kirstyn", "Sabra", "Arissa", "Bianka", "Kaniya", "Ameera", "Aura", "Alona", "Jamesha", "Isamar", "Tobi", "Robbin", "Arionna", "Dedra", "Yaretzy", "Ina", "Randa", "Adalee", "Teanna", "Emmaleigh", "Greer", "Rosalba", "Katey", "Adilynn", "Maylin", "Jorja", "Karime", "Arika", "Makyla", "Alyna", "Jazzmin", "Kerrigan", "Delicia", "Lizzie", "Zia", "Rolanda", "Daijah", "Catelyn", "Chasidy", "Carmelita", "Janya", "Chynna", "Kaydee", "Kaily", "Kasi", "Mandie", "Aranza", "Carri", "Dolly", "Dream", "Citlalli", "Italia", "Tonisha", "Tanna", "Raylene", "Violette", "Ciana", "Catarina", "Myriam", "Marni", "Jonelle", "Tiffiny", "Tavia", "Nidia", "Cassi", "Viktoria", "Nickie", "Sarena", "Tiffaney", "Somer", "Passion", "Raechel", "Tashia", "Ravyn", "Emmerson", "Roxie", "Vianney", "Nautica", "Arwen", "Chassity", "Lanae", "Kimberlie", "Lashawnda", "Maisy", "Elodie", "Kaycie", "Josephina", "Karolyn", "Cicely", "Tennille", "Zhane", "Mecca", "Nada", "Myia", "Niesha", "Geri", "Julieann", "Lashunda", "Caelyn", "Brynley", "Kaira", "Serene", "Kathryne", "Tamisha", "Kandy", "Melania", "Marah", "Baileigh", "Caterina", "Twyla", "Kalista", "Symphony", "Gema", "Mamie", "Jiselle", "Malaika", "Amaia", "Gisel", "Kerstin", "Angely", "Trish", "Novalee", "Meridith", "Renea", "Teressa", "Zaina", "Augusta", "Shaylynn", "Abbigale", "Steffanie", "Trena", "Xenia", "Shawnda", "Skylah", "Irie", "Lenore", "Sahar", "Lindsy", "Rosalynn", "Nyomi", "Lakin", "Macayla", "Tarsha", "Tatiyana", "Jeni", "Rosita", "Kaeli", "Harmonie", "Naila", "Rylin", "Barbie", "Yanet", "Risa", "Dynasty", "Amaria", "Addalyn", "Leonor", "Alberta", "Courtnie", "Shamya", "Neriah", "Anai", "Marli", "Porsche", "Jamaya", "Mazie", "Xitlali", "Markayla", "Georgiana", "Sanjana", "Indira", "Sahana", "Tyasia", "Shanya", "Anh", "Dawna", "Aislynn", "Kandis", "Anaiah", "Amerie", "Anayeli", "Tamica", "Carys", "Nila", "Marti", "Kinlee", "Edwina", "Jannette", "Callista", "Malea", "Leeanne", "Tequila", "Lillyann", "Ronni", "Cristi", "Cammie", "Izzabella", "Latrina", "Tarra", "Nubia", "An", "Laticia", "Xena", "Seanna", "Riana", "Kyli", "Alessa", "Emberly", "Aniston", "Socorro", "Tallulah", "Takisha", "Anel", "Tova", "Seraphina", "Arleen", "Michaella", "Aysia", "Saray", "Taytum", "Dorothea", "Annaleigh", "Asma", "Allissa", "Stormi", "Winifred", "Aarya", "Tanaya", "Shena", "Ashlei", "Dione", "Calleigh", "Nanci", "Kyana", "Lillyan", "Klara", "Rylynn", "Taneisha", "Jailynn", "Skylee", "Jesslyn", "Yolonda", "Kassi", "Eman", "Shaylyn", "Emelyn", "Lorene", "Monae", "Samone", "Joie", "Jovie", "Zipporah", "Katrice", "Nika", "Micha", "Velma", "Zayla", "Fanny", "Roseanne", "Cornelia", "Maryah", "Aline", "Mistie", "Rayanna", "Kailah", "Cassaundra", "Corissa", "Ragan", "Rori", "Ambria", "Janelly", "Jaymee", "Kellyn", "Glenna", "Rebekka", "Anyssa", "Shaniece", "Kyrah", "Lachelle", "Dajah", "Shiann", "Jala", "Lissa", "Aretha", "Karyme", "Jenica", "Abbi", "Twila", "Breona", "Cayleigh", "Kateri", "Lanette", "Pooja", "Tanvi", "Emry", "Mackenzi", "Shalyn", "Sari", "Maliya", "Josalyn", "Shekinah", "Zandra", "Falon", "Joscelyn", "Mariajose", "Indiana", "Corrin", "Cosette", "Ara", "Tehya", "Annabeth", "Lula", "January", "Sammantha", "Kyrsten", "Kezia", "Shannen", "Aleyah", "Tatyanna", "Hanah", "Sherika", "Claira", "Danni", "Asya", "Syreeta", "Donya", "Takia", "Charlette", "Saoirse", "Marika", "Kaleena", "Krissy", "Journi", "Kalei", "Beyonce", "Faviola", "Jenise", "Everlee", "Idalia", "Sinai", "Lael", "Neely", "Cathrine", "Diandra", "Shala", "Kiyah", "Brooklin", "Krisha", "Mckenzi", "Nana", "Janey", "Melyssa", "Janea", "Myriah", "Josslyn", "Oaklee", "Dezirae", "Jovana", "Kaylei", "Treva", "Ameerah", "Adilyn", "Aila", "Sindy", "Nena", "Cameran", "Kamilla", "Latarsha", "Aerial", "Jaslynn", "Yana", "Analicia", "Delila", "Takiyah", "Dymond", "Barbra", "Brinlee", "Siri", "Tuesday", "Elisheva", "Bracha", "Addelyn", "Talisa", "Ernestine", "Kaniyah", "Contessa", "Larhonda", "Raizy", "Amilia", "Lakiesha", "Nevada", "Michela", "Kathie", "Roxy", "Milissa", "Yulisa", "Isobel", "Britny", "Shanti", "Shawnta", "Aleesha", "Asiah", "Berkeley", "Keosha", "Mykah", "Melynda", "Donielle", "Angelie", "Londynn", "Yocheved", "Jasleen", "Gayla", "Malani", "Tamira", "Fatoumata", "Kehlani", "Tamesha", "Aspyn", "Jennica", "Shanequa", "Lamya", "Cambree", "Amberlee", "Keena", "Marykate", "Karisma", "Reena", "Tamekia", "Kaliah", "Jori", "Deyanira", "Rayleigh", "Brylie", "Taja", "Zola", "Anjanette", "Devora", "Natisha", "Brianda", "Allyn", "Anaiya", "Cloey", "Fayth", "Prisha", "Stephania", "Maribeth", "Shaniah", "Desirea", "Zoee", "Henrietta", "Francheska", "Candie", "Jadelyn", "Laverne", "Adamari", "Shenika", "Safiya", "Karely", "Aaryn", "Nicol", "Lashaun", "Madaline", "Malky", "Stefania", "Brooklynne", "Tyisha", "Concepcion", "Jenell", "Serafina", "Sherie", "Marylou", "Keaira", "Adara", "Safa", "Taelyn", "Imogen", "Malisa", "Vianca", "Cassey", "Emiliana", "Halo", "Delisa", "Zarah", "Brynleigh", "Merry", "Kary", "Kennadi", "Cassy", "Jadah", "Hanan", "Liyah", "Miriah", "Liane", "Hayli", "Teena", "Kyanna", "Amity", "Leyna", "Babygirl", "Marilynn", "Melaine", "Mickayla", "Molli", "Shaylin", "Zenaida", "Carleen", "Fantasia", "Karey", "Lorenza", "Jodee", "Marbella", "Keonna", "Emili", "Agatha", "Janely", "Estephanie", "Alexie", "Muriel", "Jaina", "Loriann", "Zendaya", "Jannah", "Aminata", "Nyree", "Corine", "Lottie", "Rhylee", "Bellamy", "Kenlee", "Arlyn", "Analy", "Desarae", "Sunni", "Azure", "Aliyana", "Nohemi", "Jacqulyn", "Markie", "Keya", "Najah", "Jacklynn", "Shamari", "Cambrie", "Letisha", "Gisell", "Nicholle", "Ilse", "Janiece", "Lashawna", "Shaunte", "Rheanna", "Marivel", "Janina", "Tashina", "Manda", "Raniyah", "Vikki", "Desiray", "Daelyn", "Vivianne", "Eleanora", "Kanesha", "Anali", "Rowyn", "Lianne", "Maisha", "Baleigh", "Baily", "Cinthya", "Milla", "Jenee", "Nakayla", "Marwa", "Martine", "Haileigh", "Lashon", "Latashia", "Aide", "Kilee", "Magda", "Kattie", "Effie", "Jennyfer", "Mariama", "Jannet", "Emeline", "Keysha", "Anyla", "Loraine", "Chelsee", "Patrica", "Shandi", "Tamyra", "Kenleigh", "Katilyn", "Shaindy", "Sania", "Esha", "Macee", "Samanta", "Luci", "Shawana", "Andreana", "Aadhya", "Candyce", "Shaelynn", "Tamiya", "Shakayla", "Vanity", "Evonne", "Aly", "Chole", "Laiken", "Kelsee", "Abigael", "Dia", "Milly", "Analee", "Dusti", "Crysta", "Anette", "Rasheeda", "Alva", "Hellen", "Hafsa", "Zayda", "Breeana", "Hartley", "Latina", "Samar", "Teresita", "Kinleigh", "Deondra", "Annastasia", "Jonnie", "Nyssa", "Meilani", "Siya", "Emiley", "Nakiya", "Priyanka", "Britnee", "Skyy", "Shanique", "September", "Cinnamon", "Paisleigh", "Denali", "Steffany", "Kenadee", "Romy", "Alexzandria", "Sherrell", "Shona", "Briona", "Alizabeth", "Zakiyah", "Randee", "Aime", "Winona", "Tesha", "Milah", "Shyanna", "Maja", "Lanita", "Keyara", "Taylee", "Latrisha", "Gretta", "Maha", "Rosaura", "Aleyna", "Rani", "Destanie", "Andriana", "Lakenya", "Kamara", "Zenobia", "Erynn", "Tynisha", "Rainey", "Gabriell", "Timber", "Tomi", "Ebonee", "Cassia", "Avigail", "Freedom", "Chloee", "Shalanda", "Siara", "Roselynn", "Sanya", "Mylie", "Ananda", "Tirzah", "Samari", "Maryssa", "Silvana", "Cheyann", "Kennady", "Xitlaly", "Zakia", "Eternity", "Joella", "Mattea", "Chenoa", "Angelle", "Ieshia", "Ela", "Annah", "Lavonda", "Lexington", "Kenadie", "Ysabella", "Prudence", "Marcelina", "Linh", "Daina", "Alexius", "Mekayla", "Brienna", "Raeleigh", "Meryl", "Whittney", "Cate", "Shamara", "Sumaya", "Yehudis", "Carmel", "Kavya", "Yoselyn", "Kinzley", "Carlotta", "Jameka", "Erma", "Ashante", "Kyley", "Amor", "Courtnee", "Emari", "Calandra", "Yuna", "Margret", "Adelia", "Akia", "Berlin", "Iyonna", "Maryjo", "Brittnay", "Zaynab", "Talyn", "Maris", "Georgianna", "Kathlyn", "Ellyn", "Candance", "Adalia", "Loreal", "Elizabet", "Raeanna", "Markia", "Karmyn", "Noemy", "Hiba", "Cayce", "Olympia", "Kataleya", "Cherelle", "Halima", "Sedona", "Cameo", "Charleen", "Naomy", "Keasia", "Nerissa", "Lyrik", "Zella", "Batsheva", "Felica", "Shriya", "Kylene", "Kecia", "Nell", "Tylee", "Amiee", "Jalyssa", "Laronda", "Sparkle", "Shonta", "Lavonne", "Kiona", "Bailie", "Marietta", "Ziva", "Aleia", "Alida", "Lyndi", "Hawa", "Journie", "Jiya", "Makeda", "Lelia", "Lashae", "Briann", "Alaa", "Janett", "Terese", "Charise", "Shantae", "Angelyn", "Brayleigh", "Jayci", "Gale", "Mischa", "Shade", "Lyanna", "Elisia", "Amaiya", "Lorinda", "Candra", "Emelie", "Latoyia", "Nita", "Verenice", "Lakita", "Anushka", "Lovely", "Keiry", "Desteny", "Ambrosia", "Mariaelena", "Eris", "Shemeka", "Lisamarie", "Jerilyn", "Eisley", "Cailee", "Sanjuanita", "Camelia", "Khalilah", "Asiya", "Avis", "Ashlynne", "Alyana", "Shylah", "Devona", "Tamatha", "Aziza", "Liah", "Tyeisha", "Jia", "Alaysha", "Ruthann", "Vonda", "Rosamaria", "Illiana", "Samarah", "Bethann", "Blayke", "Michala", "Madelynne", "Arizona", "Amberlyn", "Myisha", "Myasia", "Joceline", "Karrington", "Aislyn", "Ora", "Adreanna", "Aleya", "Layan", "Geena", "Teryn", "Emmi", "Kloey", "Cally", "Eleanore", "Kasia", "Shantal", "Jacee", "Quanisha", "Christiane", "Tameika", "Fay", "Taren", "Avary", "Zinnia", "Amee", "Caylie", "Marcelle", "Makinley", "Melannie", "Saphira", "Samirah", "Analiese", "Laquanda", "Nyesha", "Solana", "Evyn", "Alexcia", "Majesty", "Neida", "Rivky", "Irina", "Taneka", "Inaya", "Leesa", "Gladis", "Maryelizabeth", "Sia", "Jamaica", "Mallori", "Lainie", "Arriana", "Suzan", "Luana", "Vayda", "Keiara", "Loryn", "Cecile", "Cheree", "Madonna", "Ceara", "Kylea", "Sumer", "Naimah", "Izabela", "Peri", "Adalie", "Tawni", "Marquetta", "Preslie", "Wilhelmina", "Oaklyn", "Zadie", "Catlin", "Briseyda", "Stephane", "Alasia", "Rebekkah", "Dominica", "Dalary", "Seana", "Meah", "Jesseca", "Lavinia", "Dayla", "Mea", "Emeri", "Kaydance", "Juliane", "Hayle", "Laureen", "Anyah", "Rosana", "Saba", "Janyla", "Sunnie", "Marilu", "Tresa", "Sera", "Leslye", "Dyana", "Alyanna", "Miabella", "Aoife", "Lamonica", "Jacquelyne", "Sima", "Lisandra", "Camellia", "Karlyn", "Adora", "Azalia", "Nisa", "Rashonda", "Julienne", "Fabiana", "Raeanne", "Claribel", "Emmarie", "Shatara", "Sianna", "Shamira", "Tena", "Dorcas", "Alaura", "Channel", "Mckinzie", "Joely", "Lyndsie", "Ripley", "Shanee", "Georgie", "Addalynn", "Marisha", "Annalyse", "Ernestina", "Huda", "Jacalyn", "Phaedra", "Eliyah", "Shawnte", "Sammi", "Kayci", "Adelaida", "Gerri", "Kynleigh", "Lizzette", "Inga", "Breauna", "Rosalva", "Dona", "Raychel", "Krystyna", "Kambria", "Larae", "Velvet", "Cyndi", "Liya", "Mahala", "Indya", "Navya", "Saniah", "Syeda", "Yanely", "Cheyanna", "Shalynn", "Kendel", "Shemika", "Alexsis", "Aleta", "Nikkia", "Chaney", "Carolann", "Mikki", "Porscha", "Suzannah", "Jahaira", "Jeanelle", "Shanise", "Britteny", "Tamala", "Maricella", "Hala", "Amarah", "Migdalia", "Presleigh", "Erykah", "Emalyn", "Issabella", "Abriella", "Marygrace", "Emmanuelle", "Grayce", "Anela", "Tessie", "Mariann", "Kasha", "Deloris", "Lorri", "Stevi", "Joellen", "Aarna", "Nissa", "Kinzie", "Yusra", "Odette", "Kamia", "Shamia", "Aneesa", "Latifah", "Tobie", "Sora", "Gigi", "Inara", "Khali", "Alysse", "Keirra", "Kena", "Sheyenne", "Sable", "Delainey", "Rona", "Teal", "Lisset", "Cherilyn", "Audrea", "Graci", "Sherilyn", "Deysi", "Audry", "Shanay", "Tenesha", "Katharina", "Kenadi", "Aletha", "Marrissa", "Zaniah", "Aleida", "Domenica", "Jaye", "Cristie", "Sena", "Reegan", "Donita", "Indie", "Lyn", "Jerika", "Keilah", "Kadijah", "Zariya", "Briannah", "Mikaylah", "Takara", "Vilma", "Kiyana", "Jina", "Kendyll", "Jalaya", "Stephine", "Sascha", "Kamaya", "Medina", "Keylee", "Marly", "Uma", "Julee", "Yoana", "Jazzlynn", "Arianny", "Destine", "Sanaya", "Amyra", "Jennette", "Tanja", "Micheala", "Shardae", "Jalia", "Gricelda", "Ronisha", "Sebrina", "Arrianna", "Calie", "Nakeisha", "Jireh", "Dezarae", "Caliyah", "Lilibeth", "Cree", "Niah", "Makenzy", "Sakura", "Sneha", "Temeka", "Zayra", "Trinitee", "Merideth", "Raelee", "Daniya", "Shaunda", "Lashaunda", "Analeigh", "Alvina", "Kellyann", "Terrica", "Aeris", "Johna", "Adi", "Oralia", "Camry", "Keelie", "Marysol", "Brienne", "Rowena", "Laynie", "Naia", "Denita", "Xochilt", "Ameena", "Marilee", "Synthia", "Makaylee", "Jeanetta", "Nariyah", "Keiana", "Julieanna", "Elisabet", "Laela", "Deziree", "Keandra", "Jaide", "Elma", "Kamiah", "Koren", "Naiya", "Jamika", "Kareena", "Sayra", "Suzie", "Marleen", "Kellye", "Laurin", "Michayla", "Samiah", "Tytiana", "Karalyn", "Shakera", "Jenine", "Jahzara", "Sharmaine", "Lailani", "Suzy", "Pamala", "Daniyah", "Nona", "Adrina", "Saydee", "Latara", "Nidhi", "Lakeesha", "Akeelah", "Britani", "Liesl", "Klaire", "Teigan", "Zaya", "Perri", "Karima", "Amna", "Darcey", "Sharice", "Consuela", "Kahlan", "Tammara", "Ajah", "Naisha", "Hindy", "Breeann", "Kenda", "Jelena", "Felice", "Zofia", "Akshara", "Chyenne", "Marya", "Ellena", "Jeslyn", "Rebbecca", "Cera", "Allena", "Dasani", "Makia", "Crimson", "Laya", "Izel", "Italy", "Julietta", "Thania", "Terah", "Daysi", "Avarie", "Kynslee", "Shiela", "Jackelin", "Breyanna", "Yaquelin", "Silver", "Zuleyka", "Janene", "Noella", "Rayann", "Alyza", "Kolbie", "Kambree", "Taegan", "Grisel", "Lilyanne", "Fern", "Naudia", "Gracee", "Raena", "Lux", "Kaeleigh", "Mycah", "Cher", "Mahalia", "Jona", "Pa", "Carman", "Neena", "Rebeccah", "Adella", "Keirsten", "Zayna", "Lillith", "Jazlene", "Nijah", "December", "Atiya", "Maelynn", "Lucianna", "Celestina", "Deserae", "Niamh", "Artemis", "Briauna", "Rosella", "Shawanna", "Jaydah", "Raylin", "Darleen", "Luann", "Katelynne", "Celene", "Leonora", "Paiton", "Lillia", "Roma", "La", "Kathia", "Wisdom", "Zina", "Machelle", "Teagen", "Kitty", "Coretta", "Bexley", "Alexzandra", "Aine", "Jennefer", "Teah", "Elda", "Raniya", "Reema", "Gissell", "Celestine", "Joya", "Anabell", "Danasia", "Pandora", "Natacha", "Vanna", "Tynesha", "Frieda", "Ahuva", "Rafaela", "Shifra", "Phuong", "Reya", "Marquisha", "Yuki", "Azia", "Solange", "Katana", "Abbigayle", "Tiona", "Miki", "Lucila", "Yadhira", "Jakiya", "Zada", "Taneshia", "Lita", "Adah", "Dailyn", "Lasonya", "Tommi", "Alyx", "Mileena", "Lakayla", "Lyssa", "Keelin", "Kaye", "Jacki", "Dyanna", "Meleah", "My", "Rebel", "Niccole", "Akayla", "Joslin", "Alyshia", "Female", "Sharhonda", "Markeisha", "Damya", "Pam", "Brittan", "Sharika", "Adriene", "Talaya", "Bonny", "Nataleigh", "Malory", "Mykala", "Alta", "Danesha", "Sabrena", "Aleeah", "Adalina", "Lanna", "Navy", "Jalayah", "Ivelisse", "Cherri", "Tausha", "Maycie", "Stacee", "Breasia", "Meena", "Amoni", "Raizel", "Loralei", "Kailie", "Jessyca", "Tyonna", "Shamiya", "Maelyn", "Nahomi", "Avia", "Raelene", "Amairani", "Deeanna", "Kaytlynn", "Donisha", "Riki", "Kitana", "Jesika", "Anijah", "Delaina", "Bethel", "Kyrstin", "Jannie", "Lavina", "Jakiyah", "Shenita", "Betzaida", "Ena", "Naomie", "Morghan", "Sherice", "Santina", "Kalisha", "Letty", "Yamile", "Aisling", "Sinead", "Victory", "Laylani", "Sariya", "Nadiya", "Billi", "Coco", "Kailin", "Emilyn", "Amiracle", "Jariah", "Elexus", "Lanaya", "Jovi", "Matilde", "Brina", "Maryanna", "Amberlynn", "Elba", "Emilly", "Aiesha", "Deedra", "Arabelle", "Elyana", "Khloee", "Violetta", "Julieanne", "Sunday", "Kennedie", "Anaiyah", "Emileigh", "Shannah", "Roxane", "Teara", "Zabrina", "Milagro", "Aleeyah", "Loran", "Kamani", "Melba", "Joselynn", "Freyja", "Ivon", "Lotus", "Alysson", "Khushi", "Ansleigh", "Caridad", "Ensley", "Jakira", "Marlaina", "Navaeh", "Krislyn", "Ivie", "Chloie", "Marita", "Irelynn", "Haddie", "Alayla", "Mei", "Naja", "Delani", "Lanisha", "Halli", "Monisha", "Diona", "Sharae", "Iona", "Lona", "Kandyce", "Sharell", "Sherron", "Laynee", "Shealyn", "Aaliya", "Lynlee", "Yecenia", "Hennessy", "Isaura", "Merari", "Sakina", "Enid", "Aaralyn", "Thao", "Aleyda", "Anahy", "Fallyn", "Antonina", "Thomasina", "Elysa", "Jaymi", "Laikyn", "Addy", "Amada", "Zana", "Auburn", "Candelaria", "Saraya", "Nedra", "Sahasra", "Annetta", "Towanda", "Lamia", "Rachal", "Janetta", "Lakeysha", "Story", "Yitty", "Rashelle", "Akasha", "Deedee", "Tayah", "Allisa", "Kimberely", "Mackayla", "Ryanna", "Venice", "Delta", "Braylynn", "Shannel", "Shalon", "Nicollette", "Tasneem", "Patrina", "Khaliyah", "Andreina", "Briza", "Nayelli", "Necole", "Kanika", "Kaysha", "Safia", "Irelyn", "Ainslee", "Melissia", "Marielena", "Jamaria", "Twana", "Rosy", "Emeli", "Karlene", "Tanasia", "Heba", "Lakeya", "Kally", "Zulma", "Laquinta", "Vannesa", "Lauran", "Janella", "Alfreda", "Angeli", "Cyan", "Kiarah", "Giulianna", "Shaunta", "Mairead", "Tiffini", "Neve", "Marleny", "Natividad", "Shakita", "Eleana", "Jameelah", "Shantay", "Aaniyah", "Zoraida", "Fiorella", "Aaleyah", "Lizbet", "Bliss", "Tesa", "Zenia", "Anamarie", "Asiyah", "Kelle", "Lorissa", "Gisella", "Yamilex", "Sonali", "Leeah", "Lexa", "Aryah", "Brailyn", "Ahsley", "Jayleigh", "Letha", "Carolyne", "Omega", "Dyamond", "Kortni", "Ravin", "Sicily", "Neda", "Concetta", "Lisha", "Bibiana", "Tarin", "Jenevieve", "Brilee", "Alexxis", "Regine", "Meagen", "Sadia", "Ebone", "Ayvah", "Maleigha", "Nivea", "Daphney", "Malayna", "Arieanna", "Hallee", "Pennie", "Malerie", "Lynnea", "Nori", "Camie", "Dyan", "Marceline", "Devina", "Lizett", "Devynn", "Jakia", "Nneka", "Vy", "Carletta", "Aubreigh", "Billiejo", "Telisha", "Kriston", "Ammie", "Kinsleigh", "Ilona", "Nettie", "Leya", "Yulianna", "Caila", "Meara", "Mena", "Teisha", "Nikayla", "Oona", "Roya", "Kaysie", "Lezlie", "Season", "Hayven", "Veronique", "Araseli", "Sarabeth", "Felisa", "Kimi", "Briahna", "Coralie", "Izabell", "Daisey", "Karizma", "Tiare", "Meira", "Gaia", "Linley", "Nikisha", "Eryka", "Sarrah", "Devonna", "Adena", "Aiza", "Morganne", "Blima", "Amairany", "Cayley", "Dyani", "Caressa", "Janise", "Maliha", "Tonie", "Johnetta", "Sherell", "Cassady", "Teaira", "Zakiyyah", "Joshlyn", "Leighanne", "Arial", "Destani", "Vittoria", "Teya", "Tashara", "Kionna", "Manal", "Cherrie", "Deseree", "Zoila", "Katheryne", "Anny", "Hosanna", "Arlet", "Aylah", "Aziyah", "Angelee", "Sevyn", "Khristina", "Lacresha", "Hensley", "Mackenzy", "Tahira", "Tali", "Tinisha", "Zarina", "Dottie", "Thais", "Jolyn", "Santa", "Delfina", "Evolet", "Laryssa", "Markisha", "Melodi", "Jentry", "Shakyra", "Alyah", "Alya", "Gilda", "Elsy", "Mesha", "Sierrah", "Rashell", "Chloey", "Addisen", "Eowyn", "Raisa", "Makya", "Shanea", "Oaklynn", "Sela", "Annalynn", "Aadya", "Sulema", "Nereyda", "Vashti", "Amparo", "Kamisha", "Iyla", "Abilene", "Janasia", "Rawan", "Keondra", "Courteney", "Keeli", "Kemberly", "Zeinab", "Kristianna", "Cesia", "Marylin", "Nakiyah", "Korin", "Kenyata", "Delina", "Stephannie", "Joselyne", "Kaitlan", "Anslee", "Ellia", "Journei", "Audri", "Leiah", "Kaelee", "Endia", "Henna", "Kerra", "Jovita", "Danell", "Tamiyah", "Zuleika", "Brinkley", "Ahtziri", "Sheron", "Mykenzie", "Ayonna", "Jazzmyn", "Aishah", "Aleeya", "Gaby", "Shera", "Sayuri", "Pricila", "Maizie", "Phebe", "Una", "Aziah", "Jozlyn", "Rashel", "Kathi", "Lynell", "Roshanda", "Caidence", "Teonna", "Daira", "Mckinlee", "Jamilla", "Tamie", "Tailor", "Shawntel", "Kamesha", "Leisa", "Novah", "Sanvi", "Mccall", "Dreama", "Evon", "Judi", "Emalie", "Tiyana", "Orianna", "Ramya", "Brande", "Briseis", "Breyana", "Mariko", "Melaina", "Kansas", "Philomena", "Essie", "Eriana", "Gittel", "Carma", "Toi", "Nicholette", "Ammy", "Leisha", "Allee", "Arcelia", "Leylani", "Courtenay", "Micki", "Rilyn", "Jamira", "Leighanna", "Delphine", "Thuy", "Khaliah", "Tyeshia", "Marinda", "Deangela", "Jenice", "Chelsa", "Melena", "Erianna", "Harleen", "Angle", "Anusha", "Aleeza", "Mali", "Chi", "Timia", "Payge", "Sheronda", "Mekenzie", "Shantia", "Myeisha", "Tempest", "Jemima", "Alejandrina", "Seema", "Katrena", "Leen", "Shenna", "Chaka", "Kiani", "Rosina", "Lynelle", "Bobbijo", "Jaylani", "Maricarmen", "Emrie", "Korinne", "Jelisa", "Valeri", "Aislin", "Jordann", "Keilyn", "Jorie", "Lasandra", "Lashondra", "Carrigan", "Yenifer", "Shereen", "Sina", "Kandra", "Yelena", "Ellee", "Jonae", "Jazmen", "Katara", "Rima", "Petrina", "Shaela", "Rya", "Kassidi", "Martika", "Shavonda", "Dallis", "Avni", "Leta", "Alicea", "Vianna", "Genessis", "Bryna", "Evita", "Tarrah", "Kimiko", "Herlinda", "Krystel", "Toshia", "Naveah", "Taelynn", "Harli", "Vita", "Bevin", "Shondra", "Cypress", "Detra", "Mykaela", "Charline", "Madisson", "Tamaya", "Dayra", "Adisyn", "Delylah", "Moesha", "Iqra", "Jailah", "Monserrath", "Crystle", "Tiffney", "Anylah", "Andreya", "Mataya", "Nawal", "Adaleigh", "Maeghan", "Annissa", "Emberlynn", "Tesia", "Casi", "Yasmina", "Camillia", "Shruti", "Shonte", "Lawren", "Destyni", "Shalee", "Dylann", "Addysen", "Loyalty", "Alethia", "Annalyn", "Keyli", "Jennafer", "Evelia", "Josilyn", "Jaimi", "Ashlan", "Haneen", "Yohana", "Dejanae", "Rhiana", "Caileigh", "San", "Melodee", "Alicen", "Nahomy", "Megha", "Nuvia", "Cerenity", "Neela", "Abriel", "Kylynn", "Ranae", "Nakesha", "Janyah", "Marrisa", "Sidra", "Kenzley", "Elliette", "Desaray", "Takeisha", "Mirabelle", "Caitlan", "Emmanuella", "Errin", "Amalie", "Kina", "Oliva", "Lenna", "Jazleen", "Kamri", "Keylin", "Christyn", "Lyndsi", "Lillianne", "Maelee", "Ellyana", "Ashlen", "Kendria", "Rubie", "Evalina", "Analeah", "Mckinsey", "Darya", "Heide", "Giavonna", "Goldy", "Paizley", "Anglea", "Mikyla", "Darlyn", "Mareli", "Damia", "Kylei", "Gennifer", "Maysen", "Mariza", "Nilda", "Yashica", "Leonna", "Lashana", "Latoshia", "Enya", "Golda", "Brandice", "Lulu", "Aeryn", "Harlyn", "Tytianna", "Bryanne", "Jadelynn", "Sharina", "Rozlyn", "Saida", "Tenika", "Havana", "Roshonda", "Lorianne", "Jabria", "Keelyn", "Maija", "Kathlene", "Lauralee", "Jazlin", "Vasiliki", "Hollyn", "Carlina", "Suzana", "Debby", "Muna", "Tillie", "Emaleigh", "Elani", "Anica", "Mayrin", "Madina", "Jayana", "Janita", "Eulalia", "Dorinda", "Ellington", "Tkeyah", "Takayla", "Minna", "Isra", "Christianne", "Bayli", "Kadee", "Toria", "Jayanna", "Tamarah", "Lariah", "Lateisha", "Jamillah", "Myracle", "Channon", "Takiya", "Brigit", "Divina", "Saya", "Lavender", "Lasha", "Berta", "Serinity", "Kaneisha", "Leasia", "Nicoletta", "Cailynn", "Caris", "Jamyah", "Mckenzy", "Nyjah", "Jasmina", "Maddisyn", "Leyah", "Kalissa", "Meisha", "Haya", "Gracy", "Mahi", "Faiga", "Keianna", "Carlye", "Rylea", "Enedina", "Angelene", "Verity", "Taira", "Kamie", "Jewels", "Tandra", "Haile", "Terica", "Breelyn", "Katherina", "Ahna", "Liset", "Tisa", "Jakyra", "Mickie", "Yocelin", "Bethani", "Gertrude", "Meliza", "Siani", "Markesha", "Jennelle", "Brailey", "Rhiley", "Shakeria", "Anakaren", "Elouise", "Rayanne", "Davia", "Andraya", "Nhi", "Delena", "Nirvana", "Rahma", "Zamya", "Kaylor", "Mariafernanda", "Malana", "Jenette", "Lan", "Marva", "Elizebeth", "Amaryllis", "Braylyn", "Kelcy", "Avonlea", "Rasheda", "Brynnlee", "Wednesday", "Kloie", "Mariely", "Delany", "Criselda", "Marquitta", "Radhika", "Amrita", "Randie", "Nacole", "Hermione", "Daiana", "Zyla", "Karry", "Brieana", "Alley", "Guillermina", "Kalaya", "Ladawn", "Timeka", "Paradise", "Camisha", "Azeneth", "Hadassa", "Denna", "Reaghan", "Kenesha", "Emy", "Darianna", "Emarie", "Renesmee", "Nykia", "Nadiyah", "Jalena", "Nava", "Tilly", "Diamonique", "Roshni", "Kayanna", "Neisha", "Ricci", "Tiffiney", "Nevaeha", "Irena", "Polina", "Tamarra", "Keva", "Andee", "Jetta", "Lakelyn", "Emiko", "Jamy", "Kaisha", "Fanta", "Rivkah", "Casondra", "Ziya", "Toccara", "Alixandra", "Sharde", "Karra", "Mayla", "Takesha", "Rylei", "Catie", "Tzipora", "Ailin", "Raygan", "Charita", "Mable", "Harmonee", "Lashundra", "Kenzlee", "Rayana", "Lyndee", "Africa", "Ronica", "Kymber", "Timika", "Zooey", "Falyn", "Linzy", "Dawsyn", "Maizy", "Mitzy", "Malikah", "Robbi", "Blakeley", "Allisyn", "Lindsie", "Coralee", "Nilah", "Leola", "Ilyana", "Taylynn", "Nelda", "Lonna", "Beronica", "Indy", "Karishma", "Saskia", "Denia", "Lynsie", "Bridgit", "Melaney", "Maddilyn", "Lettie", "Lynzie", "Lynae", "Melva", "Trang", "Jizelle", "Sakinah", "Inaaya", "Leonela", "Alyiah", "Kylia", "Kyia", "Shaylene", "Carrissa", "Britnie", "Samaira", "Jannelle", "Zahira", "Juno", "Everley", "Mikenna", "Cleopatra", "Jaliah", "Karianne", "Takira", "Klaudia", "Kayana", "Erikka", "Alizae", "Kahlia", "Toniann", "Nessa", "Tenille", "Lainee", "Aleasha", "Deona", "Cherice", "Becki", "Damara", "Lisbet", "Rochell", "Lashandra", "Keriann", "Shalena", "Nannette", "Marlina", "Dagny", "Graycen", "Katiana", "Kiandra", "Emonie", "Nayomi", "Danyale", "Isley", "Amore", "Diedra", "Avalee", "Cashmere", "Layken", "Liesel", "Kynnedi", "Mikenzie", "Savina", "Jalene", "Temple", "Freida", "Christena", "Lilliann", "Shamekia", "Laquesha", "Jaydee", "Myleigh", "Caraline", "Makaya", "Ysabel", "Evangelia", "Siana", "Sabella", "Haisley", "Avaya", "Ilianna", "Kerin", "Adleigh", "Christinia", "Carmina", "Kolbi", "Donelle", "Sabria", "Meghana", "Janisha", "Edyn", "Andrianna", "Tenaya", "Jenay", "Sonora", "Shila", "Jene", "Ianna", "Aixa", "Courtni", "Delisha", "Ronna", "Shameeka", "Alaiyah", "Jozie", "Jolena", "Yatziri", "Cyrstal", "Avrie", "Sharyn", "Teaghan", "Yelitza", "Janaye", "Parisa", "Marena", "Talina", "Tameeka", "Jenaya", "Adriann", "Jani", "Royale", "Jonell", "Emberlyn", "Yamila", "Avamarie", "Adreana", "Fatou", "Sanjuana", "Tifany", "Emaan", "Nycole", "Averee", "Brystol", "Kaitlynne", "Nadira", "Kinzlee", "Chayla", "Sama", "Layah", "Patrisha", "Melvina", "Mariska", "Tajah", "Jamara", "Shireen", "Meri", "Macyn", "Atara", "Alahna", "Denielle", "Daliyah", "Avry", "Pippa", "Breckyn", "Natasia", "Deeann", "Shianna", "Mykia", "Kyleen", "Makenzee", "Rasheedah", "Bobbiejo", "Empress", "Louella", "Azlynn", "Coreen", "Kassondra", "Kemani", "Clarisse", "Rayonna", "Betzy", "Niara", "Chyann", "Calley", "Aaliah", "Venita", "Lillee", "Karyssa", "Kadi", "Triana", "Airam", "Nailea", "Kerrington", "Sharie", "Romona", "Lekisha", "Jaileen", "Philippa", "Launa", "Khyla", "Joline", "Cydnee", "Anneke", "Ona", "Dashia", "Myeshia", "Oakleigh", "Ariona", "Devany", "Kirah", "Dezaray", "Vi", "Kimberlin", "Jerusha", "Kirsty", "Julyssa", "Oceana", "Denesha", "Ka", "Sharleen", "Charolette", "Cadance", "Keyaira", "Shaylah", "Franki", "Danah", "Alizah", "Ayda", "Rhian", "Dustie", "Catrice", "Kaisley", "Tahirah", "Alica", "Elif", "Montanna", "Jayline", "Aleen", "Blanche", "Blossom", "Alita", "Jamyra", "Dalena", "Paetyn", "Riva", "Lanesha", "Shariah", "Nelida", "Shanetta", "Skylyn", "Nastassia", "Tashawna", "Beatris", "Dandrea", "Sherelle", "Damiyah", "Zari", "Arelis", "Ryah", "Teia", "Evelyne", "Lark", "Jayonna", "Caylen", "Zamira", "Naliyah", "October", "Temika", "Shelbey", "Derricka", "Teona", "Shakara", "Coryn", "Shauntel", "Andromeda", "Kaija", "Alandra", "Mikalah", "Yaneth", "Josi", "Kathyrn", "Ayisha", "Sury", "Zamiyah", "Kadynce", "Lakeitha", "Alaiya", "Dayami", "Atley", "Avelina", "Nitya", "Shadae", "Taliya", "Jelissa", "Amory", "Falisha", "Gretel", "Zharia", "Mackensie", "Kensey", "Angele", "Reiley", "Emmily", "Aseel", "Quintina", "Celest", "Adrionna", "Santanna", "Lashea", "Samyra", "Hinda", "Jacquetta", "Jiana", "Kaori", "Kawana", "Kaely", "Maryrose", "Elayne", "Neomi", "Azra", "Adrielle", "Maiah", "Seirra", "Keyera", "Elyza", "Mabry", "Marchelle", "Daytona", "Breah", "Amera", "Erlinda", "Genie", "Cattleya", "Arayah", "Wendie", "Kiri", "Keela", "Ryane", "Zykeria", "Kendalyn", "Danitza", "Ranya", "Quianna", "Idaly", "Bryonna", "Magdalen", "Raylyn", "Chara", "Darielle", "Darah", "Analiyah", "Meriah", "Jamela", "Kassy", "Nadja", "Jaidah", "Jessalynn", "Twanna", "Rianne", "Katerin", "Mirabella", "Jannat", "Lillyanne", "Rida", "Mandee", "Kelia", "Helaina", "Maegen", "Lynna", "Niomi", "Kamry", "Ishani", "Emmah", "Shaquanna", "Taniah", "Lovina", "Shaundra", "Zahria", "Nicolina", "Hortencia", "Nadeen", "Kizzie", "Keiona", "Arlena", "Lura", "Gala", "Shawntae", "Taunya", "Cidney", "Memory", "Zahraa", "Bronte", "Darnisha", "Kirsti", "Mallie", "Cammy", "Kamea", "Emersen", "Kambrie", "Zaneta", "Reghan", "Allisha", "Porcha", "Annalia", "Liora", "Gwendalyn", "Yocelyn", "Chioma", "Cortnie", "Bernadine", "Kenedi", "Adelita", "Katty", "Saron", "Jameria", "Betsabe", "Varsha", "Malin", "Manisha", "Davonna", "Sachi", "Adama", "Nekia", "Charlena", "Selin", "Ekaterina", "Lania", "Sada", "Ayat", "Le", "Ariannah", "Aliviah", "Shyan", "Enjoli", "Tahnee", "Mikelle", "Krissa", "Natascha", "July", "Anasia", "Madigan", "Akari", "Azari", "Niasia", "Carah", "Acadia", "Eveline", "Hiedi", "Kimaya", "Christene", "Andreanna", "Rainy", "Christelle", "Aicha", "Karalee", "Kasondra", "Chany", "Kristle", "Korra", "Angelea", "Kensie", "Rayah", "Kenslee", "Makinzie", "Graciella", "Steffani", "Amena", "Tonika", "Darline", "Diann", "Alaynah", "Anvi", "Amyiah", "Katerine", "Sarahy", "Teyana", "Ameya", "Florencia", "Ambra", "Dea", "Breyonna", "Maritsa", "Maddyson", "Talena", "Emaline", "Tijuana", "Trinidy", "Annistyn", "Kersten", "Ginamarie", "Arwa", "Ruthanne", "Gabby", "Arianah", "Dannette", "Cherrelle", "Cintia", "Aliesha", "Annalie", "Jarely", "Keyra", "Morgyn", "Abbagail", "Tashana", "Aalayah", "Candise", "Cherisse", "Abria", "Kierston", "Maida", "Melea", "Nida", "Jaylie", "Jamelia", "Saria", "Caralyn", "Cassidi", "Anyia", "Cristiana", "Tifani", "Evy", "Shalisa", "Shontae", "Yakira", "Rayleen", "Raigan", "Gypsy", "Shatoya", "Leiana", "Lashelle", "Alexes", "Louann", "Marylynn", "Jariyah", "Lawanna", "Chelse", "Tasheena", "Carlita", "Lindley", "Estrellita", "Arantza", "Thu", "Lundyn", "Shameika", "Joli", "Pessy", "Ziyah", "Avari", "Destanee", "Katryna", "Nikkole", "Lory", "Gidget", "Nija", "Amyia", "Breena", "Erina", "Allanah", "Mackinzie", "Abra", "Alara", "Kaiyah", "Nohely", "Alesandra", "Melita", "Anistyn", "Timberly", "Lorien", "Somaya", "Eiza", "Beautiful", "Haili", "Yalonda", "Chimere", "Karine", "Miangel", "Praise", "Katja", "Anneka", "Kila", "Tamari", "Ramiyah", "Ola", "Kyna", "Nella", "Idalis", "Ariell", "Nadirah", "Matilyn", "Dorthy", "Jasmaine", "Shilah", "Kailan", "Rama", "Carmon", "Fonda", "Naydelin", "Elanor", "Carlena", "Ameenah", "Sheneka", "Melanee", "Tequilla", "Haylen", "Kadance", "Midori", "Kymberlee", "Calissa", "Lynnae", "Kiyomi", "Shandy", "Suhani", "Saphire", "Kalila", "Katrin", "Jaziyah", "Puja", "Cortni", "Karleen", "Genevie", "Melisha", "Tajuana", "Krystine", "Lilee", "Taija", "Jamecia", "Marlayna", "Despina", "Terria", "Lanya", "Lashun", "Lynzee", "Haylea", "Auriel", "Mayela", "Faiza", "Aylen", "Elizah", "Havyn", "Aveline", "Teana", "Karrah", "Kela", "Lindi", "Roslynn", "Carlisa", "Brandis", "Cloie", "Aracelis", "Karmin", "Leeza", "Karyna", "Jenika", "Auria", "Alizay", "Annaleah", "Kaliya", "Nandini", "Tiffiany", "Asmaa", "Fraidy", "Tiffeny", "Corrinne", "Tysha", "Dava", "Gracia", "Teddi", "Jakyla", "Agustina", "Kambri", "Aisley", "Aerin", "Shakirah", "Sharese", "Meegan", "Maraya", "Jordanna", "Avital", "Jenavieve", "Talea", "Jourdyn", "Abrar", "Sejal", "Jenilee", "Nakeya", "Jenea", "Carolee", "Yisel", "Rabecca", "Landri", "Laysha", "Vivica", "Kaeley", "Zaynah", "Ahlam", "Jilian", "Melanny", "Nikol", "Myiah", "Augustina", "Seren", "Estephany", "Jamica", "Tionne", "Kamyah", "Kallista", "Javonna", "Bayan", "Zuleyma", "Jennell", "Abella", "Kiely", "Shakiya", "Shamaya", "Michella", "Ieisha", "Jeanmarie", "Lanell", "Diedre", "Vernita", "Khayla", "Sian", "Brita", "Rosaline", "Novella", "Trudi", "Breeze", "Razan", "Bergen", "Britanny", "Queenie", "Trenity", "Mele", "Mahayla", "Erendira", "Sharday", "Dorene", "Suzann", "Branda", "Amisha", "Saleen", "Shareka", "Aralyn", "Catelynn", "Aiko", "Shavonna", "Jamilet", "Mellanie", "Khloie", "Brileigh", "Sona", "Camile", "Ixchel", "Sheba", "Manha", "Yarel", "Yoseline", "Briyana", "Marycatherine", "Megann", "Aleana", "Raegen", "Eila", "Giovana", "Anesha", "Lashell", "Khia", "Brilynn", "Eesha", "Lashanna", "Arly", "Robynn", "Malaina", "Sherese", "Mishelle", "Ailey", "Sabryna", "Kailea", "Kanani", "Tziporah", "Penina", "Charmayne", "Medha", "Kayliana", "Nikkita", "Nefertiti", "Herminia", "Shyra", "Jaelah", "Sherly", "Pasha", "Aarika", "Alexas", "Tiyanna", "Koral", "Skyelar", "Aleaha", "Aishwarya", "Asheley", "Abbygale", "Zeina", "Adalynne", "Avelyn", "Ajanae", "Camara", "Tira", "Alynna", "Lekeisha", "Lawana", "Katharyn", "Basya", "Keala", "Corinthia", "Kerianne", "Bari", "Brenley", "Kashmir", "Jama", "Miryam", "Morrigan", "Josefa", "Neema", "Bayla", "Ranee", "Nigeria", "Prisila", "Caira", "Kerrin", "Charlise", "Ivanka", "Kareema", "Jara", "Betsaida", "Letisia", "Kapri", "Joleigh", "Khylee", "Makynzie", "Destynee", "Mariaguadalupe", "Kalah", "Kiaya", "Ashland", "Jameela", "Shalini", "Jlynn", "Berlyn", "Mikela", "Troi", "Shailyn", "Desha", "Kalyssa", "Kenzy", "Vaishnavi", "Chrissie", "Ellah", "Alissia", "Madelene", "Kourtni", "Sonnie", "Lindsi", "Jamileth", "Shamyra", "Sueann", "Taniesha", "Brelynn", "Bess", "Damiya", "Katisha", "Ronesha", "Sadee", "Daelynn", "Telisa", "Teela", "Mckenzee", "Janika", "Landrie", "Omayra", "Calyn", "Athina", "Dezire", "Jamese", "Raquelle", "Lynnsey", "Radha", "Zowie", "Lucina", "Kyleah", "Shalene", "Maple", "Chanta", "Kaitlen", "Oksana", "Keera", "Abigal", "Josselin", "Bela", "Aniela", "Courtlyn", "Xandria", "Kortnie", "Carra", "Channa", "Farren", "Joannie", "Kieara", "Rabia", "Sahra", "Gwendolynn", "Adysen", "Merida", "Vonetta", "Keiko", "Cadie", "Aubre", "Lorina", "Mackenzee", "Nasya", "Zoei", "Carmyn", "Aili", "Lanee", "Elnora", "Genelle", "Shanette", "Berklee", "Paizlee", "Ezri", "Aolani", "Chelcie", "Bettie", "Laquana", "Marshay", "Shealynn", "Delayna", "Sherise", "Arina", "Aeriel", "Signe", "Kyesha", "Malarie", "Dayle", "Fatema", "Rayla", "Kavita", "Jacqualine", "Meya", "Jacelynn", "Jaleigh", "Twanda", "Kearra", "Tayana", "Kathya", "Korrie", "Tarryn", "Gionna", "Naiomi", "Noura", "Skylin", "Tya", "Tearra", "Lataya", "Mallary", "Lilla", "Risha", "Ayala", "Tamaria", "Tinesha", "Chenelle", "Terina", "Aribella", "Maysa", "Armonie", "Tora", "Kiki", "Zania", "Jeneen", "Acelynn", "Tandy", "Tenia", "Cesilia", "Arieana", "Bushra", "Emelin", "Irish", "Aquila", "Ayelet", "Shontel", "Sephora", "Anastazia", "Maleena", "Saja", "Heavyn", "Gardenia", "Aalyiah", "Lucile", "Sofiya", "Infinity", "Kimberlynn", "Margeaux", "Tyann", "Kana", "Emmery", "Aurielle", "Amariana", "Jolina", "Ziah", "Jadore", "Brihanna", "Marykatherine", "Narissa", "Haylei", "Kaleigha", "Alauna", "Jerrie", "Rhema", "Maven", "Merri", "Anisah", "Svetlana", "Morgann", "Shanese", "Porche", "Kirin", "Charon", "Talor", "Alexxa", "Jaritza", "Brittini", "Eboney", "Makyah", "Alyssandra", "Ramie", "Mckensie", "Tamiah", "Ishika", "Raeven", "Annsley", "Shaindel", "Charlyn", "Pebbles", "Maribelle", "Genoveva", "Emmylou", "Jennine", "Hadiya", "Jolisa", "Cristel", "Rosabella", "Adaya", "Cherita", "Laniah", "Cheyene", "Luiza", "Malori", "Maylene", "Genavieve", "Latifa", "Latrese", "Zyana", "Sydne", "Shatavia", "Shoshanna", "Zeynep", "Sandie", "Alexanderia", "Lexia", "Tanea", "Teairra", "Sheyanne", "Nandi", "Fatma", "Lysette", "Serra", "Adrienna", "Brocha", "Rosaria", "Renay", "Leonie", "Jonie", "Sereniti", "Greenlee", "Alaine", "Brittiany", "Caelin", "Akemi", "Divinity", "Koryn", "Renisha", "Kassia", "Dimitra", "Tawnie", "Annalicia", "Michaelle", "Janyia", "Shree", "Darrah", "Yalitza", "Keleigh", "Daphnie", "Mayleen", "Maleia", "Zoha", "Briyanna", "Ilyssa", "Saralyn", "Yanelly", "Allyse", "Denee", "Kristeen", "Laporsha", "Stasha", "Daeja", "Cassidee", "Janira", "Kariann", "Kennia", "Maram", "Sharay", "Whisper", "Kyria", "Massiel", "Eniyah", "Deneen", "Corynn", "Mahnoor", "Rut", "Lakshmi", "Shanan", "Adira", "Zailey", "Emmersyn", "Kelcee", "Shylee", "Angelise", "Audria", "Kearstin", "Shadia", "Jaynie", "Susy", "Brynlie", "Jameshia", "Alyxandra", "Shawntay", "Velia", "Seleste", "Mollee", "Avory", "Tinamarie", "Shunta", "Eliora", "Lejla", "Beulah", "Finlee", "Ahana", "Anasofia", "Geovanna", "Maggi", "Deliah", "Persia", "Terryn", "Bethanne", "Reginae", "Izzy", "Brailynn", "Sherlin", "Kaylia", "Domenique", "Chavon", "Daysia", "Faythe", "Kyasia", "Jadie", "Lashauna", "Tari", "Laurissa", "Taylyn", "Armida", "Calia", "Makhia", "Brieann", "Jessamyn", "Shakeya", "Atalie", "Kamrynn", "Ilia", "Amel", "Janean", "Mathilda", "Wynne", "Zoi", "Jadeyn", "Aarushi", "Siarra", "Kaile", "Stasia", "Natia", "Ellyse", "Bionca", "Lida", "Haniya", "Trinette", "Birdie", "Lacretia", "Cheyenna", "Kristyna", "Kimari", "Maryalice", "Nilsa", "Kyri", "Maisyn", "Saleena", "Jenai", "Yer", "Kelyn", "Azlyn", "Moana", "Daviana", "Jonni", "Lovie", "Lynley", "Tangie", "Laquetta", "Dayonna", "Kiyanna", "Liseth", "Brena", "Luzmaria", "Tawnee", "Aurea", "Shayleigh", "Elysha", "Emmalie", "Kenyada", "Sharelle", "Ruhi", "Emree", "Neysa", "Epiphany", "Danaya", "Electra", "Angelisa", "Estee", "Kathrin", "Yohanna", "Kamala", "Dawne", "Lilianne", "Kammie", "Sha", "Kimya", "Josalynn", "Leilanie", "Deseray", "Matea", "Sarahann", "Mazzy", "Nichola", "Chantay", "Genisis", "Shylo", "Taleen", "Shanteria", "Janese", "Kamira", "Sheniqua", "Zamora", "Lamiyah", "Leondra", "Calee", "Graceann", "Leidy", "Alaska", "Arisa", "Lady", "Krystyn", "Katarzyna", "Elysse", "Felicita", "Liyana", "Loree", "Morelia", "Chardae", "Tyiesha", "Ngoc", "Sherina", "Kynzlee", "Amaiyah", "Brooklyne", "Marymargaret", "Najma", "Callee", "Arlett", "Gabryella", "Tayna", "Evelynne", "Jamille", "Johnae", "Riann", "Jezebel", "Anniyah", "Embry", "Eureka", "Mikia", "Tressie", "Monalisa", "Genia", "Sameera", "Jaylinn", "Shelita", "Klynn", "Demya", "Tabbatha", "Rashanda", "Elke", "Teasia", "Briah", "Ellisa", "Jamisha", "Natassia", "Shauntae", "November", "Eshal", "Hadeel", "Railey", "Eliya", "Saisha", "Tambra", "Marriah", "Dinora", "Sumayyah", "Aneesah", "Emmarose", "Lyna", "Neila", "Adelyne", "Evey", "Tomekia", "Keasha", "Shaquanda", "Sharlyn", "Zaryah", "Maryan", "Aissatou", "Catheryn", "Kelani", "Khloey", "Tameca", "Kallee", "Leeana", "Vina", "Elektra", "Evamarie", "Constanza", "Jodeci", "Argelia", "Quanesha", "Taysha", "Tabbitha", "Karlin", "Dessa", "Sparrow", "Krysti", "Marilin", "Corryn", "Arisbeth", "Darlin", "Drea", "Dorie", "Samyah", "Lavette", "Luanne", "Libbie", "Asusena", "Alene", "Jalessa", "Mailyn", "Vincenza", "Sherrill", "Dajanae", "Denasia", "Liba", "Zamaria", "Henny", "Malynda", "Kymora", "Kendahl", "Ondrea", "Anise", "Deserie", "Halia", "Lanora", "Genny", "Tiani", "Madolyn", "Jalicia", "Zully", "Jera", "Tran", "Lateshia", "Lyriq", "Aleesa", "Aidee", "Disha", "Talayah", "Azariyah", "Shaley", "Nithya", "Shantavia", "Taylore", "Daneisha", "Jamyia", "Alayjah", "Kassey", "Rasha", "Kennadie", "Ayra", "Jakeria", "Soha", "Serah", "Yuritzi", "Gianella", "Anari", "Kaelie", "Danessa", "Kourtnie", "Karalynn", "Kynzie", "Daesha", "Ceanna", "Diondra", "Allura", "Roshelle", "Laycee", "Carlota", "Jennalee", "Emberlee", "Alicyn", "Payal", "Ailene", "Kahla", "Alainna", "Linsay", "Kamyra", "Makensie", "Nizhoni", "Avaleigh", "Kalley", "Megen", "Fara", "Lekesha", "Tanae", "Reagen", "Rebbeca", "Kloee", "Shaliyah", "Jensyn", "Yumi", "Blakelee", "Tedra", "Delma", "Maddyn", "Deandria", "Scotlyn", "Sigrid", "Shakina", "Nataya", "Brieanne", "Awa", "Mysti", "Khara", "Nikkie", "Kristena", "Yides", "Jasiyah", "Jamesia", "Kourtnee", "Xaria", "Zuleima", "Karaline", "Heavenlee", "Landree", "Rylyn", "Arline", "Carlisha", "Roisin", "Lakiya", "Carmin", "Amilya", "Brittanee", "Malasia", "Siomara", "Amberley", "Mireille", "Melana", "Harriett", "Alisyn", "Terrah", "Taria", "Venecia", "Gweneth", "Brandilyn", "Joelene", "Eriel", "Jaicee", "Jaquita", "Geralyn", "Snow", "Joyanna", "Oneida", "Nyra", "Arisha", "Mickenzie", "Kortnee", "Ellise", "Fionna", "Kileigh", "Nuri", "Navi", "Danille", "Kateland", "Kesley", "Adryanna", "Lamiya", "Cambry", "Tailynn", "Jaia", "Serita", "Mayci", "Shirin", "Myiesha", "Kerriann", "Pari", "Keniyah", "Neyda", "Nyia", "Tanzania", "Avionna", "Delaine", "Bellarose", "Adlee", "Makalah", "Aurianna", "Raelin", "Filomena", "Yailin", "Alyssah", "Tiya", "Salwa", "Cambri", "Leda", "Marelyn", "Diem", "Donnetta", "Derica", "Elspeth", "Dominga", "Donesha", "Keionna", "Daya", "Alexy", "Donia", "Leandrea", "Makennah", "Kiva", "Chrissa", "Kamyla", "Taiya", "Xaviera", "Allicia", "Sayde", "Mairin", "Aalyah", "Donica", "Casaundra", "Lelani", "Kalise", "Tyrah", "Briasia", "Sarra", "Taralyn", "Javonne", "Tarina", "Leighla", "Finleigh", "Albany", "Emylee", "Amarilis", "Faustina", "Annagrace", "Irasema", "Jaquetta", "Ambre", "Debrah", "Spirit", "Vanya", "Leylah", "Indra", "Akila", "Flavia", "Chaniya", "Tehila", "Romi", "Sherica", "Caia", "Marketta", "Vernice", "Lucienne", "Jalesa", "Crystel", "Dessie", "Zya", "Reanne", "Caeli", "Sujey", "Nara", "Earlene", "Berenise", "Priscella", "Manya", "Doretha", "Ariyan", "Teja", "Sylvana", "Ilsa", "Evanna", "Imaan", "Joye", "Adelynne", "Chardonnay", "Secret", "Irlanda", "Hollee", "Tempestt", "Tamieka", "Danay", "Ivett", "Hermelinda", "Crystalyn", "Jacqlyn", "Brystal", "Skarlett", "Buffie", "Deshawna", "Mesa", "Aashna", "Aleecia", "Takeya", "Cyra", "Leianna", "Deirdra", "Bostyn", "Rorie", "Anyiah", "Marily", "Kamber", "Zissy", "Shamiyah", "Ayiana", "Tykeria", "Rea", "Misa", "Jessilyn", "Stori", "Marylee", "Khole", "Malanie", "Aiva", "Shadonna", "Analyse", "Lisseth", "Katee", "Jaspreet", "Manar", "Laren", "Terika", "Jihan", "Breaunna", "Matti", "Shatia", "Aleina", "Queena", "Kalayah", "Kamarie", "Janney", "Nyasha", "Auriana", "Koree", "Adrea", "Nalah", "Maurissa", "Richa", "Diara", "Ayannah", "Alajah", "Shareen", "Marcey", "Jadalyn", "Daizy", "Kellianne", "Iveth", "Jalea", "Alonda", "Railyn", "Shelsea", "Adamary", "Jeneva", "Dollie", "Hien", "Khalani", "Janylah", "Komal", "Jakelin", "Sharia", "Andrina", "Teasha", "Daenerys", "Harlynn", "Davianna", "Jeralyn", "Desaree", "Alaijah", "Briel", "Kendrea", "Laiba", "Hong", "Grettel", "Ily", "Brithany", "Lessly", "Evana", "Sharona", "Peaches", "Rozalyn", "Shakeema", "Aralynn", "Timara", "Vallerie", "Brynnley", "Julieth", "Dulcemaria", "Sativa", "Shakima", "Minda", "Joetta", "Rei", "Aahana", "Harbor", "Honesti", "Prisilla", "Ajla", "Catherin", "Karee", "Cherese", "Pang", "Areanna", "Alexsa", "Jamilyn", "Tasnim", "Corri", "Emmanuela", "Arlinda", "Aesha", "Analiah", "Jolette", "Londen", "Tykia", "Joclyn", "Shantrell", "Lizzet", "Bradi", "Aryssa", "Natania", "Sadi", "Keniya", "Orly", "Terriana", "Halina", "Liani", "Jozlynn", "Alanie", "Sydnei", "Bianey", "Reana", "Marleni", "Annamae", "Kaliana", "Lyndsy", "Talesha", "Avrey", "Corena", "Johnette", "Najae", "Anecia", "Alayshia", "Lysandra", "Lenae", "Deni", "Onika", "Demaris", "Damita", "Milinda", "Meghna", "Nabila", "Kindall", "Ambrielle", "Charice", "Kalliope", "Verena", "Ayelen", "Jordanne", "Kassidee", "Carolanne", "Lamaya", "Mauri", "Michelina", "Kimmy", "Amellia", "Zionna", "Rogue", "Dacey", "Jennessa", "Mackinley", "Daliah", "Janayah", "Blakelyn", "Kalene", "Jazel", "Emalynn", "Cicily", "Atlanta", "Darbi", "Devi", "Jasmen", "Cortnee", "Raevyn", "Jamye", "Lateefah", "Lucrecia", "Alaynna", "Montoya", "Marigold", "Addelynn", "Laneisha", "Dariela", "Bethaney", "Crystina", "Shontell", "Chisom", "Analiz", "Chani", "Jadalynn", "Arihanna", "Ciani", "Telia", "Aryonna", "Rihana", "Darice", "Aundria", "Langley", "Kayra", "Maika", "Trishia", "Kashmere", "Stepanie", "Tyneisha", "Ashna", "Tariah", "Sharda", "Dory", "Maygan", "Fredricka", "Kandie", "Merci", "Odelia", "Christia", "Ajia", "Annisa", "Kaileen", "Shaylie", "Naeemah", "Maisey", "Darling", "Abbe", "Mignon", "Tailyn", "Sheana", "Oliviah", "Sidnee", "Allysia", "Ileen", "Lyza", "Nuria", "Eda", "Jerrika", "Shaunice", "Yoanna", "Meliah", "Alliana", "Sharayah", "Latrece", "Miliana", "Leni", "Sabreena", "Anndrea", "Joshlynn", "Porshia", "Aulani", "Emori", "Vaida", "Tyresha", "Sequoyah", "Abeer", "Xochil", "Hina", "Bay", "Whitnee", "Annica", "Farida", "Peyten", "Lyndie", "Natoya", "Renada", "Jasmeen", "Catlyn", "Eunique", "Toriana", "Tanasha", "Merlyn", "Rebeckah", "Cozette", "Jaslin", "Mana", "Ameria", "Tiphanie", "Shamica", "Latasia", "Kaylynne", "Asley", "Ninfa", "Taniqua", "Swara", "Lakecia", "Cyrena", "Yanitza", "Annessa", "Zahava", "Blimy", "Latishia", "Carrieann", "Natanya", "Ashanta", "Atalia", "Yarelis", "Lannie", "Maniyah", "Chidera", "Makeba", "Zaliyah", "Vickey", "Regena", "Kashia", "Sarafina", "Ilda", "Aleigh", "Jennipher", "Dian", "Juliett", "Zaylie", "Shequita", "Emina", "Shalimar", "Truly", "Jannell", "Kaytie", "Kennisha", "Betina", "Bradie", "Anjelina", "Lareina", "Nakya", "Talynn", "Noell", "Aniylah", "Syriah", "Jeanene", "Elexa", "Kennya", "Abree", "Marketa", "Elyanna", "Maddilynn", "Aashi", "Malisha", "Maddelyn", "Brittiny", "Damiana", "Sivan", "Aleksa", "Kodee", "Adaly", "Amori", "Donella", "Emmalin", "Kenedy", "Shada", "Yen", "Ama", "Anora", "Kensi", "Pattie", "Myrtle", "Camri", "Aissa", "Barrie", "Safiyyah", "Inayah", "Coraima", "Ginna", "Habiba", "Arushi", "Ailee", "Perel", "Xyla", "Gwenevere", "Iana", "Antwanette", "Rifka", "Melenie", "Kea", "Coralyn", "Kathrina", "Angelynn", "Imogene", "Lauretta", "Jeimy", "Shelbee", "Shyenne", "Madalyne", "Najla", "Dandra", "Gennesis", "Carlissa", "Dominika", "Akyra", "Meka", "Charmain", "Mitchelle", "Aarohi", "Chere", "Hudsyn", "Laketa", "Assata", "Abigaile", "Shermaine", "Eula", "Liliane", "Chevon", "Demia", "Anoushka", "Loralee", "Kyera", "Aneisha", "Ikea", "Jamirah", "Lyana", "Sapphira", "Garnet", "Armanda", "Isyss", "Iridian", "Leea", "Saran", "Tiffanee", "Janielle", "Aleece", "Kaiah", "Shawndra", "Nyema", "Lariyah", "Tonette", "Cherlyn", "Kania", "Noora", "Mi", "Ryli", "Abena", "Maribella", "Raygen", "Skylie", "Lean", "Railynn", "Mayar", "Zamiya", "Naidelyn", "Dharma", "Nakiah", "Shaylen", "Kanya", "Leina", "Denisa", "Miri", "Xia", "Tatanisha", "Aneesha", "Kalleigh", "Akela", "Keia", "Nataley", "Whitlee", "Jesi", "Quetzalli", "Zuzanna", "Zylah", "Kyliee", "Catriona", "Kasidy", "Nathali", "Ranisha", "Amayrani", "Kristalyn", "Lissett", "Sonal", "Draya", "Lynnlee", "Camiyah", "Lesia", "Beckie", "Shawnette", "Karinna", "Ala", "Lalita", "Kesia", "Mirabel", "Senna", "Tennessee", "Anam", "Kama", "Esmerelda", "Gemini", "Shamiah", "Kynsley", "Emorie", "Kenzington", "Zaara", "Treena", "Emilyann", "Nikiya", "Alania", "Ellora", "Katrine", "Breezy", "Camrynn", "Nataliya", "Roselin", "Averey", "Zarria", "Marisabel", "Kaja", "Irais", "Lunden", "Anthea", "Heily", "Kaleia", "Chrystina", "Emmagrace", "Laquitta", "Jakeline", "Josseline", "Prescilla", "Raneem", "Lavonna", "Alleigh", "Eleonora", "Lamesha", "Loreen", "Kaleen", "Angell", "Annalea", "Ciji", "Marshae", "Mariadejesus", "Ragen", "Corinn", "Huong", "Ashari", "Maddy", "Esabella", "Tawna", "Phoenyx", "Amariyah", "Topanga", "Mercades", "Maheen", "Jalah", "Tela", "Jocelynne", "Natavia", "Tereza", "Subrina", "Yeimi", "Jolanda", "Jermani", "Kenzleigh", "Avayah", "Anicia", "Falicia", "Marit", "Amery", "Korah", "Maylen", "Taylah", "Natalyn", "Siham", "Leatrice", "Deisi", "Tyneshia", "Bronwen", "Andreia", "Chinyere", "Marlisa", "Jadynn", "Brandalyn", "Tonda", "Chari", "Cammi", "Ceirra", "Belicia", "Roneisha", "Christabel", "Mayzie", "Angelyna", "Jamielynn", "Mayeli", "Shandell", "Aaradhya", "Camya", "Elexia", "Maddalena", "Penni", "Demitria", "Alixandria", "Chanie", "Hollyann", "Yamilette", "Larita", "Donetta", "Marica", "Paxtyn", "Yulanda", "Charletta", "Terrika", "Noely", "Kaisa", "Yanelis", "Amillia", "Hajar", "Jhoana", "Kemoni", "Brissia", "Zehra", "Jasey", "Kimberleigh", "Jaiya", "Rozlynn", "Vega", "Cheron", "Tashika", "Gianina", "Samanatha", "Kayleah", "Charde", "Any", "Linnette", "Tomica", "Madlyn", "Delmy", "Aleea", "Karilyn", "Raychelle", "Shalana", "Maude", "Bralynn", "Calina", "Vanita", "Gissele", "Allysen", "Frederica", "Ariele", "Davita", "Nieves", "Beverley", "Margery", "Eimy", "Aubrei", "Betsey", "Mariaisabel", "Samina", "Batya", "Micole", "Olivea", "Emmaly", "Heydi", "Saffron", "Karimah", "Hally", "Darina", "Izamar", "Nely", "Tashauna", "Chanice", "Laurynn", "Ligia", "Citlally", "Lise", "Tanishia", "Titiana", "Ceaira", "Linzie", "Syrena", "Madylin", "Shilpa", "Nur", "Treasa", "Ashanty", "Shontay", "Amelya", "Aliyanna", "Kelise", "Anum", "Mikaella", "Alyxandria", "Viviane", "Lesha", "Francia", "Takyra", "Gloriana", "Madalynne", "Skai", "Rheagan", "Krislynn", "Annaka", "Alesa", "Arminda", "Mckynzie", "Caliana", "Braylie", "Lajuana", "Lakesia", "Derrica", "Elona", "Nalleli", "Tiah", "Jessicca", "Korri", "Tovah", "Kaelani", "Alin", "Ericca", "Paytin", "Yashika", "Teneshia", "Hira", "Linzi", "Tiauna", "Shalaya", "Airiana", "Chiamaka", "Nura", "Jalina", "Rainee", "Kemya", "Giuseppina", "Luisana", "Hadlie", "Brette", "Kammi", "Deva", "Kyndell", "Chrysta", "Shaquilla", "Viana", "Adalyne", "Eviana", "Roshunda", "Chrislyn", "Mylene", "Kailei", "Kenza", "Ritika", "Shahd", "Zyra", "Zury", "Esmae", "Kensleigh", "Bernita", "Breannah", "Xavia", "Kaylinn", "Mirel", "Shyloh", "Renna", "Sharise", "Zyanna", "Raechelle", "Dannika", "Kristene", "Teyanna", "Breya", "Lynzi", "Mikiah", "Charlsie", "Magdalyn", "Zyasia", "Ahmya", "Tinika", "Yuliza", "Victorya", "Idania", "Brelyn", "Tomasa", "Jaliya", "Laurice", "Katera", "Cydni", "Gabryelle", "Lyllian", "Brailee", "Kree", "Brianca", "Cana", "Brinn", "Aryel", "Dannah", "Oumou", "Zanya", "Elliotte", "Katelyne", "Justyne", "Merisa", "Alaisha", "Mychelle", "Ailish", "Elyce", "Nuha", "Elishia", "Jesslynn", "Eugena", "Nalia", "Shaneika", "Alexiss", "Alliah", "Devika", "Abi", "Miroslava", "Nichele", "Sunita", "Charnell", "Marylyn", "Jamyla", "Lya", "Carrisa", "Bibi", "Safiyah", "Shalina", "Analucia", "Loralie", "Lizzeth", "Kaylana", "Dalaney", "Ashle", "Nabiha", "Margarette", "Sapna", "Tacara", "Sarenity", "Shirlene", "Laiyah", "Kisa", "Yulonda", "Lynetta", "Kawanna", "Doria", "Elesha", "Cherrish", "Cybil", "Coree", "Meika", "Anjela", "Evany", "Keitha", "Dayani", "Shenell", "Marysa", "Kalysta", "Afnan", "Harini", "Kendi", "Daena", "Kemora", "Gwyn", "Tanita", "Sadaf", "Logann", "Tylynn", "Carlynn", "Mehgan", "Myanna", "Dunia", "Marybel", "Tylia", "Rahaf", "Maniya", "Jupiter", "Swayze", "Keirstin", "Megumi", "Maire", "Colbi", "Chastidy", "Luanna", "Amyrah", "Jalisha", "Kaylena", "Mckaylee", "Odyssey", "Manpreet", "Rainie", "Zitlaly", "Cassandre", "Carmelina", "Tameshia", "Jailee", "Natale", "Lin", "Maddalyn", "Antonietta", "Saydie", "Sabreen", "Kelliann", "Shaena", "Jonica", "Hannia", "Avie", "Annarose", "Anjuli", "Khori", "Mikka", "Illyana", "Brinda", "Kindle", "Ashleen", "Naina", "Sophya", "Zanaya", "Turquoise", "Kaelah", "Shamaria", "Kenady", "Jazmynn", "Matty", "Zandria", "Nelia", "Atziri", "Skylan", "Ellisyn", "Juliza", "Kadija", "Jacklin", "Hera", "Talicia", "Starlet", "Atarah", "Caleah", "Tapanga", "Miasia", "Tashay", "Morgana", "Miana", "Audreanna", "Miraya", "Tarynn", "Shakila", "Eneida", "Falynn", "Sharnell", "Apollonia", "Alexyss", "Maddisen", "Mercede", "Alexah", "Elka", "Ivania", "Tatem", "Kimmie", "Brenae", "Riane", "Fredericka", "Ieasha", "Taia", "Biridiana", "Kymberli", "Dalana", "Jezabel", "Lezly", "Danella", "Awilda", "Kaedence", "Diamon", "Nyisha", "Milca", "Iriana", "Brianny", "Skyleigh", "Tariyah", "Era", "Sharisse", "Latorya", "Hoa", "Kaetlyn", "Faithe", "Brittainy", "Aariyah", "Makynlee", "Hilarie", "Kearsten", "Hania", "Shalia", "Evony", "Lanay", "Kenly", "Denyse", "Sakari", "Ameliah", "Jerzie", "Tunisia", "Mirka", "Demitra", "Adell", "Janica", "Leala", "Cieara", "Keneisha", "Marialuisa", "Airianna", "Feather", "Madai", "Monzerrat", "Ainslie", "Peace", "Carry", "Pheobe", "Sriya", "Ailany", "Cinda", "Chevonne", "Denika", "Darnesha", "Alura", "Miyana", "Adanna", "Kaysi", "Lizzy", "Rossana", "Aimie", "Mailee", "Elowyn", "Natallie", "Nayana", "Janaiya", "Atiana", "Getsemani", "Emsley", "Aniyla", "Dayja", "Annel", "Monay", "Hannan", "Kayln", "Layal", "Meighan", "Katiria", "Rafaella", "Taneesha", "Jacqui", "Zakiah", "Khylie", "Trixie", "Chaquita", "Myrka", "Amarachi", "Riddhi", "Terin", "Aletheia", "Brecklyn", "Haedyn", "Janique", "Syria", "Jayah", "Kimara", "Porchia", "Dua", "Flannery", "Kamrie", "Adryana", "Elara", "Susann", "Jadzia", "Kellsie", "Berit", "Gurleen", "Breahna", "Domanique", "Leaha", "Shela", "Sharifa", "Theia", "Ronika", "Latora", "Arista", "Danee", "Jaynee", "Camilia", "Maeleigh", "Janesha", "Ma", "Lakeia", "Andera", "Tyronda", "Coralynn", "Alanda", "Tameria", "Daley", "Madalena", "Delyla", "Romelia", "Verona", "Kathaleen", "Kenlie", "Ishita", "Delinda", "Brennah", "Champagne", "Tynia", "Maresa", "Myrah", "Romana", "Bina", "Clarity", "Genea", "Deaira", "Marilena", "Mahealani", "Lanise", "Najwa", "Lien", "Tashi", "Krystie", "Suraya", "Zita", "Sakeena", "Jahniya", "Allysha", "Camber", "Cherith", "Brucha", "Tzivia", "Pressley", "Sharena", "Advika", "Amaiah", "Banesa", "Jazzmyne", "Manon", "Valeska", "Alexiz", "Alie", "Meggie", "Shreeya", "Kimbra", "Michaele", "Sayler", "Josee", "Korrin", "Makailah", "Etty", "Mathilde", "Cerise", "Lyrica", "Scotland", "Estefanie", "Ankita", "Pascale", "Jinny", "Yakelin", "Unity", "Arnetta", "Rossi", "Deadra", "Keilly", "Judit", "Jasia", "Charlisa", "Duaa", "Starlyn", "Lenise", "Starlene", "Quanita", "Avyanna", "Envy", "Shatoria", "Chantae", "Deniece", "Mayleigh", "Daneen", "Paeton", "Sarika", "Samera", "Carisma", "Theadora", "Ellaina", "Lashanta", "Adalind", "Tyara", "Sareena", "Hadiyah", "Kayte", "Mattilyn", "Inessa", "Iyanah", "Shakeena", "Nikeya", "Darlena", "Anagha", "Sundus", "Angelin", "Meher", "Lanetta", "Mone", "Aisa", "Shannyn", "Aparna", "Abegail", "Lizandra", "Lanessa", "Amorette", "Syniah", "Kedra", "Celestial", "Taysia", "Jailin", "Analis", "Akua", "Arleigh", "Kenli", "Avigayil", "Lanea", "Anina", "Meleny", "Maayan", "Ariza", "Sherrita", "Yaire", "Analyssa", "Courtny", "Kendle", "Brighid", "Haidee", "Jesselyn", "Senaida", "Tylah", "Veena", "Svea", "Aalia", "Amila", "Sofi", "Ioanna", "Meloney", "Mckennah", "Alydia", "Rakia", "Israa", "Karman", "Lilie", "Pamella", "Asani", "Germany", "Kiaira", "Harpreet", "Laniece", "Arizbeth", "Sheria", "Tyleah", "Aliannah", "Teneka", "Taylour", "Sharissa", "Diva", "Hayat", "Natilee", "Sarayu", "Makylah", "Jaretzy", "Chelby", "Cyndy", "Rema", "Anjana", "Adali", "Shereka", + ], + "last": [ + "Smith", "Johnson", "Williams", "Brown", "Jones", "Miller", "Davis", "Garcia", "Rodriguez", "Wilson", "Martinez", "Anderson", "Taylor", "Thomas", "Hernandez", "Moore", "Martin", "Jackson", "Thompson", "White", "Lopez", "Lee", "Gonzalez", "Harris", "Clark", "Lewis", "Robinson", "Walker", "Perez", "Hall", "Young", "Allen", "Sanchez", "Wright", "King", "Scott", "Green", "Baker", "Adams", "Nelson", "Hill", "Ramirez", "Campbell", "Mitchell", "Roberts", "Carter", "Phillips", "Evans", "Turner", "Torres", "Parker", "Collins", "Edwards", "Stewart", "Flores", "Morris", "Nguyen", "Murphy", "Rivera", "Cook", "Rogers", "Morgan", "Peterson", "Cooper", "Reed", "Bailey", "Bell", "Gomez", "Kelly", "Howard", "Ward", "Cox", "Diaz", "Richardson", "Wood", "Watson", "Brooks", "Bennett", "Gray", "James", "Reyes", "Cruz", "Hughes", "Price", "Myers", "Long", "Foster", "Sanders", "Ross", "Morales", "Powell", "Sullivan", "Russell", "Ortiz", "Jenkins", "Gutierrez", "Perry", "Butler", "Barnes", "Fisher", "Henderson", "Coleman", "Simmons", "Patterson", "Jordan", "Reynolds", "Hamilton", "Graham", "Kim", "Gonzales", "Alexander", "Ramos", "Wallace", "Griffin", "West", "Cole", "Hayes", "Chavez", "Gibson", "Bryant", "Ellis", "Stevens", "Murray", "Ford", "Marshall", "Owens", "Mcdonald", "Harrison", "Ruiz", "Kennedy", "Wells", "Alvarez", "Woods", "Mendoza", "Castillo", "Olson", "Webb", "Washington", "Tucker", "Freeman", "Burns", "Henry", "Vasquez", "Snyder", "Simpson", "Crawford", "Jimenez", "Porter", "Mason", "Shaw", "Gordon", "Wagner", "Hunter", "Romero", "Hicks", "Dixon", "Hunt", "Palmer", "Robertson", "Black", "Holmes", "Stone", "Meyer", "Boyd", "Mills", "Warren", "Fox", "Rose", "Rice", "Moreno", "Schmidt", "Patel", "Ferguson", "Nichols", "Herrera", "Medina", "Ryan", "Fernandez", "Weaver", "Daniels", "Stephens", "Gardner", "Payne", "Kelley", "Dunn", "Pierce", "Arnold", "Tran", "Spencer", "Peters", "Hawkins", "Grant", "Hansen", "Castro", "Hoffman", "Hart", "Elliott", "Cunningham", "Knight", "Bradley", "Carroll", "Hudson", "Duncan", "Armstrong", "Berry", "Andrews", "Johnston", "Ray", "Lane", "Riley", "Carpenter", "Perkins", "Aguilar", "Silva", "Richards", "Willis", "Matthews", "Chapman", "Lawrence", "Garza", "Vargas", "Watkins", "Wheeler", "Larson", "Carlson", "Harper", "George", "Greene", "Burke", "Guzman", "Morrison", "Munoz", "Jacobs", "Obrien", "Lawson", "Franklin", "Lynch", "Bishop", "Carr", "Salazar", "Austin", "Mendez", "Gilbert", "Jensen", "Williamson", "Montgomery", "Harvey", "Oliver", "Howell", "Dean", "Hanson", "Weber", "Garrett", "Sims", "Burton", "Fuller", "Soto", "Mccoy", "Welch", "Chen", "Schultz", "Walters", "Reid", "Fields", "Walsh", "Little", "Fowler", "Bowman", "Davidson", "May", "Day", "Schneider", "Newman", "Brewer", "Lucas", "Holland", "Wong", "Banks", "Santos", "Curtis", "Pearson", "Delgado", "Valdez", "Pena", "Rios", "Douglas", "Sandoval", "Barrett", "Hopkins", "Keller", "Guerrero", "Stanley", "Bates", "Alvarado", "Beck", "Ortega", "Wade", "Estrada", "Contreras", "Barnett", "Caldwell", "Santiago", "Lambert", "Powers", "Chambers", "Nunez", "Craig", "Leonard", "Lowe", "Rhodes", "Byrd", "Gregory", "Shelton", "Frazier", "Becker", "Maldonado", "Fleming", "Vega", "Sutton", "Cohen", "Jennings", "Parks", "Mcdaniel", "Watts", "Barker", "Norris", "Vaughn", "Vazquez", "Holt", "Schwartz", "Steele", "Benson", "Neal", "Dominguez", "Horton", "Terry", "Wolfe", "Hale", "Lyons", "Graves", "Haynes", "Miles", "Park", "Warner", "Padilla", "Bush", "Thornton", "Mccarthy", "Mann", "Zimmerman", "Erickson", "Fletcher", "Mckinney", "Page", "Dawson", "Joseph", "Marquez", "Reeves", "Klein", "Espinoza", "Baldwin", "Moran", "Love", "Robbins", "Higgins", "Ball", "Cortez", "Le", "Griffith", "Bowen", "Sharp", "Cummings", "Ramsey", "Hardy", "Swanson", "Barber", "Acosta", "Luna", "Chandler", "Blair", "Daniel", "Cross", "Simon", "Dennis", "Oconnor", "Quinn", "Gross", "Navarro", "Moss", "Fitzgerald", "Doyle", "Mclaughlin", "Rojas", "Rodgers", "Stevenson", "Singh", "Yang", "Figueroa", "Harmon", "Newton", "Paul", "Manning", "Garner", "Mcgee", "Reese", "Francis", "Burgess", "Adkins", "Goodman", "Curry", "Brady", "Christensen", "Potter", "Walton", "Goodwin", "Mullins", "Molina", "Webster", "Fischer", "Campos", "Avila", "Sherman", "Todd", "Chang", "Blake", "Malone", "Wolf", "Hodges", "Juarez", "Gill", "Farmer", "Hines", "Gallagher", "Duran", "Hubbard", "Cannon", "Miranda", "Wang", "Saunders", "Tate", "Mack", "Hammond", "Carrillo", "Townsend", "Wise", "Ingram", "Barton", "Mejia", "Ayala", "Schroeder", "Hampton", "Rowe", "Parsons", "Frank", "Waters", "Strickland", "Osborne", "Maxwell", "Chan", "Deleon", "Norman", "Harrington", "Casey", "Patton", "Logan", "Bowers", "Mueller", "Glover", "Floyd", "Hartman", "Buchanan", "Cobb", "French", "Kramer", "Mccormick", "Clarke", "Tyler", "Gibbs", "Moody", "Conner", "Sparks", "Mcguire", "Leon", "Bauer", "Norton", "Pope", "Flynn", "Hogan", "Robles", "Salinas", "Yates", "Lindsey", "Lloyd", "Marsh", "Mcbride", "Owen", "Solis", "Pham", "Lang", "Pratt", "Lara", "Brock", "Ballard", "Trujillo", "Shaffer", "Drake", "Roman", "Aguirre", "Morton", "Stokes", "Lamb", "Pacheco", "Patrick", "Cochran", "Shepherd", "Cain", "Burnett", "Hess", "Li", "Cervantes", "Olsen", "Briggs", "Ochoa", "Cabrera", "Velasquez", "Montoya", "Roth", "Meyers", "Cardenas", "Fuentes", "Weiss", "Hoover", "Wilkins", "Nicholson", "Underwood", "Short", "Carson", "Morrow", "Colon", "Holloway", "Summers", "Bryan", "Petersen", "Mckenzie", "Serrano", "Wilcox", "Carey", "Clayton", "Poole", "Calderon", "Gallegos", "Greer", "Rivas", "Guerra", "Decker", "Collier", "Wall", "Whitaker", "Bass", "Flowers", "Davenport", "Conley", "Houston", "Huff", "Copeland", "Hood", "Monroe", "Massey", "Roberson", "Combs", "Franco", "Larsen", "Pittman", "Randall", "Skinner", "Wilkinson", "Kirby", "Cameron", "Bridges", "Anthony", "Richard", "Kirk", "Bruce", "Singleton", "Mathis", "Bradford", "Boone", "Abbott", "Charles", "Allison", "Sweeney", "Atkinson", "Horn", "Jefferson", "Rosales", "York", "Christian", "Phelps", "Farrell", "Castaneda", "Nash", "Dickerson", "Bond", "Wyatt", "Foley", "Chase", "Gates", "Vincent", "Mathews", "Hodge", "Garrison", "Trevino", "Villarreal", "Heath", "Dalton", "Valencia", "Callahan", "Hensley", "Atkins", "Huffman", "Roy", "Boyer", "Shields", "Lin", "Hancock", "Grimes", "Glenn", "Cline", "Delacruz", "Camacho", "Dillon", "Parrish", "Oneill", "Melton", "Booth", "Kane", "Berg", "Harrell", "Pitts", "Savage", "Wiggins", "Brennan", "Salas", "Marks", "Russo", "Sawyer", "Baxter", "Golden", "Hutchinson", "Liu", "Walter", "Mcdowell", "Wiley", "Rich", "Humphrey", "Johns", "Koch", "Suarez", "Hobbs", "Beard", "Gilmore", "Ibarra", "Keith", "Macias", "Khan", "Andrade", "Ware", "Stephenson", "Henson", "Wilkerson", "Dyer", "Mcclure", "Blackwell", "Mercado", "Tanner", "Eaton", "Clay", "Barron", "Beasley", "Oneal", "Preston", "Small", "Wu", "Zamora", "Macdonald", "Vance", "Snow", "Mcclain", "Stafford", "Orozco", "Barry", "English", "Shannon", "Kline", "Jacobson", "Woodard", "Huang", "Kemp", "Mosley", "Prince", "Merritt", "Hurst", "Villanueva", "Roach", "Nolan", "Lam", "Yoder", "Mccullough", "Lester", "Santana", "Valenzuela", "Winters", "Barrera", "Leach", "Orr", "Berger", "Mckee", "Strong", "Conway", "Stein", "Whitehead", "Bullock", "Escobar", "Knox", "Meadows", "Solomon", "Velez", "Odonnell", "Kerr", "Stout", "Blankenship", "Browning", "Kent", "Lozano", "Bartlett", "Pruitt", "Buck", "Barr", "Gaines", "Durham", "Gentry", "Mcintyre", "Sloan", "Rocha", "Melendez", "Herman", "Sexton", "Moon", "Hendricks", "Rangel", "Stark", "Lowery", "Hardin", "Hull", "Sellers", "Ellison", "Calhoun", "Gillespie", "Mora", "Knapp", "Mccall", "Morse", "Dorsey", "Weeks", "Nielsen", "Livingston", "Leblanc", "Mclean", "Bradshaw", "Glass", "Middleton", "Buckley", "Schaefer", "Frost", "Howe", "House", "Mcintosh", "Ho", "Pennington", "Reilly", "Hebert", "Mcfarland", "Hickman", "Noble", "Spears", "Conrad", "Arias", "Galvan", "Velazquez", "Huynh", "Frederick", "Randolph", "Cantu", "Fitzpatrick", "Mahoney", "Peck", "Villa", "Michael", "Donovan", "Mcconnell", "Walls", "Boyle", "Mayer", "Zuniga", "Giles", "Pineda", "Pace", "Hurley", "Mays", "Mcmillan", "Crosby", "Ayers", "Case", "Bentley", "Shepard", "Everett", "Pugh", "David", "Mcmahon", "Dunlap", "Bender", "Hahn", "Harding", "Acevedo", "Raymond", "Blackburn", "Duffy", "Landry", "Dougherty", "Bautista", "Shah", "Potts", "Arroyo", "Valentine", "Meza", "Gould", "Vaughan", "Fry", "Rush", "Avery", "Herring", "Dodson", "Clements", "Sampson", "Tapia", "Bean", "Lynn", "Crane", "Farley", "Cisneros", "Benton", "Ashley", "Mckay", "Finley", "Best", "Blevins", "Friedman", "Moses", "Sosa", "Blanchard", "Huber", "Frye", "Krueger", "Bernard", "Rosario", "Rubio", "Mullen", "Benjamin", "Haley", "Chung", "Moyer", "Choi", "Horne", "Yu", "Woodward", "Ali", "Nixon", "Hayden", "Rivers", "Estes", "Mccarty", "Richmond", "Stuart", "Maynard", "Brandt", "Oconnell", "Hanna", "Sanford", "Sheppard", "Church", "Burch", "Levy", "Rasmussen", "Coffey", "Ponce", "Faulkner", "Donaldson", "Schmitt", "Novak", "Costa", "Montes", "Booker", "Cordova", "Waller", "Arellano", "Maddox", "Mata", "Bonilla", "Stanton", "Compton", "Kaufman", "Dudley", "Mcpherson", "Beltran", "Dickson", "Mccann", "Villegas", "Proctor", "Hester", "Cantrell", "Daugherty", "Cherry", "Bray", "Davila", "Rowland", "Levine", "Madden", "Spence", "Good", "Irwin", "Werner", "Krause", "Petty", "Whitney", "Baird", "Hooper", "Pollard", "Zavala", "Jarvis", "Holden", "Haas", "Hendrix", "Mcgrath", "Bird", "Lucero", "Terrell", "Riggs", "Joyce", "Mercer", "Rollins", "Galloway", "Duke", "Odom", "Andersen", "Downs", "Hatfield", "Benitez", "Archer", "Huerta", "Travis", "Mcneil", "Hinton", "Zhang", "Hays", "Mayo", "Fritz", "Branch", "Mooney", "Ewing", "Ritter", "Esparza", "Frey", "Braun", "Gay", "Riddle", "Haney", "Kaiser", "Holder", "Chaney", "Mcknight", "Gamble", "Vang", "Cooley", "Carney", "Cowan", "Forbes", "Ferrell", "Davies", "Barajas", "Shea", "Osborn", "Bright", "Cuevas", "Bolton", "Murillo", "Lutz", "Duarte", "Kidd", "Key", "Cooke", "Goff", "Dejesus", "Marin", "Dotson", "Bonner", "Cotton", "Merrill", "Lindsay", "Lancaster", "Mcgowan", "Felix", "Salgado", "Slater", "Carver", "Guthrie", "Holman", "Fulton", "Snider", "Sears", "Witt", "Newell", "Byers", "Lehman", "Gorman", "Costello", "Donahue", "Delaney", "Albert", "Workman", "Rosas", "Springer", "Kinney", "Justice", "Odell", "Lake", "Donnelly", "Law", "Dailey", "Guevara", "Shoemaker", "Barlow", "Marino", "Winter", "Craft", "Katz", "Pickett", "Espinosa", "Maloney", "Daly", "Goldstein", "Crowley", "Vogel", "Kuhn", "Pearce", "Hartley", "Cleveland", "Palacios", "Mcfadden", "Britt", "Wooten", "Cortes", "Dillard", "Childers", "Alford", "Dodd", "Emerson", "Wilder", "Lange", "Goldberg", "Quintero", "Beach", "Enriquez", "Quintana", "Helms", "Mackey", "Finch", "Cramer", "Minor", "Flanagan", "Franks", "Corona", "Kendall", "Mccabe", "Hendrickson", "Moser", "Mcdermott", "Camp", "Mcleod", "Bernal", "Kaplan", "Medrano", "Lugo", "Tracy", "Bacon", "Crowe", "Richter", "Welsh", "Holley", "Ratliff", "Mayfield", "Talley", "Haines", "Dale", "Gibbons", "Hickey", "Byrne", "Kirkland", "Farris", "Correa", "Tillman", "Sweet", "Kessler", "England", "Hewitt", "Blanco", "Connolly", "Pate", "Elder", "Bruno", "Holcomb", "Hyde", "Mcallister", "Cash", "Christopher", "Whitfield", "Meeks", "Hatcher", "Fink", "Sutherland", "Noel", "Ritchie", "Rosa", "Leal", "Joyner", "Starr", "Morin", "Delarosa", "Connor", "Hilton", "Alston", "Gilliam", "Wynn", "Wills", "Jaramillo", "Oneil", "Nieves", "Britton", "Rankin", "Belcher", "Guy", "Chamberlain", "Tyson", "Puckett", "Downing", "Sharpe", "Boggs", "Truong", "Pierson", "Godfrey", "Mobley", "John", "Kern", "Dye", "Hollis", "Bravo", "Magana", "Rutherford", "Ng", "Tuttle", "Lim", "Romano", "Trejo", "Arthur", "Knowles", "Lyon", "Shirley", "Quinones", "Childs", "Dolan", "Head", "Reyna", "Saenz", "Hastings", "Kenney", "Cano", "Foreman", "Denton", "Villalobos", "Pryor", "Sargent", "Doherty", "Hopper", "Phan", "Womack", "Lockhart", "Ventura", "Dwyer", "Muller", "Galindo", "Grace", "Sorensen", "Courtney", "Parra", "Rodrigues", "Nicholas", "Ahmed", "Mcginnis", "Langley", "Madison", "Locke", "Jamison", "Nava", "Gustafson", "Sykes", "Dempsey", "Hamm", "Rodriquez", "Mcgill", "Xiong", "Esquivel", "Simms", "Kendrick", "Boyce", "Vigil", "Downey", "Mckenna", "Sierra", "Webber", "Kirkpatrick", "Dickinson", "Couch", "Burks", "Sheehan", "Slaughter", "Pike", "Whitley", "Magee", "Cheng", "Sinclair", "Cassidy", "Rutledge", "Burris", "Bowling", "Crabtree", "Mcnamara", "Avalos", "Vu", "Herron", "Broussard", "Abraham", "Garland", "Corbett", "Corbin", "Stinson", "Chin", "Burt", "Hutchins", "Woodruff", "Lau", "Brandon", "Singer", "Hatch", "Rossi", "Shafer", "Ott", "Goss", "Gregg", "Dewitt", "Tang", "Polk", "Worley", "Covington", "Saldana", "Heller", "Emery", "Swartz", "Cho", "Mccray", "Elmore", "Rosenberg", "Simons", "Clemons", "Beatty", "Harden", "Herbert", "Bland", "Rucker", "Manley", "Ziegler", "Grady", "Lott", "Rouse", "Gleason", "Mcclellan", "Abrams", "Vo", "Albright", "Meier", "Dunbar", "Ackerman", "Padgett", "Mayes", "Tipton", "Coffman", "Peralta", "Shapiro", "Roe", "Weston", "Plummer", "Helton", "Stern", "Fraser", "Stover", "Fish", "Schumacher", "Baca", "Curran", "Vinson", "Vera", "Clifton", "Ervin", "Eldridge", "Lowry", "Childress", "Becerra", "Gore", "Seymour", "Chu", "Field", "Akers", "Carrasco", "Bingham", "Sterling", "Greenwood", "Leslie", "Groves", "Manuel", "Swain", "Edmonds", "Muniz", "Thomson", "Crouch", "Walden", "Smart", "Tomlinson", "Alfaro", "Quick", "Goldman", "Mcelroy", "Yarbrough", "Funk", "Hong", "Portillo", "Lund", "Ngo", "Elkins", "Stroud", "Meredith", "Battle", "Mccauley", "Zapata", "Bloom", "Gee", "Givens", "Cardona", "Schafer", "Robison", "Gunter", "Griggs", "Tovar", "Teague", "Swift", "Bowden", "Schulz", "Blanton", "Buckner", "Whalen", "Pritchard", "Pierre", "Kang", "Metcalf", "Butts", "Kurtz", "Sanderson", "Tompkins", "Inman", "Crowder", "Dickey", "Hutchison", "Conklin", "Hoskins", "Holbrook", "Horner", "Neely", "Tatum", "Hollingsworth", "Draper", "Clement", "Lord", "Reece", "Feldman", "Kay", "Hagen", "Crews", "Bowles", "Post", "Jewell", "Daley", "Cordero", "Mckinley", "Velasco", "Masters", "Driscoll", "Burrell", "Valle", "Crow", "Devine", "Larkin", "Chappell", "Pollock", "Ly", "Kimball", "Schmitz", "Lu", "Rubin", "Self", "Barrios", "Pereira", "Phipps", "Mcmanus", "Nance", "Steiner", "Poe", "Crockett", "Jeffries", "Amos", "Nix", "Newsome", "Dooley", "Payton", "Rosen", "Swenson", "Connelly", "Tolbert", "Segura", "Esposito", "Coker", "Biggs", "Hinkle", "Thurman", "Drew", "Ivey", "Bullard", "Baez", "Neff", "Maher", "Stratton", "Egan", "Dubois", "Gallardo", "Blue", "Rainey", "Yeager", "Saucedo", "Ferreira", "Sprague", "Lacy", "Hurtado", "Heard", "Connell", "Stahl", "Aldridge", "Amaya", "Forrest", "Erwin", "Gunn", "Swan", "Butcher", "Rosado", "Godwin", "Hand", "Gabriel", "Otto", "Whaley", "Ludwig", "Clifford", "Grove", "Beaver", "Silver", "Dang", "Hammer", "Dick", "Boswell", "Mead", "Colvin", "Oleary", "Milligan", "Goins", "Ames", "Dodge", "Kaur", "Escobedo", "Arredondo", "Geiger", "Winkler", "Dunham", "Temple", "Babcock", "Billings", "Grimm", "Lilly", "Wesley", "Mcghee", "Siegel", "Painter", "Bower", "Purcell", "Block", "Aguilera", "Norwood", "Sheridan", "Cartwright", "Coates", "Davison", "Regan", "Ramey", "Koenig", "Kraft", "Bunch", "Engel", "Tan", "Winn", "Steward", "Link", "Vickers", "Bragg", "Piper", "Huggins", "Michel", "Healy", "Jacob", "Mcdonough", "Wolff", "Colbert", "Zepeda", "Hoang", "Dugan", "Meade", "Kilgore", "Guillen", "Do", "Hinojosa", "Goode", "Arrington", "Gary", "Snell", "Willard", "Renteria", "Chacon", "Gallo", "Hankins", "Montano", "Browne", "Peacock", "Ohara", "Cornell", "Sherwood", "Castellanos", "Thorpe", "Stiles", "Sadler", "Latham", "Redmond", "Greenberg", "Cote", "Waddell", "Dukes", "Diamond", "Bui", "Madrid", "Alonso", "Sheets", "Irvin", "Hurt", "Ferris", "Sewell", "Carlton", "Aragon", "Blackmon", "Hadley", "Hoyt", "Mcgraw", "Pagan", "Land", "Tidwell", "Lovell", "Miner", "Doss", "Dahl", "Delatorre", "Stanford", "Kauffman", "Vela", "Gagnon", "Winston", "Gomes", "Thacker", "Coronado", "Ash", "Jarrett", "Hager", "Samuels", "Metzger", "Raines", "Spivey", "Maurer", "Han", "Voss", "Henley", "Caballero", "Caruso", "Coulter", "North", "Finn", "Cahill", "Lanier", "Souza", "Mcwilliams", "Deal", "Urban", "Schaffer", "Houser", "Cummins", "Romo", "Crocker", "Bassett", "Kruse", "Bolden", "Ybarra", "Metz", "Root", "Mcmullen", "Hagan", "Crump", "Guidry", "Brantley", "Kearney", "Beal", "Toth", "Jorgensen", "Timmons", "Milton", "Tripp", "Hurd", "Sapp", "Whitman", "Messer", "Burgos", "Major", "Westbrook", "Castle", "Serna", "Carlisle", "Varela", "Cullen", "Wilhelm", "Bergeron", "Burger", "Posey", "Barnhart", "Hackett", "Madrigal", "Eubanks", "Sizemore", "Hilliard", "Hargrove", "Boucher", "Thomason", "Melvin", "Roper", "Barnard", "Fonseca", "Pedersen", "Quiroz", "Washburn", "Holliday", "Yee", "Rudolph", "Bermudez", "Coyle", "Gil", "Pina", "Goodrich", "Elias", "Lockwood", "Cabral", "Carranza", "Duvall", "Cornelius", "Mccollum", "Street", "Mcneal", "Connors", "Angel", "Paulson", "Hinson", "Keenan", "Sheldon", "Farr", "Eddy", "Samuel", "Ring", "Ledbetter", "Betts", "Fontenot", "Gifford", "Hannah", "Hanley", "Person", "Fountain", "Levin", "Stubbs", "Hightower", "Murdock", "Koehler", "Ma", "Engle", "Smiley", "Carmichael", "Sheffield", "Langston", "Mccracken", "Yost", "Trotter", "Story", "Starks", "Lujan", "Blount", "Cody", "Rushing", "Benoit", "Herndon", "Jacobsen", "Nieto", "Wiseman", "Layton", "Epps", "Shipley", "Leyva", "Reeder", "Brand", "Roland", "Fitch", "Rico", "Napier", "Cronin", "Mcqueen", "Paredes", "Trent", "Christiansen", "Spangler", "Pettit", "Langford", "Benavides", "Penn", "Paige", "Weir", "Dietz", "Prater", "Brewster", "Louis", "Diehl", "Pack", "Spaulding", "Ernst", "Aviles", "Nowak", "Olvera", "Rock", "Mansfield", "Aquino", "Ogden", "Stacy", "Rizzo", "Sylvester", "Gillis", "Sands", "Machado", "Lovett", "Duong", "Hyatt", "Landis", "Platt", "Bustamante", "Hedrick", "Pritchett", "Gaston", "Dobson", "Caudill", "Tackett", "Bateman", "Landers", "Carmona", "Gipson", "Uribe", "Mcneill", "Ledford", "Mims", "Abel", "Gold", "Smallwood", "Thorne", "Mchugh", "Dickens", "Leung", "Tobin", "Kowalski", "Medeiros", "Cope", "Quezada", "Kraus", "Overton", "Montalvo", "Staley", "Woody", "Hathaway", "Osorio", "Laird", "Dobbs", "Capps", "Putnam", "Lay", "Francisco", "Bernstein", "Adair", "Hutton", "Burkett", "Rhoades", "Yanez", "Richey", "Bledsoe", "Mccain", "Beyer", "Cates", "Roche", "Spicer", "Queen", "Doty", "Darling", "Darby", "Sumner", "Kincaid", "Hay", "Grossman", "Lacey", "Wilkes", "Humphries", "Paz", "Darnell", "Keys", "Kyle", "Lackey", "Vogt", "Locklear", "Kiser", "Presley", "Bryson", "Bergman", "Peoples", "Fair", "Mcclendon", "Corley", "Prado", "Christie", "Delong", "Skaggs", "Dill", "Shearer", "Judd", "Stapleton", "Flaherty", "Casillas", "Pinto", "Youngblood", "Haywood", "Toney", "Ricks", "Granados", "Crum", "Triplett", "Soriano", "Waite", "Hoff", "Anaya", "Crenshaw", "Jung", "Canales", "Cagle", "Denny", "Marcus", "Berman", "Munson", "Ocampo", "Bauman", "Corcoran", "Keen", "Zimmer", "Friend", "Ornelas", "Varner", "Pelletier", "Vernon", "Blum", "Albrecht", "Culver", "Schuster", "Cuellar", "Mccord", "Shultz", "Mcrae", "Moreland", "Calvert", "William", "Whittington", "Eckert", "Keene", "Mohr", "Hanks", "Kimble", "Cavanaugh", "Crowell", "Russ", "Feliciano", "Crain", "Busch", "Mccormack", "Drummond", "Omalley", "Aldrich", "Luke", "Greco", "Mott", "Oakes", "Mallory", "Mclain", "Burrows", "Otero", "Allred", "Eason", "Finney", "Weller", "Waldron", "Champion", "Jeffers", "Coon", "Rosenthal", "Huddleston", "Solano", "Hirsch", "Akins", "Olivares", "Song", "Sneed", "Benedict", "Bain", "Okeefe", "Hidalgo", "Matos", "Stallings", "Paris", "Gamez", "Kenny", "Quigley", "Marrero", "Fagan", "Dutton", "Pappas", "Atwood", "Mcgovern", "Bagley", "Read", "Lunsford", "Moseley", "Oakley", "Ashby", "Granger", "Shaver", "Hope", "Coe", "Burroughs", "Helm", "Neumann", "Ambrose", "Michaels", "Prescott", "Light", "Dumas", "Flood", "Stringer", "Currie", "Comer", "Fong", "Whitlock", "Lemus", "Hawley", "Ulrich", "Staples", "Boykin", "Knutson", "Grover", "Hobson", "Cormier", "Doran", "Thayer", "Woodson", "Whitt", "Hooker", "Kohler", "Vandyke", "Addison", "Schrader", "Haskins", "Whittaker", "Madsen", "Gauthier", "Burnette", "Keating", "Purvis", "Aleman", "Huston", "Pimentel", "Hamlin", "Gerber", "Hooks", "Schwab", "Honeycutt", "Schulte", "Alonzo", "Isaac", "Conroy", "Adler", "Eastman", "Cottrell", "Orourke", "Hawk", "Goldsmith", "Rader", "Crandall", "Reynoso", "Shook", "Abernathy", "Baer", "Olivas", "Grayson", "Bartley", "Henning", "Parr", "Duff", "Brunson", "Baum", "Ennis", "Laughlin", "Foote", "Valadez", "Adamson", "Begay", "Stovall", "Lincoln", "Cheung", "Malloy", "Rider", "Giordano", "Jansen", "Lopes", "Arnett", "Pendleton", "Gage", "Barragan", "Keyes", "Navarrete", "Amador", "Hoffmann", "Schilling", "Hawthorne", "Perdue", "Schreiber", "Arevalo", "Naylor", "Deluca", "Marcum", "Altman", "Mark", "Chadwick", "Doan", "Easley", "Ladd", "Woodall", "Betancourt", "Shin", "Maguire", "Bellamy", "Quintanilla", "Ham", "Sorenson", "Mattson", "Brenner", "Means", "Faust", "Calloway", "Ojeda", "Mcnally", "Dietrich", "Ransom", "Hare", "Felton", "Whiting", "Burkhart", "Clinton", "Schwarz", "Cleary", "Wetzel", "Reagan", "Stjohn", "Chow", "Hauser", "Dupree", "Brannon", "Lyles", "Prather", "Willoughby", "Sepulveda", "Nugent", "Pickens", "Mosher", "Joiner", "Stoner", "Dowling", "Trimble", "Valdes", "Cheek", "Scruggs", "Coy", "Tilley", "Barney", "Saylor", "Nagy", "Horvath", "Lai", "Corey", "Ruth", "Sauer", "Baron", "Thao", "Rowell", "Grubbs", "Schaeffer", "Hillman", "Sams", "Hogue", "Hutson", "Busby", "Nickerson", "Bruner", "Parham", "Rendon", "Anders", "Lombardo", "Iverson", "Kinsey", "Earl", "Borden", "Titus", "Jean", "Tellez", "Beavers", "Cornett", "Sotelo", "Kellogg", "Silverman", "Burnham", "Mcnair", "Jernigan", "Escamilla", "Barrow", "Coats", "London", "Redding", "Ruffin", "Yi", "Boudreaux", "Goodson", "Dowell", "Fenton", "Mock", "Dozier", "Bynum", "Gale", "Jolly", "Beckman", "Goddard", "Craven", "Whitmore", "Leary", "Mccloud", "Gamboa", "Kerns", "Brunner", "Negron", "Hough", "Cutler", "Ledesma", "Pyle", "Monahan", "Tabor", "Burk", "Leone", "Stauffer", "Hayward", "Driver", "Ruff", "Talbot", "Seals", "Boston", "Carbajal", "Fay", "Purdy", "Mcgregor", "Sun", "Orellana", "Gentile", "Mahan", "Brower", "Patino", "Thurston", "Shipman", "Torrez", "Aaron", "Weiner", "Call", "Wilburn", "Oliva", "Hairston", "Coley", "Hummel", "Arreola", "Watt", "Sharma", "Lentz", "Arce", "Power", "Longoria", "Wagoner", "Burr", "Hsu", "Tinsley", "Beebe", "Wray", "Nunn", "Prieto", "German", "Rowley", "Grubb", "Brito", "Royal", "Valentin", "Bartholomew", "Schuler", "Aranda", "Flint", "Hearn", "Venegas", "Unger", "Mattingly", "Boles", "Casas", "Barger", "Julian", "Dow", "Dobbins", "Vann", "Chester", "Strange", "Lemon", "Kahn", "Mckinnon", "Gannon", "Waggoner", "Conn", "Meek", "Cavazos", "Skelton", "Lo", "Kumar", "Toledo", "Lorenz", "Vallejo", "Starkey", "Kitchen", "Reaves", "Demarco", "Farrar", "Stearns", "Michaud", "Higginbotham", "Fernandes", "Isaacs", "Marion", "Guillory", "Priest", "Meehan", "Oliveira", "Palma", "Oswald", "Loomis", "Galvez", "Lind", "Mena", "Stclair", "Hinds", "Reardon", "Alley", "Barth", "Crook", "Bliss", "Nagel", "Banuelos", "Parish", "Harman", "Douglass", "Kearns", "Newcomb", "Mulligan", "Coughlin", "Way", "Fournier", "Lawler", "Kaminski", "Barbour", "Sousa", "Stump", "Alaniz", "Ireland", "Rudd", "Carnes", "Lundy", "Godinez", "Pulido", "Dennison", "Burdick", "Baumann", "Dove", "Stoddard", "Liang", "Dent", "Roark", "Mcmahan", "Bowser", "Parnell", "Mayberry", "Wakefield", "Arndt", "Ogle", "Worthington", "Durbin", "Escalante", "Pederson", "Weldon", "Vick", "Knott", "Ryder", "Zarate", "Irving", "Clemens", "Shelley", "Salter", "Jack", "Cloud", "Dasilva", "Muhammad", "Squires", "Rapp", "Dawkins", "Polanco", "Chatman", "Maier", "Yazzie", "Gruber", "Staton", "Blackman", "Mcdonnell", "Dykes", "Laws", "Whitten", "Pfeiffer", "Vidal", "Early", "Kelsey", "Baughman", "Dias", "Starnes", "Crespo", "Lombardi", "Kilpatrick", "Deaton", "Satterfield", "Wiles", "Weinstein", "Rowan", "Delossantos", "Hamby", "Estep", "Daigle", "Elam", "Creech", "Heck", "Chavis", "Echols", "Foss", "Trahan", "Strauss", "Vanhorn", "Winslow", "Rea", "Heaton", "Fairchild", "Minton", "Hitchcock", "Linton", "Handy", "Crouse", "Coles", "Upton", "Foy", "Herrington", "Mcclelland", "Hwang", "Rector", "Luther", "Kruger", "Salcedo", "Chance", "Gunderson", "Tharp", "Griffiths", "Graf", "Branham", "Humphreys", "Renner", "Lima", "Rooney", "Moya", "Almeida", "Gavin", "Coburn", "Ouellette", "Goetz", "Seay", "Parrott", "Harms", "Robb", "Storey", "Barbosa", "Barraza", "Loyd", "Merchant", "Donohue", "Carrier", "Diggs", "Chastain", "Sherrill", "Whipple", "Braswell", "Weathers", "Linder", "Chapa", "Bock", "Oh", "Lovelace", "Saavedra", "Ferrara", "Callaway", "Salmon", "Templeton", "Christy", "Harp", "Dowd", "Forrester", "Lawton", "Epstein", "Gant", "Tierney", "Seaman", "Corral", "Dowdy", "Zaragoza", "Morrissey", "Eller", "Chau", "Breen", "High", "Newberry", "Beam", "Yancey", "Jarrell", "Cerda", "Ellsworth", "Lofton", "Thibodeaux", "Pool", "Rinehart", "Arteaga", "Marlow", "Hacker", "Will", "Mackenzie", "Hook", "Gilliland", "Emmons", "Pickering", "Medley", "Willey", "Andrew", "Shell", "Randle", "Brinkley", "Pruett", "Tobias", "Edmondson", "Grier", "Saldivar", "Batista", "Askew", "Moeller", "Chavarria", "Augustine", "Troyer", "Layne", "Mcnulty", "Shank", "Desai", "Herrmann", "Hemphill", "Bearden", "Spear", "Keener", "Holguin", "Culp", "Braden", "Briscoe", "Bales", "Garvin", "Stockton", "Abreu", "Suggs", "Mccartney", "Ferrer", "Rhoads", "Ha", "Nevarez", "Singletary", "Chong", "Alcala", "Cheney", "Westfall", "Damico", "Snodgrass", "Devries", "Looney", "Hein", "Lyle", "Lockett", "Jacques", "Barkley", "Wahl", "Aponte", "Myrick", "Bolin", "Holm", "Slack", "Scherer", "Martino", "Bachman", "Ely", "Nesbitt", "Marroquin", "Bouchard", "Mast", "Jameson", "Hills", "Mireles", "Bueno", "Pease", "Vitale", "Alarcon", "Linares", "Schell", "Lipscomb", "Arriaga", "Bourgeois", "Markham", "Bonds", "Wisniewski", "Ivy", "Oldham", "Wendt", "Fallon", "Joy", "Stamper", "Babb", "Steinberg", "Asher", "Fuchs", "Blank", "Willett", "Heredia", "Croft", "Lytle", "Lance", "Lassiter", "Barrientos", "Condon", "Barfield", "Darden", "Araujo", "Noonan", "Guinn", "Burleson", "Belanger", "Main", "Traylor", "Messina", "Zeigler", "Danielson", "Millard", "Kenyon", "Radford", "Graff", "Beaty", "Baggett", "Salisbury", "Crisp", "Trout", "Lorenzo", "Parson", "Gann", "Garber", "Adcock", "Covarrubias", "Scales", "Acuna", "Thrasher", "Card", "Van", "Mabry", "Mohamed", "Montanez", "Stock", "Redd", "Willingham", "Redman", "Zambrano", "Gaffney", "Herr", "Schubert", "Devlin", "Pringle", "Houck", "Casper", "Rees", "Wing", "Ebert", "Jeter", "Cornejo", "Gillette", "Shockley", "Amato", "Girard", "Leggett", "Cheatham", "Bustos", "Epperson", "Dubose", "Seitz", "Frias", "East", "Schofield", "Steen", "Orlando", "Myles", "Caron", "Grey", "Denney", "Ontiveros", "Burden", "Jaeger", "Reich", "Witherspoon", "Najera", "Frantz", "Hammonds", "Xu", "Leavitt", "Gilchrist", "Adam", "Barone", "Forman", "Ceja", "Ragsdale", "Sisk", "Tubbs", "Elizondo", "Pressley", "Bollinger", "Linn", "Huntley", "Dewey", "Geary", "Carlos", "Ragland", "Mixon", "Mcarthur", "Baugh", "Tam", "Nobles", "Clevenger", "Lusk", "Foust", "Cooney", "Tamayo", "Robert", "Longo", "Overstreet", "Oglesby", "Mace", "Churchill", "Matson", "Hamrick", "Rockwell", "Trammell", "Wheatley", "Carrington", "Ferraro", "Ralston", "Clancy", "Mondragon", "Carl", "Hu", "Hopson", "Breaux", "Mccurdy", "Mares", "Mai", "Chisholm", "Matlock", "Aiken", "Cary", "Lemons", "Anguiano", "Herrick", "Crawley", "Montero", "Hassan", "Archuleta", "Farias", "Cotter", "Parris", "Felder", "Luu", "Pence", "Gilman", "Killian", "Naranjo", "Duggan", "Scarborough", "Swann", "Easter", "Ricketts", "France", "Bello", "Nadeau", "Still", "Rincon", "Cornwell", "Slade", "Fierro", "Mize", "Christianson", "Greenfield", "Mcafee", "Landrum", "Adame", "Dinh", "Lankford", "Lewandowski", "Rust", "Bundy", "Waterman", "Milner", "Mccrary", "Hite", "Curley", "Donald", "Duckworth", "Cecil", "Carrera", "Speer", "Birch", "Denson", "Beckwith", "Stack", "Durant", "Lantz", "Dorman", "Christman", "Spann", "Masterson", "Hostetler", "Kolb", "Brink", "Scanlon", "Nye", "Wylie", "Beverly", "Woo", "Spurlock", "Sommer", "Shelby", "Reinhardt", "Robledo", "Bertrand", "Ashton", "Cyr", "Edgar", "Doe", "Harkins", "Brubaker", "Stoll", "Dangelo", "Zhou", "Moulton", "Hannon", "Falk", "Rains", "Broughton", "Applegate", "Hudgins", "Slone", "Yoon", "Farnsworth", "Perales", "Reedy", "Milam", "Franz", "Ponder", "Ricci", "Fontaine", "Irizarry", "Puente", "New", "Selby", "Cazares", "Doughty", "Moffett", "Balderas", "Fine", "Smalley", "Carlin", "Trinh", "Dyson", "Galvin", "Valdivia", "Benner", "Low", "Turpin", "Lyman", "Billingsley", "Mcadams", "Cardwell", "Fraley", "Patten", "Holton", "Shanks", "Mcalister", "Canfield", "Sample", "Harley", "Cason", "Tomlin", "Ahmad", "Coyne", "Forte", "Riggins", "Littlejohn", "Forsythe", "Brinson", "Halverson", "Bach", "Stuckey", "Falcon", "Wenzel", "Talbert", "Champagne", "Mchenry", "Vest", "Shackelford", "Ordonez", "Collazo", "Boland", "Sisson", "Bigelow", "Wharton", "Hyman", "Brumfield", "Oates", "Mesa", "Morrell", "Beckett", "Reis", "Alves", "Chiu", "Larue", "Streeter", "Grogan", "Blakely", "Brothers", "Hatton", "Kimbrough", "Lauer", "Wallis", "Jett", "Pepper", "Hildebrand", "Rawls", "Mello", "Neville", "Bull", "Steffen", "Braxton", "Cowart", "Simpkins", "Mcneely", "Blalock", "Spain", "Shipp", "Lindquist", "Oreilly", "Butterfield", "Perrin", "Qualls", "Edge", "Havens", "Luong", "Switzer", "Troutman", "Fortner", "Tolliver", "Monk", "Poindexter", "Rupp", "Ferry", "Negrete", "Muse", "Gresham", "Beauchamp", "Schmid", "Barclay", "Chun", "Brice", "Faulk", "Watters", "Briones", "Guajardo", "Harwood", "Grissom", "Harlow", "Whelan", "Burdette", "Palumbo", "Paulsen", "Corrigan", "Garvey", "Levesque", "Dockery", "Delgadillo", "Gooch", "Cao", "Mullin", "Ridley", "Stanfield", "Noriega", "Dial", "Ceballos", "Nunes", "Newby", "Baumgartner", "Hussain", "Wyman", "Causey", "Gossett", "Ness", "Waugh", "Choate", "Carman", "Daily", "Kong", "Devore", "Irby", "Breeden", "Whatley", "Ellington", "Lamar", "Fultz", "Bair", "Zielinski", "Colby", "Houghton", "Grigsby", "Fortune", "Paxton", "Mcmillian", "Hammons", "Bronson", "Keck", "Wellman", "Ayres", "Whiteside", "Menard", "Roush", "Warden", "Espino", "Strand", "Haggerty", "Banda", "Krebs", "Fabian", "Bowie", "Branson", "Lenz", "Benavidez", "Keeler", "Newsom", "Ezell", "Jeffrey", "Pulliam", "Clary", "Byrnes", "Kopp", "Beers", "Smalls", "Sommers", "Gardiner", "Fennell", "Mancini", "Osullivan", "Sebastian", "Bruns", "Giron", "Parent", "Boyles", "Keefe", "Muir", "Wheat", "Vergara", "Shuler", "Pemberton", "South", "Brownlee", "Brockman", "Royer", "Fanning", "Herzog", "Morley", "Bethea", "Tong", "Needham", "Roque", "Mojica", "Bunn", "Francois", "Noe", "Kuntz", "Snowden", "Withers", "Harlan", "Seibert", "Limon", "Kiefer", "Bone", "Sell", "Allan", "Skidmore", "Wren", "Dunaway", "Finnegan", "Moe", "Wolford", "Seeley", "Kroll", "Lively", "Janssen", "Montague", "Rahman", "Boehm", "Nettles", "Dees", "Krieger", "Peek", "Hershberger", "Sage", "Custer", "Zheng", "Otoole", "Jaimes", "Elrod", "Somers", "Lira", "Nagle", "Grooms", "Soria", "Drury", "Keane", "Bostic", "Hartmann", "Pauley", "Murrell", "Manzo", "Morey", "Agee", "Hamel", "Tavares", "Dunning", "Mccloskey", "Plunkett", "Maples", "March", "Armenta", "Waldrop", "Espinal", "Fajardo", "Christenson", "Robins", "Bagwell", "Massie", "Leahy", "Urbina", "Medlin", "Zhu", "Pantoja", "Barbee", "Clawson", "Reiter", "Ko", "Crider", "Maxey", "Worrell", "Brackett", "Mclemore", "Younger", "Her", "Hardesty", "Danner", "Ragan", "Almanza", "Nielson", "Graber", "Mcintire", "Tirado", "Griswold", "Seifert", "Valles", "Laney", "Gupta", "Malik", "Libby", "Marvin", "Koontz", "Marr", "Kozlowski", "Lemke", "Brant", "Phelan", "Kemper", "Gooden", "Beaulieu", "Cardoza", "Healey", "Zhao", "Hardwick", "Kitchens", "Box", "Stepp", "Comstock", "Poston", "Sager", "Conti", "Borges", "Farrow", "Acker", "Glaser", "Antonio", "Lennon", "Gaither", "Freitas", "Alicea", "Mcmillen", "Chapin", "Ratcliff", "Lerma", "Severson", "Wilde", "Mortensen", "Winchester", "Flannery", "Villasenor", "Centeno", "Burkholder", "Horan", "Meador", "Ingle", "Roldan", "Estrella", "Pullen", "Newkirk", "Gaytan", "Lindberg", "Windham", "Gatlin", "Stoltzfus", "Behrens", "Cintron", "Broderick", "Solorzano", "Jaime", "Venable", "Culbertson", "Garay", "Caputo", "Grantham", "Hanlon", "Parry", "Crist", "Cosby", "Shore", "Everhart", "Dorn", "Turley", "Eng", "Valerio", "Rand", "Hiatt", "Mota", "Judge", "Kinder", "Colwell", "Ashworth", "Tejeda", "Sikes", "Oshea", "Westmoreland", "Faber", "Culpepper", "Logsdon", "Fugate", "Apodaca", "Lindley", "Samson", "Liles", "Mcclanahan", "Burge", "Vail", "Etheridge", "Boudreau", "Andres", "Noll", "Higgs", "Snead", "Layman", "Turk", "Nolen", "Wayne", "Betz", "Victor", "Lafferty", "Carbone", "Skipper", "Zeller", "Kasper", "Desantis", "Fogle", "Gandy", "Mendenhall", "Seward", "Schweitzer", "Gulley", "Stine", "Sowers", "Duenas", "Monson", "Brinkman", "Hubert", "Motley", "Pfeifer", "Weinberg", "Eggleston", "Isom", "Quinlan", "Gilley", "Jasso", "Loya", "Mull", "Reichert", "Wirth", "Reddy", "Hodgson", "Stowe", "Mccallum", "Ahrens", "Huey", "Mattox", "Dupont", "Aguayo", "Pak", "Tice", "Alba", "Colburn", "Currier", "Gaskins", "Harder", "Cohn", "Yoo", "Garnett", "Harter", "Wenger", "Charlton", "Littleton", "Minter", "Henriquez", "Cone", "Vines", "Kimmel", "Crooks", "Caraballo", "Searcy", "Peyton", "Renfro", "Groff", "Thorn", "Moua", "Jay", "Leigh", "Sanborn", "Wicker", "Martens", "Broome", "Abney", "Fisk", "Argueta", "Upchurch", "Alderman", "Tisdale", "Castellano", "Legg", "Wilbur", "Bills", "Dix", "Mauldin", "Isbell", "Mears", "Latimer", "Ashcraft", "Earley", "Tejada", "Partridge", "Anglin", "Caswell", "Easton", "Kirchner", "Mehta", "Lanham", "Blaylock", "Binder", "Catalano", "Handley", "Storm", "Albertson", "Free", "Tuck", "Keegan", "Moriarty", "Dexter", "Mancuso", "Allard", "Pino", "Chamberlin", "Moffitt", "Haag", "Schott", "Agnew", "Malcolm", "Hallman", "Heckman", "Karr", "Soares", "Alfonso", "Tom", "Wadsworth", "Schindler", "Garibay", "Kuykendall", "Penny", "Littlefield", "Mcnabb", "Sam", "Lea", "Berrios", "Murry", "Regalado", "Dehart", "Mohammed", "Counts", "Solorio", "Preciado", "Armendariz", "Martell", "Barksdale", "Frick", "Haller", "Broyles", "Doll", "Cable", "Delvalle", "Weems", "Kelleher", "Gagne", "Albers", "Kunz", "Hoy", "Hawes", "Guenther", "Johansen", "Chaffin", "Whitworth", "Wynne", "Mcmurray", "Luce", "Fiore", "Straub", "Majors", "Mcduffie", "Bohannon", "Rawlings", "Freed", "Sutter", "Lindstrom", "Buss", "Loera", "Hoyle", "Witte", "Tyree", "Luttrell", "Andrus", "Steed", "Thiel", "Cranford", "Fulmer", "Gable", "Porras", "Weis", "Maas", "Packard", "Noyes", "Kwon", "Knoll", "Marx", "Feeney", "Israel", "Bohn", "Cockrell", "Glick", "Cosgrove", "Keefer", "Mundy", "Batchelor", "Loveless", "Horowitz", "Haskell", "Kunkel", "Colson", "Hedges", "Staggs", "Swisher", "Lomeli", "Padron", "Cota", "Homan", "Musser", "Curtin", "Salerno", "Segovia", "Keeton", "Brandenburg", "Starling", "Tsai", "Mahon", "Klinger", "Paquette", "Haddad", "Mccune", "Mathew", "Shull", "Higdon", "Guest", "Shay", "Swafford", "Angulo", "Hackney", "Evers", "Sibley", "Woodworth", "Ostrander", "Mangum", "Smyth", "Quarles", "Mccarter", "Close", "Truitt", "Stpierre", "Mackay", "Bayer", "Timm", "Thatcher", "Bess", "Trinidad", "Jacoby", "Proffitt", "Concepcion", "Parkinson", "Carreon", "Ramon", "Monroy", "Leger", "Jauregui", "Glynn", "Taggart", "Neil", "Reddick", "Wiese", "Dover", "Wicks", "Hennessy", "Bittner", "Mcclung", "Mcwhorter", "Derrick", "Strom", "Beckham", "Kee", "Coombs", "Schrock", "Holtz", "Maki", "Willson", "Hulsey", "Whitson", "Haugen", "Lumpkin", "Scholl", "Gall", "Carvalho", "Kovach", "Vieira", "Millan", "Irvine", "Held", "Jolley", "Jasper", "Cadena", "Runyon", "Lomax", "Fahey", "Hoppe", "Bivens", "Ruggiero", "Hussey", "Ainsworth", "Hardman", "Ulloa", "Dugger", "Fitzsimmons", "Scroggins", "Sowell", "Toler", "Barba", "Biddle", "Rafferty", "Trapp", "Byler", "Brill", "Delagarza", "Thigpen", "Hiller", "Martins", "Jankowski", "Findley", "Hollins", "Stull", "Pollack", "Poirier", "Reno", "Bratton", "Jeffery", "Menendez", "Mcnutt", "Kohl", "Forster", "Clough", "Deloach", "Bader", "Hanes", "Sturm", "Tafoya", "Beall", "Coble", "Demers", "Kohn", "Santamaria", "Vaught", "Correia", "Mcgrew", "Sarmiento", "Roby", "Reinhart", "Rosenbaum", "Bernier", "Schiller", "Furman", "Grabowski", "Perryman", "Kidwell", "Sabo", "Saxton", "Noland", "Seaton", "Packer", "Seal", "Ruby", "Smoot", "Lavoie", "Putman", "Fairbanks", "Neill", "Florence", "Beattie", "Tarver", "Stephen", "Bolen", "Mccombs", "Freedman", "Barnhill", "Gaddis", "Goad", "Worden", "Canada", "Vickery", "Calvin", "Mcclintock", "Slocum", "Clausen", "Mccutcheon", "Ripley", "Razo", "Southard", "Bourne", "Aiello", "Knudsen", "Angeles", "Keeney", "Stacey", "Neeley", "Holly", "Gallant", "Eads", "Lafleur", "Fredrickson", "Popp", "Bobo", "Pardo", "Artis", "Lawless", "Shen", "Headley", "Pedraza", "Pickard", "Salvador", "Hofmann", "Davey", "Szymanski", "Dallas", "Erb", "Perea", "Alcantar", "Ashford", "Harry", "Crutchfield", "Goebel", "Ridgeway", "Mcvey", "Cordell", "Kovacs", "Florez", "Calkins", "Redden", "Ricker", "Salcido", "Farrington", "Reimer", "Mullis", "Mayhew", "Register", "Kaye", "Blocker", "Buford", "Munguia", "Cady", "Burley", "Sander", "Robinette", "Stubblefield", "Shuman", "Santillan", "Loy", "Deutsch", "Sales", "Langdon", "Mazur", "Clapp", "Teal", "Buffington", "Elliot", "Halstead", "Sturgeon", "Colley", "Koehn", "Bergstrom", "Dunne", "Pond", "Gantt", "Cousins", "Viera", "Wilks", "Haase", "Sweat", "Simonson", "Breedlove", "Munn", "Pitt", "Faircloth", "Peter", "Wheaton", "Howland", "Merriman", "Fusco", "Burney", "Bedford", "Baltazar", "Persaud", "Gerard", "Bourque", "Chao", "Slagle", "Kirsch", "Volk", "Heim", "Glasgow", "Borders", "Rauch", "Goforth", "Batson", "Basham", "Mount", "Peace", "Lazo", "Samples", "Amaro", "Slattery", "Ibrahim", "Weatherford", "Taft", "Santoro", "Aparicio", "Jiang", "Ritchey", "Goble", "Spring", "Strain", "Scully", "Villareal", "Toro", "Duval", "Jonas", "Neuman", "Wozniak", "Varney", "Dell", "Conover", "Landon", "Sigler", "Galbraith", "Boss", "Cepeda", "Back", "Mateo", "Peebles", "Arsenault", "Cathey", "Calabrese", "Dodds", "Gilbertson", "Hoke", "Greenlee", "Sauceda", "Vue", "Lehmann", "Zink", "Lapointe", "Laster", "Moy", "Ammons", "Llamas", "Foltz", "Fleck", "Chew", "Amaral", "Geer", "Su", "Carden", "Nunley", "Creel", "Clarkson", "Provost", "Covey", "Paine", "Wofford", "Frame", "Dube", "Grice", "Tully", "Molnar", "Luciano", "Bartels", "Winstead", "Canady", "Moreau", "Burnside", "Bratcher", "Infante", "Peterman", "Swope", "Freeland", "Vetter", "Lanning", "Marquis", "Schulze", "Thai", "Coppola", "Rayburn", "Conte", "Martz", "Showalter", "Quinonez", "Bandy", "Rao", "Bunting", "Belt", "Cruse", "Hamblin", "Himes", "Raney", "Merrell", "See", "Gough", "Maciel", "Wimberly", "Craddock", "Marquardt", "Wentz", "Meeker", "Sandberg", "Mosier", "Wasson", "Hundley", "Joe", "Shumaker", "Fortin", "Embry", "Olivarez", "Akin", "Seidel", "Coons", "Corrales", "Earle", "Matheny", "Kish", "Outlaw", "Lieberman", "Spalding", "Barnette", "Martel", "Hargis", "Kelso", "Merrick", "Fullerton", "Fries", "Doucette", "Clouse", "Prewitt", "Hawks", "Keaton", "Worthy", "Zook", "Montez", "Poore", "Autry", "Lemay", "Shifflett", "Forsyth", "Briseno", "Piazza", "Welker", "Tennant", "Heinz", "Haggard", "Leighton", "Brittain", "Begley", "Flanders", "Hermann", "Botello", "Mathias", "Hofer", "Hutto", "Godoy", "Cave", "Pagano", "Asbury", "Bowens", "Withrow", "Olivo", "Harbin", "Andre", "Sandlin", "Wertz", "Desimone", "Greiner", "Heinrich", "Whitcomb", "Dayton", "Petrie", "Hair", "Ketchum", "Shanahan", "Bianco", "Heil", "Cochrane", "Wegner", "Dagostino", "Couture", "Ling", "Wingate", "Arenas", "Keel", "Casteel", "Boothe", "Derosa", "Horst", "Rau", "Palermo", "Mccorkle", "Altamirano", "Nall", "Shumate", "Lightfoot", "Creamer", "Romeo", "Coffin", "Hutchings", "Jerome", "Hutcheson", "Damron", "Sorrell", "Nickel", "Sells", "Pinkerton", "Dao", "Dion", "Mcfarlane", "Ridenour", "Atwell", "Sturgill", "Schoen", "Partin", "Nemeth", "Almonte", "Pan", "Rickard", "Wentworth", "Sammons", "Sayre", "Southerland", "Parisi", "Ahn", "Carrion", "Testa", "Shorter", "Covert", "Gorham", "Alcantara", "Belton", "Bannister", "Sharkey", "Mccreary", "Pannell", "Scarbrough", "Keeling", "Gainey", "Mill", "Camarena", "Herbst", "Roller", "Wild", "Dellinger", "Lovejoy", "Manson", "Dupuis", "Clem", "Resendez", "Burkhardt", "Williford", "Mclendon", "Mazza", "Mccaffrey", "Lum", "Settle", "Hefner", "Dupre", "Louie", "Gunther", "Weimer", "Turnbull", "Bradbury", "Maness", "Urena", "Lor", "Sides", "Wick", "Monaco", "Gillen", "Ives", "Battaglia", "Ulmer", "Schreiner", "Caceres", "Sprouse", "Scoggins", "Ahern", "Tracey", "Terrazas", "Bracken", "Gurley", "Soliz", "Alcaraz", "Martines", "Weidner", "Criswell", "Wilbanks", "Hennessey", "Mendes", "Peak", "Ruelas", "Caudle", "Fuqua", "Jewett", "Chism", "Volpe", "Nino", "Logue", "Mcculloch", "Furr", "Kersey", "Shinn", "Yan", "Rausch", "Stinnett", "Mowery", "Rivero", "Weed", "Bertram", "Durand", "Gatewood", "Tilton", "Mahaffey", "Niles", "Mccue", "Vargo", "Holcombe", "Ralph", "Castleberry", "Snipes", "Wilt", "Vanmeter", "Nutter", "Mendiola", "Burchett", "Enos", "Jobe", "Kirkwood", "Pedroza", "Iglesias", "Leong", "Cromer", "Trice", "Magnuson", "Eagle", "Montenegro", "Troy", "Cato", "Edmond", "Hendrick", "Lebron", "Lathrop", "Budd", "Appel", "Knowlton", "Bianchi", "Camarillo", "Ginn", "Pulley", "True", "Gaddy", "Domingo", "Kingsley", "Loftus", "Denham", "Sifuentes", "Siler", "Hardison", "Kwan", "Pendergrass", "Frasier", "Hutchens", "Fort", "Montiel", "Fincher", "Eggers", "Moen", "Griffis", "Hauck", "Lister", "Lundberg", "Tanaka", "Cornish", "Whitlow", "Chou", "Griego", "Robson", "Prosser", "Ballinger", "Fogarty", "Allman", "Atchison", "Conaway", "Riddick", "Rupert", "Krug", "Pinkston", "Coggins", "Narvaez", "Earnest", "Fain", "Rash", "Olmstead", "Sherrod", "Beeler", "Spearman", "Poland", "Rousseau", "Hyland", "Rhea", "Son", "Redmon", "Wilke", "Valenti", "Paulino", "Geyer", "Blackwood", "Leclair", "Olguin", "Maestas", "Buckingham", "Blythe", "Samuelson", "Bounds", "Nakamura", "Batts", "Galarza", "Sisco", "Mcvay", "Hynes", "Mertz", "Tremblay", "Orosco", "Prentice", "Wilhite", "Seiler", "Archibald", "Wooldridge", "Winfield", "Oden", "Zelaya", "Chestnut", "Guardado", "Mccallister", "Canty", "Grasso", "Collett", "Hylton", "Easterling", "Deangelis", "Treadway", "Ferrari", "Ethridge", "Milburn", "Mercier", "Bickford", "Thibodeau", "Bolanos", "Fellows", "Hales", "Greathouse", "Buchholz", "Strunk", "Faison", "Purnell", "Clegg", "Steinmetz", "Wojcik", "Alcorn", "Ballesteros", "Basile", "Paez", "Armour", "Devito", "Tello", "Flick", "Yount", "Estevez", "Hitt", "Houle", "Cha", "Travers", "Cass", "Loper", "Getz", "Cade", "Gonsalves", "Lear", "Cromwell", "Stephan", "Ocasio", "Deluna", "Tolentino", "Picard", "Eaves", "Toscano", "Ault", "Osburn", "Ruvalcaba", "Szabo", "Kozak", "Bear", "Eck", "Deyoung", "Morehead", "Herrin", "Tillery", "Royster", "Kehoe", "Swank", "Yamamoto", "Schoonover", "Clanton", "Stutzman", "Swearingen", "Martinson", "Harrelson", "Leo", "Keyser", "Guyton", "Lucio", "Veal", "Vanwinkle", "Angelo", "Zamudio", "Haddock", "Quach", "Thomsen", "Curiel", "Badger", "Teel", "Hibbard", "Dvorak", "Ballew", "Falls", "Bostick", "Monaghan", "Segal", "Denning", "Bahr", "Serrato", "Toomey", "Lacroix", "Antoine", "Resendiz", "Sperry", "Rosser", "Bogan", "Gaspar", "Amin", "Schramm", "Lemaster", "Echevarria", "Lilley", "Poling", "Villagomez", "Conde", "Delrio", "Lerner", "Leroy", "Otis", "Durkin", "Lavender", "Schenk", "Ong", "Guess", "Alanis", "Jacobo", "Ramsay", "Henke", "Sledge", "Whited", "Frazer", "Fortier", "Macleod", "Pascual", "Casanova", "Olds", "Jenson", "Tijerina", "Flora", "Casto", "Rinaldi", "Blunt", "Fontana", "Minnick", "Larios", "Raynor", "Fung", "Marek", "Valladares", "Clemmons", "Gracia", "Rohrer", "Fryer", "Folsom", "Gearhart", "Sumpter", "Kraemer", "Aceves", "Pettigrew", "Mclaurin", "Southern", "Barrows", "Landeros", "Janes", "Deguzman", "Mcfall", "Fredericks", "Ashe", "Mauro", "Merino", "Windsor", "Taber", "Armijo", "Bricker", "Pitman", "Morrill", "Sanches", "Deboer", "Conlon", "Reuter", "Stegall", "Clemente", "Romine", "Dykstra", "Ehlers", "Tallman", "Lovato", "Brent", "Pearl", "Pyles", "Cloutier", "Mccurry", "Mckeever", "Graziano", "Heflin", "Garman", "Isaacson", "Mcreynolds", "Meister", "Stroup", "Everson", "Halsey", "Mcewen", "Sparkman", "Yager", "Bucher", "Berryman", "Derr", "Jester", "Mickelson", "Sayers", "Whiteman", "Riordan", "Mcinnis", "Jose", "Goolsby", "Stidham", "Donley", "Johnsen", "Stallworth", "Franke", "Silvers", "Reitz", "Nathan", "Brogan", "Cardoso", "Linville", "Baptiste", "Gorski", "Rey", "Hazen", "Damon", "Shores", "Boling", "Jablonski", "Lemieux", "Hecht", "Dong", "Langlois", "Burrow", "Hernandes", "Mcdevitt", "Pichardo", "Lew", "Stillwell", "Savoy", "Teixeira", "Matheson", "Hildreth", "Warfield", "Hogg", "Tiller", "Unruh", "Rudy", "Bristol", "Matias", "Buxton", "Ambriz", "Chiang", "Pomeroy", "Pogue", "Hammock", "Bethel", "Miguel", "Cassell", "Towns", "Bunker", "Mcmichael", "Kress", "Newland", "Whitehurst", "Fazio", "Batten", "Calvillo", "Wallen", "Lung", "Turney", "Sparrow", "Steadman", "Battles", "Berlin", "Lindgren", "Mckeon", "Luckett", "Spradlin", "Sherry", "Timmerman", "Utley", "Beale", "Driggers", "Hintz", "Pellegrino", "Hazel", "Grim", "Desmond", "Spellman", "Boren", "Staten", "Schlegel", "Maya", "Johnstone", "Harwell", "Pinson", "Barreto", "Spooner", "Candelaria", "Hammett", "Sessions", "Mckeown", "Mccool", "Gilson", "Knudson", "Irish", "Spruill", "Kling", "Gerlach", "Carnahan", "Markley", "Laporte", "Flanigan", "Spires", "Cushman", "Plante", "Schlosser", "Sachs", "Jamieson", "Hornsby", "Armstead", "Kremer", "Madera", "Thornburg", "Briley", "Garris", "Jorgenson", "Moorman", "Vuong", "Ard", "Irons", "Fiedler", "Jackman", "Kuehn", "Jenks", "Bristow", "Mosby", "Aldana", "Maclean", "Freund", "Creighton", "Smothers", "Melson", "Lundgren", "Donato", "Usher", "Thornhill", "Lowman", "Mariano", "Button", "Mcbee", "Cupp", "Wickham", "Destefano", "Nutt", "Rambo", "Voigt", "Talbott", "Saxon", "Cedillo", "Mattison", "Speed", "Reiss", "Null", "Westphal", "Whittle", "Bernhardt", "Boatwright", "Bussey", "Rojo", "Eden", "Crites", "Place", "He", "Chaves", "Larose", "Thames", "Hoch", "Knotts", "Simone", "Binkley", "Koester", "Pettis", "Moye", "Napolitano", "Heffner", "Sasser", "Jessup", "Aguiar", "Ogrady", "Pippin", "Worth", "Shively", "Whitmire", "Rutter", "Cedeno", "Welborn", "Mcdougal", "Angell", "Sacco", "Hailey", "Neel", "Paniagua", "Pointer", "Rohde", "Holloman", "Strother", "Guffey", "Fenner", "Huntington", "Shane", "Yuen", "Gosnell", "Martini", "Loving", "Molloy", "Olmos", "Christ", "Oaks", "Ostrowski", "Badillo", "To", "Laplante", "Martindale", "Richie", "Pleasant", "Palomino", "Rodarte", "Stamps", "Peeples", "Ries", "Brownell", "Walz", "Arana", "Tenney", "Roddy", "Lindner", "Bolt", "Rigsby", "Matteson", "Fielder", "Randazzo", "Deanda", "Drayton", "Ridge", "Tarr", "Shade", "Upshaw", "Woodcock", "Miley", "Hargrave", "Langer", "Yun", "Wilkie", "Choe", "Ching", "Dugas", "Saul", "Corder", "Bobbitt", "Spurgeon", "Gladden", "Woodbury", "Tibbs", "Mcgarry", "Mcdaniels", "Weigel", "Bickel", "Michels", "Hughey", "Apple", "Bosley", "Nesmith", "Farber", "Ackley", "Goodin", "Almond", "Garrity", "Bettencourt", "Koss", "Falcone", "Lavigne", "Rainwater", "Nation", "Blodgett", "Dabney", "Mabe", "Trowbridge", "Lundquist", "Rosenberger", "Dombrowski", "Ferro", "Evangelista", "Bowlin", "Mckelvey", "Roderick", "Michalski", "Berkowitz", "Sato", "Mayorga", "Corwin", "Mckenney", "Salyer", "Walling", "Abell", "Palacio", "Lash", "Collado", "Gass", "Luis", "Cooksey", "Moll", "Miramontes", "Luster", "Shrader", "Toliver", "Hard", "Tu", "Sena", "Mckoy", "Wainwright", "Barela", "Keiser", "Hoag", "Backus", "Huskey", "Brannan", "Brumley", "Palm", "Boynton", "Krauss", "Steel", "Jurado", "Mulder", "Paterson", "Woolsey", "Smithson", "Joslin", "Richman", "Partida", "Grisham", "Wooden", "Gooding", "Fang", "Mcdade", "Spriggs", "Fishman", "Gabel", "Rutkowski", "Pride", "Beals", "Gaskin", "Friday", "Underhill", "Rodas", "Melo", "Sipes", "Zimmermann", "Mosqueda", "Haight", "Beeson", "Judy", "Bankston", "Pieper", "Siebert", "Horning", "Butt", "Bice", "Sills", "Philips", "Eisenberg", "Schumann", "Conger", "Bare", "Hume", "Nolasco", "Trainor", "Weatherly", "Huebner", "Bosch", "Gayle", "Kuhns", "Byron", "Glaze", "Poulin", "Enright", "Large", "Comeaux", "Rountree", "Tavarez", "Beardsley", "Rubino", "Fee", "Grider", "Bechtel", "Gaona", "Wallin", "Mashburn", "Dalrymple", "Gingerich", "Vaccaro", "Hass", "Manzano", "Tyner", "Loza", "Lowell", "Kaufmann", "Bischoff", "Doolittle", "Shivers", "Valente", "Bozeman", "Howes", "Felts", "Feller", "Justus", "Schnell", "Boettcher", "Ivory", "Thorson", "Corn", "Snook", "Heilman", "Baxley", "Hasty", "Wasserman", "Barringer", "Frankel", "Peltier", "Guarino", "Avina", "Sturdivant", "Lien", "Montemayor", "Giddens", "Valverde", "Burchfield", "Pang", "Holbert", "Rooks", "Erdman", "Mcmaster", "Iniguez", "Hartwell", "Menchaca", "Bordelon", "Farkas", "Chrisman", "Metzler", "Fredrick", "Porterfield", "Slayton", "Quesada", "Hembree", "Peel", "Woodley", "Mather", "Waltz", "Totten", "Forney", "Woolley", "Trombley", "Yarborough", "Javier", "Durr", "Macklin", "Macon", "Novotny", "Amundson", "Kidder", "Flagg", "Oxendine", "Arguello", "Marler", "Penrod", "Mallett", "Council", "Kinard", "Bremer", "Towne", "Harless", "Merkel", "Giese", "Fife", "Byars", "Grande", "Kuo", "Levi", "Darr", "Sanabria", "Pounds", "Roeder", "Keim", "Brush", "Dreyer", "Taveras", "Furlong", "Dorris", "Prior", "Musgrove", "Weiler", "Munro", "Leake", "Vollmer", "Musick", "Hetrick", "Perdomo", "Kester", "Lock", "Pine", "Baskin", "Bonham", "Heffernan", "Mandel", "Sarver", "Hamer", "Duckett", "Lozada", "Stocker", "Fulcher", "Damato", "Camargo", "Shephard", "Loftis", "Winfrey", "Rueda", "Ledezma", "Gottlieb", "Lamont", "Mackie", "Bowe", "Stockwell", "Groth", "Chavira", "Lohr", "Loftin", "Gilmer", "Cushing", "Brody", "Nowlin", "Holiday", "Shirk", "Archie", "Howerton", "Matthew", "Copley", "Marchese", "Echeverria", "Soper", "Cantwell", "Nelms", "Tuggle", "Dumont", "Bard", "Gower", "Mathes", "Yeung", "Buell", "Bastian", "Burd", "Broadway", "Peng", "Greenwell", "Vanover", "Correll", "Tindall", "Bill", "Mulcahy", "Dionne", "Rathbun", "Baeza", "Booher", "Fried", "Mcginley", "Lavin", "Atherton", "Donnell", "Bays", "Riedel", "Grenier", "Zachary", "Harold", "Styles", "Wisdom", "Raley", "Tamez", "Arena", "Morelli", "Hazelwood", "Somerville", "Lapp", "Rood", "Salem", "Pape", "Olivera", "Albritton", "Carvajal", "Zayas", "Myer", "Pohl", "Haynie", "Mariscal", "Wampler", "Rife", "Leeper", "Newhouse", "Rodney", "Vandenberg", "Spitzer", "Kingston", "Wessel", "Hartzell", "Durden", "Marques", "Born", "Scribner", "Rocco", "Germain", "Tinoco", "Valdovinos", "Musselman", "Vicente", "Parsley", "Crittenden", "Tibbetts", "Hulse", "Mccleary", "Barboza", "Velarde", "Brodie", "Beaudoin", "Moreira", "Maggard", "Jara", "Ferrante", "Overby", "Friesen", "Viola", "Nelsen", "Hash", "Doane", "Deese", "Messick", "Bay", "Anton", "Ingersoll", "Saucier", "Kwiatkowski", "Rawson", "Brophy", "Ladner", "Lehr", "Weil", "Yocum", "Brasher", "Denison", "Hutcherson", "Stowers", "Geller", "Fortenberry", "Stebbins", "Conyers", "Toole", "Stoker", "Roden", "Chitwood", "Beeman", "Fannin", "Strait", "Marlowe", "Greenwald", "Hann", "Stumpf", "Samaniego", "Colton", "Bogart", "Morel", "Montelongo", "Boylan", "Guido", "Wyrick", "Horsley", "Tenorio", "Sallee", "Morehouse", "Whyte", "Neilson", "Watanabe", "Magallanes", "Mudd", "Kieffer", "Brigham", "Dollar", "Huss", "Albanese", "Spiegel", "Hixson", "Rounds", "Orth", "Blanchette", "Vanderpool", "Pfaff", "Speck", "Shreve", "Sevilla", "Neri", "Rohr", "Ruble", "Vanpelt", "Rickman", "Caraway", "Berndt", "Mchale", "Ingalls", "Roybal", "Money", "Mcdougall", "Melancon", "Wellington", "Ingraham", "Ritz", "Lashley", "Marchand", "Schatz", "Heiser", "Eby", "Wimmer", "Orton", "Atchley", "Mumford", "Bahena", "Gammon", "Buehler", "Fike", "Plank", "Carrigan", "Kempf", "Cundiff", "So", "Sauls", "Mohler", "Grillo", "Prichard", "Pastor", "Prasad", "Babin", "Bontrager", "Weddle", "Alberts", "Theis", "Lemoine", "Hartnett", "Kingsbury", "Baran", "Birmingham", "Gault", "Thorp", "Wyant", "Obryan", "Santacruz", "Camara", "Whitehouse", "Evenson", "Halvorson", "Palmieri", "Hannan", "Dew", "Au", "Nolte", "Click", "Wooley", "Hung", "Eberhardt", "Rawlins", "Sadowski", "Sarabia", "Soule", "Millar", "Engstrom", "Cowles", "Runyan", "Mitchel", "Torrence", "Silverstein", "Hewett", "Pilgrim", "Yeh", "Rosenfeld", "Mulholland", "Hatley", "Fawcett", "Delrosario", "Chinn", "Bayless", "Dee", "Deane", "Arriola", "Duda", "Koster", "Rath", "Karl", "Weiland", "Lemmon", "Blaine", "Scofield", "Marston", "Gist", "Pinckney", "Moritz", "Mclellan", "Fulkerson", "Gaynor", "Pitre", "Warrick", "Cobbs", "Meacham", "Guerin", "Tedesco", "Passmore", "Northcutt", "Ison", "Cowell", "Ream", "Walther", "Meraz", "Tribble", "Bumgarner", "Gabbard", "Dawes", "Moncada", "Chilton", "Deweese", "Rigby", "Marte", "Baylor", "Valentino", "Shine", "August", "Billups", "Jarman", "Jacks", "Coffee", "Friedrich", "Marley", "Hasan", "Pennell", "Abercrombie", "Bazan", "Strickler", "Bruton", "Lamm", "Pender", "Wingfield", "Hoffer", "Zahn", "Chaplin", "Reinke", "Larosa", "Maupin", "Bunnell", "Hassell", "Guo", "Galan", "Paschal", "Browder", "Krantz", "Milne", "Pelayo", "Emanuel", "Mccluskey", "Edens", "Radtke", "Alger", "Duhon", "Probst", "Witmer", "Hoagland", "Saechao", "Pitcher", "Villalpando", "Carswell", "Roundtree", "Kuhlman", "Tait", "Shaughnessy", "Wei", "Cravens", "Sipe", "Islas", "Hollenbeck", "Lockard", "Perrone", "Tapp", "Santoyo", "Jaffe", "Klotz", "Gilpin", "Ehrlich", "Klug", "Stowell", "Ibanez", "Lazar", "Osman", "Larkins", "Donofrio", "Ericson", "Schenck", "Mouton", "Medlock", "Hubbell", "Bixler", "Nowicki", "Muro", "Homer", "Grijalva", "Ashmore", "Harbison", "Duffey", "Osgood", "Hardee", "Jain", "Wilber", "Bolling", "Lett", "Phillip", "Dipietro", "Lefebvre", "Batiste", "Mcswain", "Distefano", "Hack", "Strobel", "Kipp", "Doerr", "Radcliffe", "Cartagena", "Paradis", "Stilwell", "Mccrea", "Searles", "Frausto", "Hendershot", "Gosselin", "Islam", "Freese", "Stockman", "Burwell", "Vandiver", "Engler", "Geisler", "Barham", "Wiegand", "Goncalves", "Theriot", "Doucet", "Bridge", "Catron", "Blanks", "Rahn", "Schaub", "Hershey", "Strader", "Buckman", "Hartwig", "Campo", "Tsang", "Luck", "Bernardo", "Marker", "Pinkney", "Benefield", "Mcginty", "Bode", "Linden", "Manriquez", "Jaquez", "Bedard", "Flack", "Hesse", "Costanzo", "Boardman", "Carper", "Word", "Miracle", "Edmunds", "Bott", "Flemming", "Manns", "Kesler", "Piatt", "Tankersley", "Eberle", "Roney", "Belk", "Vansickle", "Varga", "Hillard", "Neubauer", "Quirk", "Chevalier", "Mintz", "Kocher", "Casarez", "Tinker", "Elmer", "Decarlo", "Cordes", "Berube", "Kimbrell", "Schick", "Papa", "Alderson", "Callaghan", "Renaud", "Pardue", "Krohn", "Bloomfield", "Coward", "Ligon", "Trask", "Wingo", "Book", "Crutcher", "Canter", "Teran", "Denman", "Stackhouse", "Chambliss", "Gourley", "Earls", "Frizzell", "Bergen", "Abdullah", "Sprinkle", "Fancher", "Urias", "Lavelle", "Baumgardner", "Kahler", "Baldridge", "Alejandro", "Plascencia", "Hix", "Rule", "Mix", "Petro", "Hadden", "Fore", "Humes", "Barnum", "Laing", "Maggio", "Sylvia", "Malinowski", "Fell", "Durst", "Plant", "Vaca", "Abarca", "Shirey", "Parton", "Ta", "Ramires", "Ochs", "Gaitan", "Ledoux", "Darrow", "Messenger", "Chalmers", "Schaller", "Derby", "Coakley", "Saleh", "Kirkman", "Orta", "Crabb", "Spinks", "Dinkins", "Harrigan", "Koller", "Dorr", "Carty", "Sturgis", "Shriver", "Macedo", "Feng", "Bentz", "Bedell", "Osuna", "Dibble", "Dejong", "Fender", "Parada", "Vanburen", "Chaffee", "Stott", "Sigmon", "Nicolas", "Salyers", "Magdaleno", "Deering", "Puentes", "Funderburk", "Jang", "Christopherson", "Sellars", "Marcotte", "Oster", "Liao", "Tudor", "Specht", "Chowdhury", "Landa", "Monge", "Brake", "Behnke", "Llewellyn", "Labelle", "Mangan", "Godsey", "Truax", "Lombard", "Thurmond", "Emerick", "Blume", "Mcginn", "Beer", "Marrs", "Zinn", "Rieger", "Dilley", "Thibault", "Witkowski", "Chi", "Fielding", "Tyrrell", "Peeler", "Northrup", "Augustin", "Toy", "Geist", "Schuman", "Fairley", "Duque", "Villatoro", "Dudek", "Sonnier", "Fritts", "Worsham", "Herold", "Mcgehee", "Caskey", "Boatright", "Lazaro", "Deck", "Palomo", "Cory", "Olivier", "Baines", "Fan", "Futrell", "Halpin", "Garrido", "Koonce", "Fogg", "Meneses", "Mulkey", "Restrepo", "Ducharme", "Slate", "Toussaint", "Sorrells", "Fitts", "Dickman", "Alfred", "Grimsley", "Settles", "Etienne", "Eggert", "Hague", "Caldera", "Hillis", "Hollander", "Haire", "Theriault", "Madigan", "Kiernan", "Parkhurst", "Lippert", "Jaynes", "Moniz", "Bost", "Bettis", "Sandy", "Kuhl", "Wilk", "Borrego", "Koon", "Penney", "Pizarro", "Stitt", "Koski", "Galicia", "Quiles", "Real", "Massa", "Crone", "Teeter", "Voorhees", "Hilbert", "Nabors", "Shupe", "Blood", "Mcauliffe", "Waits", "Blakley", "Stoltz", "Maes", "Munroe", "Rhoden", "Abeyta", "Milliken", "Harkness", "Almaraz", "Remington", "Raya", "Frierson", "Olszewski", "Quillen", "Westcott", "Fu", "Tolley", "Olive", "Mcclary", "Corbitt", "Lui", "Lachance", "Meagher", "Cowley", "Hudak", "Cress", "Mccrory", "Talavera", "Mclaren", "Laurent", "Bias", "Whetstone", "Hollister", "Quevedo", "Byerly", "Berryhill", "Folk", "Conners", "Kellum", "Haro", "Mallard", "Mccants", "Risner", "Barros", "Downes", "Mayers", "Loeffler", "Mink", "Hotchkiss", "Bartz", "Alt", "Hindman", "Bayne", "Bagby", "Colin", "Treadwell", "Hemingway", "Bane", "Heintz", "Fite", "Mccomb", "Carmody", "Kistler", "Olinger", "Vestal", "Byrum", "Seale", "Turnage", "Raber", "Prendergast", "Koons", "Nickell", "Benz", "Mcculley", "Lightner", "Hamill", "Castellon", "Chesser", "Moats", "Buie", "Svoboda", "Wold", "Macmillan", "Boring", "Terrill", "Loveland", "Gaskill", "Verdugo", "Yip", "Oviedo", "Hight", "Carmack", "Scheer", "Dreher", "Appleby", "Lally", "Kibler", "Marra", "Mcnamee", "Cooks", "Kavanaugh", "Carrico", "Alden", "Dillman", "Zamarripa", "Serra", "Gilligan", "Nester", "Sokol", "Latta", "Hanrahan", "Ballou", "Hollinger", "Lux", "Caton", "Hamann", "Sackett", "Leiva", "Emory", "Barden", "Houk", "Lees", "Deltoro", "Lowrey", "Mcevoy", "Hibbs", "Crossley", "Rego", "Melchor", "Tull", "Bramlett", "Hsieh", "Warwick", "Sayles", "Mapes", "Pabon", "Dearing", "Stamm", "Joshi", "Quan", "Larry", "Nordstrom", "Heisler", "Bigham", "Walston", "Solberg", "Bodnar", "Posada", "Mancilla", "Ovalle", "Harr", "Mccaskill", "Bromley", "Koerner", "Macpherson", "Trudeau", "Blais", "Kiley", "Lawlor", "Suter", "Rothman", "Oberg", "Seely", "Maxfield", "Truman", "Salvatore", "Fouts", "Goulet", "Munger", "Sikora", "Comeau", "Oliphant", "Baber", "Hensel", "Edelman", "Farina", "Albano", "Aycock", "Sung", "Deckard", "Steinke", "Silveira", "Servin", "Rex", "Franzen", "Hecker", "Gragg", "Mcgriff", "Ellingson", "Kerrigan", "An", "Bartel", "Priddy", "Hodson", "Tse", "Arbogast", "Arceneaux", "Leatherman", "Federico", "Pridgen", "Yim", "Kowalczyk", "Deberry", "Lejeune", "Elston", "Mielke", "Shelly", "Stambaugh", "Eagan", "Rivard", "Silvia", "Lawhorn", "Denis", "Hendry", "Wieland", "Levinson", "Marlin", "Gerdes", "Pfister", "Carder", "Pipkin", "Angle", "Hang", "Hagerty", "Rhinehart", "Gao", "Petit", "Mccraw", "Markle", "Lupo", "Busse", "Marble", "Bivins", "Storms", "Yuan", "Waldman", "Suh", "Wyckoff", "Stillman", "Piotrowski", "Abrego", "Gregoire", "Bogle", "Wortham", "Phung", "Brister", "Karnes", "Deming", "Ley", "Carrasquillo", "Curtiss", "Appleton", "Salley", "Borja", "Begum", "Phifer", "Shoup", "Cawley", "Deason", "Castanon", "Loucks", "Hagler", "Mcclinton", "Dulaney", "Hargett", "Mcardle", "Burcham", "Philpot", "Laroche", "Breland", "Hatten", "Karp", "Brummett", "Boatman", "Natale", "Pepe", "Mortimer", "Sink", "Voyles", "Reeve", "Honaker", "Loredo", "Ridgway", "Donner", "Lessard", "Dever", "Salomon", "Hickson", "Nicholls", "Bushey", "Osteen", "Reavis", "Rodman", "Barahona", "Knecht", "Hinman", "Faria", "Dana", "Bancroft", "Hatchett", "Hageman", "Klaus", "Castor", "Lampkin", "Dalessandro", "Riffle", "Korn", "Savoie", "Sandifer", "Mciver", "Magill", "Delafuente", "Widener", "Vermillion", "Dandrea", "Mader", "Woodman", "Milan", "Hollowell", "Schaaf", "Kao", "Nail", "Beaman", "Hawkes", "Mclane", "Marchant", "Scanlan", "Syed", "Peabody", "Uhl", "Schauer", "Azevedo", "Wolcott", "Mick", "Melgar", "Pilcher", "Burgin", "Weiser", "Daughtry", "Theisen", "Babbitt", "Petry", "Cotten", "Fick", "Eubank", "Tolson", "Judkins", "Cronk", "Wendel", "Monteiro", "Kissinger", "Banta", "Senn", "Fix", "Brehm", "Rittenhouse", "Banner", "Elwell", "Herd", "Araiza", "Hui", "Nowell", "Brett", "Hua", "Breeding", "Pawlowski", "Thompkins", "Bocanegra", "Bosworth", "Dutcher", "Cotto", "Beecher", "Callender", "Hamlett", "Benfield", "Claudio", "Reel", "Brookshire", "Helmick", "Ryals", "Winder", "Thom", "Robin", "Overman", "Furtado", "Dacosta", "Paddock", "Dancy", "Carpio", "Manzanares", "Zito", "Favela", "Beckley", "Adrian", "Flory", "Nestor", "Spell", "Speight", "Strawn", "Beckner", "Gause", "Berglund", "Ruppert", "Mincey", "Spinelli", "Suzuki", "Mizell", "Kirksey", "Bolduc", "Kilmer", "Wesson", "Brinker", "Urrutia", "Markey", "Brenneman", "Haupt", "Sievers", "Puga", "Halloran", "Birdsong", "Stancil", "Wiener", "Calvo", "Macy", "Cairns", "Kahl", "Vice", "Ordaz", "Grow", "Lafrance", "Dryden", "Studer", "Matney", "Edward", "Rackley", "Gurrola", "Demoss", "Woolard", "Oquinn", "Hambrick", "Christmas", "Robey", "Crayton", "Haber", "Arango", "Newcomer", "Groom", "Corson", "Harness", "Rossman", "Slaton", "Schutz", "Conant", "Tedder", "Sabin", "Lowder", "Womble", "Jin", "Monday", "Garmon", "Aronson", "Skeen", "Headrick", "Lefevre", "Whittemore", "Pelton", "Barner", "Hildebrandt", "Rick", "Helmer", "Grose", "Zak", "Schroder", "Mahler", "Keeley", "Flinn", "Jordon", "Ozuna", "Sand", "Henkel", "Turcotte", "Vining", "Bellinger", "Neese", "Hagerman", "Mcmillin", "Gaylord", "Harney", "Milano", "Carothers", "Depew", "Bucci", "Pirtle", "Hafner", "Dimas", "Howlett", "Reber", "Abram", "Davalos", "Zajac", "Pedro", "Goodall", "Kaylor", "Wrenn", "Gartner", "Kell", "Curl", "Leathers", "Spiller", "Beason", "Shattuck", "Brewington", "Pinon", "Nazario", "Wash", "Ruggles", "Matz", "Capers", "Dorsett", "Wilmoth", "Bracey", "Lenhart", "Devoe", "Choy", "Oswalt", "Capone", "Wayman", "Parikh", "Eastwood", "Cofield", "Rickert", "Mccandless", "Greenway", "Majewski", "Rigdon", "Armbruster", "Royce", "Sterner", "Swaim", "Flournoy", "Amezcua", "Delano", "Westerman", "Grau", "Claxton", "Veliz", "Haun", "Roscoe", "Mccafferty", "Ringer", "Volz", "Blessing", "Mcphail", "Thelen", "Gagliardi", "Scholz", "Genovese", "Boyette", "Squire", "Naughton", "Levitt", "Erskine", "Leffler", "Manchester", "Hallett", "Whitmer", "Gillett", "Groce", "Roos", "Bejarano", "Moskowitz", "Constantine", "Fidler", "Roll", "Schutte", "Ohare", "Warnock", "Wester", "Macgregor", "Golding", "Abner", "Burgett", "Bushnell", "Brazil", "Ascencio", "Hock", "Legrand", "Eversole", "Rome", "Radcliff", "Fuhrman", "Schmit", "Tew", "Caro", "Cowen", "Marriott", "Kephart", "Hartung", "Keil", "Benally", "Hazlett", "Avant", "Desrosiers", "Kwong", "Guyer", "Penner", "Avelar", "Cashman", "Stith", "Orona", "Rager", "Johanson", "Lanza", "Min", "Cool", "Heine", "Nissen", "Buenrostro", "Mcmullin", "Oropeza", "Hom", "Degroot", "Wescott", "Hulbert", "Shrum", "Muncy", "Littrell", "Forest", "Dyke", "Garces", "Cimino", "Gebhardt", "Hickerson", "Satterwhite", "Radke", "Luckey", "Coronel", "Pugliese", "Frazee", "Siddiqui", "Flatt", "Abbey", "Gerald", "Bodine", "Lora", "Youngs", "Catlett", "Alexis", "Luo", "Youmans", "Sherlock", "Kinser", "Wales", "Dinsmore", "Abramson", "Stricker", "Rumsey", "Showers", "Mickens", "Tallent", "Setzer", "Etter", "Allgood", "Pagel", "Jefferies", "Bissell", "Colombo", "Musgrave", "Kuehl", "Raab", "Kavanagh", "Beane", "Witcher", "Pattison", "Paulus", "Gong", "Mcgough", "Burkhalter", "Vanbuskirk", "Kite", "Sass", "Lalonde", "Gormley", "Baier", "Brauer", "Stricklin", "Napoli", "Brotherton", "Stansbury", "Loggins", "Sorrentino", "Poff", "Nieman", "Roebuck", "Reiner", "Hovey", "Walley", "Leech", "Gambino", "Hammack", "Burson", "Tatro", "Perrine", "Carley", "Stadler", "Nason", "Peckham", "Gervais", "Ables", "Turman", "Dore", "Peavy", "Addington", "Tobar", "Gilstrap", "Brumbaugh", "Gerhardt", "Slusher", "Nevins", "Garofalo", "Amick", "Barrick", "Race", "Daggett", "Manion", "Noah", "Kranz", "Runge", "Wysocki", "Gillum", "Verduzco", "Alvey", "Pettus", "Sim", "Cage", "Mckean", "Harrod", "Weatherspoon", "Takahashi", "Wingard", "Endres", "Skiles", "Wald", "Finger", "Reams", "Ussery", "Fricke", "Jaworski", "Cusick", "Stanek", "Shaner", "Massaro", "Ribeiro", "Eades", "Rue", "Scharf", "Standridge", "Wojciechowski", "Victoria", "Galbreath", "Lander", "Martinelli", "Raper", "Karas", "Tomas", "La", "Kizer", "Gastelum", "Delp", "Sansone", "Therrien", "Brookins", "Shi", "Hammel", "Polley", "Riddell", "Claiborne", "Lampe", "Benham", "Braddock", "Elwood", "Mcminn", "Amerson", "Leija", "Gambrell", "Nuno", "Mallon", "Gard", "Burford", "Halley", "Maley", "Eicher", "Caban", "Rubenstein", "Tighe", "Harbaugh", "Bergmann", "Runnels", "Carrizales", "Gustin", "Wight", "Dominick", "Cannady", "Brace", "Beauregard", "Weitzel", "Orcutt", "Abrahamson", "Jorge", "Mccown", "Harriman", "Nicol", "Gott", "Andino", "Tsosie", "Shumway", "Aucoin", "Bowes", "Hixon", "Broom", "Cate", "Desantiago", "Haug", "Pinedo", "Mowry", "Moyers", "Deangelo", "Mcshane", "Boley", "Tiffany", "Steger", "Woodford", "Whitford", "Collette", "Muth", "Mansour", "Schuh", "Fortney", "Khoury", "Livengood", "Haworth", "Rusk", "Mathieu", "Peppers", "Gehring", "Faris", "Diep", "Rae", "Hupp", "Escalera", "Gwin", "Engelhardt", "Bannon", "Menjivar", "Eberhart", "Kershaw", "Cottle", "Palomares", "Carrell", "Galaviz", "Willie", "Troxell", "Visser", "Xie", "Juan", "Spector", "Izzo", "Woodring", "Gilbreath", "Bey", "Giraldo", "Neary", "Ready", "Toland", "Benge", "Thrower", "Bemis", "Hostetter", "Dull", "Poulos", "Vanegas", "Abad", "Harker", "Mei", "Nigro", "Messner", "Peres", "Hardaway", "Crumpton", "Dingman", "Hipp", "Lemley", "Maloy", "Ye", "Neighbors", "Proulx", "Jamerson", "Finkelstein", "Payan", "Holler", "Simonds", "Toms", "Schulman", "Aguero", "Hinrichs", "Steffens", "Clapper", "Delao", "Knighton", "Jahn", "Mach", "Heal", "Detwiler", "Corso", "Toner", "Rook", "Brockway", "Coulson", "Delia", "Giddings", "Hermosillo", "Ballenger", "Persinger", "Delk", "Pedigo", "Burg", "Voelker", "Ecker", "Kile", "Propst", "Rascon", "Stultz", "Swindle", "Swindell", "Deaver", "Welty", "Sussman", "Southworth", "Child", "Coston", "Lei", "Spillman", "Hochstetler", "Veach", "Melcher", "Chipman", "Lebeau", "Summerville", "Peden", "Lizarraga", "Kingery", "Leos", "Fogel", "Eckman", "Burbank", "Castano", "Chartier", "Medellin", "Torrey", "Peake", "Swinney", "Aziz", "Reinert", "Borg", "Pires", "Brooke", "Forester", "Greaves", "Delapaz", "Hunnicutt", "Bierman", "Stringfellow", "Lavallee", "Farnham", "Gadson", "Gainer", "Kulp", "Liston", "Brooker", "Loudermilk", "Reza", "Henshaw", "Hinz", "Brammer", "Frisch", "Toombs", "Esquibel", "Feinberg", "Plaza", "Bly", "Encarnacion", "Cockerham", "Shealy", "Haile", "Nave", "Chenoweth", "Goto", "Ernest", "Staub", "Marty", "Huizar", "Lammers", "Mcavoy", "Dishman", "Giroux", "Dowdell", "Via", "Fenn", "Kain", "Breckenridge", "Egbert", "Steelman", "Gasper", "Riojas", "Parmer", "Creed", "Gillispie", "Edgerton", "Yen", "Calder", "Holmberg", "Kreider", "Landau", "Eley", "Lewallen", "Quimby", "Holladay", "Du", "Leland", "Hyder", "Omeara", "Acton", "Gaspard", "Kennard", "Renfroe", "Hayman", "Gladney", "Glidden", "Wilmot", "Pearsall", "Cahoon", "Hallock", "Grigg", "Boggess", "Lewin", "Doering", "Thach", "Mcatee", "Paulk", "Rusch", "Harrold", "Suttles", "Chiles", "Sawyers", "Roger", "Kwok", "Luevano", "Coelho", "Waldo", "Ewell", "Lagunas", "Rude", "Barrington", "Mccomas", "Whiteley", "Jeanbaptiste", "Darcy", "Lussier", "Kerley", "Fordham", "Moorehead", "Welton", "Nicely", "Constantino", "Townes", "Giglio", "Damian", "Mckibben", "Resnick", "Endicott", "Lindeman", "Killion", "Gwinn", "Beaumont", "Nord", "Miceli", "Fast", "Bidwell", "Sites", "Drum", "Maze", "Abshire", "Berner", "Rhyne", "Juliano", "Wortman", "Beggs", "Winchell", "Summerlin", "Thrash", "Biggers", "Buckles", "Barnwell", "Thomasson", "Wan", "Arneson", "Rodrigue", "Wroblewski", "Quiroga", "Fulk", "Dillingham", "Rone", "Mapp", "Sattler", "Letourneau", "Gaudet", "Mccaslin", "Gurule", "Huck", "Hudspeth", "Welter", "Wittman", "Hileman", "Ewald", "Yao", "Kindred", "Kato", "Nickels", "Tyndall", "Sanmiguel", "Mayle", "Alfano", "Eichelberger", "Bee", "Sheehy", "Rogan", "Philip", "Dilworth", "Midkiff", "Hudgens", "Killingsworth", "Russel", "Criss", "Liddell", "Eberly", "Khalil", "Lattimore", "Koval", "Maxson", "Schram", "Goodell", "Catlin", "Cofer", "Alva", "Sandler", "Kunkle", "Perron", "Bushman", "Edmonson", "Roa", "Nesbit", "Ahearn", "Garver", "Bible", "Barley", "Struble", "Oxford", "Wulf", "Marron", "Haught", "Bonnell", "Pigg", "Friel", "Almaguer", "Bowler", "Mitchem", "Fussell", "Lemos", "Savino", "Boisvert", "Torgerson", "Annis", "Dicks", "Ruhl", "Pepin", "Wildman", "Gendron", "Melanson", "Sherer", "Duty", "Cassel", "Croteau", "Rolon", "Staats", "Pass", "Larocca", "Sauter", "Sacks", "Boutwell", "Hunsaker", "Omara", "Mcbroom", "Lohman", "Treat", "Dufour", "Brashear", "Yepez", "Lao", "Telles", "Manis", "Mars", "Shilling", "Tingle", "Macaluso", "Rigney", "Clair", "Matsumoto", "Agosto", "Halbert", "Dabbs", "Eckstein", "Mercurio", "Berkley", "Wachter", "Langan", "Peach", "Carreno", "Lepore", "Howie", "Thaxton", "Arrowood", "Weinberger", "Eldred", "Hooten", "Raymer", "Feaster", "Bosco", "Cataldo", "Fears", "Eckhardt", "Mullinax", "Spratt", "Laboy", "Marsden", "Carlile", "Bustillos", "Crim", "Surratt", "Kurth", "Gaul", "Machuca", "Rolfe", "Lower", "Edmiston", "Millsap", "Dehaven", "Racine", "Coney", "Rinker", "Maddux", "Burmeister", "Fenwick", "Stocks", "Forde", "Pettway", "Balderrama", "Westover", "Bloch", "Burress", "Hunley", "Futch", "Chee", "Alvarenga", "Bostwick", "Cleaver", "Pelkey", "Bryce", "Pisano", "Qureshi", "Varghese", "Cunha", "Hellman", "Grass", "Luker", "Hazelton", "Cathcart", "Yamada", "Gallego", "Menke", "Yingling", "Merriweather", "Fleury", "Salmeron", "Metcalfe", "Brook", "Freitag", "Malek", "Obregon", "Blain", "Mellott", "Alam", "Bessette", "Moncrief", "Arvizu", "Botts", "Moorer", "Landreth", "Hulett", "Marinelli", "Falco", "Silvestri", "Gottschalk", "Thiele", "Kight", "Warrington", "Huckaby", "Ledet", "Charbonneau", "Crozier", "Mohan", "Stroh", "Bolinger", "Delvecchio", "Macfarlane", "Cribbs", "Mcloughlin", "Maynor", "Ming", "Digiovanni", "Truesdale", "Pfeffer", "Benn", "Chaparro", "Englert", "Spano", "Ogletree", "Yancy", "Swick", "Hallmark", "Mattern", "Tryon", "Plumb", "Martineau", "Man", "Grube", "Holst", "Nez", "Belden", "Aikens", "Litton", "Moorhead", "Dufresne", "Bonney", "Heyward", "Halliday", "Ito", "Crossman", "Gast", "Levan", "Wine", "Desouza", "Kornegay", "Nam", "Keough", "Stotts", "Dickenson", "Ousley", "Leduc", "Revels", "Dizon", "Arreguin", "Shockey", "Alegria", "Blades", "Ignacio", "Mellon", "Ebersole", "Sain", "Weissman", "Wargo", "Claypool", "Zorn", "Julien", "Hinshaw", "Alberto", "Garduno", "Kellar", "Rizo", "Labonte", "Humble", "Downer", "Lykins", "Tower", "Vanhouten", "Chairez", "Campa", "Blizzard", "Standley", "Reiser", "Whitener", "Menefee", "Nalley", "Lasher", "Strang", "Smock", "Moralez", "Kiel", "Moffatt", "Behm", "Hackworth", "Dirks", "Kratz", "Guillot", "Tittle", "Stlouis", "Seymore", "Searle", "Utter", "Wilborn", "Dortch", "Duron", "Cardinal", "Spikes", "Arambula", "Cutter", "Dibenedetto", "Botelho", "Bedwell", "Kilby", "Bottoms", "Cassady", "Rothwell", "Bilodeau", "Markowitz", "Baucom", "Valley", "Esqueda", "Depalma", "Laskowski", "Hopp", "Casale", "Perreault", "Shuster", "Wolter", "Raby", "Cyrus", "Tseng", "Georges", "Das", "Wilfong", "Schlueter", "Woolf", "Stickney", "Mcinerney", "Curcio", "Fowlkes", "Boldt", "Zander", "Shropshire", "Antonelli", "Froehlich", "Butterworth", "Stedman", "Broadnax", "Kroeger", "Kellner", "Monreal", "Armas", "Mcguinness", "Canterbury", "Weisman", "Hilburn", "Carruthers", "Pell", "Peele", "Devaney", "Owings", "Mar", "Liggett", "Breslin", "Soucy", "Aguila", "Weidman", "Mingo", "Tarango", "Winger", "Poteet", "Acree", "Mcnew", "Leatherwood", "Aubrey", "Waring", "Soler", "Roof", "Sunderland", "Blackford", "Rabe", "Hepler", "Leonardo", "Spina", "Smythe", "Alex", "Barta", "Bybee", "Campagna", "Pete", "Batchelder", "Gurney", "Wyche", "Schutt", "Rashid", "Almazan", "Pahl", "Perri", "Viramontes", "Cavender", "Snapp", "Newson", "Sandhu", "Fernando", "Stockdale", "Garfield", "Ealy", "Mcfarlin", "Bieber", "Callan", "Arruda", "Oquendo", "Levasseur", "Maple", "Kowal", "Kushner", "Naquin", "Shouse", "Mcquade", "Cai", "Smedley", "Gober", "Saiz", "Brunelle", "Arbuckle", "Landes", "Mak", "Korte", "Oxley", "Boger", "Mickey", "Lent", "Cureton", "Husted", "Eidson", "Boyett", "Kitts", "Shope", "Hance", "Jessen", "Litchfield", "Torre", "Cargill", "Herren", "Straight", "Merz", "Weese", "Sperling", "Lapierre", "Yung", "Doggett", "Cauley", "Hardeman", "Margolis", "Watford", "Seltzer", "Fullmer", "Timberlake", "Butz", "Duquette", "Olin", "Leverett", "Hartford", "Otte", "Beaton", "Grimaldi", "Marotta", "Carlsen", "Cullum", "Monte", "Haygood", "Middlebrooks", "Lazarus", "Shiver", "Ivie", "Niemi", "Lacombe", "Judson", "Ginsberg", "Firestone", "Izquierdo", "Deel", "Jacinto", "Towers", "Fritsch", "Albin", "Kaminsky", "Yin", "Wrobel", "Birdwell", "Krieg", "Danforth", "Florio", "Saito", "Clift", "Duck", "Matt", "Moxley", "Barbieri", "Klatt", "Saltzman", "Chesney", "Bojorquez", "Cosentino", "Lodge", "Converse", "Decastro", "Gerhart", "Music", "Danley", "Santangelo", "Bevins", "Coen", "Seibel", "Lindemann", "Dressler", "Newport", "Bedolla", "Lillie", "Rhone", "Penaloza", "Swart", "Niemeyer", "Pilkington", "Matta", "Hollifield", "Gillman", "Montana", "Maroney", "Stenger", "Loos", "Wert", "Brogdon", "Gandhi", "Bent", "Tabb", "Sikorski", "Hagedorn", "Hannigan", "Hoss", "Conlin", "Trott", "Fall", "Granado", "Bartell", "Rubalcava", "Neves", "Poynter", "Alton", "Paschall", "Waltman", "Parke", "Kittle", "Czarnecki", "Bloodworth", "Knorr", "Timms", "Derry", "Messier", "Saad", "Cozart", "Sutphin", "Puryear", "Gatto", "Whitacre", "Verdin", "Bloomer", "Brundage", "Brian", "Seger", "Clare", "Balch", "Tharpe", "Rayford", "Halter", "Barefoot", "Gonsalez", "Lomas", "Monzon", "Howarth", "Mccready", "Gudino", "Serafin", "Sanfilippo", "Minnich", "Eldredge", "Malave", "Greeley", "Sisneros", "Kangas", "Peery", "Lunn", "Lukas", "Bunce", "Riccio", "Thies", "Stivers", "Conard", "Mullaney", "Catalan", "Omar", "Theobald", "Jeffcoat", "Kucera", "Borkowski", "Coomer", "Mathison", "Croom", "Rushton", "Stites", "Pendley", "Till", "Oconner", "Forsberg", "Wages", "Fillmore", "Barcenas", "Gillard", "Leak", "Towle", "Esser", "Dunlop", "Quackenbush", "Archambault", "Buller", "Newlin", "Urquhart", "Shanley", "Mote", "Ippolito", "Rozier", "Reidy", "Gregor", "Swaney", "Bradfield", "Fudge", "More", "Tester", "Higley", "Dambrosio", "Bullington", "Highsmith", "Silas", "Felker", "Sawicki", "Beltz", "Albarran", "Aitken", "Findlay", "Looper", "Tooley", "Lasley", "Moynihan", "Ratcliffe", "Grizzle", "Souders", "Nussbaum", "Suber", "Macdougall", "Waddle", "Brawner", "Tucci", "Cosme", "Walk", "Gordy", "Tarrant", "Rosenblum", "Huth", "Bridgeman", "Hinkley", "Gehrke", "Boden", "Suazo", "Gambill", "Widner", "Chick", "Mccollough", "Hassler", "Odum", "Pawlak", "Prevost", "Slavin", "Fetters", "Beamon", "Renshaw", "Deng", "Plourde", "Holstein", "Rye", "Holliman", "Melville", "Messinger", "Turcios", "Garnica", "Feeley", "Mariani", "Otten", "Dorado", "Mortenson", "Meissner", "Scarlett", "Sweitzer", "Glisson", "Desjardins", "Penland", "Elledge", "Crumley", "Deen", "Shih", "Heuer", "Gloria", "Lail", "Mcandrew", "Mcnaughton", "Cortese", "Stgermain", "Hammon", "Leininger", "Flickinger", "Dement", "Bumgardner", "Tessier", "Fulford", "Cervantez", "Wisner", "Shulman", "Sabol", "Papp", "Strasser", "Sartin", "Rothstein", "Grote", "Beaudry", "Deville", "Roop", "Villar", "Bussell", "Bowyer", "Yoshida", "Hertz", "Countryman", "Hoey", "Roseberry", "Schock", "Boozer", "Mccowan", "Kirschner", "Lechner", "Winkelman", "Witham", "Thurber", "Depriest", "Chenault", "Moten", "Tillotson", "Guan", "Ketcham", "Jiles", "Grosso", "Nottingham", "Kellam", "Alejo", "Thoma", "Marchetti", "Holifield", "Fortson", "Leasure", "Mceachern", "Oceguera", "Carleton", "Weekley", "Kinsella", "Harvell", "Waldon", "Kean", "Chancellor", "Blosser", "Detweiler", "Presnell", "Beachy", "Lingle", "Plumley", "Knopp", "Gamache", "Atwater", "Caine", "Woodland", "Terwilliger", "Moller", "Cleland", "Cottingham", "Janke", "Willman", "Dann", "Mangrum", "Shuck", "Paden", "Adelman", "Brim", "Tullis", "Hertel", "Gallaher", "Leopold", "Donegan", "Popovich", "Gusman", "Chatham", "Schooley", "Pinder", "Heise", "Maines", "Nystrom", "Jahnke", "Poon", "Murphree", "Pelaez", "Risley", "Sohn", "Shim", "Armentrout", "Kastner", "Philpott", "Mao", "Pursley", "Mangold", "Mccourt", "Hollar", "Desmarais", "Debord", "Gullett", "Gaeta", "Bae", "Houlihan", "Gorton", "Steinman", "Santo", "Snelling", "Corpuz", "Look", "Scudder", "Treece", "Binns", "Sokolowski", "Harner", "Gallup", "Marti", "Teasley", "Markel", "Casiano", "Nicks", "Recinos", "Paradise", "Colman", "Orange", "Mele", "Medford", "Templin", "Zuber", "Mackin", "Brodsky", "Householder", "Wirtz", "Hackman", "Tippett", "Polson", "Colston", "Cerna", "Herald", "Shults", "Shubert", "Mertens", "Dave", "Duffield", "Vanness", "Mayne", "Driskell", "Percy", "Lauderdale", "Cipriano", "Theodore", "Colella", "Kiger", "Brownfield", "Stella", "Wideman", "Maye", "Chisolm", "Muldoon", "Fitzwater", "Harville", "Dixson", "Burkey", "Hartsfield", "Schade", "Brawley", "Pelfrey", "Tennyson", "Whitted", "Silvas", "Harbour", "Krupa", "Peraza", "Erdmann", "Halpern", "Finnerty", "Mackinnon", "Humbert", "Mccarley", "Doster", "Kugler", "Livesay", "Force", "Haberman", "Lamp", "Hector", "Charron", "Woosley", "Rein", "Ashburn", "Greenleaf", "Niemann", "Carillo", "Skelly", "Nunnally", "Renfrow", "Prickett", "Angus", "Bednar", "Nightingale", "Steinbach", "Warnick", "Jason", "Hans", "Lydon", "Rutland", "Alleman", "Hawn", "Malin", "Beech", "Auger", "Desilva", "Izaguirre", "Isham", "Mandujano", "Glasser", "Dimarco", "Berumen", "Nipper", "Pegram", "Sundberg", "Labbe", "Mcphee", "Crafton", "Agustin", "Cantor", "Beller", "Bang", "Lawyer", "Croy", "Kyles", "Winans", "Battista", "Jost", "Bakken", "Dandridge", "Mustafa", "Ice", "Eklund", "Montesdeoca", "Hermes", "Grimaldo", "Vannoy", "Grainger", "Lamas", "Tarantino", "Witter", "Worthen", "Basinger", "Cowden", "Hiles", "Mcanally", "Felipe", "Gallimore", "Kapp", "Makowski", "Copenhaver", "Ramer", "Gideon", "Bowker", "Wilkens", "Seeger", "Huntsman", "Palladino", "Jessee", "Kittrell", "Rolle", "Ciccone", "Kolar", "Brannen", "Bixby", "Pohlman", "Strachan", "Lesher", "Fleischer", "Umana", "Murphey", "Mcentire", "Rabon", "Mcauley", "Bunton", "Soileau", "Sheriff", "Borowski", "Mullens", "Larrabee", "Prouty", "Malley", "Sumrall", "Reisinger", "Surber", "Kasten", "Shoemake", "Yowell", "Bonin", "Bevan", "Bove", "Boe", "Hazard", "Slay", "Carraway", "Kaczmarek", "Armitage", "Lowther", "Sheaffer", "Farah", "Atencio", "Ung", "Kirkham", "Cavanagh", "Mccutchen", "Shoop", "Nickles", "Borchardt", "Durkee", "Maus", "Shedd", "Petrillo", "Brainard", "Eddings", "Fanelli", "Seo", "Heaney", "Drennan", "Mcgarvey", "Saddler", "Lucia", "Higa", "Gailey", "Groh", "Hinckley", "Griner", "Norfleet", "Caplan", "Rademacher", "Souder", "Autrey", "Eskridge", "Drumm", "Fiske", "Giffin", "Townley", "Derose", "Burrus", "Castrejon", "Emmert", "Cothran", "Hartsell", "Kilburn", "Riggle", "Trussell", "Mulvey", "Barto", "Crank", "Lovely", "Woodhouse", "Powe", "Pablo", "Zack", "Murchison", "Dicarlo", "Kessel", "Hagood", "Rost", "Edson", "Blakeney", "Fant", "Brodeur", "Jump", "Spry", "Laguna", "Lotz", "Bergquist", "Collard", "Mash", "Rideout", "Bilbrey", "Selman", "Fortunato", "Holzer", "Pifer", "Mcabee", "Talamantes", "Tollefson", "Pastore", "Crew", "Wilcher", "Kutz", "Stallard", "Ressler", "Fehr", "Piercy", "Lafond", "Digiacomo", "Schuck", "Winkle", "Graybill", "Plata", "Gribble", "Odle", "Fraga", "Bressler", "Moultrie", "Tung", "Charette", "Marvel", "Kerby", "Mori", "Hamman", "Favors", "Freeze", "Delisle", "Straw", "Dingle", "Elizalde", "Cabello", "Zalewski", "Funkhouser", "Abate", "Nero", "Holston", "Josey", "Schreck", "Shroyer", "Paquin", "Bing", "Chauvin", "Maria", "Melgoza", "Arms", "Caddell", "Pitchford", "Sternberg", "Rana", "Lovelady", "Strouse", "Macarthur", "Lechuga", "Wolfson", "Mcglynn", "Koo", "Stoops", "Tetreault", "Lepage", "Duren", "Hartz", "Kissel", "Gish", "Largent", "Henninger", "Janson", "Carrick", "Kenner", "Haack", "Diego", "Wacker", "Wardell", "Ballentine", "Smeltzer", "Bibb", "Winton", "Bibbs", "Reinhard", "Nilsen", "Edison", "Kalinowski", "June", "Hewlett", "Blaisdell", "Zeman", "Chon", "Board", "Nealy", "Moretti", "Wanner", "Bonnett", "Hardie", "Mains", "Cordeiro", "Karim", "Kautz", "Craver", "Colucci", "Congdon", "Mounts", "Kurz", "Eder", "Merryman", "Soles", "Dulin", "Lubin", "Mcgowen", "Hockenberry", "Work", "Mazzola", "Crandell", "Mcgrady", "Caruthers", "Govea", "Meng", "Fetter", "Trusty", "Weintraub", "Hurlburt", "Reiff", "Nowakowski", "Hoard", "Densmore", "Blumenthal", "Neale", "Schiff", "Raleigh", "Steiger", "Marmolejo", "Jessie", "Palafox", "Tutt", "Keister", "Core", "Im", "Wendell", "Bennet", "Canning", "Krull", "Patti", "Zucker", "Schlesinger", "Wiser", "Dunson", "Olmedo", "Hake", "Champlin", "Braley", "Wheelock", "Geier", "Janis", "Turek", "Grindstaff", "Schaffner", "Deas", "Sirois", "Polito", "Bergin", "Schall", "Vineyard", "Pellegrini", "Corrado", "Oleson", "List", "Dameron", "Parkin", "Flake", "Hollingshead", "Chancey", "Hufford", "Morell", "Kantor", "Chasteen", "Laborde", "Sessoms", "Hermanson", "Burnell", "Dewberry", "Tolman", "Glasscock", "Durfee", "Gilroy", "Wilkey", "Dungan", "Saravia", "Weigand", "Bigler", "Vancleave", "Burlingame", "Roseman", "Stiffler", "Gagliano", "Kates", "Awad", "Knepp", "Rondeau", "Bertsch", "Wolverton", "Walcott", "Poss", "Frisby", "Wexler", "Reinhold", "Krol", "Stuck", "Ricciardi", "Ardoin", "Michaelson", "Lillard", "Burciaga", "Birchfield", "Patch", "Silvey", "Simmonds", "Siu", "Press", "Deans", "Riegel", "Ismail", "Magallon", "Diller", "Hine", "Michalak", "Dones", "Deitz", "Gulledge", "Stroman", "Kobayashi", "Hafer", "Berk", "Landin", "Gilles", "Obryant", "Cheeks", "Gress", "Lutes", "Raphael", "Pizano", "Bachmann", "Cifuentes", "Earp", "Gilreath", "Peluso", "Hubbs", "Alvis", "Peer", "Dutra", "Stetson", "Constant", "Benford", "Sorto", "Cater", "Rosier", "Isenberg", "Shanklin", "Veloz", "Ramage", "Dunford", "Ku", "Hames", "Eddins", "Ruano", "Frink", "Flower", "Beadle", "Rochester", "Fontes", "Mefford", "Barwick", "Millen", "Stelly", "Cann", "Rayner", "Carruth", "Wendling", "Shutt", "Hazzard", "Maravilla", "Gregorio", "Pavlik", "Hudnall", "Aston", "Mcglothlin", "Weise", "Devereaux", "Belle", "Borst", "Burdett", "Frisbie", "Rummel", "Rentz", "Cobos", "Kimura", "Neu", "Winner", "Candelario", "Callis", "Basso", "Mckim", "Tai", "Eskew", "Lair", "Pye", "Knuth", "Scarberry", "Alter", "Mcgann", "Anson", "Drews", "Zuckerman", "Petrone", "Ludlow", "Bechtold", "Nair", "Rennie", "Rhine", "Fleetwood", "Sudduth", "Leftwich", "Hardiman", "Northrop", "Banker", "Killen", "Mastin", "Mcmurry", "Jasinski", "Taliaferro", "Mathers", "Sheikh", "Nuss", "Jesse", "Zabel", "Crotty", "Kamp", "Fleenor", "Halcomb", "Eady", "Vella", "Demars", "Ensley", "Delosreyes", "Zendejas", "Leeds", "Just", "Oday", "Dills", "Zeng", "Barriga", "Millican", "Cascio", "Eakin", "Argo", "Borland", "Cover", "Diorio", "Coria", "Lease", "Pinkham", "Reichard", "Guadalupe", "Hansel", "Bye", "Westerfield", "Gales", "Mickle", "Licata", "Cram", "Bracy", "Motta", "Imhoff", "Siegfried", "Merry", "Swiger", "Ton", "Hersey", "Marrone", "Ginter", "Miele", "Breton", "Scheffler", "Pray", "Stapp", "Bogard", "Towner", "Mcelhaney", "Bridgewater", "Waldner", "Quijano", "Galante", "Quesenberry", "Rourke", "Harshman", "Traver", "Alvares", "Mcgaha", "Nyberg", "Pharr", "Lerch", "Sok", "Rosson", "Wiggs", "Mcelveen", "Dimaggio", "Rettig", "Ahumada", "Hetzel", "Welling", "Chadwell", "Swink", "Mckinzie", "Kwak", "Chabot", "Tomaszewski", "Bonanno", "Lesko", "Teter", "Stalnaker", "Ober", "Hovis", "Hosey", "Chaudhry", "Fey", "Vital", "Earhart", "Heins", "Crowther", "Hanner", "Behr", "Billington", "Vogler", "Hersh", "Perlman", "Given", "Files", "Partain", "Coddington", "Jardine", "Grimmett", "Springs", "Macomber", "Horgan", "Arrieta", "Charley", "Josephson", "Tupper", "Provenzano", "Celaya", "Mcvicker", "Sigala", "Wimer", "Ayon", "Dossantos", "Norvell", "Lorenzen", "Pasquale", "Lambright", "Goings", "Defelice", "Wen", "Sigman", "Gaylor", "Rehm", "Carino", "Werth", "Forehand", "Hanke", "Lasalle", "Mitchum", "Priester", "Lefler", "Celis", "Lesser", "Fitz", "Wentzel", "Lavery", "Klassen", "Shiflett", "Hedden", "Henn", "Coursey", "Drain", "Delorenzo", "Haws", "Stansberry", "Trump", "Dantzler", "Chaidez", "Mcsweeney", "Griffen", "Trail", "Gandara", "Brunk", "Kennon", "Coss", "Blackmore", "Metts", "Gluck", "Blackshear", "Cogan", "Boney", "Encinas", "Adamski", "Roberge", "Schuette", "Valero", "Barroso", "Antunez", "Mohammad", "Housley", "Escoto", "Ullrich", "Helman", "Trost", "Lafave", "Faith", "Blaney", "Kershner", "Hoehn", "Roemer", "Isley", "Lipinski", "Claus", "Caulfield", "Paiz", "Leyba", "Robinett", "Lambeth", "Tarpley", "Essex", "Eilers", "Epley", "Murdoch", "Sandstrom", "Laux", "Domingue", "Grundy", "Bellows", "Spindler", "Boos", "Bhatt", "Tye", "Salamone", "Cirillo", "Troup", "Jemison", "Calzada", "Dowden", "Geraci", "Dunphy", "Sack", "Sloane", "Hathcock", "Yap", "Ronquillo", "Willette", "Partlow", "Dear", "Tunstall", "Kiss", "Huhn", "Seabolt", "Beene", "Sather", "Lockridge", "Despain", "Wines", "Mcalpine", "Wadley", "Dey", "Loring", "Meadors", "Buettner", "Lavalley", "Bugg", "Creek", "Millett", "Pumphrey", "Fregoso", "Merkle", "Sheffer", "Glassman", "Groover", "Sweatt", "Colunga", "Boykins", "Seng", "Stutz", "Brann", "Blakey", "Munos", "Geddes", "Avendano", "Molitor", "Diedrich", "Langham", "Kindle", "Lacour", "Buckler", "Corum", "Bakke", "Godin", "Kerner", "Tobey", "Kubiak", "Hoyer", "Hedge", "Priebe", "Callison", "Lahr", "Shears", "Snavely", "Blatt", "Mcpeak", "Tinney", "Sullins", "Bernhard", "Gibb", "Vaillancourt", "Paugh", "Funes", "Romans", "Maurice", "Lough", "Kerwin", "Sanger", "Vierra", "Markus", "Comfort", "Krall", "Spies", "Malcom", "Vizcarra", "Beamer", "Kellerman", "Mcroberts", "Waterhouse", "Stromberg", "Persons", "Whitesell", "Harty", "Rosenblatt", "Broadwater", "Clardy", "Shackleford", "Jacquez", "Brittingham", "Lindahl", "Feliz", "Danna", "Garwood", "Heron", "Southwick", "Dehoyos", "Cottrill", "Mellor", "Goldfarb", "Grieco", "Helgeson", "Vandusen", "Heinen", "Batt", "Ruch", "Garretson", "Pankey", "Caudillo", "Jakubowski", "Plowman", "Starcher", "Wessels", "Moose", "Rosner", "Louden", "Walczak", "Poulsen", "Mcchesney", "Karns", "Casares", "Cusack", "Cespedes", "Cornelison", "Crossland", "Hirst", "Mier", "Roberto", "Canchola", "Bosse", "Shetler", "Melendrez", "Giannini", "Six", "Traynor", "Knepper", "Lonergan", "Kessinger", "Hollon", "Weathersby", "Stouffer", "Gingrich", "Breault", "Pompa", "Vanhoose", "Burdine", "Lark", "Stiltner", "Wunderlich", "Yong", "Merrifield", "Willhite", "Geiser", "Lambrecht", "Keffer", "Carlo", "Germany", "Turgeon", "Dame", "Tristan", "Bova", "Doak", "Mannino", "Shotwell", "Bash", "Coots", "Feist", "Mahmood", "Schlabach", "Salzman", "Kass", "Bresnahan", "Stonge", "Tesch", "Grajeda", "Mccarron", "Mcelwee", "Spradling", "Mckown", "Colgan", "Piedra", "Collum", "Stoffel", "Won", "Gulick", "Devault", "Enders", "Yanes", "Lansing", "Ebner", "Deegan", "Boutin", "Fetzer", "Andresen", "Trigg", "Sale", "Polite", "Hummer", "Wille", "Bowerman", "Routh", "Iqbal", "Lakey", "Mcadoo", "Laflamme", "Boulware", "Guadarrama", "Campana", "Strayer", "Aho", "Emmett", "Wolters", "Bos", "Knighten", "Averill", "Bhakta", "Schumaker", "Stutts", "Mejias", "Byer", "Mahone", "Staab", "Riehl", "Briceno", "Zabala", "Lafountain", "Clemmer", "Mansell", "Rossetti", "Lafontaine", "Mager", "Adamo", "Bogue", "Northern", "Disney", "Masse", "Senter", "Yaeger", "Dahlberg", "Bisson", "Leitner", "Bolding", "Ormsby", "Berard", "Brazell", "Pickle", "Hord", "Mcguigan", "Glennon", "Aman", "Dearman", "Cauthen", "Rembert", "Delucia", "Enciso", "Slusser", "Kratzer", "Schoenfeld", "Gillam", "Rael", "Rhode", "Moton", "Eide", "Eliason", "Helfrich", "Bish", "Goodnight", "Campion", "Blow", "Gerken", "Goldenberg", "Mellinger", "Nations", "Maiden", "Anzalone", "Wagers", "Arguelles", "Christen", "Guth", "Stamey", "Bozarth", "Balogh", "Grammer", "Chafin", "Prine", "Freer", "Alder", "Latorre", "Zaleski", "Lindholm", "Belisle", "Zacharias", "Swinson", "Bazemore", "Glazer", "Acord", "Said", "Liggins", "Lueck", "Luedtke", "Blackstone", "Copper", "Riker", "Braud", "Demello", "Rode", "Haven", "Rhee", "Galligan", "Record", "Nilson", "Ansley", "Pera", "Gilliard", "Copp", "Haugh", "Dunigan", "Grinnell", "Garr", "Leonhardt", "Elswick", "Shahan", "Mike", "Boddie", "Casella", "Mauricio", "Millet", "Daye", "Claussen", "Pierrelouis", "Fleischman", "Embrey", "Durso", "Whisenant", "Rankins", "Lasky", "Askins", "Rupe", "Rochelle", "Burkes", "Kreger", "Mishler", "Heald", "Jager", "Player", "Linehan", "Horwitz", "Jacobi", "Maine", "Wiest", "Ostrom", "Sealy", "Jimerson", "Alverson", "Senior", "Hassett", "Colter", "Schleicher", "Marini", "Mcbrayer", "Arzola", "Sobel", "Frederickson", "Confer", "Tadlock", "Belmonte", "Lebrun", "Clyde", "Alleyne", "Lozoya", "Teller", "Husband", "Brigman", "Secrest", "Krajewski", "Neiman", "Trull", "Watterson", "Vanhook", "Sotomayor", "Woodrum", "Baskerville", "Finke", "Hohman", "Arp", "Hearne", "Mauk", "Danko", "Laurie", "Linderman", "Hutt", "Springfield", "Chmielewski", "Klimek", "Phinney", "Leboeuf", "Mcglone", "Holmquist", "Cogswell", "Nichol", "Klink", "Dunston", "Krawczyk", "Dart", "Woodside", "Smitherman", "Gasca", "Sala", "Foxworth", "Kammerer", "Auer", "Pegues", "Bukowski", "Koger", "Spitz", "Blomquist", "Creasy", "Bomar", "Holub", "Loney", "Garry", "Habib", "Chea", "Dupuy", "Seaver", "Sowards", "Julius", "Fulks", "Braithwaite", "Bretz", "Mccammon", "Sedillo", "Chiasson", "Oney", "Horstman", "Waites", "Mccusker", "Fenske", "Conwell", "Brokaw", "Cloyd", "Biles", "Aguinaga", "Astorga", "Demaio", "Liberty", "Kayser", "Ney", "Barthel", "Lennox", "Trautman", "Purser", "Pitzer", "Mattos", "Liss", "Clack", "Sias", "Bobb", "Stoller", "Robillard", "Almodovar", "Cribb", "Ebel", "Oyler", "Dail", "Ericksen", "Geis", "Everitt", "Cropper", "Meisner", "Skeens", "Frith", "Privett", "Braddy", "Bolick", "Severance", "Jeffreys", "Bethune", "Delcid", "Buzzard", "Broadbent", "Bono", "Addis", "Johannes", "Tims", "Castorena", "Simonsen", "Glidewell", "Mui", "Ogilvie", "Soukup", "Sunday", "Redwine", "Borton", "Schuyler", "Rudisill", "Beckford", "Pascua", "Garton", "Gilkey", "Applewhite", "Halterman", "Alsup", "Delreal", "Hubble", "Quijada", "Kropp", "Dunkle", "Lemire", "Lamontagne", "Dunkin", "Paulin", "Attaway", "Baugher", "Hornbeck", "Niehaus", "Nice", "Trimmer", "Canaday", "Maney", "Trexler", "Schmucker", "Edinger", "Massengill", "Rowlett", "Caviness", "Kam", "Chesnut", "Giardina", "Spaeth", "Gebhart", "Morano", "Salguero", "Buckland", "Reina", "Jumper", "Navas", "Thrift", "Spradley", "Bitner", "Ayer", "Harber", "Landaverde", "Mcmillion", "Naugle", "Dole", "Seagraves", "Smithers", "Frechette", "Weeden", "Caston", "Cavallaro", "Laureano", "Mandell", "Lowrance", "Baty", "Ronan", "Gigliotti", "Rossiter", "Mines", "Alatorre", "Markowski", "Berge", "Hatter", "Weakley", "Borrero", "Glazier", "Lavergne", "Sines", "Ingham", "Meltzer", "Rabinowitz", "Siciliano", "Canas", "Perna", "Struck", "Dare", "Nay", "Severino", "Mathewson", "Bouldin", "Topete", "Brunette", "Sin", "Hendren", "Brickey", "Ferrier", "Alessi", "Scheel", "Storer", "Matherne", "Mecham", "Spiker", "Hibbert", "Klingensmith", "Lefever", "Banning", "Bankhead", "Roan", "Brack", "Pascoe", "Davie", "Scheid", "Jim", "Tweedy", "Strahan", "Revis", "Fermin", "Obrian", "Motes", "Lobo", "Palmisano", "Faught", "Byington", "Garren", "Hungerford", "Vanzandt", "Gust", "Heater", "Klingler", "Delay", "Wear", "Hendley", "Threatt", "Gaughan", "Kunze", "Hessler", "Lindell", "Monteleone", "Palazzolo", "Shear", "Phares", "Cavalier", "Benning", "Urbanski", "Darrah", "Wager", "Mohn", "Vereen", "Beiler", "Hedlund", "Quade", "Wieczorek", "Cicero", "Hoekstra", "Scalf", "Ducote", "Havard", "Espiritu", "Beacham", "Bolger", "Schuller", "Sill", "Dice", "Lemmons", "Orlowski", "Lundeen", "Steck", "Stanfill", "Rakes", "Laine", "Haviland", "Durrett", "Naumann", "Donahoe", "Reif", "Franck", "Amoroso", "Belknap", "Tolle", "Perrotta", "Heyer", "Dougan", "Frakes", "Leath", "Poteat", "Violette", "Marine", "Zellner", "Granillo", "Fontanez", "Didonato", "Bradberry", "Morman", "Mentzer", "Lamoureux", "Sabatino", "Catania", "Wenner", "Pastrana", "Shenk", "Losey", "Hepburn", "Antonucci", "Egger", "Higbee", "Adames", "Reep", "Cavallo", "Bridwell", "Villalba", "Poor", "Peet", "Everette", "Arney", "Towery", "Sharon", "Trainer", "Marrow", "Cumming", "Rimmer", "Stanger", "Pinter", "Felt", "Parrett", "Garrard", "Benedetto", "Lingenfelter", "Resch", "Billy", "Mikesell", "Osterman", "Trueblood", "Redfern", "Calderone", "Placencia", "Wamsley", "Warr", "Varnado", "Harshbarger", "Topping", "Feltner", "Decosta", "Tart", "Blumberg", "Shaikh", "Culley", "Bork", "Thibeault", "Stolz", "Ramsdell", "Tedford", "Noto", "Poulson", "Daves", "Altieri", "Mendosa", "Kisner", "Grafton", "Remy", "Hartline", "Cripe", "Sher", "Mulvaney", "Ansari", "Hartfield", "Whitton", "Wathen", "Eisele", "Hinojos", "Backer", "Speaks", "Schuetz", "Novoa", "Marcos", "Mask", "Oboyle", "Kircher", "Stang", "Sibert", "Scala", "Zacarias", "Hendon", "Halvorsen", "Montalbano", "Zermeno", "Vancamp", "Grams", "Hornberger", "Binion", "Dewald", "Rives", "Sankey", "Kleinman", "Falconer", "Rumph", "Matus", "Swett", "Spinner", "Depasquale", "Gamino", "Olmsted", "Absher", "Culler", "Fryman", "Lampert", "Carlyle", "Terranova", "Dunagan", "Chouinard", "Wesolowski", "Hetherington", "Scalise", "Pendergast", "Marcano", "Joubert", "Scheller", "Whisenhunt", "Lenoir", "Mahar", "Vanlandingham", "Pecoraro", "You", "Natividad", "Daum", "Penick", "Eddington", "Deleo", "Soltis", "Santucci", "Costanza", "Hiner", "Farlow", "Hartsock", "Duprey", "Fann", "Safford", "Murtha", "Fessler", "Chien", "Paynter", "Devera", "Hoelscher", "Boltz", "Deacon", "Loo", "Enoch", "Dilorenzo", "Saville", "Mirza", "Takacs", "Drexler", "Lakin", "Geraghty", "Widmer", "Esteves", "Llanes", "Cerny", "Quist", "Hargraves", "Toma", "Tarter", "Chapple", "Alderete", "Michelson", "Clymer", "Batey", "Sealey", "Loughlin", "Preece", "Zurita", "Courville", "Desousa", "Shamblin", "Tingley", "Noles", "Misner", "Standifer", "Dinardo", "Dillow", "Bullis", "Carballo", "Everly", "Mulvihill", "Tincher", "Carle", "Lundin", "Birdsall", "Bainbridge", "Suttle", "Wightman", "Mower", "Mountain", "Bickham", "Durante", "Viveros", "Swinford", "Mcgruder", "Tapley", "Grable", "Gwynn", "Wiebe", "Stagg", "Dash", "Heitman", "Cluff", "Huertas", "Fortuna", "Lines", "Sly", "Halford", "Helsel", "Bicknell", "Blakeman", "Colangelo", "Olney", "Quinton", "Rothrock", "Renz", "Hone", "Prejean", "Oshiro", "Serio", "Latour", "Newbold", "Fitzhugh", "Songer", "Cardin", "Geter", "Barbera", "Abbas", "Caesar", "Blakeslee", "Camper", "Mcclurg", "Driskill", "Cancel", "Donelson", "Borrelli", "Donoghue", "Shoaf", "Tinajero", "Arzate", "Keesee", "Pasley", "Strode", "Morello", "Trantham", "Ackerson", "Jowers", "Brockington", "Barcia", "Lipp", "Dinger", "Ridings", "Canavan", "Rank", "Hagans", "Lampley", "Beckmann", "Bjork", "Raygoza", "Schirmer", "Longmire", "Schiavone", "Breuer", "Lore", "Stenson", "Koziol", "Channell", "Cale", "Trader", "Culberson", "Mundt", "Sickles", "Nemec", "Holl", "Stribling", "Berens", "Nauman", "Lehner", "Deem", "Castelli", "Billman", "Orndorff", "Gumm", "Davy", "Pelham", "Spotts", "Jurgens", "Sword", "Adorno", "Gorrell", "Boughton", "Bobadilla", "Mauer", "Moline", "Guay", "Holsinger", "Baranowski", "Gutierres", "Beveridge", "Marable", "Berkey", "Lamothe", "Spitler", "Carbaugh", "Hoopes", "Wilken", "Milford", "Bingaman", "Crippen", "Shock", "Yarnell", "Oman", "Wethington", "Kost", "Gaudette", "Spielman", "Foran", "Starke", "Eugene", "Birnbaum", "Navarrette", "Hussein", "Ranson", "Hedgepeth", "Doctor", "Higuera", "Brough", "Cookson", "Provencher", "Mendonca", "Gowen", "Summer", "Rutz", "Reader", "Doud", "Raven", "Toribio", "Peachey", "Gunning", "Bittle", "Vale", "Harnish", "Marano", "Aker", "Damore", "Utz", "Throckmorton", "Bulger", "Vanzant", "Pasillas", "Holmgren", "Corpus", "Longley", "Wetmore", "Carstens", "Line", "Percival", "Ayotte", "Batres", "Pipes", "Ludwick", "Alpert", "Pick", "Carlock", "Edmundson", "Feinstein", "Krouse", "Dahlgren", "Sasaki", "Lieb", "Londono", "Oloughlin", "Wardlaw", "Lineberry", "Castello", "Milstead", "Parmenter", "Riffe", "Pare", "Sitton", "Tarin", "Delcastillo", "Manor", "Calabro", "Elkin", "Grill", "Boaz", "Coco", "Chamblee", "Celestine", "Nick", "Stork", "Meekins", "Moise", "Devers", "Jun", "Kegley", "Brick", "Lobato", "Biggerstaff", "Kersten", "Jayne", "Nasser", "Southall", "Kempton", "Eaddy", "Paladino", "Berardi", "Pizzo", "Pulver", "Ohalloran", "Fromm", "Cranston", "Rowden", "Capobianco", "Kahle", "Thiessen", "Malott", "Houseman", "Maul", "Gallion", "Tressler", "Pauly", "Pellerin", "Sainz", "Firth", "Cryer", "Jeanlouis", "Mong", "Trawick", "Chronister", "Hayashi", "Posner", "Cueva", "Sherwin", "Lacasse", "Gorden", "Bohl", "Twigg", "Coan", "Hocker", "Goodale", "Urbano", "Loeb", "Perrault", "Frawley", "Carcamo", "Richburg", "Moffat", "Hennings", "Weyer", "Myatt", "Ullman", "Tunnell", "Hern", "Lopresti", "Sonnenberg", "Knisley", "Twomey", "Jaggers", "Tanksley", "Rachal", "Poppe", "Vos", "Kania", "Speakman", "Peirce", "Pound", "Romer", "Patty", "Millsaps", "Kyser", "Telford", "Hegarty", "Kellett", "Michaelis", "Halligan", "Maughan", "Herb", "Rainer", "Robichaud", "Fiscus", "Sickler", "Blom", "Lavine", "Medel", "Bolyard", "Secor", "Creekmore", "Magruder", "Haskin", "Laliberte", "Drago", "Bernabe", "Leader", "Cavin", "Lukens", "Vassallo", "Pletcher", "Fuson", "Hasson", "Huckabee", "Edington", "Eichler", "Hering", "Vong", "Mardis", "Gu", "Segarra", "Bilyeu", "Runion", "Fragoso", "Gama", "Dunton", "Frady", "Lewellen", "Crumpler", "Jeske", "Furlow", "Delapena", "Kale", "Massengale", "Hamlet", "Galli", "Esteban", "Greeson", "Shue", "Pollak", "Pinney", "Ruffner", "Maitland", "Steven", "Hockett", "Fraire", "Mulhern", "Elbert", "Hoggard", "Labarge", "Silcox", "Saez", "Sluder", "Stamp", "Darlington", "Mccarroll", "Pillow", "Palazzo", "Blaha", "Demaria", "Swanger", "Winningham", "Lippincott", "Dake", "Goldsberry", "Seidl", "Woolfolk", "Murawski", "Hobart", "Kimber", "Nilsson", "Stough", "Almendarez", "Nevels", "Fasano", "Salmons", "Denmark", "Lathan", "Mosely", "Stengel", "Mendieta", "Felice", "Drown", "Vidrine", "Callihan", "Polston", "Howze", "Eakins", "Leek", "Featherstone", "Lajoie", "Athey", "Asuncion", "Ashbaugh", "Orman", "Morrissette", "Peart", "Hamner", "Zell", "Dry", "Dieter", "Terrones", "Campuzano", "Reveles", "Bakker", "Banister", "Arceo", "Dhillon", "Normand", "Shavers", "Ginsburg", "Go", "Rubinstein", "Arens", "Clutter", "Jaques", "Traxler", "Hackler", "Cisco", "Starrett", "Ceron", "Gillenwater", "Ottinger", "Caster", "Blakemore", "Thorsen", "Molinar", "Baur", "Hower", "Haldeman", "Oliveri", "Mcalpin", "Standish", "Bengtson", "Strack", "Cordoba", "Blackstock", "Barna", "Schantz", "Hawkinson", "Breese", "Saba", "Camden", "Gwaltney", "Corliss", "Smit", "Cruise", "Mcneese", "Duggins", "Laub", "Burman", "Kenworthy", "Spohn", "Santini", "Nuttall", "Willison", "Stjean", "Shabazz", "Manes", "Gerry", "Mclamb", "Koepke", "Reeser", "Ogburn", "Wegener", "Risinger", "Carrero", "Livermore", "Brewton", "Harsh", "Utterback", "Lecompte", "Schnabel", "Ting", "Honea", "Stryker", "Foshee", "Baptista", "Gravely", "Courson", "Goyette", "Leitch", "Tasker", "Laurence", "Reneau", "Voight", "Tilson", "Range", "Hallam", "Dufrene", "Boice", "Shrewsbury", "Sturges", "Lenard", "Sistrunk", "Weitz", "Carnevale", "Hepner", "Wehner", "Callen", "Oshaughnessy", "Wingert", "Mouser", "Palmore", "Rugg", "Elia", "Alcazar", "Avitia", "Penton", "Brisco", "Ambrosio", "Wardlow", "Leaf", "Rowles", "Buggs", "Dittmer", "Schweizer", "Puleo", "Vaden", "Haughton", "Cardinale", "Seguin", "Ruddy", "Minard", "Stalker", "Bennington", "Hilt", "Works", "Broadus", "Engels", "Haddix", "Buster", "Recker", "Bopp", "Wilton", "Costantino", "Boots", "Falkner", "Tennison", "Mcgary", "Holz", "Lofgren", "Putney", "Christner", "Fruge", "Vassar", "Vankirk", "Spoon", "Pearlman", "Guertin", "Meece", "Sartain", "Petterson", "Primm", "Cardillo", "Dryer", "Hartshorn", "Dane", "Chaisson", "Espitia", "Creager", "Disalvo", "Janik", "Parente", "Paiva", "Slaven", "Tague", "Kujawa", "Gruver", "Foor", "Frampton", "Prokop", "Mettler", "Collis", "Lamkin", "Shuey", "Tepper", "Colyer", "Masi", "Trumble", "Guice", "Hurwitz", "Windle", "Mccully", "Cutting", "Stotler", "Grullon", "Wagstaff", "Morfin", "Dehaan", "Noon", "Flesher", "Ferri", "Covell", "Coll", "Lucy", "Albaugh", "Testerman", "Gordillo", "Jepson", "Brinkerhoff", "Calle", "Crowl", "Mcelwain", "Chumley", "Brockett", "Thoms", "Revell", "Garzon", "Polak", "Rothenberg", "Socha", "Vallejos", "Felty", "Peguero", "Ping", "Tso", ], + "first-spanish": [ + "Maria Carmen", + "Maria", + "Carmen", + "Josefa", + "Isabel", + "Ana Maria", + "Maria Pilar", + "Maria Dolores", + "Maria Teresa", + "Ana", + "Laura", + "Maria Angeles", + "Cristina", + "Francisca", + "Marta", + "Antonia", + "Dolores", + "Maria Isabel", + "Maria Jose", + "Lucia", + "Maria Luisa", + "Sara", + "Elena", + "Pilar", + "Paula", + "Concepcion", + "Manuela", + "Rosa Maria", + "Raquel", + "Mercedes", + "Maria Jesus", + "Rosario", + "Juana", + "Teresa", + "Beatriz", + "Encarnacion", + "Nuria", + "Silvia", + "Julia", + "Montserrat", + "Irene", + "Patricia", + "Rosa", + "Alba", + "Andrea", + "Rocio", + "Monica", + "Maria Mar", + "Angela", + "Alicia", + "Sonia", + "Sandra", + "Susana", + "Marina", + "Margarita", + "Yolanda", + "Natalia", + "Maria Josefa", + "Maria Rosario", + "Inmaculada", + "Eva", + "Maria Mercedes", + "Esther", + "Ana Isabel", + "Claudia", + "Angeles", + "Noelia", + "Veronica", + "Carla", + "Amparo", + "Carolina", + "Maria Rosa", + "Maria Victoria", + "Nerea", + "Sofia", + "Eva Maria", + "Maria Concepcion", + "Lorena", + "Ana Belen", + "Miriam", + "Victoria", + "Ines", + "Maria Elena", + "Maria Antonia", + "Catalina", + "Consuelo", + "Maria Nieves", + "Lidia", + "Emilia", + "Luisa", + "Celia", + "Gloria", + "Olga", + "Daniela", + "Aurora", + "Esperanza", + "Maria Soledad", + "Alejandra", + "Milagros", + "Josefina", + "Maria Cristina", + "Fatima", + "Ainhoa", + "Virginia", + "Maria Luz", + "Clara", + "Purificacion", + "Vanesa", + "Anna", + "Lourdes", + "Begoña", + "Isabel Maria", + "Maria Belen", + "Martina", + "Estefania", + "Blanca", + "Magdalena", + "Adriana", + "Elisa", + "Maria Begoña", + "Maria Asuncion", + "Asuncion", + "Vicenta", + "Matilde", + "Araceli", + "Gema", + "Maria Paz", + "Remedios", + "Belen", + "Maria Lourdes", + "Trinidad", + "Maria Esther", + "Elvira", + "Soledad", + "Natividad", + "Tamara", + "Vanessa", + "Paloma", + "Gemma", + "Ascension", + "Rebeca", + "Maria Cruz", + "Almudena", + "Felisa", + "Laia", + "Mireia", + "Maria Inmaculada", + "Nieves", + "Rafaela", + "Noemi", + "Maria Amparo", + "Adela", + "Tania", + "Maria Eugenia", + "Amalia", + "Amelia", + "Jessica", + "Ariadna", + "Juana Maria", + "Ramona", + "Diana", + "Emma", + "Maria Rocio", + "Carmen Maria", + "Carlota", + "Joaquina", + "Aitana", + "Leonor", + "Valeria", + "Leire", + "Petra", + "Mariana", + "Barbara", + "Guadalupe", + "Leticia", + "Valentina", + "Elisabet", + "Juliana", + "Ainara", + "Noa", + "Cecilia", + "Agustina", + "Rosalia", + "Maria Magdalena", + "Judith", + "Lara", + "Maria Encarnacion", + "Ester", + "Jennifer", + "Sheila", + "Estrella", + "Adoracion", + "Aroa", + "Judit", + "Maria Francisca", + "Gabriela", + "Berta", + "Alexandra", + "Soraya", + "Antonio", + "Jose", + "Manuel", + "Francisco", + "Juan", + "David", + "Jose Antonio", + "Javier", + "Jose Luis", + "Francisco Javier", + "Daniel", + "Jesus", + "Carlos", + "Miguel", + "Alejandro", + "Jose Manuel", + "Rafael", + "Pedro", + "Miguel Angel", + "Angel", + "Jose Maria", + "Fernando", + "Pablo", + "Luis", + "Sergio", + "Jorge", + "Alberto", + "Juan Carlos", + "Juan Jose", + "Alvaro", + "Diego", + "Adrian", + "Raul", + "Juan Antonio", + "Enrique", + "Ramon", + "Ivan", + "Vicente", + "Ruben", + "Oscar", + "Andres", + "Joaquin", + "Juan Manuel", + "Santiago", + "Eduardo", + "Victor", + "Roberto", + "Jaime", + "Francisco Jose", + "Mario", + "Ignacio", + "Alfonso", + "Marcos", + "Salvador", + "Ricardo", + "Jordi", + "Emilio", + "Julian", + "Guillermo", + "Julio", + "Gabriel", + "Tomas", + "Agustin", + "Jose Miguel", + "Hugo", + "Marc", + "Gonzalo", + "Jose Ramon", + "Mohamed", + "Felix", + "Joan", + "Nicolas", + "Ismael", + "Cristian", + "Samuel", + "Martin", + "Josep", + "Mariano", + "Aitor", + "Juan Francisco", + "Domingo", + "Alfredo", + "Jose Carlos", + "Sebastian", + "Hector", + "Cesar", + "Felipe", + "Iker", + "Jose Angel", + "Jose Ignacio", + "Victor Manuel", + "Alex", + "Luis Miguel", + "Gregorio", + "Rodrigo", + "Jose Francisco", + "Lucas", + "Juan Luis", + "Albert", + "Xavier", + "Lorenzo", + "Esteban", + "Cristobal", + "Antonio Jose", + "Arturo", + "Eugenio", + "Borja", + "Pau", + "Jose Javier", + "Juan Miguel", + "Jesus Maria", + "Antonio Jesus", + "Jaume", + "Francisco Manuel", + "Aaron", + "Valentin", + "Isaac", + "German", + "Jonathan", + "Pedro Jose", + "Jose Vicente", + "Mateo", + "Mohammed", + "Abel", + "Eric", + "Asier", + "Joel", + "Moises", + "Adolfo", + "Juan Ramon", + "Mikel", + "Sergi", + "Christian", + "Juan Pedro", + "Benito", + "Ahmed", + "Isidro", + "Manuel Jesus", + "Iñigo", + "Unai", + "Ernesto", + "Bernardo", + "Gerardo", + "Dario", + "Izan", + "Gerard", + "Carmelo", + "Miquel", + "Jon", + "Antonio Manuel", + "Pascual", + "Israel", + "Federico", + "Oriol", + "Francesc", + "Pol", + "Omar", + "Eloy", + "Jonatan", + "Arnau", + "Bruno", + "Bartolome", + "Jesus Manuel", + "Jose Alberto", + "Marcelino", + "Josep Maria", + "Juan Jesus", + "Luis Alberto", + "Fermin", + "Pere", + "Benjamin", + "Iñaki", + "Aurelio", + "Marco", + "Lluis", + "Antoni", + "Adria", + "Elias", + "Roger", + "Carles", + "Pedro Antonio", + "Kevin", + "Jose Enrique", + "Matias", + "Marco Antonio", + "Juan Pablo", + "Alonso", + "Eusebio", + "Angel Luis", + "Jacinto", + "Juan Ignacio", + "Carlos Alberto", + "Victoriano", + "Guillem", + "Jeronimo", + "Francisco Jesus", + "Adam", + "Ander", + "Alexander", + ], + "last-spanish": [ + "Garcia", + "Gonzalez", + "Rodriguez", + "Fernandez", + "Lopez", + "Martinez", + "Sanchez", + "Perez", + "Gomez", + "Martin", + "Jimenez", + "Ruiz", + "Hernandez", + "Diaz", + "Moreno", + "Muñoz", + "Alvarez", + "Romero", + "Alonso", + "Gutierrez", + "Navarro", + "Torres", + "Dominguez", + "Vazquez", + "Ramos", + "Gil", + "Ramirez", + "Serrano", + "Blanco", + "Molina", + "Morales", + "Suarez", + "Ortega", + "Delgado", + "Castro", + "Ortiz", + "Rubio", + "Marin", + "Sanz", + "Nuñez", + "Iglesias", + "Medina", + "Garrido", + "Cortes", + "Castillo", + "Santos", + "Lozano", + "Guerrero", + "Cano", + "Prieto", + "Mendez", + "Calvo", + "Cruz", + "Gallego", + "Vidal", + "Leon", + "Marquez", + "Herrera", + "Peña", + "Flores", + "Cabrera", + "Campos", + "Vega", + "Fuentes", + "Diez", + "Carrasco", + "Caballero", + "Nieto", + "Reyes", + "Aguilar", + "Pascual", + "Herrero", + "Santana", + "Lorenzo", + "Montero", + "Hidalgo", + "Gimenez", + "Ibañez", + "Ferrer", + "Duran", + "Santiago", + "Vicente", + "Benitez", + "Mora", + "Arias", + "Vargas", + "Carmona", + "Crespo", + "Roman", + "Pastor", + "Soto", + "Saez", + "Velasco", + "Moya", + "Soler", + "Esteban", + "Parra", + "Bravo", + "Gallardo", + "Rojas", + "Pardo", + "Merino", + "Franco", + "Espinosa", + "Lara", + "Izquierdo", + "Rivas", + "Rivera", + "Casado", + "Camacho", + "Arroyo", + "Redondo", + "Vera", + "Rey", + "Silva", + "Galan", + "Luque", + "Otero", + "Montes", + "Sierra", + "Rios", + "Segura", + "Carrillo", + "Marcos", + "Marti", + "Soriano", + "Mendoza", + "Bernal", + "Robles", + "Vila", + "Valero", + "Heredia", + "Exposito", + "Palacios", + "Macias", + "Benito", + "Varela", + "Guerra", + "Andres", + "Roldan", + "Bueno", + "Mateo", + "Contreras", + "Villar", + "Pereira", + "Miranda", + "Guillen", + "Mateos", + "Escudero", + "Aguilera", + "Casas", + "Aparicio", + "Menendez", + "Rivero", + "Estevez", + "Padilla", + "Beltran", + "Galvez", + "Calderon", + "Rico", + "Gracia", + "Jurado", + "Conde", + "Abad", + "Salas", + "Quintana", + "Plaza", + "Acosta", + "Aranda", + "Bermudez", + "Blazquez", + "Roca", + "Salazar", + "Guzman", + "Santamaria", + "Miguel", + "Costa", + "Manzano", + "Villanueva", + "Serra", + "Cuesta", + "Hurtado", + "Tomas", + "Trujillo", + "Rueda", + "Avila", + "Pacheco", + "De La Fuente", + "Simon", + "Mesa", + "Pons", + "Lazaro", + "Del Rio", + "Sancho", + "Escobar", + "Millan", + "Luna", + "Alarcon", + "Zamora", + "Blasco", + "Castaño", + "Salvador", + "Bermejo", + "Ballesteros", + "Paredes", + "Valverde", + "Maldonado", + "Anton", + "Bautista", + "Valle", + "Ponce", + "Oliva", + "De La Cruz", + "Lorente", + "Cordero", + "Rodrigo", + "Juan", + "Montoya", + "Collado", + "Mas", + "Pozo", + "Murillo", + "Cuevas", + "Martos", + "Cuenca", + "Quesada", + "Barroso", + "Marco", + "Barrera", + "De La Torre", + "Ros", + "Ordoñez", + "Chen", + "Alba", + "Cabello", + "Gimeno", + "Corral", + "Pulido", + "Navas", + "Rojo", + "Arenas", + "Puig", + "Aguado", + "Saiz", + "Soria", + "Domingo", + "Amador", + "Galindo", + "Escribano", + "Mena", + "Vallejo", + "Asensio", + "Caro", + "Valencia", + "Ramon", + "Lucas", + "Polo", + "Naranjo", + "Reina", + "Mata", + "Villalba", + "Aguirre", + "Linares", + "Moran", + "Paz", + "Ojeda", + "Leal", + "Burgos", + "Carretero", + "Oliver", + "Bonilla", + "Sosa", + "Aragon", + "Roig", + "Mohamed", + "Carrion", + "Clemente", + "Castellano", + "Cordoba", + "Villa", + "Caceres", + "Rosa", + "Andreu", + "Carrera", + "Hernando", + "Calero", + "Cardenas", + "Cobo", + "Chacon", + "Juarez", + "Alcaraz", + "Velazquez", + "Correa", + "Sola", + "Saavedra", + "Domenech", + "Toledo", + "Riera", + "Zapata", + ], + "first-french": [ + "Aaron", + "Aarons", + "Aaronson", + "Abb", + "Abbee", + "Abberley", + "Abbiss", + "Abbot", + "Abdallah", + "Abel", + "Abendroth", + "Abercrombie", + "Aberdeen", + "Aberdene", + "Abernethy", + "Abijah", + "Abner", + "Abney", + "Abraham", + "Absolam", + "Acheson", + "Ackart", + "Ackerley", + "Ackerman", + "Ackers", + "Ackland", + "Ackman", + "Ackworth", + "Acreman", + "Acres", + "Acroyd", + "Acton", + "Ada", + "Adair", + "Adams", + "Adcock", + "Addenbrooke", + "Adderley", + "Addison", + "Adee", + "Adie", + "Adkins", + "Adlam", + "Adlar", + "Adlington", + "Adnett", + "Adolphus", + "Adrian", + "Adshead", + "Affleck", + "Agan", + "Agar", + "Agate", + "Aglionby", + "Agnew", + "Aguiler", + "Ahern", + "Aiken", + "Aikman", + "Ainsworth", + "Aird", + "Aiston", + "Aitkin", + "Aiton", + "Akam", + "Aked", + "Akehurst", + "Akeman", + "Aken", + "Akerman", + "Akers", + "Akin", + "Alan", + "Alanson", + "Albany", + "Albert", + "Albin", + "Albrecht", + "Albright", + "Albury", + "Alcock", + "Alcott", + "Aldcroft", + "Alden", + "Alderman", + "Aldersey", + "Alderslade", + "Aldersmith", + "Alderton", + "Aldham", + "Aldis", + "Aldjoy", + "Aldred", + "Aldridge", + "Aldwin", + "Aldworth", + "Alexander", + "Alford", + "Alfort", + "Alfred", + "Algar", + "Alger", + "Alice", + "Allan", + "Allchin", + "Allcorn", + "Allen", + "Allenby", + "Allendorf", + "Alley", + "Allgood", + "Alliman", + "Allingham", + "Allington", + "Allinson", + "Allison", + "Allman", + "Alloway", + "Allwood", + "Allworthy", + "Allwright", + "Almey", + "Almgill", + "Almond", + "Alp", + "Alpin", + "Alsford", + "Alsop", + "Althorp", + "Alton", + "Alvarez", + "Alverston", + "Alverton", + "Alvin", + "Alvord", + "Alwin", + "Amaker", + "Ambler", + "Ambrose", + "Amery", + "Ames", + "Amherst", + "Ammadon", + "Amoore", + "Ampte", + "Amy", + "Anastasia", + "Andarton", + "Anderson", + "Andrew", + "Angel", + "Angell", + "Anger", + "Angevine", + "Angle", + "Angood", + "Angus", + "Anker", + "Annan", + "Annesley", + "Annandale", + "Anscombe", + "Ansell", + "Anselm", + "Anson", + "Anstruther", + "Anthon", + "Anthony", + "Anton", + "Anwell", + "Appleby", + "Applegarth", + "Applegate", + "Applethwaite", + "Appleton", + "Apps", + "Apsey", + "Arblaster", + "Arbuthnot", + "Arceneau", + "Archibald", + "Ardal", + "Arderne", + "Ardgall", + "Ardley", + "Argent", + "Argyle", + "Arkle", + "Arkwright", + "Arlon", + "Armes", + "Armfield", + "Armistead", + "Armitage", + "Armitstead", + "Armour", + "Armsted", + "Armstrong", + "Arnold", + "Arrowsmith", + "Arthur", + "Artois", + "Arundale", + "Arundel", + "Arzt", + "Ascall", + "Asgall", + "Ashburner", + "Ashburton", + "Ashbury", + "Ashby", + "Ashcroft", + "Asher", + "Ashford", + "Ashley", + "Ashton", + "Ashwin", + "Askew", + "Askwith", + "Aslett", + "Aspinwall", + "Astley", + "Aston", + "Astor", + "Atherton", + "Athill", + "Athol", + "Athow", + "Atkins", + "Attree", + "Atwater", + "Atwell", + "Atwood", + "Aubrey", + "Auchinleck", + "Auchmuty", + "Aucoin", + "Audley", + "Augustine", + "Auld", + "Ault", + "Aurelia", + "Aurora", + "Austin", + "Avelin", + "Averill", + "Avery", + "Avis", + "Axton", + "Ayleward", + "Aylmer", + "Aylsworth", + "Ayres", + "Ayton", + "Baba", + "Babb", + "Babcock", + "Baber", + "Babin", + "Babineaux", + "Babington", + "Bachelor", + "Backe", + "Backer", + "Backhouse", + "Backman", + "Backster", + "Bacon", + "Badam", + "Badeau", + "Bader", + "Badgely", + "Badger", + "Bagley", + "Bagot", + "Bagshawe", + "Bailey", + "Baillie", + "Bain", + "Bainbridge", + "Bains", + "Baisley", + "Baits", + "Baker", + "Bakewell", + "Balch", + "Balcombe", + "Balder", + "Balderston", + "Balding", + "Baldock", + "Baldrey", + "Baldwin", + "Balen", + "Balfe", + "Balfour", + "Balgowan", + "Ball", + "Ballantine", + "Ballantyne", + "Ballard", + "Balliol", + "Balloch", + "Balmer", + "Balshaw", + "Bamber", + "Bambery", + "Bamborough", + "Bambridge", + "Bambrough", + "Bamburgh", + "Bambury", + "Bamfield", + "Bamford", + "Bampton", + "Bancho", + "Bancroft", + "Bangs", + "Bannan", + "Bannatyne", + "Bannerman", + "Banning", + "Bannister", + "Bant", + "Banta", + "Banton", + "Banvard", + "Banyard", + "Bar", + "Barber", + "Barclay", + "Barcula", + "Barculo", + "Bard", + "Bardrick", + "Barfield", + "Barfoot", + "Barhydt", + "Barker", + "Barnabas", + "Barnaby", + "Barnard", + "Barnby", + "Barnes", + "Barnet", + "Barney", + "Barnum", + "Barnwell", + "Baron", + "Barr", + "Barras", + "Barrell", + "Barret", + "Barringer", + "Barron", + "Barrow", + "Barry", + "Barstow", + "Bartholomew", + "Bartlett", + "Barton", + "Bartul", + "Barwick", + "Basford", + "Basil", + "Basset", + "Bateman", + "Bates", + "Bath", + "Bathe", + "Bathgate", + "Bathurst", + "Battcock", + "Bauer", + "Bauerdt", + "Baum", + "Bauman", + "Baumann", + "Baur", + "Baurerdt", + "Baxter", + "Bayer", + "Bayerle", + "Bayr", + "Beach", + "Beacher", + "Beadle", + "Beal", + "Beatty", + "Beauchamp", + "Beaufort", + "Beaumont", + "Beauvais", + "Beck", + "Becker", + "Beckett", + "Beckford", + "Beckley", + "Beckman", + "Beckwith", + "Bedale", + "Beddau", + "Bede", + "Bedeau", + "Bedell", + "Bedford", + "Beecher", + "Beers", + "Begg", + "Belcher", + "Belden", + "Bell", + "Bellamont", + "Bellamy", + "Bellew", + "Bellinger", + "Belmont", + "Belvidere", + "Benedict", + "Benjamin", + "Bennett", + "Benoit", + "Benson", + "Bent", + "Bentley", + "Beorn", + "Beresford", + "Berger", + "Bergeron", + "Berkeley", + "Bernard", + "Berry", + "Bertram", + "Bertrand", + "Bessette", + "Bethune", + "Betts", + "Bevan", + "Beveridge", + "Beverly", + "Bewley", + "Beyer", + "Bickersteth", + "Biddle", + "Biddulph", + "Bierman", + "Biermeyer", + "Bierwirth", + "Bigalow", + "Biggar", + "Biggore", + "Bigler", + "Bigod", + "Bigot", + "Bigsby", + "Billings", + "Bing", + "Bingham", + "Binney", + "Biorn", + "Birch", + "Birely", + "Birney", + "Birney", + "Bixby", + "Blackburn", + "Blackwood", + "Blain", + "Blair", + "Blaisdale", + "Blake", + "Blakeman", + "Blanc", + "Bland", + "Blaney", + "Blasedale", + "Blauvelt", + "Bleeker", + "Blin", + "Bliss", + "Bliven", + "Blood", + "Bloss", + "Blount", + "Blundell", + "Blunt", + "Blyth", + "Boardman", + "Bock", + "Bocock", + "Bodine", + "Bodley", + "Bogart", + "Bogue", + "Bolingbroke", + "Bolster", + "Bolton", + "Bonar", + "Bond", + "Bonnal", + "Bonner", + "Bonnet", + "Bonney", + "Bontecou", + "Boorman", + "Booth", + "Bordoel", + "Borland", + "Borrail", + "Boscawen", + "Bostwick", + "Boswell", + "Bottesford", + "Boucher", + "Boughton", + "Bourg", + "Bourne", + "Bourque", + "Boutin", + "Bouvier", + "Bovie", + "Bowen", + "Bowers", + "Bowes", + "Bowles", + "Bowman", + "Bowne", + "Bowyer", + "Boyd", + "Boyer", + "Boyle", + "Boynton", + "Bracy", + "Bradburn", + "Bradford", + "Brady", + "Bragg", + "Braine", + "Braman", + "Bramhall", + "Bran", + "Brand", + "Brande", + "Brandon", + "Brandreth", + "Bratt", + "Braud", + "Brauer", + "Braun", + "Breck", + "Breckenridge", + "Breed", + "Breese", + "Brendon", + "Brenigan", + "Brenin", + "Brennan", + "Brenner", + "Brentwood", + "Breton", + "Brett", + "Breuer", + "Breuilly", + "Brewer", + "Brian", + "Briant", + "Briare", + "Brice", + "Brick", + "Bride", + "Bridge", + "Bridges", + "Bridgman", + "Brienne", + "Brierly", + "Briggs", + "Brighton", + "Brill", + "Brimmer", + "Brinker", + "Brinkerhoff", + "Brion", + "Brisban", + "Brisbin", + "Bristed", + "Bristol", + "Bristow", + "Brittan", + "Britte", + "Britten", + "Britton", + "Brock", + "Brocklesby", + "Brodie", + "Brodt", + "Brome", + "Bromfeld", + "Bromley", + "Bronson", + "Brooks", + "Broome", + "Broster", + "Brotherson", + "Brougham", + "Broughton", + "Broussard", + "Brower", + "Brown", + "Brownson", + "Bruce", + "Bruder", + "Brun", + "Brunner", + "Brunson", + "Brux", + "Bruyere", + "Bryan", + "Bryant", + "Bryce", + "Bryn", + "Buchan", + "Buchanan", + "Bucher", + "Buchholz", + "Buck", + "Buckbee", + "Buckhout", + "Buckingham", + "Buckley", + "Bucklin", + "Buckmaster", + "Buckminster", + "Buckston", + "Budd", + "Buddington", + "Buel", + "Bulkeley", + "Bull", + "Bullard", + "Buller", + "Bullions", + "Bullock", + "Bun", + "Bunnell", + "Bunting", + "Bunyan", + "Burbeck", + "Burby", + "Burd", + "Burden", + "Burder", + "Burdett", + "Burg", + "Burger", + "Burgess", + "Burgos", + "Burgoyne", + "Burke", + "Burlase", + "Burleigh", + "Burnett", + "Burnham", + "Burns", + "Burnside", + "Burr", + "Burrard", + "Burrell", + "Burt", + "Burtis", + "Burton", + "Bushnell", + "Bushwell", + "Busk", + "Buskirk", + "Bussey", + "Butler", + "Butman", + "Butts", + "Buxton", + "Byfield", + "Bygby", + "Byington", + "Byrne", + "Byron", + "Cabbell - Cazenove", + "Cearn - Ceeley", + "Chad - Cilly", + "Clack - Clynch", + "Coad - Cozens", + "Crabb - Cryer", + "Cubbage - Cyncad", + "Dabbin", + "Dabbs", + "Dabell", + "Dabin", + "Dabney", + "Dacey", + "Dack", + "Dacre", + "Dacy", + "Dadd", + "Dadds", + "Daddson", + "Dade", + "Daff", + "Daffe", + "Daft", + "Dag", + "Dagg", + "Daggett", + "Dagley", + "Daglish", + "Dagnall", + "Dagnell", + "Dagwell", + "Dailey", + "Daily", + "Dain", + "Daine", + "Daines", + "Dains", + "Dainton", + "Daintree", + "Daish", + "Daker", + "Dakers", + "Dakin", + "Dakins", + "Dalbey", + "Dalbiac", + "Dalby", + "Dale", + "Dales", + "Daley", + "Dalgety", + "Dalgleish", + "Dalgliesh", + "Dalglish", + "Dallamoor", + "Dallas", + "Dallaway", + "Dalley", + "Dallimore", + "Dallin", + "Dalling", + "Dallow", + "Dalloway", + "Dally", + "Dallyng", + "Dalmain", + "Dalman", + "Dalry", + "Dalrymple", + "Dalsell", + "Dalston", + "Dalton", + "Daltree", + "Daltrey", + "Daltry", + "Daly", + "Dalyell", + "Dalzel", + "Dalzell", + "Dalziel", + "Damant", + "Damont", + "Dampier", + "Dams", + "Damsell", + "Dan", + "Dana", + "Danby", + "Dancaster", + "Dance", + "Dancey", + "Dancock", + "Dancocks", + "Dancy", + "Dand", + "Dando", + "Dandridge", + "Dandy", + "Dane", + "Danes", + "Danford", + "Danforth", + "Dangar", + "Danger", + "Dangerfield", + "Daniel", + "Daniell", + "Daniels", + "Danker", + "Dankin", + "Danks", + "Dann", + "Dannatt", + "Dannett", + "Dansie", + "Danson", + "Danvers", + "Darbishire", + "Darby", + "Darbyshire", + "Darch", + "Darcy", + "Dare", + "Dargue", + "Dark", + "Darke", + "Darker", + "Darley", + "Darling", + "Darlingson", + "Darlington", + "Darlinson", + "Darlison", + "Darly", + "Darnall", + "Darnell", + "Darnley", + "Darnton", + "Darrell", + "Darrington", + "Darroch", + "Darsey", + "Darsie", + "Darton", + "Darvell", + "Darville", + "Darwen", + "Darwin", + "Darwood", + "Dash", + "Dashwood", + "Daubeny", + "Dauber", + "D'Aubigne", + "Daubney", + "Dauby", + "Dauche", + "Dauchy", + "Daugherty", + "Dauglish", + "Daulby", + "Daulton", + "Daun", + "Daunay", + "Dauncey", + "Dauney", + "Daunt", + "Daunton", + "Dautry", + "Davage", + "Davall", + "Daven", + "Davenport", + "Davey", + "David", + "Davidge", + "Davids", + "Davidson", + "Davie", + "Davies", + "Davin", + "Davis", + "Davison", + "Davitt", + "Davoll", + "Davson", + "Davy", + "Davys", + "Daw", + "Dawbarn", + "Dawber", + "Dawbin", + "Dawborn", + "Dawe", + "Dawes", + "Dawkes", + "Dawkin", + "Dawkins", + "Dawks", + "Dawnay", + "Dawney", + "Daws", + "Dawson", + "Dawton", + "Dawtrey", + "Dawtry", + "Day", + "Daycock", + "Dayes", + "Daykin", + "Dayman", + "Daymon", + "Daymond", + "Daymont", + "Daynes", + "Dayrall", + "Dayrell", + "Days", + "Dayson", + "Dayton", + "Deacock", + "Deacon", + "Deadman", + "Deaken", + "Deakin", + "Deal", + "Deale", + "Dealtry", + "Dean", + "Deane", + "Deanes", + "Deans", + "Dear", + "Dearden", + "Deare", + "Deares", + "Dearing", + "Dearle", + "Dearlove", + "Dearman", + "Dearn", + "Dearne", + "Dearsley", + "Deary", + "Deas", + "Deason", + "Death", + "Deathe", + "Deaton", + "Debenham", + "Debnam", + "Decker", + "Dedman", + "Dee", + "Deeble", + "Deed", + "Deeds", + "Deegan", + "Deeks", + "Deem", + "Deeme", + "Deemer", + "Deen", + "Deens", + "Deeprose", + "Deer", + "Deere", + "Deerhurst", + "Deering", + "Deeth", + "Defoe", + "Defrece", + "Defries", + "Defriez", + "DeGraff", + "DeGroot", + "Deighton", + "Delaflote", + "Delamare", + "Delamater", + "Delamere", + "Delamore", + "Delancy", + "Delane", + "Delaney", + "Delany", + "Delauney", + "Delf", + "Delgado", + "Dell", + "Deller", + "Dellow", + "Delorme", + "Delve", + "Delven", + "Delves", + "Demer", + "Dempsey", + "Dempster", + "Denbeigh", + "Denbigh", + "Denby", + "Dench", + "Dendy", + "Dene", + "Denew", + "Denford", + "Denham", + "Denholm", + "Denholme", + "Denington", + "Denio", + "Denis", + "Denison", + "Denley", + "Denman", + "Denn", + "Dennant", + "Denne", + "Dennes", + "Denness", + "Dennett", + "Denney", + "Denning", + "Dennington", + "Dennis", + "Dennison", + "Denniss", + "Dennitt", + "Dennitts", + "Denny", + "Densem", + "Densham", + "Denson", + "Densumbe", + "Dent", + "Denton", + "Denver", + "Denvir", + "Denyer", + "Depaul", + "Depledge", + "Derby", + "Derbyshire", + "Derham", + "Dering", + "Dermott", + "Derrick", + "Derry", + "Desborough", + "Desmarais", + "Desmond", + "Devaney", + "Devenish", + "Devenny", + "Devenpeck", + "Deverall", + "De Vere", + "Devereaux", + "Deverell", + "Devereux", + "Deverill", + "Devey", + "Deville", + "Devin", + "Devine", + "Devitt", + "Devlin", + "Devon", + "Devonish", + "Devonport", + "Devonshire", + "De Vries", + "Dew", + "Dewar", + "Dewdney", + "Dewer", + "Dewes", + "Dewey", + "Dewhirst", + "Dewhurst", + "Dewilde", + "Dewin", + "Dewing", + "Dews", + "Dewsbery", + "Dewsbury", + "Dewsnap", + "Dewson", + "Dexter", + "Dey", + "Deye", + "Deyes", + "Deykin", + "Diamant", + "Diament", + "Diamond", + "Diarmaid", + "Dias", + "Diaz", + "Dibb", + "Dibben", + "Dibbens", + "Dibbin", + "Dibble", + "Dibbs", + "Dibden", + "Dibdin", + "Dibin", + "Dible", + "Dibley", + "Diccon", + "Dicey", + "Dick", + "Dickason", + "Dicken", + "Dickens", + "Dickenson", + "Dicker", + "Dickerson", + "Dickeson", + "Dickey", + "Dickie", + "Dickin", + "Dickins", + "Dickinson", + "Dickman", + "Dicks", + "Dicksee", + "Dicksie", + "Dickson", + "Dicky", + "Didcott", + "Didsbury", + "Diefendorf", + "Digby", + "Diggens", + "Diggins", + "Diggle", + "Diggles", + "Diggons", + "Dighton", + "Digman", + "Dignam", + "Dignan", + "Dignum", + "Dilcock", + "Dilke", + "Dill", + "Dillamore", + "Dilley", + "Dillimore", + "Dilling", + "Dillingham", + "Dillnutt", + "Dillon", + "Dillworth", + "Dilly", + "Dilnott", + "Dilnutt", + "Dilworth", + "Diment", + "Dimes", + "Dimmock", + "Dimock", + "Dimond", + "Dimsdale", + "Dinaley", + "Dineley", + "Dingle", + "Dingley", + "Dingwall", + "Dingwell", + "Dinham", + "Dinley", + "Dinmore", + "Dinn", + "Dinneford", + "Dinning", + "Dinnis", + "Dinsdale", + "Dinsmor", + "Dinton", + "Dinwiddie", + "Dinwiddy", + "Dinwoodie", + "Diplock", + "Dippell", + "Dipple", + "Diprose", + "Disher", + "Disley", + "Disney", + "Diss", + "Ditchfield", + "Ditton", + "Dittrich", + "Dive", + "Dives", + "Dix", + "Dixey", + "Dixie", + "Dixon", + "Dixson", + "Doane", + "Dobb", + "Dobbie", + "Dobbin", + "Dobbing", + "Dobbins", + "Dobbinson", + "Dobbs", + "Dobbson", + "Dobby", + "Dobell", + "Dobie", + "Dobing", + "Dobinson", + "Doble", + "Doblin", + "Dobney", + "Dobree", + "Dobson", + "Docherty", + "Docker", + "Dockerell", + "Dockerill", + "Dockerty", + "Dockery", + "Dockett", + "Dockray", + "Dockreay", + "Dockrell", + "Dockrey", + "Docwra", + "Dod", + "Dodd", + "Dodding", + "Doddington", + "Doddridge", + "Dodds", + "Dodge", + "Dodgshon", + "Dodgshun", + "Dodgson", + "Dodimead", + "Dodington", + "Dodkin", + "Dodkins", + "Dodman", + "Dodridge", + "Dods", + "Dodshon", + "Dodson", + "Dodsworth", + "Dodwell", + "Doe", + "Dogerty", + "Dogg", + "Doggett", + "Doherty", + "Doidge", + "Doig", + "D'Oily", + "Dolamore", + "Dolan", + "Dolbeer", + "Dolbey", + "Dolby", + "Dole", + "Doley", + "Dollar", + "Doller", + "Dolley", + "Dolling", + "Dollman", + "Dolphin", + "Dolton", + "Dombey", + "Dominey", + "Dominic", + "Dominick", + "Dominy", + "Don", + "Donaghan", + "Donaghie", + "Donaghy", + "Donal", + "Donald", + "Donaldson", + "Donavan", + "Doncaster", + "Done", + "Donegan", + "Doneghan", + "Donel", + "Donell", + "Donellan", + "Donelly", + "Dones", + "Doney", + "Dongray", + "Donisthorpe", + "Donkin", + "Donking", + "Donlan", + "Donland", + "Donn", + "Donnach", + "Donnally", + "Donnan", + "Donne", + "Donnell", + "Donnellan", + "Donnelly", + "Donnett", + "Donnigan", + "Donnison", + "Donnolly", + "Donoghoe", + "Donoghue", + "Donohoe", + "Donohoo", + "Donohue", + "Donovan", + "Donovon", + "Donson", + "Doo", + "Doodson", + "Doody", + "Doolan", + "Dooland", + "Dooley", + "Doolittle", + "Doon", + "Doonan", + "Doone", + "Dopson", + "Doran", + "Dorden", + "Dore", + "Doree", + "Dorey", + "Dorington", + "Dorking", + "Dorkins", + "Dorlan", + "Dorland", + "Dorling", + "Dorman", + "Dormand", + "Dormer", + "Dormon", + "Dorney", + "Dornford", + "Dorning", + "Dornton", + "Dorr", + "Dorran", + "Dorrance", + "Dorree", + "Dorrell", + "Dorrington", + "Dorset", + "Dorsett", + "Dorsey", + "Dorton", + "Dorward", + "Dory", + "Dosser", + "Dossett", + "Dossor", + "Doswell", + "Dott", + "Dottridge", + "Douay", + "Doubble", + "Doubell", + "Double", + "Doubleday", + "Doublet", + "Douce", + "Doudney", + "Dougal", + "Dougall", + "Dougan", + "Doughan", + "Dougherty", + "Doughty", + "Douglas", + "Douglass", + "Doulman", + "Doulton", + "Doust", + "Douthwaite", + "Dove", + "Dover", + "Dovey", + "Dow", + "Dowall", + "Dowbiggan", + "Dowbiggin", + "Dowd", + "Dowdall", + "Dowdell", + "Dowden", + "Dowdeswell", + "Dowding", + "Dowdle", + "Dowe", + "Dowell", + "Dower", + "Dowie", + "Dowl", + "Dowlan", + "Dowle", + "Dowlen", + "Dowler", + "Dowley", + "Dowling", + "Dowlman", + "Dowman", + "Down", + "Downe", + "Downer", + "Downes", + "Downey", + "Downham", + "Downie", + "Downing", + "Downman", + "Downs", + "Downton", + "Dowse", + "Dowsett", + "Dowsing", + "Dowson", + "Dowthwaite", + "Dowty", + "Doxey", + "Doxsey", + "Doyle", + "Doyley", + "Drabble", + "Dracott", + "Drage", + "Drain", + "Drake", + "Drane", + "Dranfield", + "Dransfield", + "Draper", + "Drapper", + "Dray", + "Draycott", + "Drayson", + "Drayton", + "Dreaper", + "Dredge", + "Drennan", + "Drever", + "Drew", + "Drewe", + "Drewell", + "Drewett", + "Drewitt", + "Drewry", + "Drews", + "Drinan", + "Dring", + "Drinkall", + "Drinkwater", + "Driscoll", + "Driver", + "Dromgole", + "Dromgool", + "Dron", + "Druce", + "Drucker", + "Druery", + "Druett", + "Druitt", + "Druker", + "Drummond", + "Drury", + "Dry", + "Dryden", + "Drye", + "Drysdale", + "Dubber", + "Dubock", + "Dubois", + "Ducat", + "Duck", + "Ducker", + "Duckerell", + "Duckers", + "Duckett", + "Duckham", + "Duckitt", + "Duckrell", + "Duckworth", + "Ducloss", + "Dudeney", + "Dudfield", + "Dudgeon", + "Dudley", + "Dudman", + "Dudson", + "Duff", + "Duffell", + "Dufferin", + "Duffey", + "Duffie", + "Duffield", + "Duffill", + "Duffin", + "Duffus", + "Duffy", + "Dufty", + "Dugald", + "Dugan", + "Dugdale", + "Dugdill", + "Duggan", + "Duggen", + "Duggin", + "Dugmore", + "Dugon", + "Duguid", + "Duignan", + "Duke", + "Dukes", + "Dukeson", + "Duley", + "Dullage", + "Dulwich", + "Duly", + "Duman", + "Dumas", + "Dumbell", + "Dumbelton", + "Dumbleton", + "Dumfries", + "Dummett", + "Dumont", + "Dupont", + "Dun", + "Dunbabin", + "Dunbar", + "Dunbavin", + "Dunbebin", + "Dunbevan", + "Dunbobin", + "Duncalf", + "Duncalfe", + "Duncan", + "Duncannon", + "Duncanson", + "Dunch", + "Dunckley", + "Duncombie", + "Duncum", + "Dundas", + "Dunderdale", + "Dundonald", + "Dunford", + "Dungate", + "Dungray", + "Dunham", + "Dunhill", + "Dunipace", + "Dunk", + "Dunkerley", + "Dunkin", + "Dunkinson", + "Dunkley", + "Dunlap", + "Dunlevy", + "Dunley", + "Dunlop", + "Dunman", + "Dunmo", + "Dunmore", + "Dunn", + "Dunne", + "Dunnett", + "Dunning", + "Dunnington", + "Dunrobin", + "Dunsby", + "Dunscombe", + "Dunsdon", + "Dunsford", + "Dunstall", + "Dunstan", + "Dunster", + "Dunston", + "Dunthorn", + "Dunthorne", + "Dunton", + "Dunville", + "Dunwoodie", + "Dunwoody", + "Duparc", + "Dupont", + "Duppa", + "Dupree", + "Duprey", + "Dupuis", + "Dupuy", + "Dur", + "Durance", + "Durand", + "Durands", + "Durandu", + "Durant", + "Durants", + "Duranty", + "Durban", + "Durbin", + "Durden", + "Durell", + "Durgy", + "Durham", + "Durie", + "Durkey", + "Durkin", + "Durling", + "Durman", + "Durndell", + "Durnford", + "Durnin", + "Durning", + "Durrance", + "Durrans", + "Durrant", + "Durston", + "Durtnall", + "Durtnell", + "Durward", + "Durwin", + "Dury", + "Dutch", + "Dutfield", + "Duthie", + "Duthy", + "Dutton", + "Duttson", + "Duval", + "Duvall", + "Duxbury", + "Dwelley", + "Dwerryhouse", + "Dwight", + "Dwyer", + "Dwyre", + "Dyall", + "Dyamond", + "Dyas", + "Dyball", + "Dyble", + "Dyce", + "Dye", + "Dyer", + "Dyet", + "Dyett", + "Dyke", + "Dykeman", + "Dykes", + "Dykin", + "Dykins", + "Dymock", + "Dymoke", + "Dymond", + "Dyne", + "Dyot", + "Dyott", + "Dysart", + "Dyson", + "Dyster", + "Dyus", + "Eachan", + "Eachen", + "Escott", + "Ead", + "Eade", + "Eades", + "Eadie", + "Eadon", + "Eads", + "Eady", + "Eagna", + "Eager", + "Eagle", + "Eagles", + "Eaglestone", + "Eagleton", + "Eakin", + "Eakins", + "Eale", + "Eales", + "Eamer", + "Eames", + "Eamonson", + "Eardley", + "Earl", + "Earle", + "Earles", + "Earley", + "Earll", + "Early", + "Earnshaw", + "Earp", + "Earsdon", + "Earwaker", + "Earwicker", + "Easby", + "Easey", + "Easlea", + "Easley", + "Eason", + "East", + "Eastaff", + "Eastburn", + "Eastcote", + "Eastcott", + "Easte", + "Easteal", + "Eastel", + "Easter", + "Easterbrook", + "Easterfield", + "Easterling", + "Eastes", + "Eastgate", + "Eastham", + "Easther", + "Easthope", + "Eastick", + "Eastill", + "Eastlake", + "Eastley", + "Eastling", + "Eastman", + "Eastmead", + "Eastpm", + "Eastty", + "Eastwell", + "Eastwick", + "Eastwood", + "Easty", + "Easun", + "Easy", + "Eate", + "Eates", + "Eaton", + "Eatwell", + "Eaves", + "Eayrs", + "Ebb", + "Ebbett", + "Ebbetts", + "Ebbitt", + "Ebblewhite", + "Ebbptt", + "Ebbs", + "Ebbutt", + "Ebden", + "Ebdon", + "Eberlee", + "Eberly", + "Ebert", + "Ebner", + "Ebsworth", + "Eccles", + "Eddy", + "Edgar", + "Edgecumbe", + "Ediker", + "Edmond", + "Edward", + "Edwards", + "Egbert", + "Eggleston", + "Eiginn", + "Eisenhauer", + "Eisenhower", + "Eldred", + "Elias", + "Ell", + "Ellet", + "Elliot", + "Ellis", + "Elmer", + "Elphinstone", + "Elton", + "Elwy", + "Ely", + "Emerson", + "Emmet", + "Ennes", + "Ennis", + "Enos", + "Errick", + "Erskine", + "Erwin", + "Esham", + "Estley", + "Ethelbert", + "Eton", + "Euer", + "Eure", + "Eustace", + "Evans", + "Evelyn", + "Everard", + "Everett", + "Everly", + "Everts", + "Ewell", + "Eyre", + "Eytinge", + "Faal", + "Faber", + "Fabian", + "Facet", + "Faden", + "Fagan", + "Fagg", + "Fairbairn", + "Fairfax", + "Fairholm", + "Fake", + "Fales", + "Falke", + "Falkland", + "Falun", + "Fane", + "Fanning", + "Fanshaw", + "Far", + "Farber", + "Farman", + "Farnham", + "Farquhar", + "Farquharson", + "Farraday", + "Farrar", + "Farrelly", + "Fasset", + "Faucet", + "Faukner", + "Fay", + "Fearan", + "Felch", + "Fell", + "Felton", + "Fenshaw", + "Fenton", + "Ferdinand", + "Fergus", + "Ferguson", + "Ferrer", + "Ferrers", + "Ferris", + "Ferrol", + "Fielding", + "Fife", + "Fifield", + "Filey", + "Filley", + "Filmore", + "Filmur", + "Filo", + "Finch", + "Findlay", + "Finney", + "Firman", + "Firol", + "Fischer", + "Fisk", + "Fister", + "FitzGerald", + "FitzGilbert", + "FitzHamon", + "FitzHarding", + "FitzHatton", + "FitzHenry", + "FitzHerbert", + "FitzHervey", + "FitzHugh", + "FitzJohn", + "FitzMorice", + "FitzOrme", + "FitzParnell", + "FitzPatrick", + "FitzRandolph", + "FitzRoy", + "FitzSwain", + "Flack", + "Flaherty", + "Flanders", + "Fleischman", + "Fleisher", + "Flannagan", + "Fleming", + "Fletcher", + "Flint", + "Flood", + "Flores", + "Floyd", + "Flynn", + "Folger", + "Foljambe", + "Follet", + "Folliot", + "Fonda", + "Foote", + "Forbes", + "Forbisher", + "Fordham", + "Forrester", + "Forster", + "Forsythe", + "Fortescue", + "Fosdyke", + "Fosgate", + "Foss", + "Foster", + "Fotherby", + "Fothergill", + "Fotheringham", + "Foulis", + "Fountain", + "Fournier", + "Fowler", + "Fox", + "Frame", + "Francis", + "Frank", + "Frankland", + "Franklin", + "Fraser", + "Frederick", + "Freeman", + "Freer", + "Freiot", + "Fremont", + "French", + "Frery", + "Friar", + "Frisby", + "Friskin", + "Frobisher", + "Frost", + "Frothingham", + "Fry", + "Fu", + "Fuchs", + "Fulham", + "Fulke", + "Fulkins", + "Fuller", + "Fullerton", + "Fulsom", + "Furbusher", + "Gadsby", + "Gainnes", + "Gairden", + "Galbraith", + "Gale", + "Galgachus", + "Gall", + "Gallagher", + "Galligan", + "Gallup", + "Galt", + "Ganesvoort", + "Gano", + "Garcia", + "Gardener", + "Gardiner", + "Gardner", + "Garennier", + "Garfield", + "Garnet", + "Garnier", + "Garo", + "Garow", + "Garrah", + "Garret", + "Garrison", + "Garrow", + "Garry", + "Garth", + "Garza", + "Gaskell", + "Gaston", + "Gates", + "Gaudet", + "Gavet", + "Gayer", + "Gaylor", + "Gear", + "Gebauer", + "Geddes", + "Geer", + "Geoffrey", + "George", + "Gerard", + "Gerber", + "Germain", + "Gerry", + "Gervas", + "Getman", + "Getty", + "Gibbon", + "Gibbs", + "Gibson", + "Giddings", + "Giffard", + "Gifford", + "Gihon", + "Gilbert", + "Gilchrist", + "Gilkinson", + "Gill", + "Gillan", + "Gillespie", + "Gillet", + "Gillett", + "Gillies", + "Gillman", + "Gillpatrick", + "Gilly", + "Gilmour", + "Gilroy", + "Gilson", + "Girard", + "Girdwood", + "Girvan", + "Givens", + "Glanville", + "Glasgow", + "Glass", + "Glentworth", + "Gliston", + "Gloucester", + "Glouchester", + "Glyn", + "Goadby", + "Godard", + "Godeno", + "Godenot", + "Godfrey", + "Godolphin", + "Godwin", + "Goff", + "Golburn", + "Goldsmith", + "Gollah", + "Golly", + "Gomez", + "Gonzales", + "Gonzalez", + "Goodall", + "Goodenough", + "Goodhue", + "Goodrich", + "Goodsir", + "Goodsire", + "Goodyear", + "Gookin", + "Goon", + "Gordon", + "Goring", + "Gorman", + "Gorten", + "Gospatrick", + "Goss", + "Goudy", + "Goupil", + "Gow", + "Gowan", + "Gower", + "Grace", + "Graeme", + "Graham", + "Granger", + "Grant", + "Granville", + "Grasse", + "Gray", + "Greely", + "Green", + "Greenough", + "Greer", + "Gregor", + "Gregory", + "Greig", + "Grew", + "Grey", + "Grier", + "Grierson", + "Griffin", + "Griffith", + "Grimes", + "Grimsby", + "Grinell", + "Grissell", + "Groat", + "Groesbeck", + "Groot", + "Groscup", + "Gross", + "Grossman", + "Grosvenor", + "Grover", + "Gualt", + "Guelph", + "Guey", + "Guiar", + "Guinee", + "Guiot", + "Guiscard", + "Gutierrez", + "Gunn", + "Gunning", + "Gunsalus", + "Gunter", + "Gurdin", + "Gurney", + "Gurr", + "Guthrie", + "Guy", + "Guzman", + "Gwynne", + "Hadley", + "Haff", + "Hagadorn", + "Hagar", + "Hahn", + "Haineau", + "Haines", + "Hainsworth", + "Hal", + "Hal", + "Halden", + "Hale", + "Hales", + "Halifax", + "Halkett", + "Hallam", + "Haller", + "Hallett", + "Halliday", + "Halloran", + "Hallowell", + "Halpen", + "Halse", + "Halsey", + "Halstead", + "Ham", + "Hamilton", + "Hamlin", + "Hammel", + "Hammond", + "Hamon", + "Hampton", + "Handel", + "Handsel", + "Hanford", + "Hanham", + "Hanks", + "Hanley", + "Hanna", + "Hansel", + "Hanson", + "Hanway", + "Harcourt", + "Harding", + "Hardy", + "Hargill", + "Hargrave", + "Harleigh", + "Harley", + "Harlow", + "Harman", + "Harold", + "Harrington", + "Harris", + "Harrison", + "Harrower", + "Hartfield", + "Hartgill", + "Hartshorn", + "Hartman", + "Hartwell", + "Harvey", + "Hasbrouck", + "Hascall", + "Hasen", + "Haskell", + "Hastings", + "Haswell", + "Hatch", + "Hatfield", + "Hathaway", + "Hathorn", + "Hatton", + "Haugh", + "Havemeyer", + "Havens", + "Haverill", + "Haw", + "Hawes", + "Hawley", + "Hay", + "Haycock", + "Hayden", + "Haydyn", + "Hayes", + "Hayford", + "Hayle", + "Hayman", + "Hayne", + "Hayner", + "Haynes", + "Haynesworth", + "Haynsworth", + "Hayward", + "Hazard", + "Hazelrigg", + "Hazelwood", + "Hazen", + "Head", + "Heaton", + "Heber", + "Hecker", + "Hedd", + "Hedges", + "Hedon", + "Hellier", + "Helling", + "Helmer", + "Henderson", + "Henley", + "Henry", + "Herbert", + "Heriot", + "Herisson", + "Herman", + "Hermance", + "Hernandez", + "Herndon", + "Herne", + "Hernshaw", + "Heron", + "Herr", + "Herrera", + "Herrick", + "Herries", + "Herring", + "Hersey", + "Hewer", + "Hewit", + "Heyden", + "Heyman", + "Hibbard", + "Hiccock", + "Hickey", + "Hicks", + "Hierne", + "Higginbottom", + "Higgins", + "Hildyard", + "Hill", + "Hillier", + "Hilyard", + "Hinckley", + "Hindman", + "Hindon", + "Hinman", + "Hinton", + "Hippisley", + "Hipwood", + "Hitchens", + "Hoag", + "Hoare", + "Hobart", + "Hobbs", + "Hobby", + "Hobkins", + "Hobson", + "Hodd", + "Hodge", + "Hodgekins", + "Hodges", + "Hodson", + "Hoe", + "Hoff", + "Hoffman", + "Hoffmeyer", + "Hogan", + "Hogarth", + "Hogg", + "Hoggel", + "Holbech", + "Holcombe", + "Holden", + "Holland", + "Hollenbeck", + "Holman", + "Holme", + "Holmes", + "Holsapple", + "Holt", + "Holtcombe", + "Holywell", + "Holzapfel", + "Home", + "Homer", + "Homfray", + "Hone", + "Hong", + "Hood", + "Hoogaboom", + "Hoogstraten", + "Hooper", + "Hope", + "Hopkins", + "Hopper", + "Hore", + "Hornblower", + "Horton", + "Hosford", + "Hoskins", + "Hotchkiss", + "Hotham", + "Hough", + "Houghtailing", + "Houghton", + "House", + "Houston", + "Howard", + "Howe", + "Howell", + "Howlet", + "Howlett", + "Huband", + "Hubbard", + "Hubbell", + "Huber", + "Hubert", + "Huckstep", + "Huddleston", + "Hudson", + "Huer", + "Huget", + "Huggins", + "Hughes", + "Hulet", + "Hull", + "Hulse", + "Hume", + "Humphrey", + "Hungerford", + "Hunn", + "Hunt", + "Hunter", + "Huntington", + "Huntley", + "Hurd", + "Hurst", + "Husted", + "Hutchins", + "Hutchinson", + "Hutton", + "Hyde", + "Ide", + "Ilsley", + "Incledon", + "Inge", + "Ingham", + "Ingleby", + "Ingles", + "Inglis", + "Ingoldsby", + "Ingraham", + "Ingram", + "Innes", + "Innis", + "Ipres", + "Ireland", + "Ireton", + "Irish", + "Iron", + "Irvine", + "Irving", + "Isaac", + "Isham", + "Islip", + "Israel", + "Iver", + "Ives", + "Jack", + "Jackson", + "Jacob", + "Jacobson", + "Jaeger", + "Jahnke", + "James", + "Jameson", + "Jamieson", + "Janes", + "Janeway", + "Jason", + "Jeffers", + "Jeffrey", + "Jemse", + "Jenkins", + "Jenkinson", + "Jenks", + "Jenner", + "Jennings", + "Jerome", + "Jessup", + "Jetter", + "Jew", + "Jewell", + "Jewett", + "Jimenez", + "Job", + "Jobson", + "John", + "Johnson", + "Johnston", + "Jollie", + "Jonadab", + "Jonah", + "Jonas", + "Jonathan", + "Jones", + "Jordan", + "Jorden", + "Joseph", + "Joslin", + "Josselyn", + "Joy", + "Joyce", + "Judd", + "Judson", + "Jeungling", + "Jung", + "Kaiser", + "Kaufman", + "Kavanagh", + "Kay", + "Kaynard", + "Keach", + "Kean", + "Kebby", + "Keel", + "Keeler", + "Keen", + "Keese", + "Keigwin", + "Keith", + "Kellerman", + "Kellogg", + "Kelly", + "Kelsey", + "Kelso", + "Kemble", + "Kemp", + "Kempenfelt", + "Kemphall", + "Kempshall", + "Kempster", + "Kempton", + "Kemyss", + "Kendall", + "Kendrick", + "Kennan", + "Kennard", + "Kennedy", + "Kennicot", + "Kent", + "Kenward", + "Kenyon", + "Kercher", + "Kerr", + "Kessler", + "Kerswell", + "Ketman", + "Kettle", + "Kevin", + "Keys", + "Keyser", + "Kibby", + "Kid", + "Kidder", + "Kief", + "Kiel", + "Kiernan", + "Kiersted", + "Kilburne", + "Kilgour", + "Kilham", + "Killin", + "Kimberley", + "Kimble", + "Kincadd", + "Kincade", + "Kincella", + "King", + "Kinghorn", + "Kingston", + "Kinloch", + "Kinnaird", + "Kinnard", + "Kinnear", + "Kinney", + "Kinsella", + "Kinsley", + "Kipp", + "Kirby", + "Kirk", + "Kirkaldy", + "Kirkham", + "Kirkland", + "Kirkpatrick", + "Kirnan", + "Kirwan", + "Kiskey", + "Kitson", + "Kitts", + "Klein", + "Kling", + "Knapp", + "Knevett", + "Knickerbacker", + "Knight", + "Knightley", + "Knoll", + "Knowles", + "Knox", + "Kohler", + "Krause", + "Krebs", + "Kriege", + "Krieger", + "Kruger", + "Kuester", + "Kunstler", + "Kuster", + "Kyle", + "Lackey", + "Lacy", + "Ladd", + "Lahey", + "Laing", + "Laird", + "Lake", + "Lalor", + "Lam", + "Lamb", + "Lambert", + "Lambourne", + "Lamma", + "Lamport", + "Lancaster", + "Lander", + "Landon", + "Landry", + "Landseer", + "Lang", + "Lane", + "Langton", + "Lanham", + "Lanman", + "Lanphear", + "Lansing", + "Lanyon", + "Laoran", + "Laraway", + "Lardner", + "Larkins", + "Laroche", + "Laroque", + "Larry", + "Larway", + "Lath", + "Latimer", + "Latton", + "Laud", + "Lauder", + "Laurel", + "Laurent", + "Lavender", + "Laverock", + "Law", + "Lawler", + "Lawless", + "Lawley", + "Lawrence", + "Lawrie", + "Lawson", + "Laycock", + "Lea", + "Leadbeater", + "Lear", + "Leary", + "Learned", + "Leavenworth", + "Leby", + "Lechmere", + "Lederman", + "Ledermann", + "Lee", + "Leech", + "Leferre", + "Lefevre", + "Legard", + "Legatt", + "Legh", + "Lehmann", + "Lehrer", + "Leicester", + "Leigh", + "Leir", + "Leland", + "Lemon", + "Lennon", + "Lennox", + "Lent", + "Leonard", + "Leppard", + "Leroy", + "Leslie", + "Lesser", + "Lester", + "Leven", + "Levenworth", + "Leveque", + "Leveret", + "Levy", + "Lewes", + "Lewis", + "Lewknor", + "Lewthwaite", + "Ley", + "Leycester", + "Lhuyd", + "Lichtermann", + "Lightbody", + "Lightfoot", + "Lilienthal", + "Lilly", + "Lincoln", + "Lind", + "Lindall", + "Lindfield", + "Lindo", + "Lindsay", + "Lindsey", + "Ling", + "Linn", + "Linne", + "Linnet", + "Linton", + "Lippencot", + "Lisle", + "Lismore", + "Litchfield", + "Littler", + "Liu", + "Livermore", + "Livingstone", + "Lizard", + "Llary", + "Lloyd", + "Lobdale", + "Lockman", + "Logan", + "Lommis", + "Long", + "Lonsdale", + "Loomis", + "Lopez", + "Loppe", + "Lord", + "Lorimer", + "Losce", + "Lossie", + "Loughlin", + "Loudoun", + "Loury", + "Louth", + "Love", + "Lovel", + "Lowe", + "Lower", + "Lowry", + "Lowthwaite", + "Lucas", + "Ludbrock", + "Ludlow", + "Lumley", + "Lusher", + "Lusk", + "Luther", + "Lynch", + "Maban", + "Macaula", + "Macauley", + "Mace", + "Maclean", + "Macleod", + "Macklin", + "Maclay", + "Maconochie", + "Maddock", + "Maddock", + "Madison", + "Magoon", + "Maguire", + "Mahomet", + "Mahon", + "Maigny", + "Main", + "Mainard", + "Maitland", + "Major", + "Malet", + "Mallard", + "Mallery", + "Mallet", + "Malmesbury", + "Malone", + "Mandeville", + "Mann", + "Mannering", + "Manners", + "Mannus", + "Manser", + "Mansfield", + "Mansle", + "Manwaring", + "Mar", + "March", + "Marchant", + "Mark", + "Marsh", + "Marshall", + "Marshman", + "Martin", + "Martinez", + "Marven", + "Masenfer", + "Massenger", + "Massey", + "Massie", + "Masten", + "Mather", + "Matthew", + "Mattison", + "Mauer", + "Maxwell", + "May", + "Maynard", + "Mayne", + "Mayo", + "McAllister", + "McAndrew", + "McArdle", + "McBain", + "McBride", + "McCabe", + "McCallen", + "McCallister", + "McCamus", + "McCann", + "McCardle", + "McCarthy", + "McCharraigin", + "McCleod", + "McClis", + "McCoun", + "McCrackin", + "McCree", + "McCullough", + "McDermot", + "McDhoil", + "McDonald", + "McDonell", + "McDonnough", + "McDougall", + "McDowell", + "McDuff", + "McFadden", + "McFarland", + "McFerson", + "McGinnis", + "McGooken", + "McGowan", + "McGrath", + "McGraw", + "McGregor", + "McGucken", + "McGuire", + "McHard", + "McHarg", + "McIldoey", + "McIldouney", + "McIlhenny", + "McIlroy", + "McInerney", + "McInnis", + "McIntosh", + "McIntyre", + "McKay", + "McKelly", + "McKensie", + "McKenzie", + "McKibben", + "McKie", + "McKinnon", + "McKirnan", + "McLaughlin", + "McLaurin", + "McLean", + "McLeod", + "McMahon", + "McManus", + "McMartin", + "McMaster", + "McMullin", + "McMurrough", + "McMurtair", + "McNab", + "McNamara", + "McNaughton", + "McNevin", + "McNiel", + "McPherson", + "McQuade", + "McQuaire", + "McQuarie", + "McQueen", + "McWilliam", + "McWithy", + "Mead", + "Meadow", + "Mechant", + "Medcaf", + "Medina", + "Meek", + "Meers", + "Mehin", + "Meikle", + "Meikleham", + "Meiklejohn", + "Mellis", + "Melor", + "Melun", + "Menai", + "Mendoza", + "Menno", + "Menteth", + "Menzies", + "Mercer", + "Meredith", + "Merle", + "Merril", + "Merton", + "Meshaw", + "Mesick", + "Metcalf", + "Metternich", + "Meyer", + "Meyeul", + "Michael", + "Mickle", + "Middleditch", + "Middleton", + "Milbourne", + "Mildmay", + "Milford", + "Miller", + "Millman", + "Mills", + "Milne", + "Milner", + "Milthorpe", + "Milton", + "Minster", + "Minturn", + "Mitchell", + "Mixe", + "Mochrie", + "Moe", + "Moel", + "Moelyn", + "Moers", + "Moffatt", + "Molen", + "Molloy", + "Molyneux", + "Monger", + "Monk", + "Monroe", + "Monson", + "Montague", + "Monteith", + "Montford", + "Montgomery", + "Montmorice", + "Moody", + "Moon", + "Mooney", + "Moore", + "Moos", + "Morales", + "Moran", + "Moray", + "More", + "Moreau", + "Moreno", + "Moreton", + "Morgan", + "Morgen", + "Moriarty", + "Morley", + "Morrel", + "Morris", + "Morrison", + "Morse", + "Morton", + "Moseley", + "Mostyn", + "Mott", + "Moulton", + "Mountain", + "Mountjoy", + "Moxley", + "Moxon", + "Mueller", + "Muir", + "Mulligan", + "Mullins", + "Mumford", + "Mundy", + "Mungey", + "Munn", + "Munoz", + "Munsel", + "Murphy", + "Murray", + "Murrell", + "Musgrave", + "Myers", + "Nab", + "Naffis", + "Nairne", + "Nance", + "Napier", + "Nash", + "Naylor", + "Neal", + "Neander", + "Needham", + "Neff", + "Nefis", + "Neil", + "Neilson", + "Nel", + "Nelson", + "Nelthrope", + "Nequam", + "Ness", + "Netherwood", + "Neuman", + "Neveu", + "Neville", + "Nevin", + "Newbury", + "Newth", + "Newton", + "Nisbett", + "Noakes", + "Noble", + "Noel", + "Nogent", + "Nokes", + "Nolan", + "Norbury", + "Norcutt", + "Norfolk", + "Norman", + "Norris", + "Northam", + "Northcote", + "Northop", + "Northumberland", + "Norton", + "Norwich", + "Nott", + "Nottingham", + "Nowell", + "Nox", + "Noyes", + "Nugent", + "Nunez", + "Nye", + "Oakes", + "Oakham", + "Oakley", + "O'Bierne", + "O'Boyle", + "O'Brien", + "O'Byrne", + "O'Callaghan", + "Ochiern", + "Ockham", + "Ockley", + "O'Connor", + "O'Conor", + "O'Devlin", + "O'Donnell", + "O'Donoghue", + "O'Donovan", + "O'Dorcy", + "O'Dougherty", + "O'Dugan", + "O'Flaherty", + "Ogden", + "Ogilvie", + "O'Gowan", + "O'Hara", + "O'Hare", + "Oigthierna", + "O'Keefe", + "O'Leary", + "Olifant", + "Oliver", + "Ollendorff", + "Olmstead", + "Olsen", + "O'Mahony", + "O'Malley", + "Onderdonk", + "O'Neil", + "Onslow", + "O'Quin", + "Orchard", + "Orme", + "Ormiston", + "Ormsby", + "Orr", + "Ortega", + "Ortiz", + "Orton", + "Orvis", + "Osborn", + "Osmund", + "Osterhoudt", + "Ostheim", + "Ostrander", + "Oswald", + "Otis", + "O'Toole", + "Otter", + "Oudekirk", + "Ouseley", + "Outhoudt", + "Owen", + "Oxford", + "Paddock", + "Page", + "Paine", + "Paisley", + "Palmer", + "Pancost", + "Pangbourn", + "Pardie", + "Paris", + "Parke", + "Parker", + "Parkman", + "Parnell", + "Parrett", + "Parry", + "Parsall", + "Parshall", + "Parson", + "Patrick", + "Patterson", + "Pattison", + "Paul", + "Paxton", + "Payne", + "Peabody", + "Peacock", + "Pearson", + "Pedin", + "Peebles", + "Peele", + "Pelham", + "Pell", + "Pelletier", + "Pellyn", + "Pendleton", + "Peney", + "Pengilly", + "Penn", + "Pennant", + "Pennington", + "Penny", + "Pennyman", + "Pennymon", + "Pena", + "Percey", + "Percy", + "Perez", + "Perkins", + "Perrigo", + "Perrott", + "Perry", + "Peters", + "Peterson", + "Pevensey", + "Peyton", + "Phelps", + "Philip", + "Phippen", + "Physick", + "Pickering", + "Pickersgill", + "Pickett", + "Pierce", + "Piercy", + "Pierpont", + "Pierson", + "Piggot", + "Pigman", + "Pilcher", + "Pillings", + "Pinny", + "Pittman", + "Playfair", + "Playsted", + "Pleasants", + "Plympton", + "Poindexter", + "Poitevin", + "Polk", + "Pollard", + "Polleyby", + "Pollock", + "Pomeroy", + "Poole", + "Pope", + "Porcher", + "Porson", + "Potter", + "Pottinger", + "Poulton", + "Powell", + "Powers", + "Poynder", + "Pratt", + "Prescot", + "Pressley", + "Preston", + "Price", + "Prichard", + "Prideaux", + "Prindle", + "Pringle", + "Prodgers", + "Proger", + "Progers", + "Proost", + "Provoost", + "Pugh", + "Putman", + "Putnam", + "Putzkammer", + "Pye", + "Quackenboss", + "Quentin", + "Quigly", + "Quin", + "Quinn", + "Quintin", + "Radford", + "Radland", + "Radnor", + "Raffles", + "Rainsford", + "Raleigh", + "Ralph", + "Ralston", + "Ramage", + "Ramirez", + "Ramos", + "Ramsden", + "Ramsey", + "Ran", + "Randal", + "Rander", + "Randolph", + "Randulph", + "Rankin", + "Ranney", + "Ransom", + "Ransome", + "Rapp", + "Rawdon", + "Rawley", + "Rawlings", + "Rawlinson", + "Rawson", + "Ray", + "Raymer", + "Raymond", + "Rayner", + "Read", + "Record", + "Redden", + "Reddenhurst", + "Reed", + "Reese", + "Reeves", + "Reid", + "Reilly", + "Reinard", + "Reinhart", + "Renard", + "Retz", + "Reyes", + "Reynard", + "Reynolds", + "Reynoldson", + "Rheese", + "Reynolds", + "Rhodes", + "Rian", + "Ricard", + "Rice", + "Rich", + "Richard", + "Richardson", + "Richmond", + "Ricketts", + "Riddell", + "Ridder", + "Riggs", + "Ring", + "Ringe", + "Ringgold", + "Rios", + "Ripley", + "Ritchie", + "Ritter", + "Rivera", + "Roberts", + "Robertson", + "Robinson", + "Roby", + "Rochester", + "Rochfort", + "Rodden", + "Rodland", + "Rodriguez", + "Roe", + "Roemer", + "Roger", + "Roland", + "Rollin", + "Romaine", + "Romanno", + "Romero", + "Roof", + "Roorback", + "Root", + "Roschild", + "Rose", + "Rosencrans", + "Roseveldt", + "Ross", + "Roswell", + "Roth", + "Rothschild", + "Rouse", + "Rousseau", + "Roux", + "Rowe", + "Rowel", + "Rowen", + "Rowle", + "Rowley", + "Rowntree", + "Roy", + "Rue", + "Ruiz", + "Rufus", + "Ruggles", + "Rundell", + "Runnion", + "Runon", + "Rusbridge", + "Russ", + "Russell", + "Russey", + "Rutgers", + "Rutherford", + "Ruthven", + "Ruyter", + "Ryan", + "Ryder", + "Rye", + "Rynders", + "Sackville", + "Safford", + "Salazar", + "Sales", + "Salisbury", + "Salter", + "Saltz", + "Saltzman", + "Sanchez", + "Sandford", + "Sandler", + "Sands", + "Sangster", + "Santiago", + "Sanxay", + "Sarisbury", + "Saterlee", + "Saxe", + "Saxton", + "Scarborough", + "Scardsdale", + "Scarret", + "Schadeck", + "Schafer", + "Schaffer", + "Schell", + "Schellden", + "Schenck", + "Schenker", + "Scherer", + "Schermerhorn", + "Schluter", + "Schmidt", + "Schmuker", + "Schneider", + "Schlosser", + "Schoonhoven", + "Schoonmaker", + "Schreiber", + "Schreiner", + "Schroeder", + "Schubert", + "Schuler", + "Schulman", + "Schultheis ", + "Schultz", + "Schumacher", + "Schuman", + "Schuster", + "Schuyler", + "Schwartz", + "Scott", + "Scranton", + "Scroggs", + "Scudmore", + "Seaford", + "Seaforth", + "Seaman", + "Sears", + "Seaton", + "Seaver", + "Sebright", + "Sedgwick", + "Segur", + "Seix", + "Selby", + "Selkirk", + "Sellenger", + "Sellick", + "Semard", + "Semour", + "Semple", + "Seton", + "Severins", + "Severn", + "Sewall", + "Seward", + "Sewell", + "Seymour", + "Shaddock", + "Shan", + "Shanach", + "Shane", + "Shannon", + "Shaw", + "Sheldon", + "Shelley", + "Sheppy", + "Sherard", + "Sheridan", + "Sherlock", + "Sherman", + "Sherwood", + "Shiel", + "Sholtis", + "Short", + "Shrewsbury", + "Shrieves", + "Shuck", + "Shuckburgh", + "Shurtliff", + "Shute", + "Shuter", + "Siddons", + "Sigurd", + "Sikes", + "Simeon", + "Simmons", + "Simple", + "Simpson", + "Sims", + "Sinclair", + "Sinden", + "Singen", + "Sisson", + "Skeffington", + "Skelton", + "Skene", + "Skidmore", + "Slack", + "Slade", + "Slaven", + "Sleeper", + "Smith", + "Snell", + "Snodgrass", + "Snow", + "Snyder", + "Solden", + "Somer", + "Somerville", + "Sommer", + "Somner", + "Sompnoure", + "Soto", + "Soule", + "Southcote", + "Southwell", + "Spaaren", + "Spalding", + "Spark", + "Spelman", + "Spence", + "Spencer", + "Spicer", + "Spiegel", + "Spier", + "Spink", + "Spoor", + "Spotten", + "Sprague", + "Staats", + "Stacy", + "Staines", + "Stair", + "Stairn", + "St. Albans", + "Stalker", + "Stanhope", + "Stanley", + "Stanton", + "Stanwood", + "Stapleton", + "Stark", + "Starkey", + "Starr", + "Stead", + "Steane", + "Stearns", + "Stebbins", + "Steele", + "Steen", + "Stein", + "Steinhauer", + "Stell", + "Stemme", + "Stennett", + "Stern", + "Stetson", + "Stevens", + "Stevenons", + "Stewart", + "Still", + "Stimands", + "Stirling", + "Stocker", + "Stocking", + "Stockton", + "Stoddard", + "Stokes", + "Stokesby", + "Stone", + "Storr", + "Stoughton", + "Stover", + "Stowe", + "Strachan", + "Strain", + "Stratton", + "Stretton", + "Strickland", + "Stringer", + "Stryker", + "Stubbins", + "Studebaker", + "Stukeby", + "Stukley", + "Stukly", + "Sullivan", + "Sully", + "Sult", + "Summer", + "Sumner", + "Sumpter", + "Sunderland", + "Surtees", + "Suter", + "Sutherland", + "Sutphen", + "Sutter", + "Sutton", + "Swaim", + "Swane", + "Swartwout", + "Sweeney", + "Sweet", + "Swettenham", + "Sweyne", + "Swift", + "Swinburn", + "Swits", + "Switzer", + "Sylvester", + "Symes", + "Symington", + "Tabor", + "Taggart", + "Taite", + "Talbot", + "Tan", + "Tappan", + "Tasker", + "Tate", + "Tattersall", + "Taylor", + "Teddington", + "Teesdale", + "Tefft", + "Teft", + "Telfair", + "Telford", + "Temes", + "Temple", + "Tenbrook", + "Teneyck", + "Tennant", + "Tennison", + "Tennyson", + "Terril", + "Terwilliger", + "Tew", + "Theobald", + "Thomas", + "Thomlin", + "Thomlinson", + "Thoms", + "Thompson", + "Thomson", + "Thorn", + "Thorpe", + "Thrasher", + "Throckmorton", + "Thurston", + "Thwaite", + "Thwayte", + "Tibbits", + "Tice", + "Tichbourne", + "Tichenor", + "Tiernay", + "Tiffany", + "Till", + "Tillinghast", + "Tilly", + "Tilman", + "Tilmont", + "Tilton", + "Ting", + "Tirrel", + "Toby", + "Todd", + "Tollmache", + "Tolman", + "Torres", + "Torry", + "Toucey", + "Tournay", + "Towers", + "Towner", + "Townsend", + "Tracey", + "Tracy", + "Traille", + "Train", + "Trainer", + "Traineur", + "Trainor", + "Trelawney", + "Tremaine", + "Trenor", + "Trevelyan", + "Trevor", + "Tripp", + "Trotter", + "Troublefield", + "Trowbridge", + "Udine", + "Uhlan", + "Uline", + "Ulman", + "Ulmer", + "Underhill", + "Underwood", + "Unwin", + "Upham", + "Upton", + "Urran", + "Usher", + "Ustick", + "Vacher", + "Vale", + "Valentine", + "Valk", + "Van Aerden", + "Van Alstyne", + "Van Amee", + "Van Antwerp", + "Van Arden", + "Van Arnhem", + "Van Arnum", + "Van Buren", + "Van Buskirk", + "Van Cleve", + "Van Cortlandt", + "Van Curen", + "Van Dam", + "Vandenburgh", + "Vandenhoff", + "Vanderbilt", + "Vanderbogart", + "Vanderheyden", + "Vanderlinden", + "Vanderlippe", + "Vandermark", + "Vanderpoel", + "Vanderspeigle", + "Vanderveer", + "Vanderwerken", + "Vanderzee", + "Van Dousen", + "Van Duzen", + "Van Dyck", + "Van Eps", + "Van Hoorn", + "Van Hoosen", + "Van Hooven", + "Van Horn", + "Van Huisen", + "Van Husen", + "Van Ingen", + "Van Keuren", + "Van Kleef", + "Van Loon", + "Van Name", + "Van Namen", + "Van Ness", + "Van Norden", + "Van Nostrand", + "Van Orden", + "Van Ornum", + "Van Ostrand", + "Van Patten", + "Van Rensselaer", + "Van Schaack", + "Van Schaick", + "Van Scheyk", + "Van Schoonhoven", + "Van Slyck", + "Van Stantvoordt", + "Van Steinburgh", + "Van Tassel", + "Van Tessel", + "Van Tiel", + "Van Vechten", + "Van Vleck", + "Van Volkenburg", + "Van Voorst", + "Van Vorst", + "Van Vranken", + "Van Winkle", + "Van Woert", + "Van Worden", + "Van Wort", + "Van Wyck", + "Van Zant", + "Vasser", + "Vaughan", + "Vazquez", + "Vedder", + "Veeder", + "Velay", + "Venton", + "Verbeck", + "Vernon", + "Vesey", + "Vibbard", + "Vickers", + "Vielle", + "Villiers", + "Vine", + "Vipont", + "Virgo", + "Vivian", + "Vogel", + "Voores", + "Voorhees", + "Vrooman", + "Wade", + "Wadsworth", + "Waite", + "Wagner", + "Wagon", + "Wakefield", + "Wakeman", + "Walden", + "Waldgrave", + "Waldron", + "Wales", + "Walker", + "Wall", + "Wallace", + "Waller", + "Wallis", + "Wallock", + "Wallop", + "Walpole", + "Walsh", + "Walter", + "Walton", + "Wample", + "Wands", + "Warburton", + "Ward", + "Wardlaw", + "Ware", + "Warne", + "Warren", + "Warrender", + "Warwick", + "Washington", + "Wassen", + "Watcock", + "Waters", + "Watkins", + "Watkinson", + "Watson", + "Watt", + "Watts", + "Way", + "Wayland", + "Weber", + "Webster", + "Weeden", + "Weidman", + "Weir", + "Welby", + "Weld", + "Welden", + "Weller", + "Wells", + "Wempel", + "Wemple", + "Wemyss", + "Wendell", + "Wentworth", + "Werden", + "Werner", + "Westall", + "Westcott", + "Westerveldt", + "Westmoreland", + "Weston", + "Wetherby", + "Wetherspoon", + "Wetherwax", + "Wetsel", + "Weyland", + "Whalley", + "Wheaden", + "Whealdon", + "Wheaton", + "Wheden", + "Wheeler", + "Wheelock", + "Whieldon", + "Whitby", + "White", + "Whitfield", + "Whitford", + "Whiting", + "Whitlock", + "Whitman", + "Whitney", + "Whittaker", + "Wicker", + "Wickham", + "Wickliff", + "Wigan", + "Wiggin", + "Wilberforce", + "Wilbor", + "Wilbraham", + "Wilbur", + "Wilcox", + "Wilder", + "Wilkins", + "Wilkinson", + "Willard", + "Willet", + "William", + "Williamson", + "Willis", + "Willoughby", + "Wilmot", + "Wilson", + "Wilton", + "Wiltshire", + "Wimple", + "Winch", + "Winchcombe", + "Winchel", + "Winchester", + "Windham", + "Windsor", + "Winegar", + "Winekoop", + "Wing", + "Wingfield", + "Winne", + "Winship", + "Winslow", + "Winterton", + "Winthrop", + "Wire", + "Wise", + "Wiseman", + "Wishart", + "Wiswall", + "Witherington", + "Witherspoon", + "Witter", + "Wodderspoon", + "Wolf", + "Wolsey", + "Wong", + "Wood", + "Woodruff", + "Woodward", + "Woodworth", + "Wool", + "Woolley", + "Woolsey", + "Wooster", + "Worcester", + "Worth", + "Wright", + "Wu", + "Wylie", + "Wyman", + "Xavier", + "Yager", + "Yale", + "Yare", + "Yarrow", + "Yates", + "Yeoman", + "Yates", + "York", + "Young", + "Younghusband", + "Younglove", + "Yule", + "Zahm", + "Zahn", + "Zedler", + "Zellner", + "Zhu", + "Ziegler", + "Zimmerman", + "Zuckerman", + ], + "last-french": [ + "Aaron", + "Aarons", + "Aaronson", + "Abb", + "Abbee", + "Abberley", + "Abbiss", + "Abbot", + "Abdallah", + "Abel", + "Abendroth", + "Abercrombie", + "Aberdeen", + "Aberdene", + "Abernethy", + "Abijah", + "Abner", + "Abney", + "Abraham", + "Absolam", + "Acheson", + "Ackart", + "Ackerley", + "Ackerman", + "Ackers", + "Ackland", + "Ackman", + "Ackworth", + "Acreman", + "Acres", + "Acroyd", + "Acton", + "Ada", + "Adair", + "Adams", + "Adcock", + "Addenbrooke", + "Adderley", + "Addison", + "Adee", + "Adie", + "Adkins", + "Adlam", + "Adlar", + "Adlington", + "Adnett", + "Adolphus", + "Adrian", + "Adshead", + "Affleck", + "Agan", + "Agar", + "Agate", + "Aglionby", + "Agnew", + "Aguiler", + "Ahern", + "Aiken", + "Aikman", + "Ainsworth", + "Aird", + "Aiston", + "Aitkin", + "Aiton", + "Akam", + "Aked", + "Akehurst", + "Akeman", + "Aken", + "Akerman", + "Akers", + "Akin", + "Alan", + "Alanson", + "Albany", + "Albert", + "Albin", + "Albrecht", + "Albright", + "Albury", + "Alcock", + "Alcott", + "Aldcroft", + "Alden", + "Alderman", + "Aldersey", + "Alderslade", + "Aldersmith", + "Alderton", + "Aldham", + "Aldis", + "Aldjoy", + "Aldred", + "Aldridge", + "Aldwin", + "Aldworth", + "Alexander", + "Alford", + "Alfort", + "Alfred", + "Algar", + "Alger", + "Alice", + "Allan", + "Allchin", + "Allcorn", + "Allen", + "Allenby", + "Allendorf", + "Alley", + "Allgood", + "Alliman", + "Allingham", + "Allington", + "Allinson", + "Allison", + "Allman", + "Alloway", + "Allwood", + "Allworthy", + "Allwright", + "Almey", + "Almgill", + "Almond", + "Alp", + "Alpin", + "Alsford", + "Alsop", + "Althorp", + "Alton", + "Alvarez", + "Alverston", + "Alverton", + "Alvin", + "Alvord", + "Alwin", + "Amaker", + "Ambler", + "Ambrose", + "Amery", + "Ames", + "Amherst", + "Ammadon", + "Amoore", + "Ampte", + "Amy", + "Anastasia", + "Andarton", + "Anderson", + "Andrew", + "Angel", + "Angell", + "Anger", + "Angevine", + "Angle", + "Angood", + "Angus", + "Anker", + "Annan", + "Annesley", + "Annandale", + "Anscombe", + "Ansell", + "Anselm", + "Anson", + "Anstruther", + "Anthon", + "Anthony", + "Anton", + "Anwell", + "Appleby", + "Applegarth", + "Applegate", + "Applethwaite", + "Appleton", + "Apps", + "Apsey", + "Arblaster", + "Arbuthnot", + "Arceneau", + "Archibald", + "Ardal", + "Arderne", + "Ardgall", + "Ardley", + "Argent", + "Argyle", + "Arkle", + "Arkwright", + "Arlon", + "Armes", + "Armfield", + "Armistead", + "Armitage", + "Armitstead", + "Armour", + "Armsted", + "Armstrong", + "Arnold", + "Arrowsmith", + "Arthur", + "Artois", + "Arundale", + "Arundel", + "Arzt", + "Ascall", + "Asgall", + "Ashburner", + "Ashburton", + "Ashbury", + "Ashby", + "Ashcroft", + "Asher", + "Ashford", + "Ashley", + "Ashton", + "Ashwin", + "Askew", + "Askwith", + "Aslett", + "Aspinwall", + "Astley", + "Aston", + "Astor", + "Atherton", + "Athill", + "Athol", + "Athow", + "Atkins", + "Attree", + "Atwater", + "Atwell", + "Atwood", + "Aubrey", + "Auchinleck", + "Auchmuty", + "Aucoin", + "Audley", + "Augustine", + "Auld", + "Ault", + "Aurelia", + "Aurora", + "Austin", + "Avelin", + "Averill", + "Avery", + "Avis", + "Axton", + "Ayleward", + "Aylmer", + "Aylsworth", + "Ayres", + "Ayton", + "Baba", + "Babb", + "Babcock", + "Baber", + "Babin", + "Babineaux", + "Babington", + "Bachelor", + "Backe", + "Backer", + "Backhouse", + "Backman", + "Backster", + "Bacon", + "Badam", + "Badeau", + "Bader", + "Badgely", + "Badger", + "Bagley", + "Bagot", + "Bagshawe", + "Bailey", + "Baillie", + "Bain", + "Bainbridge", + "Bains", + "Baisley", + "Baits", + "Baker", + "Bakewell", + "Balch", + "Balcombe", + "Balder", + "Balderston", + "Balding", + "Baldock", + "Baldrey", + "Baldwin", + "Balen", + "Balfe", + "Balfour", + "Balgowan", + "Ball", + "Ballantine", + "Ballantyne", + "Ballard", + "Balliol", + "Balloch", + "Balmer", + "Balshaw", + "Bamber", + "Bambery", + "Bamborough", + "Bambridge", + "Bambrough", + "Bamburgh", + "Bambury", + "Bamfield", + "Bamford", + "Bampton", + "Bancho", + "Bancroft", + "Bangs", + "Bannan", + "Bannatyne", + "Bannerman", + "Banning", + "Bannister", + "Bant", + "Banta", + "Banton", + "Banvard", + "Banyard", + "Bar", + "Barber", + "Barclay", + "Barcula", + "Barculo", + "Bard", + "Bardrick", + "Barfield", + "Barfoot", + "Barhydt", + "Barker", + "Barnabas", + "Barnaby", + "Barnard", + "Barnby", + "Barnes", + "Barnet", + "Barney", + "Barnum", + "Barnwell", + "Baron", + "Barr", + "Barras", + "Barrell", + "Barret", + "Barringer", + "Barron", + "Barrow", + "Barry", + "Barstow", + "Bartholomew", + "Bartlett", + "Barton", + "Bartul", + "Barwick", + "Basford", + "Basil", + "Basset", + "Bateman", + "Bates", + "Bath", + "Bathe", + "Bathgate", + "Bathurst", + "Battcock", + "Bauer", + "Bauerdt", + "Baum", + "Bauman", + "Baumann", + "Baur", + "Baurerdt", + "Baxter", + "Bayer", + "Bayerle", + "Bayr", + "Beach", + "Beacher", + "Beadle", + "Beal", + "Beatty", + "Beauchamp", + "Beaufort", + "Beaumont", + "Beauvais", + "Beck", + "Becker", + "Beckett", + "Beckford", + "Beckley", + "Beckman", + "Beckwith", + "Bedale", + "Beddau", + "Bede", + "Bedeau", + "Bedell", + "Bedford", + "Beecher", + "Beers", + "Begg", + "Belcher", + "Belden", + "Bell", + "Bellamont", + "Bellamy", + "Bellew", + "Bellinger", + "Belmont", + "Belvidere", + "Benedict", + "Benjamin", + "Bennett", + "Benoit", + "Benson", + "Bent", + "Bentley", + "Beorn", + "Beresford", + "Berger", + "Bergeron", + "Berkeley", + "Bernard", + "Berry", + "Bertram", + "Bertrand", + "Bessette", + "Bethune", + "Betts", + "Bevan", + "Beveridge", + "Beverly", + "Bewley", + "Beyer", + "Bickersteth", + "Biddle", + "Biddulph", + "Bierman", + "Biermeyer", + "Bierwirth", + "Bigalow", + "Biggar", + "Biggore", + "Bigler", + "Bigod", + "Bigot", + "Bigsby", + "Billings", + "Bing", + "Bingham", + "Binney", + "Biorn", + "Birch", + "Birely", + "Birney", + "Birney", + "Bixby", + "Blackburn", + "Blackwood", + "Blain", + "Blair", + "Blaisdale", + "Blake", + "Blakeman", + "Blanc", + "Bland", + "Blaney", + "Blasedale", + "Blauvelt", + "Bleeker", + "Blin", + "Bliss", + "Bliven", + "Blood", + "Bloss", + "Blount", + "Blundell", + "Blunt", + "Blyth", + "Boardman", + "Bock", + "Bocock", + "Bodine", + "Bodley", + "Bogart", + "Bogue", + "Bolingbroke", + "Bolster", + "Bolton", + "Bonar", + "Bond", + "Bonnal", + "Bonner", + "Bonnet", + "Bonney", + "Bontecou", + "Boorman", + "Booth", + "Bordoel", + "Borland", + "Borrail", + "Boscawen", + "Bostwick", + "Boswell", + "Bottesford", + "Boucher", + "Boughton", + "Bourg", + "Bourne", + "Bourque", + "Boutin", + "Bouvier", + "Bovie", + "Bowen", + "Bowers", + "Bowes", + "Bowles", + "Bowman", + "Bowne", + "Bowyer", + "Boyd", + "Boyer", + "Boyle", + "Boynton", + "Bracy", + "Bradburn", + "Bradford", + "Brady", + "Bragg", + "Braine", + "Braman", + "Bramhall", + "Bran", + "Brand", + "Brande", + "Brandon", + "Brandreth", + "Bratt", + "Braud", + "Brauer", + "Braun", + "Breck", + "Breckenridge", + "Breed", + "Breese", + "Brendon", + "Brenigan", + "Brenin", + "Brennan", + "Brenner", + "Brentwood", + "Breton", + "Brett", + "Breuer", + "Breuilly", + "Brewer", + "Brian", + "Briant", + "Briare", + "Brice", + "Brick", + "Bride", + "Bridge", + "Bridges", + "Bridgman", + "Brienne", + "Brierly", + "Briggs", + "Brighton", + "Brill", + "Brimmer", + "Brinker", + "Brinkerhoff", + "Brion", + "Brisban", + "Brisbin", + "Bristed", + "Bristol", + "Bristow", + "Brittan", + "Britte", + "Britten", + "Britton", + "Brock", + "Brocklesby", + "Brodie", + "Brodt", + "Brome", + "Bromfeld", + "Bromley", + "Bronson", + "Brooks", + "Broome", + "Broster", + "Brotherson", + "Brougham", + "Broughton", + "Broussard", + "Brower", + "Brown", + "Brownson", + "Bruce", + "Bruder", + "Brun", + "Brunner", + "Brunson", + "Brux", + "Bruyere", + "Bryan", + "Bryant", + "Bryce", + "Bryn", + "Buchan", + "Buchanan", + "Bucher", + "Buchholz", + "Buck", + "Buckbee", + "Buckhout", + "Buckingham", + "Buckley", + "Bucklin", + "Buckmaster", + "Buckminster", + "Buckston", + "Budd", + "Buddington", + "Buel", + "Bulkeley", + "Bull", + "Bullard", + "Buller", + "Bullions", + "Bullock", + "Bun", + "Bunnell", + "Bunting", + "Bunyan", + "Burbeck", + "Burby", + "Burd", + "Burden", + "Burder", + "Burdett", + "Burg", + "Burger", + "Burgess", + "Burgos", + "Burgoyne", + "Burke", + "Burlase", + "Burleigh", + "Burnett", + "Burnham", + "Burns", + "Burnside", + "Burr", + "Burrard", + "Burrell", + "Burt", + "Burtis", + "Burton", + "Bushnell", + "Bushwell", + "Busk", + "Buskirk", + "Bussey", + "Butler", + "Butman", + "Butts", + "Buxton", + "Byfield", + "Bygby", + "Byington", + "Byrne", + "Byron", + "Cabbell - Cazenove", + "Cearn - Ceeley", + "Chad - Cilly", + "Clack - Clynch", + "Coad - Cozens", + "Crabb - Cryer", + "Cubbage - Cyncad", + "Dabbin", + "Dabbs", + "Dabell", + "Dabin", + "Dabney", + "Dacey", + "Dack", + "Dacre", + "Dacy", + "Dadd", + "Dadds", + "Daddson", + "Dade", + "Daff", + "Daffe", + "Daft", + "Dag", + "Dagg", + "Daggett", + "Dagley", + "Daglish", + "Dagnall", + "Dagnell", + "Dagwell", + "Dailey", + "Daily", + "Dain", + "Daine", + "Daines", + "Dains", + "Dainton", + "Daintree", + "Daish", + "Daker", + "Dakers", + "Dakin", + "Dakins", + "Dalbey", + "Dalbiac", + "Dalby", + "Dale", + "Dales", + "Daley", + "Dalgety", + "Dalgleish", + "Dalgliesh", + "Dalglish", + "Dallamoor", + "Dallas", + "Dallaway", + "Dalley", + "Dallimore", + "Dallin", + "Dalling", + "Dallow", + "Dalloway", + "Dally", + "Dallyng", + "Dalmain", + "Dalman", + "Dalry", + "Dalrymple", + "Dalsell", + "Dalston", + "Dalton", + "Daltree", + "Daltrey", + "Daltry", + "Daly", + "Dalyell", + "Dalzel", + "Dalzell", + "Dalziel", + "Damant", + "Damont", + "Dampier", + "Dams", + "Damsell", + "Dan", + "Dana", + "Danby", + "Dancaster", + "Dance", + "Dancey", + "Dancock", + "Dancocks", + "Dancy", + "Dand", + "Dando", + "Dandridge", + "Dandy", + "Dane", + "Danes", + "Danford", + "Danforth", + "Dangar", + "Danger", + "Dangerfield", + "Daniel", + "Daniell", + "Daniels", + "Danker", + "Dankin", + "Danks", + "Dann", + "Dannatt", + "Dannett", + "Dansie", + "Danson", + "Danvers", + "Darbishire", + "Darby", + "Darbyshire", + "Darch", + "Darcy", + "Dare", + "Dargue", + "Dark", + "Darke", + "Darker", + "Darley", + "Darling", + "Darlingson", + "Darlington", + "Darlinson", + "Darlison", + "Darly", + "Darnall", + "Darnell", + "Darnley", + "Darnton", + "Darrell", + "Darrington", + "Darroch", + "Darsey", + "Darsie", + "Darton", + "Darvell", + "Darville", + "Darwen", + "Darwin", + "Darwood", + "Dash", + "Dashwood", + "Daubeny", + "Dauber", + "D'Aubigne", + "Daubney", + "Dauby", + "Dauche", + "Dauchy", + "Daugherty", + "Dauglish", + "Daulby", + "Daulton", + "Daun", + "Daunay", + "Dauncey", + "Dauney", + "Daunt", + "Daunton", + "Dautry", + "Davage", + "Davall", + "Daven", + "Davenport", + "Davey", + "David", + "Davidge", + "Davids", + "Davidson", + "Davie", + "Davies", + "Davin", + "Davis", + "Davison", + "Davitt", + "Davoll", + "Davson", + "Davy", + "Davys", + "Daw", + "Dawbarn", + "Dawber", + "Dawbin", + "Dawborn", + "Dawe", + "Dawes", + "Dawkes", + "Dawkin", + "Dawkins", + "Dawks", + "Dawnay", + "Dawney", + "Daws", + "Dawson", + "Dawton", + "Dawtrey", + "Dawtry", + "Day", + "Daycock", + "Dayes", + "Daykin", + "Dayman", + "Daymon", + "Daymond", + "Daymont", + "Daynes", + "Dayrall", + "Dayrell", + "Days", + "Dayson", + "Dayton", + "Deacock", + "Deacon", + "Deadman", + "Deaken", + "Deakin", + "Deal", + "Deale", + "Dealtry", + "Dean", + "Deane", + "Deanes", + "Deans", + "Dear", + "Dearden", + "Deare", + "Deares", + "Dearing", + "Dearle", + "Dearlove", + "Dearman", + "Dearn", + "Dearne", + "Dearsley", + "Deary", + "Deas", + "Deason", + "Death", + "Deathe", + "Deaton", + "Debenham", + "Debnam", + "Decker", + "Dedman", + "Dee", + "Deeble", + "Deed", + "Deeds", + "Deegan", + "Deeks", + "Deem", + "Deeme", + "Deemer", + "Deen", + "Deens", + "Deeprose", + "Deer", + "Deere", + "Deerhurst", + "Deering", + "Deeth", + "Defoe", + "Defrece", + "Defries", + "Defriez", + "DeGraff", + "DeGroot", + "Deighton", + "Delaflote", + "Delamare", + "Delamater", + "Delamere", + "Delamore", + "Delancy", + "Delane", + "Delaney", + "Delany", + "Delauney", + "Delf", + "Delgado", + "Dell", + "Deller", + "Dellow", + "Delorme", + "Delve", + "Delven", + "Delves", + "Demer", + "Dempsey", + "Dempster", + "Denbeigh", + "Denbigh", + "Denby", + "Dench", + "Dendy", + "Dene", + "Denew", + "Denford", + "Denham", + "Denholm", + "Denholme", + "Denington", + "Denio", + "Denis", + "Denison", + "Denley", + "Denman", + "Denn", + "Dennant", + "Denne", + "Dennes", + "Denness", + "Dennett", + "Denney", + "Denning", + "Dennington", + "Dennis", + "Dennison", + "Denniss", + "Dennitt", + "Dennitts", + "Denny", + "Densem", + "Densham", + "Denson", + "Densumbe", + "Dent", + "Denton", + "Denver", + "Denvir", + "Denyer", + "Depaul", + "Depledge", + "Derby", + "Derbyshire", + "Derham", + "Dering", + "Dermott", + "Derrick", + "Derry", + "Desborough", + "Desmarais", + "Desmond", + "Devaney", + "Devenish", + "Devenny", + "Devenpeck", + "Deverall", + "De Vere", + "Devereaux", + "Deverell", + "Devereux", + "Deverill", + "Devey", + "Deville", + "Devin", + "Devine", + "Devitt", + "Devlin", + "Devon", + "Devonish", + "Devonport", + "Devonshire", + "De Vries", + "Dew", + "Dewar", + "Dewdney", + "Dewer", + "Dewes", + "Dewey", + "Dewhirst", + "Dewhurst", + "Dewilde", + "Dewin", + "Dewing", + "Dews", + "Dewsbery", + "Dewsbury", + "Dewsnap", + "Dewson", + "Dexter", + "Dey", + "Deye", + "Deyes", + "Deykin", + "Diamant", + "Diament", + "Diamond", + "Diarmaid", + "Dias", + "Diaz", + "Dibb", + "Dibben", + "Dibbens", + "Dibbin", + "Dibble", + "Dibbs", + "Dibden", + "Dibdin", + "Dibin", + "Dible", + "Dibley", + "Diccon", + "Dicey", + "Dick", + "Dickason", + "Dicken", + "Dickens", + "Dickenson", + "Dicker", + "Dickerson", + "Dickeson", + "Dickey", + "Dickie", + "Dickin", + "Dickins", + "Dickinson", + "Dickman", + "Dicks", + "Dicksee", + "Dicksie", + "Dickson", + "Dicky", + "Didcott", + "Didsbury", + "Diefendorf", + "Digby", + "Diggens", + "Diggins", + "Diggle", + "Diggles", + "Diggons", + "Dighton", + "Digman", + "Dignam", + "Dignan", + "Dignum", + "Dilcock", + "Dilke", + "Dill", + "Dillamore", + "Dilley", + "Dillimore", + "Dilling", + "Dillingham", + "Dillnutt", + "Dillon", + "Dillworth", + "Dilly", + "Dilnott", + "Dilnutt", + "Dilworth", + "Diment", + "Dimes", + "Dimmock", + "Dimock", + "Dimond", + "Dimsdale", + "Dinaley", + "Dineley", + "Dingle", + "Dingley", + "Dingwall", + "Dingwell", + "Dinham", + "Dinley", + "Dinmore", + "Dinn", + "Dinneford", + "Dinning", + "Dinnis", + "Dinsdale", + "Dinsmor", + "Dinton", + "Dinwiddie", + "Dinwiddy", + "Dinwoodie", + "Diplock", + "Dippell", + "Dipple", + "Diprose", + "Disher", + "Disley", + "Disney", + "Diss", + "Ditchfield", + "Ditton", + "Dittrich", + "Dive", + "Dives", + "Dix", + "Dixey", + "Dixie", + "Dixon", + "Dixson", + "Doane", + "Dobb", + "Dobbie", + "Dobbin", + "Dobbing", + "Dobbins", + "Dobbinson", + "Dobbs", + "Dobbson", + "Dobby", + "Dobell", + "Dobie", + "Dobing", + "Dobinson", + "Doble", + "Doblin", + "Dobney", + "Dobree", + "Dobson", + "Docherty", + "Docker", + "Dockerell", + "Dockerill", + "Dockerty", + "Dockery", + "Dockett", + "Dockray", + "Dockreay", + "Dockrell", + "Dockrey", + "Docwra", + "Dod", + "Dodd", + "Dodding", + "Doddington", + "Doddridge", + "Dodds", + "Dodge", + "Dodgshon", + "Dodgshun", + "Dodgson", + "Dodimead", + "Dodington", + "Dodkin", + "Dodkins", + "Dodman", + "Dodridge", + "Dods", + "Dodshon", + "Dodson", + "Dodsworth", + "Dodwell", + "Doe", + "Dogerty", + "Dogg", + "Doggett", + "Doherty", + "Doidge", + "Doig", + "D'Oily", + "Dolamore", + "Dolan", + "Dolbeer", + "Dolbey", + "Dolby", + "Dole", + "Doley", + "Dollar", + "Doller", + "Dolley", + "Dolling", + "Dollman", + "Dolphin", + "Dolton", + "Dombey", + "Dominey", + "Dominic", + "Dominick", + "Dominy", + "Don", + "Donaghan", + "Donaghie", + "Donaghy", + "Donal", + "Donald", + "Donaldson", + "Donavan", + "Doncaster", + "Done", + "Donegan", + "Doneghan", + "Donel", + "Donell", + "Donellan", + "Donelly", + "Dones", + "Doney", + "Dongray", + "Donisthorpe", + "Donkin", + "Donking", + "Donlan", + "Donland", + "Donn", + "Donnach", + "Donnally", + "Donnan", + "Donne", + "Donnell", + "Donnellan", + "Donnelly", + "Donnett", + "Donnigan", + "Donnison", + "Donnolly", + "Donoghoe", + "Donoghue", + "Donohoe", + "Donohoo", + "Donohue", + "Donovan", + "Donovon", + "Donson", + "Doo", + "Doodson", + "Doody", + "Doolan", + "Dooland", + "Dooley", + "Doolittle", + "Doon", + "Doonan", + "Doone", + "Dopson", + "Doran", + "Dorden", + "Dore", + "Doree", + "Dorey", + "Dorington", + "Dorking", + "Dorkins", + "Dorlan", + "Dorland", + "Dorling", + "Dorman", + "Dormand", + "Dormer", + "Dormon", + "Dorney", + "Dornford", + "Dorning", + "Dornton", + "Dorr", + "Dorran", + "Dorrance", + "Dorree", + "Dorrell", + "Dorrington", + "Dorset", + "Dorsett", + "Dorsey", + "Dorton", + "Dorward", + "Dory", + "Dosser", + "Dossett", + "Dossor", + "Doswell", + "Dott", + "Dottridge", + "Douay", + "Doubble", + "Doubell", + "Double", + "Doubleday", + "Doublet", + "Douce", + "Doudney", + "Dougal", + "Dougall", + "Dougan", + "Doughan", + "Dougherty", + "Doughty", + "Douglas", + "Douglass", + "Doulman", + "Doulton", + "Doust", + "Douthwaite", + "Dove", + "Dover", + "Dovey", + "Dow", + "Dowall", + "Dowbiggan", + "Dowbiggin", + "Dowd", + "Dowdall", + "Dowdell", + "Dowden", + "Dowdeswell", + "Dowding", + "Dowdle", + "Dowe", + "Dowell", + "Dower", + "Dowie", + "Dowl", + "Dowlan", + "Dowle", + "Dowlen", + "Dowler", + "Dowley", + "Dowling", + "Dowlman", + "Dowman", + "Down", + "Downe", + "Downer", + "Downes", + "Downey", + "Downham", + "Downie", + "Downing", + "Downman", + "Downs", + "Downton", + "Dowse", + "Dowsett", + "Dowsing", + "Dowson", + "Dowthwaite", + "Dowty", + "Doxey", + "Doxsey", + "Doyle", + "Doyley", + "Drabble", + "Dracott", + "Drage", + "Drain", + "Drake", + "Drane", + "Dranfield", + "Dransfield", + "Draper", + "Drapper", + "Dray", + "Draycott", + "Drayson", + "Drayton", + "Dreaper", + "Dredge", + "Drennan", + "Drever", + "Drew", + "Drewe", + "Drewell", + "Drewett", + "Drewitt", + "Drewry", + "Drews", + "Drinan", + "Dring", + "Drinkall", + "Drinkwater", + "Driscoll", + "Driver", + "Dromgole", + "Dromgool", + "Dron", + "Druce", + "Drucker", + "Druery", + "Druett", + "Druitt", + "Druker", + "Drummond", + "Drury", + "Dry", + "Dryden", + "Drye", + "Drysdale", + "Dubber", + "Dubock", + "Dubois", + "Ducat", + "Duck", + "Ducker", + "Duckerell", + "Duckers", + "Duckett", + "Duckham", + "Duckitt", + "Duckrell", + "Duckworth", + "Ducloss", + "Dudeney", + "Dudfield", + "Dudgeon", + "Dudley", + "Dudman", + "Dudson", + "Duff", + "Duffell", + "Dufferin", + "Duffey", + "Duffie", + "Duffield", + "Duffill", + "Duffin", + "Duffus", + "Duffy", + "Dufty", + "Dugald", + "Dugan", + "Dugdale", + "Dugdill", + "Duggan", + "Duggen", + "Duggin", + "Dugmore", + "Dugon", + "Duguid", + "Duignan", + "Duke", + "Dukes", + "Dukeson", + "Duley", + "Dullage", + "Dulwich", + "Duly", + "Duman", + "Dumas", + "Dumbell", + "Dumbelton", + "Dumbleton", + "Dumfries", + "Dummett", + "Dumont", + "Dupont", + "Dun", + "Dunbabin", + "Dunbar", + "Dunbavin", + "Dunbebin", + "Dunbevan", + "Dunbobin", + "Duncalf", + "Duncalfe", + "Duncan", + "Duncannon", + "Duncanson", + "Dunch", + "Dunckley", + "Duncombie", + "Duncum", + "Dundas", + "Dunderdale", + "Dundonald", + "Dunford", + "Dungate", + "Dungray", + "Dunham", + "Dunhill", + "Dunipace", + "Dunk", + "Dunkerley", + "Dunkin", + "Dunkinson", + "Dunkley", + "Dunlap", + "Dunlevy", + "Dunley", + "Dunlop", + "Dunman", + "Dunmo", + "Dunmore", + "Dunn", + "Dunne", + "Dunnett", + "Dunning", + "Dunnington", + "Dunrobin", + "Dunsby", + "Dunscombe", + "Dunsdon", + "Dunsford", + "Dunstall", + "Dunstan", + "Dunster", + "Dunston", + "Dunthorn", + "Dunthorne", + "Dunton", + "Dunville", + "Dunwoodie", + "Dunwoody", + "Duparc", + "Dupont", + "Duppa", + "Dupree", + "Duprey", + "Dupuis", + "Dupuy", + "Dur", + "Durance", + "Durand", + "Durands", + "Durandu", + "Durant", + "Durants", + "Duranty", + "Durban", + "Durbin", + "Durden", + "Durell", + "Durgy", + "Durham", + "Durie", + "Durkey", + "Durkin", + "Durling", + "Durman", + "Durndell", + "Durnford", + "Durnin", + "Durning", + "Durrance", + "Durrans", + "Durrant", + "Durston", + "Durtnall", + "Durtnell", + "Durward", + "Durwin", + "Dury", + "Dutch", + "Dutfield", + "Duthie", + "Duthy", + "Dutton", + "Duttson", + "Duval", + "Duvall", + "Duxbury", + "Dwelley", + "Dwerryhouse", + "Dwight", + "Dwyer", + "Dwyre", + "Dyall", + "Dyamond", + "Dyas", + "Dyball", + "Dyble", + "Dyce", + "Dye", + "Dyer", + "Dyet", + "Dyett", + "Dyke", + "Dykeman", + "Dykes", + "Dykin", + "Dykins", + "Dymock", + "Dymoke", + "Dymond", + "Dyne", + "Dyot", + "Dyott", + "Dysart", + "Dyson", + "Dyster", + "Dyus", + "Eachan", + "Eachen", + "Escott", + "Ead", + "Eade", + "Eades", + "Eadie", + "Eadon", + "Eads", + "Eady", + "Eagna", + "Eager", + "Eagle", + "Eagles", + "Eaglestone", + "Eagleton", + "Eakin", + "Eakins", + "Eale", + "Eales", + "Eamer", + "Eames", + "Eamonson", + "Eardley", + "Earl", + "Earle", + "Earles", + "Earley", + "Earll", + "Early", + "Earnshaw", + "Earp", + "Earsdon", + "Earwaker", + "Earwicker", + "Easby", + "Easey", + "Easlea", + "Easley", + "Eason", + "East", + "Eastaff", + "Eastburn", + "Eastcote", + "Eastcott", + "Easte", + "Easteal", + "Eastel", + "Easter", + "Easterbrook", + "Easterfield", + "Easterling", + "Eastes", + "Eastgate", + "Eastham", + "Easther", + "Easthope", + "Eastick", + "Eastill", + "Eastlake", + "Eastley", + "Eastling", + "Eastman", + "Eastmead", + "Eastpm", + "Eastty", + "Eastwell", + "Eastwick", + "Eastwood", + "Easty", + "Easun", + "Easy", + "Eate", + "Eates", + "Eaton", + "Eatwell", + "Eaves", + "Eayrs", + "Ebb", + "Ebbett", + "Ebbetts", + "Ebbitt", + "Ebblewhite", + "Ebbptt", + "Ebbs", + "Ebbutt", + "Ebden", + "Ebdon", + "Eberlee", + "Eberly", + "Ebert", + "Ebner", + "Ebsworth", + "Eccles", + "Eddy", + "Edgar", + "Edgecumbe", + "Ediker", + "Edmond", + "Edward", + "Edwards", + "Egbert", + "Eggleston", + "Eiginn", + "Eisenhauer", + "Eisenhower", + "Eldred", + "Elias", + "Ell", + "Ellet", + "Elliot", + "Ellis", + "Elmer", + "Elphinstone", + "Elton", + "Elwy", + "Ely", + "Emerson", + "Emmet", + "Ennes", + "Ennis", + "Enos", + "Errick", + "Erskine", + "Erwin", + "Esham", + "Estley", + "Ethelbert", + "Eton", + "Euer", + "Eure", + "Eustace", + "Evans", + "Evelyn", + "Everard", + "Everett", + "Everly", + "Everts", + "Ewell", + "Eyre", + "Eytinge", + "Faal", + "Faber", + "Fabian", + "Facet", + "Faden", + "Fagan", + "Fagg", + "Fairbairn", + "Fairfax", + "Fairholm", + "Fake", + "Fales", + "Falke", + "Falkland", + "Falun", + "Fane", + "Fanning", + "Fanshaw", + "Far", + "Farber", + "Farman", + "Farnham", + "Farquhar", + "Farquharson", + "Farraday", + "Farrar", + "Farrelly", + "Fasset", + "Faucet", + "Faukner", + "Fay", + "Fearan", + "Felch", + "Fell", + "Felton", + "Fenshaw", + "Fenton", + "Ferdinand", + "Fergus", + "Ferguson", + "Ferrer", + "Ferrers", + "Ferris", + "Ferrol", + "Fielding", + "Fife", + "Fifield", + "Filey", + "Filley", + "Filmore", + "Filmur", + "Filo", + "Finch", + "Findlay", + "Finney", + "Firman", + "Firol", + "Fischer", + "Fisk", + "Fister", + "FitzGerald", + "FitzGilbert", + "FitzHamon", + "FitzHarding", + "FitzHatton", + "FitzHenry", + "FitzHerbert", + "FitzHervey", + "FitzHugh", + "FitzJohn", + "FitzMorice", + "FitzOrme", + "FitzParnell", + "FitzPatrick", + "FitzRandolph", + "FitzRoy", + "FitzSwain", + "Flack", + "Flaherty", + "Flanders", + "Fleischman", + "Fleisher", + "Flannagan", + "Fleming", + "Fletcher", + "Flint", + "Flood", + "Flores", + "Floyd", + "Flynn", + "Folger", + "Foljambe", + "Follet", + "Folliot", + "Fonda", + "Foote", + "Forbes", + "Forbisher", + "Fordham", + "Forrester", + "Forster", + "Forsythe", + "Fortescue", + "Fosdyke", + "Fosgate", + "Foss", + "Foster", + "Fotherby", + "Fothergill", + "Fotheringham", + "Foulis", + "Fountain", + "Fournier", + "Fowler", + "Fox", + "Frame", + "Francis", + "Frank", + "Frankland", + "Franklin", + "Fraser", + "Frederick", + "Freeman", + "Freer", + "Freiot", + "Fremont", + "French", + "Frery", + "Friar", + "Frisby", + "Friskin", + "Frobisher", + "Frost", + "Frothingham", + "Fry", + "Fu", + "Fuchs", + "Fulham", + "Fulke", + "Fulkins", + "Fuller", + "Fullerton", + "Fulsom", + "Furbusher", + "Gadsby", + "Gainnes", + "Gairden", + "Galbraith", + "Gale", + "Galgachus", + "Gall", + "Gallagher", + "Galligan", + "Gallup", + "Galt", + "Ganesvoort", + "Gano", + "Garcia", + "Gardener", + "Gardiner", + "Gardner", + "Garennier", + "Garfield", + "Garnet", + "Garnier", + "Garo", + "Garow", + "Garrah", + "Garret", + "Garrison", + "Garrow", + "Garry", + "Garth", + "Garza", + "Gaskell", + "Gaston", + "Gates", + "Gaudet", + "Gavet", + "Gayer", + "Gaylor", + "Gear", + "Gebauer", + "Geddes", + "Geer", + "Geoffrey", + "George", + "Gerard", + "Gerber", + "Germain", + "Gerry", + "Gervas", + "Getman", + "Getty", + "Gibbon", + "Gibbs", + "Gibson", + "Giddings", + "Giffard", + "Gifford", + "Gihon", + "Gilbert", + "Gilchrist", + "Gilkinson", + "Gill", + "Gillan", + "Gillespie", + "Gillet", + "Gillett", + "Gillies", + "Gillman", + "Gillpatrick", + "Gilly", + "Gilmour", + "Gilroy", + "Gilson", + "Girard", + "Girdwood", + "Girvan", + "Givens", + "Glanville", + "Glasgow", + "Glass", + "Glentworth", + "Gliston", + "Gloucester", + "Glouchester", + "Glyn", + "Goadby", + "Godard", + "Godeno", + "Godenot", + "Godfrey", + "Godolphin", + "Godwin", + "Goff", + "Golburn", + "Goldsmith", + "Gollah", + "Golly", + "Gomez", + "Gonzales", + "Gonzalez", + "Goodall", + "Goodenough", + "Goodhue", + "Goodrich", + "Goodsir", + "Goodsire", + "Goodyear", + "Gookin", + "Goon", + "Gordon", + "Goring", + "Gorman", + "Gorten", + "Gospatrick", + "Goss", + "Goudy", + "Goupil", + "Gow", + "Gowan", + "Gower", + "Grace", + "Graeme", + "Graham", + "Granger", + "Grant", + "Granville", + "Grasse", + "Gray", + "Greely", + "Green", + "Greenough", + "Greer", + "Gregor", + "Gregory", + "Greig", + "Grew", + "Grey", + "Grier", + "Grierson", + "Griffin", + "Griffith", + "Grimes", + "Grimsby", + "Grinell", + "Grissell", + "Groat", + "Groesbeck", + "Groot", + "Groscup", + "Gross", + "Grossman", + "Grosvenor", + "Grover", + "Gualt", + "Guelph", + "Guey", + "Guiar", + "Guinee", + "Guiot", + "Guiscard", + "Gutierrez", + "Gunn", + "Gunning", + "Gunsalus", + "Gunter", + "Gurdin", + "Gurney", + "Gurr", + "Guthrie", + "Guy", + "Guzman", + "Gwynne", + "Hadley", + "Haff", + "Hagadorn", + "Hagar", + "Hahn", + "Haineau", + "Haines", + "Hainsworth", + "Hal", + "Hal", + "Halden", + "Hale", + "Hales", + "Halifax", + "Halkett", + "Hallam", + "Haller", + "Hallett", + "Halliday", + "Halloran", + "Hallowell", + "Halpen", + "Halse", + "Halsey", + "Halstead", + "Ham", + "Hamilton", + "Hamlin", + "Hammel", + "Hammond", + "Hamon", + "Hampton", + "Handel", + "Handsel", + "Hanford", + "Hanham", + "Hanks", + "Hanley", + "Hanna", + "Hansel", + "Hanson", + "Hanway", + "Harcourt", + "Harding", + "Hardy", + "Hargill", + "Hargrave", + "Harleigh", + "Harley", + "Harlow", + "Harman", + "Harold", + "Harrington", + "Harris", + "Harrison", + "Harrower", + "Hartfield", + "Hartgill", + "Hartshorn", + "Hartman", + "Hartwell", + "Harvey", + "Hasbrouck", + "Hascall", + "Hasen", + "Haskell", + "Hastings", + "Haswell", + "Hatch", + "Hatfield", + "Hathaway", + "Hathorn", + "Hatton", + "Haugh", + "Havemeyer", + "Havens", + "Haverill", + "Haw", + "Hawes", + "Hawley", + "Hay", + "Haycock", + "Hayden", + "Haydyn", + "Hayes", + "Hayford", + "Hayle", + "Hayman", + "Hayne", + "Hayner", + "Haynes", + "Haynesworth", + "Haynsworth", + "Hayward", + "Hazard", + "Hazelrigg", + "Hazelwood", + "Hazen", + "Head", + "Heaton", + "Heber", + "Hecker", + "Hedd", + "Hedges", + "Hedon", + "Hellier", + "Helling", + "Helmer", + "Henderson", + "Henley", + "Henry", + "Herbert", + "Heriot", + "Herisson", + "Herman", + "Hermance", + "Hernandez", + "Herndon", + "Herne", + "Hernshaw", + "Heron", + "Herr", + "Herrera", + "Herrick", + "Herries", + "Herring", + "Hersey", + "Hewer", + "Hewit", + "Heyden", + "Heyman", + "Hibbard", + "Hiccock", + "Hickey", + "Hicks", + "Hierne", + "Higginbottom", + "Higgins", + "Hildyard", + "Hill", + "Hillier", + "Hilyard", + "Hinckley", + "Hindman", + "Hindon", + "Hinman", + "Hinton", + "Hippisley", + "Hipwood", + "Hitchens", + "Hoag", + "Hoare", + "Hobart", + "Hobbs", + "Hobby", + "Hobkins", + "Hobson", + "Hodd", + "Hodge", + "Hodgekins", + "Hodges", + "Hodson", + "Hoe", + "Hoff", + "Hoffman", + "Hoffmeyer", + "Hogan", + "Hogarth", + "Hogg", + "Hoggel", + "Holbech", + "Holcombe", + "Holden", + "Holland", + "Hollenbeck", + "Holman", + "Holme", + "Holmes", + "Holsapple", + "Holt", + "Holtcombe", + "Holywell", + "Holzapfel", + "Home", + "Homer", + "Homfray", + "Hone", + "Hong", + "Hood", + "Hoogaboom", + "Hoogstraten", + "Hooper", + "Hope", + "Hopkins", + "Hopper", + "Hore", + "Hornblower", + "Horton", + "Hosford", + "Hoskins", + "Hotchkiss", + "Hotham", + "Hough", + "Houghtailing", + "Houghton", + "House", + "Houston", + "Howard", + "Howe", + "Howell", + "Howlet", + "Howlett", + "Huband", + "Hubbard", + "Hubbell", + "Huber", + "Hubert", + "Huckstep", + "Huddleston", + "Hudson", + "Huer", + "Huget", + "Huggins", + "Hughes", + "Hulet", + "Hull", + "Hulse", + "Hume", + "Humphrey", + "Hungerford", + "Hunn", + "Hunt", + "Hunter", + "Huntington", + "Huntley", + "Hurd", + "Hurst", + "Husted", + "Hutchins", + "Hutchinson", + "Hutton", + "Hyde", + "Ide", + "Ilsley", + "Incledon", + "Inge", + "Ingham", + "Ingleby", + "Ingles", + "Inglis", + "Ingoldsby", + "Ingraham", + "Ingram", + "Innes", + "Innis", + "Ipres", + "Ireland", + "Ireton", + "Irish", + "Iron", + "Irvine", + "Irving", + "Isaac", + "Isham", + "Islip", + "Israel", + "Iver", + "Ives", + "Jack", + "Jackson", + "Jacob", + "Jacobson", + "Jaeger", + "Jahnke", + "James", + "Jameson", + "Jamieson", + "Janes", + "Janeway", + "Jason", + "Jeffers", + "Jeffrey", + "Jemse", + "Jenkins", + "Jenkinson", + "Jenks", + "Jenner", + "Jennings", + "Jerome", + "Jessup", + "Jetter", + "Jew", + "Jewell", + "Jewett", + "Jimenez", + "Job", + "Jobson", + "John", + "Johnson", + "Johnston", + "Jollie", + "Jonadab", + "Jonah", + "Jonas", + "Jonathan", + "Jones", + "Jordan", + "Jorden", + "Joseph", + "Joslin", + "Josselyn", + "Joy", + "Joyce", + "Judd", + "Judson", + "Jeungling", + "Jung", + "Kaiser", + "Kaufman", + "Kavanagh", + "Kay", + "Kaynard", + "Keach", + "Kean", + "Kebby", + "Keel", + "Keeler", + "Keen", + "Keese", + "Keigwin", + "Keith", + "Kellerman", + "Kellogg", + "Kelly", + "Kelsey", + "Kelso", + "Kemble", + "Kemp", + "Kempenfelt", + "Kemphall", + "Kempshall", + "Kempster", + "Kempton", + "Kemyss", + "Kendall", + "Kendrick", + "Kennan", + "Kennard", + "Kennedy", + "Kennicot", + "Kent", + "Kenward", + "Kenyon", + "Kercher", + "Kerr", + "Kessler", + "Kerswell", + "Ketman", + "Kettle", + "Kevin", + "Keys", + "Keyser", + "Kibby", + "Kid", + "Kidder", + "Kief", + "Kiel", + "Kiernan", + "Kiersted", + "Kilburne", + "Kilgour", + "Kilham", + "Killin", + "Kimberley", + "Kimble", + "Kincadd", + "Kincade", + "Kincella", + "King", + "Kinghorn", + "Kingston", + "Kinloch", + "Kinnaird", + "Kinnard", + "Kinnear", + "Kinney", + "Kinsella", + "Kinsley", + "Kipp", + "Kirby", + "Kirk", + "Kirkaldy", + "Kirkham", + "Kirkland", + "Kirkpatrick", + "Kirnan", + "Kirwan", + "Kiskey", + "Kitson", + "Kitts", + "Klein", + "Kling", + "Knapp", + "Knevett", + "Knickerbacker", + "Knight", + "Knightley", + "Knoll", + "Knowles", + "Knox", + "Kohler", + "Krause", + "Krebs", + "Kriege", + "Krieger", + "Kruger", + "Kuester", + "Kunstler", + "Kuster", + "Kyle", + "Lackey", + "Lacy", + "Ladd", + "Lahey", + "Laing", + "Laird", + "Lake", + "Lalor", + "Lam", + "Lamb", + "Lambert", + "Lambourne", + "Lamma", + "Lamport", + "Lancaster", + "Lander", + "Landon", + "Landry", + "Landseer", + "Lang", + "Lane", + "Langton", + "Lanham", + "Lanman", + "Lanphear", + "Lansing", + "Lanyon", + "Laoran", + "Laraway", + "Lardner", + "Larkins", + "Laroche", + "Laroque", + "Larry", + "Larway", + "Lath", + "Latimer", + "Latton", + "Laud", + "Lauder", + "Laurel", + "Laurent", + "Lavender", + "Laverock", + "Law", + "Lawler", + "Lawless", + "Lawley", + "Lawrence", + "Lawrie", + "Lawson", + "Laycock", + "Lea", + "Leadbeater", + "Lear", + "Leary", + "Learned", + "Leavenworth", + "Leby", + "Lechmere", + "Lederman", + "Ledermann", + "Lee", + "Leech", + "Leferre", + "Lefevre", + "Legard", + "Legatt", + "Legh", + "Lehmann", + "Lehrer", + "Leicester", + "Leigh", + "Leir", + "Leland", + "Lemon", + "Lennon", + "Lennox", + "Lent", + "Leonard", + "Leppard", + "Leroy", + "Leslie", + "Lesser", + "Lester", + "Leven", + "Levenworth", + "Leveque", + "Leveret", + "Levy", + "Lewes", + "Lewis", + "Lewknor", + "Lewthwaite", + "Ley", + "Leycester", + "Lhuyd", + "Lichtermann", + "Lightbody", + "Lightfoot", + "Lilienthal", + "Lilly", + "Lincoln", + "Lind", + "Lindall", + "Lindfield", + "Lindo", + "Lindsay", + "Lindsey", + "Ling", + "Linn", + "Linne", + "Linnet", + "Linton", + "Lippencot", + "Lisle", + "Lismore", + "Litchfield", + "Littler", + "Liu", + "Livermore", + "Livingstone", + "Lizard", + "Llary", + "Lloyd", + "Lobdale", + "Lockman", + "Logan", + "Lommis", + "Long", + "Lonsdale", + "Loomis", + "Lopez", + "Loppe", + "Lord", + "Lorimer", + "Losce", + "Lossie", + "Loughlin", + "Loudoun", + "Loury", + "Louth", + "Love", + "Lovel", + "Lowe", + "Lower", + "Lowry", + "Lowthwaite", + "Lucas", + "Ludbrock", + "Ludlow", + "Lumley", + "Lusher", + "Lusk", + "Luther", + "Lynch", + "Maban", + "Macaula", + "Macauley", + "Mace", + "Maclean", + "Macleod", + "Macklin", + "Maclay", + "Maconochie", + "Maddock", + "Maddock", + "Madison", + "Magoon", + "Maguire", + "Mahomet", + "Mahon", + "Maigny", + "Main", + "Mainard", + "Maitland", + "Major", + "Malet", + "Mallard", + "Mallery", + "Mallet", + "Malmesbury", + "Malone", + "Mandeville", + "Mann", + "Mannering", + "Manners", + "Mannus", + "Manser", + "Mansfield", + "Mansle", + "Manwaring", + "Mar", + "March", + "Marchant", + "Mark", + "Marsh", + "Marshall", + "Marshman", + "Martin", + "Martinez", + "Marven", + "Masenfer", + "Massenger", + "Massey", + "Massie", + "Masten", + "Mather", + "Matthew", + "Mattison", + "Mauer", + "Maxwell", + "May", + "Maynard", + "Mayne", + "Mayo", + "McAllister", + "McAndrew", + "McArdle", + "McBain", + "McBride", + "McCabe", + "McCallen", + "McCallister", + "McCamus", + "McCann", + "McCardle", + "McCarthy", + "McCharraigin", + "McCleod", + "McClis", + "McCoun", + "McCrackin", + "McCree", + "McCullough", + "McDermot", + "McDhoil", + "McDonald", + "McDonell", + "McDonnough", + "McDougall", + "McDowell", + "McDuff", + "McFadden", + "McFarland", + "McFerson", + "McGinnis", + "McGooken", + "McGowan", + "McGrath", + "McGraw", + "McGregor", + "McGucken", + "McGuire", + "McHard", + "McHarg", + "McIldoey", + "McIldouney", + "McIlhenny", + "McIlroy", + "McInerney", + "McInnis", + "McIntosh", + "McIntyre", + "McKay", + "McKelly", + "McKensie", + "McKenzie", + "McKibben", + "McKie", + "McKinnon", + "McKirnan", + "McLaughlin", + "McLaurin", + "McLean", + "McLeod", + "McMahon", + "McManus", + "McMartin", + "McMaster", + "McMullin", + "McMurrough", + "McMurtair", + "McNab", + "McNamara", + "McNaughton", + "McNevin", + "McNiel", + "McPherson", + "McQuade", + "McQuaire", + "McQuarie", + "McQueen", + "McWilliam", + "McWithy", + "Mead", + "Meadow", + "Mechant", + "Medcaf", + "Medina", + "Meek", + "Meers", + "Mehin", + "Meikle", + "Meikleham", + "Meiklejohn", + "Mellis", + "Melor", + "Melun", + "Menai", + "Mendoza", + "Menno", + "Menteth", + "Menzies", + "Mercer", + "Meredith", + "Merle", + "Merril", + "Merton", + "Meshaw", + "Mesick", + "Metcalf", + "Metternich", + "Meyer", + "Meyeul", + "Michael", + "Mickle", + "Middleditch", + "Middleton", + "Milbourne", + "Mildmay", + "Milford", + "Miller", + "Millman", + "Mills", + "Milne", + "Milner", + "Milthorpe", + "Milton", + "Minster", + "Minturn", + "Mitchell", + "Mixe", + "Mochrie", + "Moe", + "Moel", + "Moelyn", + "Moers", + "Moffatt", + "Molen", + "Molloy", + "Molyneux", + "Monger", + "Monk", + "Monroe", + "Monson", + "Montague", + "Monteith", + "Montford", + "Montgomery", + "Montmorice", + "Moody", + "Moon", + "Mooney", + "Moore", + "Moos", + "Morales", + "Moran", + "Moray", + "More", + "Moreau", + "Moreno", + "Moreton", + "Morgan", + "Morgen", + "Moriarty", + "Morley", + "Morrel", + "Morris", + "Morrison", + "Morse", + "Morton", + "Moseley", + "Mostyn", + "Mott", + "Moulton", + "Mountain", + "Mountjoy", + "Moxley", + "Moxon", + "Mueller", + "Muir", + "Mulligan", + "Mullins", + "Mumford", + "Mundy", + "Mungey", + "Munn", + "Munoz", + "Munsel", + "Murphy", + "Murray", + "Murrell", + "Musgrave", + "Myers", + "Nab", + "Naffis", + "Nairne", + "Nance", + "Napier", + "Nash", + "Naylor", + "Neal", + "Neander", + "Needham", + "Neff", + "Nefis", + "Neil", + "Neilson", + "Nel", + "Nelson", + "Nelthrope", + "Nequam", + "Ness", + "Netherwood", + "Neuman", + "Neveu", + "Neville", + "Nevin", + "Newbury", + "Newth", + "Newton", + "Nisbett", + "Noakes", + "Noble", + "Noel", + "Nogent", + "Nokes", + "Nolan", + "Norbury", + "Norcutt", + "Norfolk", + "Norman", + "Norris", + "Northam", + "Northcote", + "Northop", + "Northumberland", + "Norton", + "Norwich", + "Nott", + "Nottingham", + "Nowell", + "Nox", + "Noyes", + "Nugent", + "Nunez", + "Nye", + "Oakes", + "Oakham", + "Oakley", + "O'Bierne", + "O'Boyle", + "O'Brien", + "O'Byrne", + "O'Callaghan", + "Ochiern", + "Ockham", + "Ockley", + "O'Connor", + "O'Conor", + "O'Devlin", + "O'Donnell", + "O'Donoghue", + "O'Donovan", + "O'Dorcy", + "O'Dougherty", + "O'Dugan", + "O'Flaherty", + "Ogden", + "Ogilvie", + "O'Gowan", + "O'Hara", + "O'Hare", + "Oigthierna", + "O'Keefe", + "O'Leary", + "Olifant", + "Oliver", + "Ollendorff", + "Olmstead", + "Olsen", + "O'Mahony", + "O'Malley", + "Onderdonk", + "O'Neil", + "Onslow", + "O'Quin", + "Orchard", + "Orme", + "Ormiston", + "Ormsby", + "Orr", + "Ortega", + "Ortiz", + "Orton", + "Orvis", + "Osborn", + "Osmund", + "Osterhoudt", + "Ostheim", + "Ostrander", + "Oswald", + "Otis", + "O'Toole", + "Otter", + "Oudekirk", + "Ouseley", + "Outhoudt", + "Owen", + "Oxford", + "Paddock", + "Page", + "Paine", + "Paisley", + "Palmer", + "Pancost", + "Pangbourn", + "Pardie", + "Paris", + "Parke", + "Parker", + "Parkman", + "Parnell", + "Parrett", + "Parry", + "Parsall", + "Parshall", + "Parson", + "Patrick", + "Patterson", + "Pattison", + "Paul", + "Paxton", + "Payne", + "Peabody", + "Peacock", + "Pearson", + "Pedin", + "Peebles", + "Peele", + "Pelham", + "Pell", + "Pelletier", + "Pellyn", + "Pendleton", + "Peney", + "Pengilly", + "Penn", + "Pennant", + "Pennington", + "Penny", + "Pennyman", + "Pennymon", + "Pena", + "Percey", + "Percy", + "Perez", + "Perkins", + "Perrigo", + "Perrott", + "Perry", + "Peters", + "Peterson", + "Pevensey", + "Peyton", + "Phelps", + "Philip", + "Phippen", + "Physick", + "Pickering", + "Pickersgill", + "Pickett", + "Pierce", + "Piercy", + "Pierpont", + "Pierson", + "Piggot", + "Pigman", + "Pilcher", + "Pillings", + "Pinny", + "Pittman", + "Playfair", + "Playsted", + "Pleasants", + "Plympton", + "Poindexter", + "Poitevin", + "Polk", + "Pollard", + "Polleyby", + "Pollock", + "Pomeroy", + "Poole", + "Pope", + "Porcher", + "Porson", + "Potter", + "Pottinger", + "Poulton", + "Powell", + "Powers", + "Poynder", + "Pratt", + "Prescot", + "Pressley", + "Preston", + "Price", + "Prichard", + "Prideaux", + "Prindle", + "Pringle", + "Prodgers", + "Proger", + "Progers", + "Proost", + "Provoost", + "Pugh", + "Putman", + "Putnam", + "Putzkammer", + "Pye", + "Quackenboss", + "Quentin", + "Quigly", + "Quin", + "Quinn", + "Quintin", + "Radford", + "Radland", + "Radnor", + "Raffles", + "Rainsford", + "Raleigh", + "Ralph", + "Ralston", + "Ramage", + "Ramirez", + "Ramos", + "Ramsden", + "Ramsey", + "Ran", + "Randal", + "Rander", + "Randolph", + "Randulph", + "Rankin", + "Ranney", + "Ransom", + "Ransome", + "Rapp", + "Rawdon", + "Rawley", + "Rawlings", + "Rawlinson", + "Rawson", + "Ray", + "Raymer", + "Raymond", + "Rayner", + "Read", + "Record", + "Redden", + "Reddenhurst", + "Reed", + "Reese", + "Reeves", + "Reid", + "Reilly", + "Reinard", + "Reinhart", + "Renard", + "Retz", + "Reyes", + "Reynard", + "Reynolds", + "Reynoldson", + "Rheese", + "Reynolds", + "Rhodes", + "Rian", + "Ricard", + "Rice", + "Rich", + "Richard", + "Richardson", + "Richmond", + "Ricketts", + "Riddell", + "Ridder", + "Riggs", + "Ring", + "Ringe", + "Ringgold", + "Rios", + "Ripley", + "Ritchie", + "Ritter", + "Rivera", + "Roberts", + "Robertson", + "Robinson", + "Roby", + "Rochester", + "Rochfort", + "Rodden", + "Rodland", + "Rodriguez", + "Roe", + "Roemer", + "Roger", + "Roland", + "Rollin", + "Romaine", + "Romanno", + "Romero", + "Roof", + "Roorback", + "Root", + "Roschild", + "Rose", + "Rosencrans", + "Roseveldt", + "Ross", + "Roswell", + "Roth", + "Rothschild", + "Rouse", + "Rousseau", + "Roux", + "Rowe", + "Rowel", + "Rowen", + "Rowle", + "Rowley", + "Rowntree", + "Roy", + "Rue", + "Ruiz", + "Rufus", + "Ruggles", + "Rundell", + "Runnion", + "Runon", + "Rusbridge", + "Russ", + "Russell", + "Russey", + "Rutgers", + "Rutherford", + "Ruthven", + "Ruyter", + "Ryan", + "Ryder", + "Rye", + "Rynders", + "Sackville", + "Safford", + "Salazar", + "Sales", + "Salisbury", + "Salter", + "Saltz", + "Saltzman", + "Sanchez", + "Sandford", + "Sandler", + "Sands", + "Sangster", + "Santiago", + "Sanxay", + "Sarisbury", + "Saterlee", + "Saxe", + "Saxton", + "Scarborough", + "Scardsdale", + "Scarret", + "Schadeck", + "Schafer", + "Schaffer", + "Schell", + "Schellden", + "Schenck", + "Schenker", + "Scherer", + "Schermerhorn", + "Schluter", + "Schmidt", + "Schmuker", + "Schneider", + "Schlosser", + "Schoonhoven", + "Schoonmaker", + "Schreiber", + "Schreiner", + "Schroeder", + "Schubert", + "Schuler", + "Schulman", + "Schultheis ", + "Schultz", + "Schumacher", + "Schuman", + "Schuster", + "Schuyler", + "Schwartz", + "Scott", + "Scranton", + "Scroggs", + "Scudmore", + "Seaford", + "Seaforth", + "Seaman", + "Sears", + "Seaton", + "Seaver", + "Sebright", + "Sedgwick", + "Segur", + "Seix", + "Selby", + "Selkirk", + "Sellenger", + "Sellick", + "Semard", + "Semour", + "Semple", + "Seton", + "Severins", + "Severn", + "Sewall", + "Seward", + "Sewell", + "Seymour", + "Shaddock", + "Shan", + "Shanach", + "Shane", + "Shannon", + "Shaw", + "Sheldon", + "Shelley", + "Sheppy", + "Sherard", + "Sheridan", + "Sherlock", + "Sherman", + "Sherwood", + "Shiel", + "Sholtis", + "Short", + "Shrewsbury", + "Shrieves", + "Shuck", + "Shuckburgh", + "Shurtliff", + "Shute", + "Shuter", + "Siddons", + "Sigurd", + "Sikes", + "Simeon", + "Simmons", + "Simple", + "Simpson", + "Sims", + "Sinclair", + "Sinden", + "Singen", + "Sisson", + "Skeffington", + "Skelton", + "Skene", + "Skidmore", + "Slack", + "Slade", + "Slaven", + "Sleeper", + "Smith", + "Snell", + "Snodgrass", + "Snow", + "Snyder", + "Solden", + "Somer", + "Somerville", + "Sommer", + "Somner", + "Sompnoure", + "Soto", + "Soule", + "Southcote", + "Southwell", + "Spaaren", + "Spalding", + "Spark", + "Spelman", + "Spence", + "Spencer", + "Spicer", + "Spiegel", + "Spier", + "Spink", + "Spoor", + "Spotten", + "Sprague", + "Staats", + "Stacy", + "Staines", + "Stair", + "Stairn", + "St. Albans", + "Stalker", + "Stanhope", + "Stanley", + "Stanton", + "Stanwood", + "Stapleton", + "Stark", + "Starkey", + "Starr", + "Stead", + "Steane", + "Stearns", + "Stebbins", + "Steele", + "Steen", + "Stein", + "Steinhauer", + "Stell", + "Stemme", + "Stennett", + "Stern", + "Stetson", + "Stevens", + "Stevenons", + "Stewart", + "Still", + "Stimands", + "Stirling", + "Stocker", + "Stocking", + "Stockton", + "Stoddard", + "Stokes", + "Stokesby", + "Stone", + "Storr", + "Stoughton", + "Stover", + "Stowe", + "Strachan", + "Strain", + "Stratton", + "Stretton", + "Strickland", + "Stringer", + "Stryker", + "Stubbins", + "Studebaker", + "Stukeby", + "Stukley", + "Stukly", + "Sullivan", + "Sully", + "Sult", + "Summer", + "Sumner", + "Sumpter", + "Sunderland", + "Surtees", + "Suter", + "Sutherland", + "Sutphen", + "Sutter", + "Sutton", + "Swaim", + "Swane", + "Swartwout", + "Sweeney", + "Sweet", + "Swettenham", + "Sweyne", + "Swift", + "Swinburn", + "Swits", + "Switzer", + "Sylvester", + "Symes", + "Symington", + "Tabor", + "Taggart", + "Taite", + "Talbot", + "Tan", + "Tappan", + "Tasker", + "Tate", + "Tattersall", + "Taylor", + "Teddington", + "Teesdale", + "Tefft", + "Teft", + "Telfair", + "Telford", + "Temes", + "Temple", + "Tenbrook", + "Teneyck", + "Tennant", + "Tennison", + "Tennyson", + "Terril", + "Terwilliger", + "Tew", + "Theobald", + "Thomas", + "Thomlin", + "Thomlinson", + "Thoms", + "Thompson", + "Thomson", + "Thorn", + "Thorpe", + "Thrasher", + "Throckmorton", + "Thurston", + "Thwaite", + "Thwayte", + "Tibbits", + "Tice", + "Tichbourne", + "Tichenor", + "Tiernay", + "Tiffany", + "Till", + "Tillinghast", + "Tilly", + "Tilman", + "Tilmont", + "Tilton", + "Ting", + "Tirrel", + "Toby", + "Todd", + "Tollmache", + "Tolman", + "Torres", + "Torry", + "Toucey", + "Tournay", + "Towers", + "Towner", + "Townsend", + "Tracey", + "Tracy", + "Traille", + "Train", + "Trainer", + "Traineur", + "Trainor", + "Trelawney", + "Tremaine", + "Trenor", + "Trevelyan", + "Trevor", + "Tripp", + "Trotter", + "Troublefield", + "Trowbridge", + "Udine", + "Uhlan", + "Uline", + "Ulman", + "Ulmer", + "Underhill", + "Underwood", + "Unwin", + "Upham", + "Upton", + "Urran", + "Usher", + "Ustick", + "Vacher", + "Vale", + "Valentine", + "Valk", + "Van Aerden", + "Van Alstyne", + "Van Amee", + "Van Antwerp", + "Van Arden", + "Van Arnhem", + "Van Arnum", + "Van Buren", + "Van Buskirk", + "Van Cleve", + "Van Cortlandt", + "Van Curen", + "Van Dam", + "Vandenburgh", + "Vandenhoff", + "Vanderbilt", + "Vanderbogart", + "Vanderheyden", + "Vanderlinden", + "Vanderlippe", + "Vandermark", + "Vanderpoel", + "Vanderspeigle", + "Vanderveer", + "Vanderwerken", + "Vanderzee", + "Van Dousen", + "Van Duzen", + "Van Dyck", + "Van Eps", + "Van Hoorn", + "Van Hoosen", + "Van Hooven", + "Van Horn", + "Van Huisen", + "Van Husen", + "Van Ingen", + "Van Keuren", + "Van Kleef", + "Van Loon", + "Van Name", + "Van Namen", + "Van Ness", + "Van Norden", + "Van Nostrand", + "Van Orden", + "Van Ornum", + "Van Ostrand", + "Van Patten", + "Van Rensselaer", + "Van Schaack", + "Van Schaick", + "Van Scheyk", + "Van Schoonhoven", + "Van Slyck", + "Van Stantvoordt", + "Van Steinburgh", + "Van Tassel", + "Van Tessel", + "Van Tiel", + "Van Vechten", + "Van Vleck", + "Van Volkenburg", + "Van Voorst", + "Van Vorst", + "Van Vranken", + "Van Winkle", + "Van Woert", + "Van Worden", + "Van Wort", + "Van Wyck", + "Van Zant", + "Vasser", + "Vaughan", + "Vazquez", + "Vedder", + "Veeder", + "Velay", + "Venton", + "Verbeck", + "Vernon", + "Vesey", + "Vibbard", + "Vickers", + "Vielle", + "Villiers", + "Vine", + "Vipont", + "Virgo", + "Vivian", + "Vogel", + "Voores", + "Voorhees", + "Vrooman", + "Wade", + "Wadsworth", + "Waite", + "Wagner", + "Wagon", + "Wakefield", + "Wakeman", + "Walden", + "Waldgrave", + "Waldron", + "Wales", + "Walker", + "Wall", + "Wallace", + "Waller", + "Wallis", + "Wallock", + "Wallop", + "Walpole", + "Walsh", + "Walter", + "Walton", + "Wample", + "Wands", + "Warburton", + "Ward", + "Wardlaw", + "Ware", + "Warne", + "Warren", + "Warrender", + "Warwick", + "Washington", + "Wassen", + "Watcock", + "Waters", + "Watkins", + "Watkinson", + "Watson", + "Watt", + "Watts", + "Way", + "Wayland", + "Weber", + "Webster", + "Weeden", + "Weidman", + "Weir", + "Welby", + "Weld", + "Welden", + "Weller", + "Wells", + "Wempel", + "Wemple", + "Wemyss", + "Wendell", + "Wentworth", + "Werden", + "Werner", + "Westall", + "Westcott", + "Westerveldt", + "Westmoreland", + "Weston", + "Wetherby", + "Wetherspoon", + "Wetherwax", + "Wetsel", + "Weyland", + "Whalley", + "Wheaden", + "Whealdon", + "Wheaton", + "Wheden", + "Wheeler", + "Wheelock", + "Whieldon", + "Whitby", + "White", + "Whitfield", + "Whitford", + "Whiting", + "Whitlock", + "Whitman", + "Whitney", + "Whittaker", + "Wicker", + "Wickham", + "Wickliff", + "Wigan", + "Wiggin", + "Wilberforce", + "Wilbor", + "Wilbraham", + "Wilbur", + "Wilcox", + "Wilder", + "Wilkins", + "Wilkinson", + "Willard", + "Willet", + "William", + "Williamson", + "Willis", + "Willoughby", + "Wilmot", + "Wilson", + "Wilton", + "Wiltshire", + "Wimple", + "Winch", + "Winchcombe", + "Winchel", + "Winchester", + "Windham", + "Windsor", + "Winegar", + "Winekoop", + "Wing", + "Wingfield", + "Winne", + "Winship", + "Winslow", + "Winterton", + "Winthrop", + "Wire", + "Wise", + "Wiseman", + "Wishart", + "Wiswall", + "Witherington", + "Witherspoon", + "Witter", + "Wodderspoon", + "Wolf", + "Wolsey", + "Wong", + "Wood", + "Woodruff", + "Woodward", + "Woodworth", + "Wool", + "Woolley", + "Woolsey", + "Wooster", + "Worcester", + "Worth", + "Wright", + "Wu", + "Wylie", + "Wyman", + "Xavier", + "Yager", + "Yale", + "Yare", + "Yarrow", + "Yates", + "Yeoman", + "Yates", + "York", + "Young", + "Younghusband", + "Younglove", + "Yule", + "Zahm", + "Zahn", + "Zedler", + "Zellner", + "Zhu", + "Ziegler", + "Zimmerman", + "Zuckerman", + ], +} + +EXTENSION_MAP = {"ain't": "isn't", "aren't": 'are not', "can't": 'cannot', "can't've": 'cannot have', "could've": 'could have', "couldn't": 'could not', "didn't": 'did not', "doesn't": 'does not', "don't": 'do not', "hadn't": 'had not', "hasn't": 'has not', "haven't": 'have not', "he'd": 'he would', "he'd've": 'he would have', "he'll": 'he will', "he's": 'he is', "how'd": 'how did', "how'd'y": 'how do you', "how'll": 'how will', "how's": 'how is', "I'd": 'I would', "I'll": 'I will', "I'm": 'I am', "I've": 'I have', "i'd": 'i would', "i'll": 'i will', "i'm": 'i am', "i've": 'i have', "isn't": 'is not', "it'd": 'it would', "it'll": 'it will', "it's": 'it is', "ma'am": 'madam', "might've": 'might have', "mightn't": 'might not', "must've": 'must have', "mustn't": 'must not', "needn't": 'need not', "oughtn't": 'ought not', "shan't": 'shall not', "she'd": 'she would', "she'll": 'she will', "she's": 'she is', "should've": 'should have', "shouldn't": 'should not', "that'd": 'that would', "that's": 'that is', "there'd": 'there would', "there's": 'there is', "they'd": 'they would', "they'll": 'they will', "they're": 'they are', "they've": 'they have', "wasn't": 'was not', "we'd": 'we would', "we'll": 'we will', "we're": 'we are', "we've": 'we have', "weren't": 'were not', "what're": 'what are', "what's": 'what is', "when's": 'when is', "where'd": 'where did', "where's": 'where is', "where've": 'where have', "who'll": 'who will', "who's": 'who is', "who've": 'who have', "why's": 'why is', "won't": 'will not', "would've": 'would have', "wouldn't": 'would not', "you'd": 'you would', "you'd've": 'you would have', "you'll": 'you will', "you're": 'you are', "you've": 'you have'} + +# fmt: on diff --git a/textattack/shared/utils/__init__.py b/textattack/shared/utils/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..9b148af7bfaab6c59c6279fc69e8ddf54da6aedc --- /dev/null +++ b/textattack/shared/utils/__init__.py @@ -0,0 +1,5 @@ +from .install import * +from .misc import * +from .strings import * +from .tensor import * +from .importing import * diff --git a/textattack/shared/utils/importing.py b/textattack/shared/utils/importing.py new file mode 100644 index 0000000000000000000000000000000000000000..07a19b8760609dda4a99cef73051e78453766427 --- /dev/null +++ b/textattack/shared/utils/importing.py @@ -0,0 +1,64 @@ +# Code copied from https://github.com/tensorflow/tensorflow/blob/master/tensorflow/python/util/lazy_loader.py + +import importlib +import time +import types + +import textattack + +from .install import logger + + +class LazyLoader(types.ModuleType): + """Lazily import a module, mainly to avoid pulling in large dependencies. + + This allows them to only be loaded when they are used. + """ + + def __init__(self, local_name, parent_module_globals, name): + self._local_name = local_name + self._parent_module_globals = parent_module_globals + + super(LazyLoader, self).__init__(name) + + def _load(self): + """Load the module and insert it into the parent's globals.""" + # Import the target module and insert it into the parent's namespace + try: + module = importlib.import_module(self.__name__) + except ModuleNotFoundError as e: + raise ModuleNotFoundError( + f"Lazy module loader cannot find module named `{self.__name__}`. " + f"This might be because TextAttack does not automatically install some optional dependencies. " + f"Please run `pip install {self.__name__}` to install the package." + ) from e + self._parent_module_globals[self._local_name] = module + + # Update this object's dict so that if someone keeps a reference to the + # LazyLoader, lookups are efficient (__getattr__ is only called on lookups + # that fail). + self.__dict__.update(module.__dict__) + + return module + + def __getattr__(self, item): + module = self._load() + return getattr(module, item) + + def __dir__(self): + module = self._load() + return dir(module) + + +def load_module_from_file(file_path): + """Uses ``importlib`` to dynamically open a file and load an object from + it.""" + temp_module_name = f"temp_{time.time()}" + colored_file_path = textattack.shared.utils.color_text( + file_path, color="blue", method="ansi" + ) + logger.info(f"Loading module from `{colored_file_path}`.") + spec = importlib.util.spec_from_file_location(temp_module_name, file_path) + module = importlib.util.module_from_spec(spec) + spec.loader.exec_module(module) + return module diff --git a/textattack/shared/utils/install.py b/textattack/shared/utils/install.py new file mode 100644 index 0000000000000000000000000000000000000000..1e2ca8bc644ed4a0cd2a0f21d43acd636d9f060d --- /dev/null +++ b/textattack/shared/utils/install.py @@ -0,0 +1,210 @@ +import logging.config +import os +import pathlib +import shutil +import sys +import tempfile +import zipfile + +import filelock +import requests +import tqdm + +# Hide an error message from `tokenizers` if this process is forked. +os.environ["TOKENIZERS_PARALLELISM"] = "True" + + +def path_in_cache(file_path): + try: + os.makedirs(TEXTATTACK_CACHE_DIR) + except FileExistsError: # cache path exists + pass + return os.path.join(TEXTATTACK_CACHE_DIR, file_path) + + +def s3_url(uri): + return "https://textattack.s3.amazonaws.com/" + uri + + +def download_from_s3(folder_name, skip_if_cached=True): + """Folder name will be saved as `/textattack/`. If + it doesn't exist on disk, the zip file will be downloaded and extracted. + + Args: + folder_name (str): path to folder or file in cache + skip_if_cached (bool): If `True`, skip downloading if content is already cached. + + Returns: + str: path to the downloaded folder or file on disk + """ + cache_dest_path = path_in_cache(folder_name) + os.makedirs(os.path.dirname(cache_dest_path), exist_ok=True) + # Use a lock to prevent concurrent downloads. + cache_dest_lock_path = cache_dest_path + ".lock" + cache_file_lock = filelock.FileLock(cache_dest_lock_path) + cache_file_lock.acquire() + # Check if already downloaded. + if skip_if_cached and os.path.exists(cache_dest_path): + cache_file_lock.release() + return cache_dest_path + # If the file isn't found yet, download the zip file to the cache. + downloaded_file = tempfile.NamedTemporaryFile( + dir=TEXTATTACK_CACHE_DIR, suffix=".zip", delete=False + ) + folder_s3_url = s3_url(folder_name) + http_get(folder_s3_url, downloaded_file) + # Move or unzip the file. + downloaded_file.close() + if zipfile.is_zipfile(downloaded_file.name): + unzip_file(downloaded_file.name, cache_dest_path) + else: + logger.info(f"Copying {downloaded_file.name} to {cache_dest_path}.") + shutil.copyfile(downloaded_file.name, cache_dest_path) + cache_file_lock.release() + # Remove the temporary file. + os.remove(downloaded_file.name) + logger.info(f"Successfully saved {folder_name} to cache.") + return cache_dest_path + + +def download_from_url(url, save_path, skip_if_cached=True): + """Downloaded file will be saved under + `/textattack/`. If it doesn't exist on disk, the zip + file will be downloaded and extracted. + + Args: + url (str): URL path from which to download. + save_path (str): path to which to save the downloaded content. + skip_if_cached (bool): If `True`, skip downloading if content is already cached. + + Returns: + str: path to the downloaded folder or file on disk + """ + cache_dest_path = path_in_cache(save_path) + os.makedirs(os.path.dirname(cache_dest_path), exist_ok=True) + # Use a lock to prevent concurrent downloads. + cache_dest_lock_path = cache_dest_path + ".lock" + cache_file_lock = filelock.FileLock(cache_dest_lock_path) + cache_file_lock.acquire() + # Check if already downloaded. + if skip_if_cached and os.path.exists(cache_dest_path): + cache_file_lock.release() + return cache_dest_path + # If the file isn't found yet, download the zip file to the cache. + downloaded_file = tempfile.NamedTemporaryFile( + dir=TEXTATTACK_CACHE_DIR, suffix=".zip", delete=False + ) + http_get(url, downloaded_file) + # Move or unzip the file. + downloaded_file.close() + if zipfile.is_zipfile(downloaded_file.name): + unzip_file(downloaded_file.name, cache_dest_path) + else: + logger.info(f"Copying {downloaded_file.name} to {cache_dest_path}.") + shutil.copyfile(downloaded_file.name, cache_dest_path) + cache_file_lock.release() + # Remove the temporary file. + os.remove(downloaded_file.name) + logger.info(f"Successfully saved {url} to cache.") + return cache_dest_path + + +def unzip_file(path_to_zip_file, unzipped_folder_path): + """Unzips a .zip file to folder path.""" + logger.info(f"Unzipping file {path_to_zip_file} to {unzipped_folder_path}.") + enclosing_unzipped_path = pathlib.Path(unzipped_folder_path).parent + with zipfile.ZipFile(path_to_zip_file, "r") as zip_ref: + zip_ref.extractall(enclosing_unzipped_path) + + +def http_get(url, out_file, proxies=None): + """Get contents of a URL and save to a file. + + https://github.com/huggingface/transformers/blob/master/src/transformers/file_utils.py + """ + logger.info(f"Downloading {url}.") + req = requests.get(url, stream=True, proxies=proxies) + content_length = req.headers.get("Content-Length") + total = int(content_length) if content_length is not None else None + if req.status_code == 403 or req.status_code == 404: + raise Exception(f"Could not reach {url}.") + progress = tqdm.tqdm(unit="B", unit_scale=True, total=total) + for chunk in req.iter_content(chunk_size=1024): + if chunk: # filter out keep-alive new chunks + progress.update(len(chunk)) + out_file.write(chunk) + progress.close() + + +if sys.stdout.isatty(): + LOG_STRING = "\033[34;1mtextattack\033[0m" +else: + LOG_STRING = "textattack" +logger = logging.getLogger(__name__) +logging.config.dictConfig( + {"version": 1, "loggers": {__name__: {"level": logging.INFO}}} +) +formatter = logging.Formatter(f"{LOG_STRING}: %(message)s") +stream_handler = logging.StreamHandler() +stream_handler.setFormatter(formatter) +logger.addHandler(stream_handler) +logger.propagate = False + + +def _post_install(): + logger.info("Updating TextAttack package dependencies.") + logger.info("Downloading NLTK required packages.") + import nltk + + nltk.download("averaged_perceptron_tagger") + nltk.download("stopwords") + nltk.download("omw") + nltk.download("universal_tagset") + nltk.download("wordnet") + nltk.download("punkt") + + try: + import stanza + + stanza.download("en") + except Exception: + pass + + +def set_cache_dir(cache_dir): + """Sets all relevant cache directories to ``TA_CACHE_DIR``.""" + # Tensorflow Hub cache directory + os.environ["TFHUB_CACHE_DIR"] = cache_dir + # HuggingFace `transformers` cache directory + os.environ["PYTORCH_TRANSFORMERS_CACHE"] = cache_dir + # HuggingFace `datasets` cache directory + os.environ["HF_HOME"] = cache_dir + # Basic directory for Linux user-specific non-data files + os.environ["XDG_CACHE_HOME"] = cache_dir + + +def _post_install_if_needed(): + """Runs _post_install if hasn't been run since install.""" + # Check for post-install file. + post_install_file_path = path_in_cache("post_install_check_3") + post_install_file_lock_path = post_install_file_path + ".lock" + post_install_file_lock = filelock.FileLock(post_install_file_lock_path) + post_install_file_lock.acquire() + if os.path.exists(post_install_file_path): + post_install_file_lock.release() + return + # Run post-install. + _post_install() + # Create file that indicates post-install completed. + open(post_install_file_path, "w").close() + post_install_file_lock.release() + + +TEXTATTACK_CACHE_DIR = os.environ.get( + "TA_CACHE_DIR", os.path.expanduser("~/.cache/textattack") +) +if "TA_CACHE_DIR" in os.environ: + set_cache_dir(os.environ["TA_CACHE_DIR"]) + + +_post_install_if_needed() diff --git a/textattack/shared/utils/misc.py b/textattack/shared/utils/misc.py new file mode 100644 index 0000000000000000000000000000000000000000..18511f80ada6e538735212680f2df66251344c6b --- /dev/null +++ b/textattack/shared/utils/misc.py @@ -0,0 +1,130 @@ +import json +import os +import random + +import numpy as np +import torch + +import textattack + +device = os.environ.get( + "TA_DEVICE", torch.device("cuda" if torch.cuda.is_available() else "cpu") +) + + +def html_style_from_dict(style_dict): + """Turns. + + { 'color': 'red', 'height': '100px'} + + into + style: "color: red; height: 100px" + """ + style_str = "" + for key in style_dict: + style_str += key + ": " + style_dict[key] + ";" + return 'style="{}"'.format(style_str) + + +def html_table_from_rows(rows, title=None, header=None, style_dict=None): + # Stylize the container div. + if style_dict: + table_html = "
".format(html_style_from_dict(style_dict)) + else: + table_html = "
" + # Print the title string. + if title: + table_html += "

{}

".format(title) + + # Construct each row as HTML. + table_html = '' + if header: + table_html += "" + for element in header: + table_html += "" + table_html += "" + for row in rows: + table_html += "" + for element in row: + table_html += "" + table_html += "" + + # Close the table and print to screen. + table_html += "
" + table_html += str(element) + table_html += "
" + table_html += str(element) + table_html += "
" + + return table_html + + +def get_textattack_model_num_labels(model_name, model_path): + """Reads `train_args.json` and gets the number of labels for a trained + model, if present.""" + model_cache_path = textattack.shared.utils.download_from_s3(model_path) + train_args_path = os.path.join(model_cache_path, "train_args.json") + if not os.path.exists(train_args_path): + textattack.shared.logger.warn( + f"train_args.json not found in model path {model_path}. Defaulting to 2 labels." + ) + return 2 + else: + args = json.loads(open(train_args_path).read()) + return args.get("num_labels", 2) + + +def load_textattack_model_from_path(model_name, model_path): + """Loads a pre-trained TextAttack model from its name and path. + + For example, model_name "lstm-yelp" and model path + "models/classification/lstm/yelp". + """ + + colored_model_name = textattack.shared.utils.color_text( + model_name, color="blue", method="ansi" + ) + if model_name.startswith("lstm"): + num_labels = get_textattack_model_num_labels(model_name, model_path) + textattack.shared.logger.info( + f"Loading pre-trained TextAttack LSTM: {colored_model_name}" + ) + model = textattack.models.helpers.LSTMForClassification( + model_path=model_path, num_labels=num_labels + ) + elif model_name.startswith("cnn"): + num_labels = get_textattack_model_num_labels(model_name, model_path) + textattack.shared.logger.info( + f"Loading pre-trained TextAttack CNN: {colored_model_name}" + ) + model = textattack.models.helpers.WordCNNForClassification( + model_path=model_path, num_labels=num_labels + ) + elif model_name.startswith("t5"): + model = textattack.models.helpers.T5ForTextToText(model_path) + else: + raise ValueError(f"Unknown textattack model {model_path}") + return model + + +def set_seed(random_seed): + random.seed(random_seed) + np.random.seed(random_seed) + torch.manual_seed(random_seed) + torch.cuda.manual_seed(random_seed) + + +def hashable(key): + try: + hash(key) + return True + except TypeError: + return False + + +def sigmoid(n): + return 1 / (1 + np.exp(-n)) + + +GLOBAL_OBJECTS = {} +ARGS_SPLIT_TOKEN = "^" diff --git a/textattack/shared/utils/strings.py b/textattack/shared/utils/strings.py new file mode 100644 index 0000000000000000000000000000000000000000..817788f7a4ac69257732193c2fc96254c2610a95 --- /dev/null +++ b/textattack/shared/utils/strings.py @@ -0,0 +1,355 @@ +import re +import string + +import flair +import jieba +import pycld2 as cld2 + +from .importing import LazyLoader + + +def has_letter(word): + """Returns true if `word` contains at least one character in [A-Za-z].""" + return re.search("[A-Za-z]+", word) is not None + + +def is_one_word(word): + return len(words_from_text(word)) == 1 + + +def add_indent(s_, numSpaces): + s = s_.split("\n") + # don't do anything for single-line stuff + if len(s) == 1: + return s_ + first = s.pop(0) + s = [(numSpaces * " ") + line for line in s] + s = "\n".join(s) + s = first + "\n" + s + return s + + +def words_from_text(s, words_to_ignore=[]): + """Lowercases a string, removes all non-alphanumeric characters, and splits + into words.""" + try: + isReliable, textBytesFound, details = cld2.detect(s) + if details[0][0] == "Chinese" or details[0][0] == "ChineseT": + seg_list = jieba.cut(s, cut_all=False) + s = " ".join(seg_list) + else: + s = " ".join(s.split()) + except Exception: + s = " ".join(s.split()) + + homos = """˗৭Ȣ𝟕бƼᏎƷᒿlO`ɑЬϲԁе𝚏ɡհіϳ𝒌ⅼmոорԛⲅѕ𝚝սѵԝ×уᴢ""" + exceptions = """'-_*@""" + filter_pattern = homos + """'\\-_\\*@""" + # TODO: consider whether one should add "." to `exceptions` (and "\." to `filter_pattern`) + # example "My email address is xxx@yyy.com" + filter_pattern = f"[\\w{filter_pattern}]+" + words = [] + for word in s.split(): + # Allow apostrophes, hyphens, underscores, asterisks and at signs as long as they don't begin the word. + word = word.lstrip(exceptions) + filt = [w.lstrip(exceptions) for w in re.findall(filter_pattern, word)] + words.extend(filt) + words = list(filter(lambda w: w not in words_to_ignore + [""], words)) + return words + + +class TextAttackFlairTokenizer(flair.data.Tokenizer): + def tokenize(self, text: str): + return words_from_text(text) + + +def default_class_repr(self): + if hasattr(self, "extra_repr_keys"): + extra_params = [] + for key in self.extra_repr_keys(): + extra_params.append(" (" + key + ")" + ": {" + key + "}") + if len(extra_params): + extra_str = "\n" + "\n".join(extra_params) + "\n" + extra_str = f"({extra_str})" + else: + extra_str = "" + extra_str = extra_str.format(**self.__dict__) + else: + extra_str = "" + return f"{self.__class__.__name__}{extra_str}" + + +class ReprMixin(object): + """Mixin for enhanced __repr__ and __str__.""" + + def __repr__(self): + return default_class_repr(self) + + __str__ = __repr__ + + def extra_repr_keys(self): + """extra fields to be included in the representation of a class.""" + return [] + + +LABEL_COLORS = [ + "red", + "green", + "blue", + "purple", + "yellow", + "orange", + "pink", + "cyan", + "gray", + "brown", +] + + +def process_label_name(label_name): + """Takes a label name from a dataset and makes it nice. + + Meant to correct different abbreviations and automatically + capitalize. + """ + label_name = label_name.lower() + if label_name == "neg": + label_name = "negative" + elif label_name == "pos": + label_name = "positive" + return label_name.capitalize() + + +def color_from_label(label_num): + """Arbitrary colors for different labels.""" + try: + label_num %= len(LABEL_COLORS) + return LABEL_COLORS[label_num] + except TypeError: + return "blue" + + +def color_from_output(label_name, label): + """Returns the correct color for a label name, like 'positive', 'medicine', + or 'entailment'.""" + label_name = label_name.lower() + if label_name in {"entailment", "positive"}: + return "green" + elif label_name in {"contradiction", "negative"}: + return "red" + elif label_name in {"neutral"}: + return "gray" + else: + # if no color pre-stored for label name, return color corresponding to + # the label number (so, even for unknown datasets, we can give each + # class a distinct color) + return color_from_label(label) + + +class ANSI_ESCAPE_CODES: + """Escape codes for printing color to the terminal.""" + + HEADER = "\033[95m" + OKBLUE = "\033[94m" + OKGREEN = "\033[92m" + + GRAY = "\033[37m" + PURPLE = "\033[35m" + YELLOW = "\033[93m" + ORANGE = "\033[38:5:208m" + PINK = "\033[95m" + CYAN = "\033[96m" + GRAY = "\033[38:5:240m" + BROWN = "\033[38:5:52m" + + WARNING = "\033[93m" + FAIL = "\033[91m" + BOLD = "\033[1m" + UNDERLINE = "\033[4m" + """ This color stops the current color sequence. """ + STOP = "\033[0m" + + +def color_text(text, color=None, method=None): + if not (isinstance(color, str) or isinstance(color, tuple)): + raise TypeError(f"Cannot color text with provided color of type {type(color)}") + if isinstance(color, tuple): + if len(color) > 1: + text = color_text(text, color[1:], method) + color = color[0] + + if method is None: + return text + if method == "html": + return f"{text}" + elif method == "ansi": + if color == "green": + color = ANSI_ESCAPE_CODES.OKGREEN + elif color == "red": + color = ANSI_ESCAPE_CODES.FAIL + elif color == "blue": + color = ANSI_ESCAPE_CODES.OKBLUE + elif color == "purple": + color = ANSI_ESCAPE_CODES.PURPLE + elif color == "yellow": + color = ANSI_ESCAPE_CODES.YELLOW + elif color == "orange": + color = ANSI_ESCAPE_CODES.ORANGE + elif color == "pink": + color = ANSI_ESCAPE_CODES.PINK + elif color == "cyan": + color = ANSI_ESCAPE_CODES.CYAN + elif color == "gray": + color = ANSI_ESCAPE_CODES.GRAY + elif color == "brown": + color = ANSI_ESCAPE_CODES.BROWN + elif color == "bold": + color = ANSI_ESCAPE_CODES.BOLD + elif color == "underline": + color = ANSI_ESCAPE_CODES.UNDERLINE + elif color == "warning": + color = ANSI_ESCAPE_CODES.WARNING + else: + raise ValueError(f"unknown text color {color}") + + return color + text + ANSI_ESCAPE_CODES.STOP + elif method == "file": + return "[[" + text + "]]" + + +_flair_pos_tagger = None + + +def flair_tag(sentence, tag_type="upos-fast"): + """Tags a `Sentence` object using `flair` part-of-speech tagger.""" + global _flair_pos_tagger + if not _flair_pos_tagger: + from flair.models import SequenceTagger + + _flair_pos_tagger = SequenceTagger.load(tag_type) + _flair_pos_tagger.predict(sentence, force_token_predictions=True) + + +def zip_flair_result(pred, tag_type="upos-fast"): + """Takes a sentence tagging from `flair` and returns two lists, of words + and their corresponding parts-of-speech.""" + from flair.data import Sentence + + if not isinstance(pred, Sentence): + raise TypeError("Result from Flair POS tagger must be a `Sentence` object.") + + tokens = pred.tokens + word_list = [] + pos_list = [] + for token in tokens: + word_list.append(token.text) + if "pos" in tag_type: + pos_list.append(token.annotation_layers["pos"][0]._value) + elif tag_type == "ner": + pos_list.append(token.get_label("ner")) + + return word_list, pos_list + + +stanza = LazyLoader("stanza", globals(), "stanza") + + +def zip_stanza_result(pred, tagset="universal"): + """Takes the first sentence from a document from `stanza` and returns two + lists, one of words and the other of their corresponding parts-of- + speech.""" + if not isinstance(pred, stanza.models.common.doc.Document): + raise TypeError("Result from Stanza POS tagger must be a `Document` object.") + + word_list = [] + pos_list = [] + + for sentence in pred.sentences: + for word in sentence.words: + word_list.append(word.text) + if tagset == "universal": + pos_list.append(word.upos) + else: + pos_list.append(word.xpos) + + return word_list, pos_list + + +def check_if_subword(token, model_type, starting=False): + """Check if ``token`` is a subword token that is not a standalone word. + + Args: + token (str): token to check. + model_type (str): type of model (options: "bert", "roberta", "xlnet"). + starting (bool): Should be set ``True`` if this token is the starting token of the overall text. + This matters because models like RoBERTa does not add "Ġ" to beginning token. + Returns: + (bool): ``True`` if ``token`` is a subword token. + """ + avail_models = [ + "bert", + "gpt", + "gpt2", + "roberta", + "bart", + "electra", + "longformer", + "xlnet", + ] + if model_type not in avail_models: + raise ValueError( + f"Model type {model_type} is not available. Options are {avail_models}." + ) + if model_type in ["bert", "electra"]: + return True if "##" in token else False + elif model_type in ["gpt", "gpt2", "roberta", "bart", "longformer"]: + if starting: + return False + else: + return False if token[0] == "Ġ" else True + elif model_type == "xlnet": + return False if token[0] == "_" else True + else: + return False + + +def strip_BPE_artifacts(token, model_type): + """Strip characters such as "Ġ" that are left over from BPE tokenization. + + Args: + token (str) + model_type (str): type of model (options: "bert", "roberta", "xlnet") + """ + avail_models = [ + "bert", + "gpt", + "gpt2", + "roberta", + "bart", + "electra", + "longformer", + "xlnet", + ] + if model_type not in avail_models: + raise ValueError( + f"Model type {model_type} is not available. Options are {avail_models}." + ) + if model_type in ["bert", "electra"]: + return token.replace("##", "") + elif model_type in ["gpt", "gpt2", "roberta", "bart", "longformer"]: + return token.replace("Ġ", "") + elif model_type == "xlnet": + if len(token) > 1 and token[0] == "_": + return token[1:] + else: + return token + else: + return token + + +def check_if_punctuations(word): + """Returns ``True`` if ``word`` is just a sequence of punctuations.""" + for c in word: + if c not in string.punctuation: + return False + return True diff --git a/textattack/shared/utils/tensor.py b/textattack/shared/utils/tensor.py new file mode 100644 index 0000000000000000000000000000000000000000..4f946675e71834c0fef5000e3b9f33b33b33a392 --- /dev/null +++ b/textattack/shared/utils/tensor.py @@ -0,0 +1,31 @@ +import numpy as np +import torch + + +def batch_model_predict(model_predict, inputs, batch_size=32): + """Runs prediction on iterable ``inputs`` using batch size ``batch_size``. + + Aggregates all predictions into an ``np.ndarray``. + """ + outputs = [] + i = 0 + while i < len(inputs): + batch = inputs[i : i + batch_size] + batch_preds = model_predict(batch) + + # Some seq-to-seq models will return a single string as a prediction + # for a single-string list. Wrap these in a list. + if isinstance(batch_preds, str): + batch_preds = [batch_preds] + + # Get PyTorch tensors off of other devices. + if isinstance(batch_preds, torch.Tensor): + batch_preds = batch_preds.cpu() + + # Cast all predictions iterables to ``np.ndarray`` types. + if not isinstance(batch_preds, np.ndarray): + batch_preds = np.array(batch_preds) + outputs.append(batch_preds) + i += batch_size + + return np.concatenate(outputs, axis=0) diff --git a/textattack/shared/validators.py b/textattack/shared/validators.py new file mode 100644 index 0000000000000000000000000000000000000000..4d9611d5abbf02e79516a6fc4e16035a0d620163 --- /dev/null +++ b/textattack/shared/validators.py @@ -0,0 +1,129 @@ +""" +Misc Validators +================= +Validators ensure compatibility between search methods, transformations, constraints, and goal functions. + +""" +import re + +import textattack +from textattack.goal_functions import ( + InputReduction, + MinimizeBleu, + NonOverlappingOutput, + TargetedClassification, + UntargetedClassification, +) + +from . import logger + +# A list of goal functions and the corresponding available models. +MODELS_BY_GOAL_FUNCTIONS = { + (TargetedClassification, UntargetedClassification, InputReduction): [ + r"^textattack.models.helpers.lstm_for_classification.*", + r"^textattack.models.helpers.word_cnn_for_classification.*", + r"^transformers.modeling_\w*\.\w*ForSequenceClassification$", + ], + (NonOverlappingOutput, MinimizeBleu,): [ + r"^textattack.models.helpers.t5_for_text_to_text.*", + ], +} + +# Unroll the `MODELS_BY_GOAL_FUNCTIONS` dictionary into a dictionary that has +# a key for each goal function. (Note the plurality here that distinguishes +# the two variables from one another.) +MODELS_BY_GOAL_FUNCTION = {} +for goal_functions, matching_model_globs in MODELS_BY_GOAL_FUNCTIONS.items(): + for goal_function in goal_functions: + MODELS_BY_GOAL_FUNCTION[goal_function] = matching_model_globs + + +def validate_model_goal_function_compatibility(goal_function_class, model_class): + """Determines if ``model_class`` is task-compatible with + ``goal_function_class``. + + For example, a text-generative model like one intended for + translation or summarization would not be compatible with a goal + function that requires probability scores, like the + UntargetedGoalFunction. + """ + # Verify that this is a valid goal function. + try: + matching_model_globs = MODELS_BY_GOAL_FUNCTION[goal_function_class] + except KeyError: + matching_model_globs = [] + logger.warn(f"No entry found for goal function {goal_function_class}.") + # Get options for this goal function. + # model_module = model_class.__module__ + model_module_path = ".".join((model_class.__module__, model_class.__name__)) + # Ensure the model matches one of these options. + for glob in matching_model_globs: + if re.match(glob, model_module_path): + logger.info( + f"Goal function {goal_function_class} compatible with model {model_class.__name__}." + ) + return + # If we got here, the model does not match the intended goal function. + for goal_functions, globs in MODELS_BY_GOAL_FUNCTIONS.items(): + for glob in globs: + if re.match(glob, model_module_path): + logger.warn( + f"Unknown if model {model_class.__name__} compatible with provided goal function {goal_function_class}." + f" Found match with other goal functions: {goal_functions}." + ) + return + # If it matches another goal function, warn user. + + # Otherwise, this is an unknown model–perhaps user-provided, or we forgot to + # update the corresponding dictionary. Warn user and return. + logger.warn( + f"Unknown if model of class {model_class} compatible with goal function {goal_function_class}." + ) + + +def validate_model_gradient_word_swap_compatibility(model): + """Determines if ``model`` is task-compatible with + ``GradientBasedWordSwap``. + + We can only take the gradient with respect to an individual word if + the model uses a word-based tokenizer. + """ + if isinstance(model, textattack.models.helpers.LSTMForClassification): + return True + else: + raise ValueError(f"Cannot perform GradientBasedWordSwap on model {model}.") + + +def transformation_consists_of(transformation, transformation_classes): + """Determines if ``transformation`` is or consists only of instances of a + class in ``transformation_classes``""" + from textattack.transformations import CompositeTransformation + + if isinstance(transformation, CompositeTransformation): + for t in transformation.transformations: + if not transformation_consists_of(t, transformation_classes): + return False + return True + else: + for transformation_class in transformation_classes: + if isinstance(transformation, transformation_class): + return True + return False + + +def transformation_consists_of_word_swaps(transformation): + """Determines if ``transformation`` is a word swap or consists of only word + swaps.""" + from textattack.transformations import WordSwap, WordSwapGradientBased + + return transformation_consists_of(transformation, [WordSwap, WordSwapGradientBased]) + + +def transformation_consists_of_word_swaps_and_deletions(transformation): + """Determines if ``transformation`` is a word swap or consists of only word + swaps and deletions.""" + from textattack.transformations import WordDeletion, WordSwap, WordSwapGradientBased + + return transformation_consists_of( + transformation, [WordDeletion, WordSwap, WordSwapGradientBased] + ) diff --git a/textattack/shared/word_embeddings.py b/textattack/shared/word_embeddings.py new file mode 100644 index 0000000000000000000000000000000000000000..d9f2f3d3cd7ae53f8347e4cac209be8330103029 --- /dev/null +++ b/textattack/shared/word_embeddings.py @@ -0,0 +1,426 @@ +""" +Shared loads word embeddings and related distances +===================================================== +""" + +from abc import ABC, abstractmethod +from collections import defaultdict +import os +import pickle + +import numpy as np +import torch + +from textattack.shared import utils + + +class AbstractWordEmbedding(utils.ReprMixin, ABC): + """Abstract class representing word embedding used by TextAttack. + + This class specifies all the methods that is required to be defined + so that it can be used for transformation and constraints. For + custom word embedding not supported by TextAttack, please create a + class that inherits this class and implement the required methods. + However, please first check if you can use `WordEmbedding` class, + which has a lot of internal methods implemented. + """ + + @abstractmethod + def __getitem__(self, index): + """Gets the embedding vector for word/id + Args: + index (Union[str|int]): `index` can either be word or integer representing the id of the word. + Returns: + vector (ndarray): 1-D embedding vector. If corresponding vector cannot be found for `index`, returns `None`. + """ + raise NotImplementedError() + + @abstractmethod + def get_mse_dist(self, a, b): + """Return MSE distance between vector for word `a` and vector for word + `b`. + + Since this is a metric, `get_mse_dist(a,b)` and `get_mse_dist(b,a)` should return the same value. + Args: + a (Union[str|int]): Either word or integer presenting the id of the word + b (Union[str|int]): Either word or integer presenting the id of the word + Returns: + distance (float): MSE (L2) distance + """ + raise NotImplementedError() + + @abstractmethod + def get_cos_sim(self, a, b): + """Return cosine similarity between vector for word `a` and vector for + word `b`. + + Since this is a metric, `get_mse_dist(a,b)` and `get_mse_dist(b,a)` should return the same value. + Args: + a (Union[str|int]): Either word or integer presenting the id of the word + b (Union[str|int]): Either word or integer presenting the id of the word + Returns: + distance (float): cosine similarity + """ + raise NotImplementedError() + + @abstractmethod + def word2index(self, word): + """ + Convert between word to id (i.e. index of word in embedding matrix) + Args: + word (str) + Returns: + index (int) + """ + raise NotImplementedError() + + @abstractmethod + def index2word(self, index): + """ + Convert index to corresponding word + Args: + index (int) + Returns: + word (str) + """ + raise NotImplementedError() + + @abstractmethod + def nearest_neighbours(self, index, topn): + """ + Get top-N nearest neighbours for a word + Args: + index (int): ID of the word for which we're finding the nearest neighbours + topn (int): Used for specifying N nearest neighbours + Returns: + neighbours (list[int]): List of indices of the nearest neighbours + """ + raise NotImplementedError() + + +class WordEmbedding(AbstractWordEmbedding): + """Object for loading word embeddings and related distances for TextAttack. + This class has a lot of internal components (e.g. get consine similarity) + implemented. Consider using this class if you can provide the appropriate + input data to create the object. + + Args: + emedding_matrix (ndarray): 2-D array of shape N x D where N represents size of vocab and D is the dimension of embedding vectors. + word2index (Union[dict|object]): dictionary (or a similar object) that maps word to its index with in the embedding matrix. + index2word (Union[dict|object]): dictionary (or a similar object) that maps index to its word. + nn_matrix (ndarray): Matrix for precomputed nearest neighbours. It should be a 2-D integer array of shape N x K + where N represents size of vocab and K is the top-K nearest neighbours. If this is set to `None`, we have to compute nearest neighbours + on the fly for `nearest_neighbours` method, which is costly. + """ + + PATH = "word_embeddings" + + def __init__(self, embedding_matrix, word2index, index2word, nn_matrix=None): + self.embedding_matrix = embedding_matrix + self._word2index = word2index + self._index2word = index2word + self.nn_matrix = nn_matrix + + # Dictionary for caching results + self._mse_dist_mat = defaultdict(dict) + self._cos_sim_mat = defaultdict(dict) + self._nn_cache = {} + + def __getitem__(self, index): + """Gets the embedding vector for word/id + Args: + index (Union[str|int]): `index` can either be word or integer representing the id of the word. + Returns: + vector (ndarray): 1-D embedding vector. If corresponding vector cannot be found for `index`, returns `None`. + """ + if isinstance(index, str): + try: + index = self._word2index[index] + except KeyError: + return None + try: + return self.embedding_matrix[index] + except IndexError: + # word embedding ID out of bounds + return None + + def word2index(self, word): + """ + Convert between word to id (i.e. index of word in embedding matrix) + Args: + word (str) + Returns: + index (int) + """ + return self._word2index[word] + + def index2word(self, index): + """ + Convert index to corresponding word + Args: + index (int) + Returns: + word (str) + + """ + return self._index2word[index] + + def get_mse_dist(self, a, b): + """Return MSE distance between vector for word `a` and vector for word + `b`. + + Since this is a metric, `get_mse_dist(a,b)` and `get_mse_dist(b,a)` should return the same value. + Args: + a (Union[str|int]): Either word or integer presenting the id of the word + b (Union[str|int]): Either word or integer presenting the id of the word + Returns: + distance (float): MSE (L2) distance + """ + if isinstance(a, str): + a = self._word2index[a] + if isinstance(b, str): + b = self._word2index[b] + a, b = min(a, b), max(a, b) + try: + mse_dist = self._mse_dist_mat[a][b] + except KeyError: + e1 = self.embedding_matrix[a] + e2 = self.embedding_matrix[b] + e1 = torch.tensor(e1).to(utils.device) + e2 = torch.tensor(e2).to(utils.device) + mse_dist = torch.sum((e1 - e2) ** 2).item() + self._mse_dist_mat[a][b] = mse_dist + + return mse_dist + + def get_cos_sim(self, a, b): + """Return cosine similarity between vector for word `a` and vector for + word `b`. + + Since this is a metric, `get_mse_dist(a,b)` and `get_mse_dist(b,a)` should return the same value. + Args: + a (Union[str|int]): Either word or integer presenting the id of the word + b (Union[str|int]): Either word or integer presenting the id of the word + Returns: + distance (float): cosine similarity + """ + if isinstance(a, str): + a = self._word2index[a] + if isinstance(b, str): + b = self._word2index[b] + a, b = min(a, b), max(a, b) + try: + cos_sim = self._cos_sim_mat[a][b] + except KeyError: + e1 = self.embedding_matrix[a] + e2 = self.embedding_matrix[b] + e1 = torch.tensor(e1).to(utils.device) + e2 = torch.tensor(e2).to(utils.device) + cos_sim = torch.nn.CosineSimilarity(dim=0)(e1, e2).item() + self._cos_sim_mat[a][b] = cos_sim + return cos_sim + + def nearest_neighbours(self, index, topn): + """ + Get top-N nearest neighbours for a word + Args: + index (int): ID of the word for which we're finding the nearest neighbours + topn (int): Used for specifying N nearest neighbours + Returns: + neighbours (list[int]): List of indices of the nearest neighbours + """ + if isinstance(index, str): + index = self._word2index[index] + if self.nn_matrix is not None: + nn = self.nn_matrix[index][1 : (topn + 1)] + else: + try: + nn = self._nn_cache[index] + except KeyError: + embedding = torch.tensor(self.embedding_matrix).to(utils.device) + vector = torch.tensor(self.embedding_matrix[index]).to(utils.device) + dist = torch.norm(embedding - vector, dim=1, p=None) + # Since closest neighbour will be the same word, we consider N+1 nearest neighbours + nn = dist.topk(topn + 1, largest=False)[1:].tolist() + self._nn_cache[index] = nn + + return nn + + @staticmethod + def counterfitted_GLOVE_embedding(): + """Returns a prebuilt counter-fitted GLOVE word embedding proposed by + "Counter-fitting Word Vectors to Linguistic Constraints" (Mrkšić et + al., 2016)""" + if ( + "textattack_counterfitted_GLOVE_embedding" in utils.GLOBAL_OBJECTS + and isinstance( + utils.GLOBAL_OBJECTS["textattack_counterfitted_GLOVE_embedding"], + WordEmbedding, + ) + ): + # avoid recreating same embedding (same memory) and instead share across different components + return utils.GLOBAL_OBJECTS["textattack_counterfitted_GLOVE_embedding"] + + word_embeddings_folder = "paragramcf" + word_embeddings_file = "paragram.npy" + word_list_file = "wordlist.pickle" + mse_dist_file = "mse_dist.p" + cos_sim_file = "cos_sim.p" + nn_matrix_file = "nn.npy" + + # Download embeddings if they're not cached. + word_embeddings_folder = os.path.join( + WordEmbedding.PATH, word_embeddings_folder + ).replace("\\", "/") + word_embeddings_folder = utils.download_from_s3(word_embeddings_folder) + # Concatenate folder names to create full path to files. + word_embeddings_file = os.path.join( + word_embeddings_folder, word_embeddings_file + ) + word_list_file = os.path.join(word_embeddings_folder, word_list_file) + mse_dist_file = os.path.join(word_embeddings_folder, mse_dist_file) + cos_sim_file = os.path.join(word_embeddings_folder, cos_sim_file) + nn_matrix_file = os.path.join(word_embeddings_folder, nn_matrix_file) + + # loading the files + embedding_matrix = np.load(word_embeddings_file) + word2index = np.load(word_list_file, allow_pickle=True) + index2word = {} + for word, index in word2index.items(): + index2word[index] = word + nn_matrix = np.load(nn_matrix_file) + + embedding = WordEmbedding(embedding_matrix, word2index, index2word, nn_matrix) + + with open(mse_dist_file, "rb") as f: + mse_dist_mat = pickle.load(f) + with open(cos_sim_file, "rb") as f: + cos_sim_mat = pickle.load(f) + + embedding._mse_dist_mat = mse_dist_mat + embedding._cos_sim_mat = cos_sim_mat + + utils.GLOBAL_OBJECTS["textattack_counterfitted_GLOVE_embedding"] = embedding + + return embedding + + +class GensimWordEmbedding(AbstractWordEmbedding): + """Wraps Gensim's `models.keyedvectors` module + (https://radimrehurek.com/gensim/models/keyedvectors.html)""" + + def __init__(self, keyed_vectors): + gensim = utils.LazyLoader("gensim", globals(), "gensim") + + if isinstance(keyed_vectors, gensim.models.KeyedVectors): + self.keyed_vectors = keyed_vectors + else: + raise ValueError( + "`keyed_vectors` argument must be a " + "`gensim.models.keyedvectors.WordEmbeddingsKeyedVectors` object" + ) + + self.keyed_vectors.init_sims() + self._mse_dist_mat = defaultdict(dict) + self._cos_sim_mat = defaultdict(dict) + + def __getitem__(self, index): + """Gets the embedding vector for word/id + Args: + index (Union[str|int]): `index` can either be word or integer representing the id of the word. + Returns: + vector (ndarray): 1-D embedding vector. If corresponding vector cannot be found for `index`, returns `None`. + """ + if isinstance(index, str): + try: + index = self.keyed_vectors.key_to_index.get(index) + except KeyError: + return None + try: + return self.keyed_vectors.get_normed_vectors()[index] + except IndexError: + # word embedding ID out of bounds + return None + + def word2index(self, word): + """ + Convert between word to id (i.e. index of word in embedding matrix) + Args: + word (str) + Returns: + index (int) + """ + vocab = self.keyed_vectors.key_to_index.get(word) + if vocab is None: + raise KeyError(word) + return vocab + + def index2word(self, index): + """ + Convert index to corresponding word + Args: + index (int) + Returns: + word (str) + + """ + try: + # this is a list, so the error would be IndexError + return self.keyed_vectors.index_to_key[index] + except IndexError: + raise KeyError(index) + + def get_mse_dist(self, a, b): + """Return MSE distance between vector for word `a` and vector for word + `b`. + + Since this is a metric, `get_mse_dist(a,b)` and `get_mse_dist(b,a)` should return the same value. + Args: + a (Union[str|int]): Either word or integer presenting the id of the word + b (Union[str|int]): Either word or integer presenting the id of the word + Returns: + distance (float): MSE (L2) distance + """ + try: + mse_dist = self._mse_dist_mat[a][b] + except KeyError: + e1 = self.keyed_vectors.get_normed_vectors()[a] + e2 = self.keyed_vectors.get_normed_vectors()[b] + e1 = torch.tensor(e1).to(utils.device) + e2 = torch.tensor(e2).to(utils.device) + mse_dist = torch.sum((e1 - e2) ** 2).item() + self._mse_dist_mat[a][b] = mse_dist + return mse_dist + + def get_cos_sim(self, a, b): + """Return cosine similarity between vector for word `a` and vector for + word `b`. + + Since this is a metric, `get_mse_dist(a,b)` and `get_mse_dist(b,a)` should return the same value. + Args: + a (Union[str|int]): Either word or integer presenting the id of the word + b (Union[str|int]): Either word or integer presenting the id of the word + Returns: + distance (float): cosine similarity + """ + if not isinstance(a, str): + a = self.keyed_vectors.index_to_key[a] + if not isinstance(b, str): + b = self.keyed_vectors.index_to_key[b] + cos_sim = self.keyed_vectors.similarity(a, b) + return cos_sim + + def nearest_neighbours(self, index, topn, return_words=True): + """ + Get top-N nearest neighbours for a word + Args: + index (int): ID of the word for which we're finding the nearest neighbours + topn (int): Used for specifying N nearest neighbours + Returns: + neighbours (list[int]): List of indices of the nearest neighbours + """ + word = self.keyed_vectors.index_to_key[index] + return [ + self.word2index(i[0]) + for i in self.keyed_vectors.similar_by_word(word, topn) + ] diff --git a/textattack/trainer.py b/textattack/trainer.py new file mode 100644 index 0000000000000000000000000000000000000000..2b389b74d86e6126ba53dc1e3a4bc8a5e9658d7f --- /dev/null +++ b/textattack/trainer.py @@ -0,0 +1,1018 @@ +""" +Trainer Class +============= +""" + +import collections +import json +import logging +import math +import os + +import scipy +import torch +import tqdm +import transformers + +import textattack +from textattack.shared.utils import logger + +from .attack import Attack +from .attack_args import AttackArgs +from .attack_results import MaximizedAttackResult, SuccessfulAttackResult +from .attacker import Attacker +from .model_args import HUGGINGFACE_MODELS +from .models.helpers import LSTMForClassification, WordCNNForClassification +from .models.wrappers import ModelWrapper +from .training_args import CommandLineTrainingArgs, TrainingArgs + + +class Trainer: + """Trainer is training and eval loop for adversarial training. + + It is designed to work with PyTorch and Transformers models. + + Args: + model_wrapper (:class:`~textattack.models.wrappers.ModelWrapper`): + Model wrapper containing both the model and the tokenizer. + task_type (:obj:`str`, `optional`, defaults to :obj:`"classification"`): + The task that the model is trained to perform. + Currently, :class:`~textattack.Trainer` supports two tasks: (1) :obj:`"classification"`, (2) :obj:`"regression"`. + attack (:class:`~textattack.Attack`): + :class:`~textattack.Attack` used to generate adversarial examples for training. + train_dataset (:class:`~textattack.datasets.Dataset`): + Dataset for training. + eval_dataset (:class:`~textattack.datasets.Dataset`): + Dataset for evaluation + training_args (:class:`~textattack.TrainingArgs`): + Arguments for training. + + Example:: + + >>> import textattack + >>> import transformers + + >>> model = transformers.AutoModelForSequenceClassification.from_pretrained("bert-base-uncased") + >>> tokenizer = transformers.AutoTokenizer.from_pretrained("bert-base-uncased") + >>> model_wrapper = textattack.models.wrappers.HuggingFaceModelWrapper(model, tokenizer) + + >>> # We only use DeepWordBugGao2018 to demonstration purposes. + >>> attack = textattack.attack_recipes.DeepWordBugGao2018.build(model_wrapper) + >>> train_dataset = textattack.datasets.HuggingFaceDataset("imdb", split="train") + >>> eval_dataset = textattack.datasets.HuggingFaceDataset("imdb", split="test") + + >>> # Train for 3 epochs with 1 initial clean epochs, 1000 adversarial examples per epoch, learning rate of 5e-5, and effective batch size of 32 (8x4). + >>> training_args = textattack.TrainingArgs( + ... num_epochs=3, + ... num_clean_epochs=1, + ... num_train_adv_examples=1000, + ... learning_rate=5e-5, + ... per_device_train_batch_size=8, + ... gradient_accumulation_steps=4, + ... log_to_tb=True, + ... ) + + >>> trainer = textattack.Trainer( + ... model_wrapper, + ... "classification", + ... attack, + ... train_dataset, + ... eval_dataset, + ... training_args + ... ) + >>> trainer.train() + + .. note:: + When using :class:`~textattack.Trainer` with `parallel=True` in :class:`~textattack.TrainingArgs`, + make sure to protect the “entry point” of the program by using :obj:`if __name__ == '__main__':`. + If not, each worker process used for generating adversarial examples will execute the training code again. + """ + + def __init__( + self, + model_wrapper, + task_type="classification", + attack=None, + train_dataset=None, + eval_dataset=None, + training_args=None, + ): + assert isinstance( + model_wrapper, ModelWrapper + ), f"`model_wrapper` must be of type `textattack.models.wrappers.ModelWrapper`, but got type `{type(model_wrapper)}`." + + # TODO: Support seq2seq training + assert task_type in { + "classification", + "regression", + }, '`task_type` must either be "classification" or "regression"' + + if attack: + assert isinstance( + attack, Attack + ), f"`attack` argument must be of type `textattack.Attack`, but got type of `{type(attack)}`." + + if id(model_wrapper) != id(attack.goal_function.model): + logger.warn( + "`model_wrapper` and the victim model of `attack` are not the same model." + ) + + if train_dataset: + assert isinstance( + train_dataset, textattack.datasets.Dataset + ), f"`train_dataset` must be of type `textattack.datasets.Dataset`, but got type `{type(train_dataset)}`." + + if eval_dataset: + assert isinstance( + eval_dataset, textattack.datasets.Dataset + ), f"`eval_dataset` must be of type `textattack.datasets.Dataset`, but got type `{type(eval_dataset)}`." + + if training_args: + assert isinstance( + training_args, TrainingArgs + ), f"`training_args` must be of type `textattack.TrainingArgs`, but got type `{type(training_args)}`." + else: + training_args = TrainingArgs() + + if not hasattr(model_wrapper, "model"): + raise ValueError("Cannot detect `model` in `model_wrapper`") + else: + assert isinstance( + model_wrapper.model, torch.nn.Module + ), f"`model` in `model_wrapper` must be of type `torch.nn.Module`, but got type `{type(model_wrapper.model)}`." + + if not hasattr(model_wrapper, "tokenizer"): + raise ValueError("Cannot detect `tokenizer` in `model_wrapper`") + + self.model_wrapper = model_wrapper + self.task_type = task_type + self.attack = attack + self.train_dataset = train_dataset + self.eval_dataset = eval_dataset + self.training_args = training_args + + self._metric_name = ( + "pearson_correlation" if self.task_type == "regression" else "accuracy" + ) + if self.task_type == "regression": + self.loss_fct = torch.nn.MSELoss(reduction="none") + else: + self.loss_fct = torch.nn.CrossEntropyLoss(reduction="none") + + self._global_step = 0 + + def _generate_adversarial_examples(self, epoch): + """Generate adversarial examples using attacker.""" + assert ( + self.attack is not None + ), "`attack` is `None` but attempting to generate adversarial examples." + base_file_name = f"attack-train-{epoch}" + log_file_name = os.path.join(self.training_args.output_dir, base_file_name) + logger.info("Attacking model to generate new adversarial training set...") + + if isinstance(self.training_args.num_train_adv_examples, float): + num_train_adv_examples = math.ceil( + len(self.train_dataset) * self.training_args.num_train_adv_examples + ) + else: + num_train_adv_examples = self.training_args.num_train_adv_examples + + # Use Different AttackArgs based on num_train_adv_examples value. + # If num_train_adv_examples >= 0 , num_train_adv_examples is + # set as number of successful examples. + # If num_train_adv_examples == -1 , num_examples is set to -1 to + # generate example for all of training data. + if num_train_adv_examples >= 0: + attack_args = AttackArgs( + num_successful_examples=num_train_adv_examples, + num_examples_offset=0, + query_budget=self.training_args.query_budget_train, + shuffle=True, + parallel=self.training_args.parallel, + num_workers_per_device=self.training_args.attack_num_workers_per_device, + disable_stdout=True, + silent=True, + log_to_txt=log_file_name + ".txt", + log_to_csv=log_file_name + ".csv", + ) + elif num_train_adv_examples == -1: + # set num_examples when num_train_adv_examples = -1 + attack_args = AttackArgs( + num_examples=num_train_adv_examples, + num_examples_offset=0, + query_budget=self.training_args.query_budget_train, + shuffle=True, + parallel=self.training_args.parallel, + num_workers_per_device=self.training_args.attack_num_workers_per_device, + disable_stdout=True, + silent=True, + log_to_txt=log_file_name + ".txt", + log_to_csv=log_file_name + ".csv", + ) + else: + assert False, "num_train_adv_examples is negative and not equal to -1." + + attacker = Attacker(self.attack, self.train_dataset, attack_args=attack_args) + results = attacker.attack_dataset() + + attack_types = collections.Counter(r.__class__.__name__ for r in results) + total_attacks = ( + attack_types["SuccessfulAttackResult"] + attack_types["FailedAttackResult"] + ) + success_rate = attack_types["SuccessfulAttackResult"] / total_attacks * 100 + logger.info(f"Total number of attack results: {len(results)}") + logger.info( + f"Attack success rate: {success_rate:.2f}% [{attack_types['SuccessfulAttackResult']} / {total_attacks}]" + ) + # TODO: This will produce a bug if we need to manipulate ground truth output. + + # To Fix Issue #498 , We need to add the Non Output columns in one tuple to represent input columns + # Since adversarial_example won't be an input to the model , we will have to remove it from the input + # dictionary in collate_fn + adversarial_examples = [ + ( + tuple(r.perturbed_result.attacked_text._text_input.values()) + + ("adversarial_example",), + r.perturbed_result.ground_truth_output, + ) + for r in results + if isinstance(r, (SuccessfulAttackResult, MaximizedAttackResult)) + ] + + # Name for column indicating if an example is adversarial is set as "_example_type". + adversarial_dataset = textattack.datasets.Dataset( + adversarial_examples, + input_columns=self.train_dataset.input_columns + ("_example_type",), + label_map=self.train_dataset.label_map, + label_names=self.train_dataset.label_names, + output_scale_factor=self.train_dataset.output_scale_factor, + shuffle=False, + ) + return adversarial_dataset + + def _print_training_args( + self, total_training_steps, train_batch_size, num_clean_epochs + ): + logger.info("***** Running training *****") + logger.info(f" Num examples = {len(self.train_dataset)}") + logger.info(f" Num epochs = {self.training_args.num_epochs}") + logger.info(f" Num clean epochs = {num_clean_epochs}") + logger.info( + f" Instantaneous batch size per device = {self.training_args.per_device_train_batch_size}" + ) + logger.info( + f" Total train batch size (w. parallel, distributed & accumulation) = {train_batch_size * self.training_args.gradient_accumulation_steps}" + ) + logger.info( + f" Gradient accumulation steps = {self.training_args.gradient_accumulation_steps}" + ) + logger.info(f" Total optimization steps = {total_training_steps}") + + def _save_model_checkpoint( + self, model, tokenizer, step=None, epoch=None, best=False, last=False + ): + # Save model checkpoint + if step: + dir_name = f"checkpoint-step-{step}" + if epoch: + dir_name = f"checkpoint-epoch-{epoch}" + if best: + dir_name = "best_model" + if last: + dir_name = "last_model" + + output_dir = os.path.join(self.training_args.output_dir, dir_name) + if not os.path.exists(output_dir): + os.makedirs(output_dir) + + if isinstance(model, torch.nn.DataParallel): + model = model.module + + if isinstance(model, (WordCNNForClassification, LSTMForClassification)): + model.save_pretrained(output_dir) + elif isinstance(model, transformers.PreTrainedModel): + model.save_pretrained(output_dir) + tokenizer.save_pretrained(output_dir) + else: + state_dict = {k: v.cpu() for k, v in model.state_dict().items()} + torch.save( + state_dict, + os.path.join(output_dir, "pytorch_model.bin"), + ) + + def _tb_log(self, log, step): + if not hasattr(self, "_tb_writer"): + from torch.utils.tensorboard import SummaryWriter + + self._tb_writer = SummaryWriter(self.training_args.tb_log_dir) + self._tb_writer.add_hparams(self.training_args.__dict__, {}) + self._tb_writer.flush() + + for key in log: + self._tb_writer.add_scalar(key, log[key], step) + + def _wandb_log(self, log, step): + if not hasattr(self, "_wandb_init"): + global wandb + import wandb + + self._wandb_init = True + wandb.init( + project=self.training_args.wandb_project, + config=self.training_args.__dict__, + ) + + wandb.log(log, step=step) + + def get_optimizer_and_scheduler(self, model, num_training_steps): + """Returns optimizer and scheduler to use for training. If you are + overriding this method and do not want to use a scheduler, simply + return :obj:`None` for scheduler. + + Args: + model (:obj:`torch.nn.Module`): + Model to be trained. Pass its parameters to optimizer for training. + num_training_steps (:obj:`int`): + Number of total training steps. + Returns: + Tuple of optimizer and scheduler :obj:`tuple[torch.optim.Optimizer, torch.optim.lr_scheduler._LRScheduler]` + """ + if isinstance(model, torch.nn.DataParallel): + model = model.module + + if isinstance(model, transformers.PreTrainedModel): + # Reference https://huggingface.co/transformers/training.html + param_optimizer = list(model.named_parameters()) + no_decay = ["bias", "LayerNorm.bias", "LayerNorm.weight"] + optimizer_grouped_parameters = [ + { + "params": [ + p + for n, p in param_optimizer + if not any(nd in n for nd in no_decay) + ], + "weight_decay": self.training_args.weight_decay, + }, + { + "params": [ + p for n, p in param_optimizer if any(nd in n for nd in no_decay) + ], + "weight_decay": 0.0, + }, + ] + + optimizer = transformers.optimization.AdamW( + optimizer_grouped_parameters, lr=self.training_args.learning_rate + ) + if isinstance(self.training_args.num_warmup_steps, float): + num_warmup_steps = math.ceil( + self.training_args.num_warmup_steps * num_training_steps + ) + else: + num_warmup_steps = self.training_args.num_warmup_steps + + scheduler = transformers.optimization.get_linear_schedule_with_warmup( + optimizer, + num_warmup_steps=num_warmup_steps, + num_training_steps=num_training_steps, + ) + else: + optimizer = torch.optim.Adam( + filter(lambda x: x.requires_grad, model.parameters()), + lr=self.training_args.learning_rate, + ) + scheduler = None + + return optimizer, scheduler + + def get_train_dataloader(self, dataset, adv_dataset, batch_size): + """Returns the :obj:`torch.utils.data.DataLoader` for training. + + Args: + dataset (:class:`~textattack.datasets.Dataset`): + Original training dataset. + adv_dataset (:class:`~textattack.datasets.Dataset`): + Adversarial examples generated from the original training dataset. :obj:`None` if no adversarial attack takes place. + batch_size (:obj:`int`): + Batch size for training. + Returns: + :obj:`torch.utils.data.DataLoader` + """ + # TODO: Add pairing option where we can pair original examples with adversarial examples. + # Helper functions for collating data + def collate_fn(data): + input_texts = [] + targets = [] + is_adv_sample = [] + for item in data: + if "_example_type" in item[0].keys(): + + # Get example type value from OrderedDict and remove it + + adv = item[0].pop("_example_type") + + # with _example_type removed from item[0] OrderedDict + # all other keys should be part of input + _input, label = item + if adv != "adversarial_example": + raise ValueError( + "`item` has length of 3 but last element is not for marking if the item is an `adversarial example`." + ) + else: + is_adv_sample.append(True) + else: + # else `len(item)` is 2. + _input, label = item + is_adv_sample.append(False) + + if isinstance(_input, collections.OrderedDict): + _input = tuple(_input.values()) + else: + _input = tuple(_input) + + if len(_input) == 1: + _input = _input[0] + input_texts.append(_input) + targets.append(label) + + return input_texts, torch.tensor(targets), torch.tensor(is_adv_sample) + + if adv_dataset: + dataset = torch.utils.data.ConcatDataset([dataset, adv_dataset]) + + train_dataloader = torch.utils.data.DataLoader( + dataset, + batch_size=batch_size, + shuffle=True, + collate_fn=collate_fn, + pin_memory=True, + ) + return train_dataloader + + def get_eval_dataloader(self, dataset, batch_size): + """Returns the :obj:`torch.utils.data.DataLoader` for evaluation. + + Args: + dataset (:class:`~textattack.datasets.Dataset`): + Dataset to use for evaluation. + batch_size (:obj:`int`): + Batch size for evaluation. + Returns: + :obj:`torch.utils.data.DataLoader` + """ + # Helper functions for collating data + def collate_fn(data): + input_texts = [] + targets = [] + for _input, label in data: + if isinstance(_input, collections.OrderedDict): + _input = tuple(_input.values()) + else: + _input = tuple(_input) + + if len(_input) == 1: + _input = _input[0] + input_texts.append(_input) + targets.append(label) + return input_texts, torch.tensor(targets) + + eval_dataloader = torch.utils.data.DataLoader( + dataset, + batch_size=batch_size, + shuffle=True, + collate_fn=collate_fn, + pin_memory=True, + ) + return eval_dataloader + + def training_step(self, model, tokenizer, batch): + """Perform a single training step on a batch of inputs. + + Args: + model (:obj:`torch.nn.Module`): + Model to train. + tokenizer: + Tokenizer used to tokenize input text. + batch (:obj:`tuple[list[str], torch.Tensor, torch.Tensor]`): + By default, this will be a tuple of input texts, targets, and boolean tensor indicating if the sample is an adversarial example. + + .. note:: + If you override the :meth:`get_train_dataloader` method, then shape/type of :obj:`batch` will depend on how you created your batch. + + Returns: + :obj:`tuple[torch.Tensor, torch.Tensor, torch.Tensor]` where + + - **loss**: :obj:`torch.FloatTensor` of shape 1 containing the loss. + - **preds**: :obj:`torch.FloatTensor` of model's prediction for the batch. + - **targets**: :obj:`torch.Tensor` of model's targets (e.g. labels, target values). + """ + + input_texts, targets, is_adv_sample = batch + _targets = targets + targets = targets.to(textattack.shared.utils.device) + + if isinstance(model, transformers.PreTrainedModel) or ( + isinstance(model, torch.nn.DataParallel) + and isinstance(model.module, transformers.PreTrainedModel) + ): + input_ids = tokenizer( + input_texts, + padding="max_length", + return_tensors="pt", + truncation=True, + ) + input_ids.to(textattack.shared.utils.device) + logits = model(**input_ids)[0] + else: + input_ids = tokenizer(input_texts) + if not isinstance(input_ids, torch.Tensor): + input_ids = torch.tensor(input_ids) + input_ids = input_ids.to(textattack.shared.utils.device) + logits = model(input_ids) + + if self.task_type == "regression": + loss = self.loss_fct(logits.squeeze(), targets.squeeze()) + preds = logits + else: + loss = self.loss_fct(logits, targets) + preds = logits.argmax(dim=-1) + + sample_weights = torch.ones( + is_adv_sample.size(), device=textattack.shared.utils.device + ) + sample_weights[is_adv_sample] *= self.training_args.alpha + loss = loss * sample_weights + loss = torch.mean(loss) + preds = preds.cpu() + + return loss, preds, _targets + + def evaluate_step(self, model, tokenizer, batch): + """Perform a single evaluation step on a batch of inputs. + + Args: + model (:obj:`torch.nn.Module`): + Model to train. + tokenizer: + Tokenizer used to tokenize input text. + batch (:obj:`tuple[list[str], torch.Tensor]`): + By default, this will be a tuple of input texts and target tensors. + + .. note:: + If you override the :meth:`get_eval_dataloader` method, then shape/type of :obj:`batch` will depend on how you created your batch. + + Returns: + :obj:`tuple[torch.Tensor, torch.Tensor]` where + + - **preds**: :obj:`torch.FloatTensor` of model's prediction for the batch. + - **targets**: :obj:`torch.Tensor` of model's targets (e.g. labels, target values). + """ + input_texts, targets = batch + _targets = targets + targets = targets.to(textattack.shared.utils.device) + + if isinstance(model, transformers.PreTrainedModel): + input_ids = tokenizer( + input_texts, + padding="max_length", + return_tensors="pt", + truncation=True, + ) + input_ids.to(textattack.shared.utils.device) + logits = model(**input_ids)[0] + else: + input_ids = tokenizer(input_texts) + if not isinstance(input_ids, torch.Tensor): + input_ids = torch.tensor(input_ids) + input_ids = input_ids.to(textattack.shared.utils.device) + logits = model(input_ids) + + if self.task_type == "regression": + preds = logits + else: + preds = logits.argmax(dim=-1) + + return preds.cpu(), _targets + + def train(self): + """Train the model on given training dataset.""" + if not self.train_dataset: + raise ValueError("No `train_dataset` available for training.") + + textattack.shared.utils.set_seed(self.training_args.random_seed) + if not os.path.exists(self.training_args.output_dir): + os.makedirs(self.training_args.output_dir) + + # Save logger writes to file + log_txt_path = os.path.join(self.training_args.output_dir, "train_log.txt") + fh = logging.FileHandler(log_txt_path) + fh.setLevel(logging.DEBUG) + logger.addHandler(fh) + logger.info(f"Writing logs to {log_txt_path}.") + + # Save original self.training_args to file + args_save_path = os.path.join( + self.training_args.output_dir, "training_args.json" + ) + with open(args_save_path, "w", encoding="utf-8") as f: + json.dump(self.training_args.__dict__, f) + logger.info(f"Wrote original training args to {args_save_path}.") + + num_gpus = torch.cuda.device_count() + tokenizer = self.model_wrapper.tokenizer + model = self.model_wrapper.model + + if self.training_args.parallel and num_gpus > 1: + # TODO: torch.nn.parallel.DistributedDataParallel + # Supposedly faster than DataParallel, but requires more work to setup properly. + model = torch.nn.DataParallel(model) + logger.info(f"Training on {num_gpus} GPUs via `torch.nn.DataParallel`.") + train_batch_size = self.training_args.per_device_train_batch_size * num_gpus + else: + train_batch_size = self.training_args.per_device_train_batch_size + + if self.attack is None: + num_clean_epochs = self.training_args.num_epochs + else: + num_clean_epochs = self.training_args.num_clean_epochs + + total_clean_training_steps = ( + math.ceil( + len(self.train_dataset) + / (train_batch_size * self.training_args.gradient_accumulation_steps) + ) + * num_clean_epochs + ) + + # calculate total_adv_training_data_length based on type of + # num_train_adv_examples. + # if num_train_adv_examples is float , num_train_adv_examples is a portion of train_dataset. + if isinstance(self.training_args.num_train_adv_examples, float): + total_adv_training_data_length = ( + len(self.train_dataset) * self.training_args.num_train_adv_examples + ) + + # if num_train_adv_examples is int and >=0 then it is taken as value. + elif ( + isinstance(self.training_args.num_train_adv_examples, int) + and self.training_args.num_train_adv_examples >= 0 + ): + total_adv_training_data_length = self.training_args.num_train_adv_examples + + # if num_train_adv_examples is = -1 , we generate all possible adv examples. + # Max number of all possible adv examples would be equal to train_dataset. + else: + total_adv_training_data_length = len(self.train_dataset) + + # Based on total_adv_training_data_length calculation , find total total_adv_training_steps + total_adv_training_steps = math.ceil( + (len(self.train_dataset) + total_adv_training_data_length) + / (train_batch_size * self.training_args.gradient_accumulation_steps) + ) * (self.training_args.num_epochs - num_clean_epochs) + + total_training_steps = total_clean_training_steps + total_adv_training_steps + + optimizer, scheduler = self.get_optimizer_and_scheduler( + model, total_training_steps + ) + + self._print_training_args( + total_training_steps, train_batch_size, num_clean_epochs + ) + + model.to(textattack.shared.utils.device) + + # Variables across epochs + self._total_loss = 0.0 + self._current_loss = 0.0 + self._last_log_step = 0 + + # `best_score` is used to keep track of the best model across training. + # Could be loss, accuracy, or other metrics. + best_eval_score = 0.0 + best_eval_score_epoch = 0 + best_model_path = None + epochs_since_best_eval_score = 0 + + for epoch in range(1, self.training_args.num_epochs + 1): + logger.info("==========================================================") + logger.info(f"Epoch {epoch}") + + if self.attack and epoch > num_clean_epochs: + if ( + epoch - num_clean_epochs - 1 + ) % self.training_args.attack_epoch_interval == 0: + # only generate a new adversarial training set every self.training_args.attack_period epochs after the clean epochs + # adv_dataset is instance of `textattack.datasets.Dataset` + model.eval() + adv_dataset = self._generate_adversarial_examples(epoch) + model.train() + model.to(textattack.shared.utils.device) + else: + adv_dataset = None + else: + logger.info(f"Running clean epoch {epoch}/{num_clean_epochs}") + adv_dataset = None + + train_dataloader = self.get_train_dataloader( + self.train_dataset, adv_dataset, train_batch_size + ) + model.train() + # Epoch variables + all_preds = [] + all_targets = [] + prog_bar = tqdm.tqdm( + train_dataloader, + desc="Iteration", + position=0, + leave=True, + dynamic_ncols=True, + ) + for step, batch in enumerate(prog_bar): + loss, preds, targets = self.training_step(model, tokenizer, batch) + + if isinstance(model, torch.nn.DataParallel): + loss = loss.mean() + + loss = loss / self.training_args.gradient_accumulation_steps + loss.backward() + loss = loss.item() + self._total_loss += loss + self._current_loss += loss + + all_preds.append(preds) + all_targets.append(targets) + + if (step + 1) % self.training_args.gradient_accumulation_steps == 0: + optimizer.step() + if scheduler: + scheduler.step() + optimizer.zero_grad() + self._global_step += 1 + + if self._global_step > 0: + prog_bar.set_description( + f"Loss {self._total_loss/self._global_step:.5f}" + ) + + # TODO: Better way to handle TB and Wandb logging + if (self._global_step > 0) and ( + self._global_step % self.training_args.logging_interval_step == 0 + ): + lr_to_log = ( + scheduler.get_last_lr()[0] + if scheduler + else self.training_args.learning_rate + ) + if self._global_step - self._last_log_step >= 1: + loss_to_log = round( + self._current_loss + / (self._global_step - self._last_log_step), + 4, + ) + else: + loss_to_log = round(self._current_loss, 4) + + log = {"train/loss": loss_to_log, "train/learning_rate": lr_to_log} + if self.training_args.log_to_tb: + self._tb_log(log, self._global_step) + + if self.training_args.log_to_wandb: + self._wandb_log(log, self._global_step) + + self._current_loss = 0.0 + self._last_log_step = self._global_step + + # Save model checkpoint to file. + if self.training_args.checkpoint_interval_steps: + if ( + self._global_step > 0 + and ( + self._global_step + % self.training_args.checkpoint_interval_steps + ) + == 0 + ): + self._save_model_checkpoint( + model, tokenizer, step=self._global_step + ) + + preds = torch.cat(all_preds) + targets = torch.cat(all_targets) + if self._metric_name == "accuracy": + correct_predictions = (preds == targets).sum().item() + accuracy = correct_predictions / len(targets) + metric_log = {"train/train_accuracy": accuracy} + logger.info(f"Train accuracy: {accuracy*100:.2f}%") + else: + pearson_correlation, pearson_pvalue = scipy.stats.pearsonr( + preds, targets + ) + metric_log = { + "train/pearson_correlation": pearson_correlation, + "train/pearson_pvalue": pearson_pvalue, + } + logger.info(f"Train Pearson correlation: {pearson_correlation:.4f}%") + + if len(targets) > 0: + if self.training_args.log_to_tb: + self._tb_log(metric_log, epoch) + if self.training_args.log_to_wandb: + metric_log["epoch"] = epoch + self._wandb_log(metric_log, self._global_step) + + # Evaluate after each epoch. + eval_score = self.evaluate() + + if self.training_args.log_to_tb: + self._tb_log({f"eval/{self._metric_name}": eval_score}, epoch) + if self.training_args.log_to_wandb: + self._wandb_log( + {f"eval/{self._metric_name}": eval_score, "epoch": epoch}, + self._global_step, + ) + + if ( + self.training_args.checkpoint_interval_epochs + and (epoch % self.training_args.checkpoint_interval_epochs) == 0 + ): + self._save_model_checkpoint(model, tokenizer, epoch=epoch) + + if eval_score > best_eval_score: + best_eval_score = eval_score + best_eval_score_epoch = epoch + epochs_since_best_eval_score = 0 + self._save_model_checkpoint(model, tokenizer, best=True) + logger.info( + f"Best score found. Saved model to {self.training_args.output_dir}/best_model/" + ) + else: + epochs_since_best_eval_score += 1 + if self.training_args.early_stopping_epochs and ( + epochs_since_best_eval_score + > self.training_args.early_stopping_epochs + ): + logger.info( + f"Stopping early since it's been {self.training_args.early_stopping_epochs} steps since validation score increased." + ) + break + + if self.training_args.log_to_tb: + self._tb_writer.flush() + + # Finish training + if isinstance(model, torch.nn.DataParallel): + model = model.module + + if self.training_args.load_best_model_at_end: + best_model_path = os.path.join(self.training_args.output_dir, "best_model") + if hasattr(model, "from_pretrained"): + model = model.__class__.from_pretrained(best_model_path) + else: + model = model.load_state_dict( + torch.load(os.path.join(best_model_path, "pytorch_model.bin")) + ) + + if self.training_args.save_last: + self._save_model_checkpoint(model, tokenizer, last=True) + + self.model_wrapper.model = model + self._write_readme(best_eval_score, best_eval_score_epoch, train_batch_size) + + def evaluate(self): + """Evaluate the model on given evaluation dataset.""" + + if not self.eval_dataset: + raise ValueError("No `eval_dataset` available for training.") + + logging.info("Evaluating model on evaluation dataset.") + model = self.model_wrapper.model + tokenizer = self.model_wrapper.tokenizer + + model.eval() + all_preds = [] + all_targets = [] + + if isinstance(model, torch.nn.DataParallel): + num_gpus = torch.cuda.device_count() + eval_batch_size = self.training_args.per_device_eval_batch_size * num_gpus + else: + eval_batch_size = self.training_args.per_device_eval_batch_size + + eval_dataloader = self.get_eval_dataloader(self.eval_dataset, eval_batch_size) + + with torch.no_grad(): + for step, batch in enumerate(eval_dataloader): + preds, targets = self.evaluate_step(model, tokenizer, batch) + all_preds.append(preds) + all_targets.append(targets) + + preds = torch.cat(all_preds) + targets = torch.cat(all_targets) + + if self.task_type == "regression": + pearson_correlation, pearson_p_value = scipy.stats.pearsonr(preds, targets) + eval_score = pearson_correlation + else: + correct_predictions = (preds == targets).sum().item() + accuracy = correct_predictions / len(targets) + eval_score = accuracy + + if self._metric_name == "accuracy": + logger.info(f"Eval {self._metric_name}: {eval_score*100:.2f}%") + else: + logger.info(f"Eval {self._metric_name}: {eval_score:.4f}%") + + return eval_score + + def _write_readme(self, best_eval_score, best_eval_score_epoch, train_batch_size): + if isinstance(self.training_args, CommandLineTrainingArgs): + model_name = self.training_args.model_name_or_path + elif isinstance(self.model_wrapper.model, transformers.PreTrainedModel): + if ( + hasattr(self.model_wrapper.model.config, "_name_or_path") + and self.model_wrapper.model.config._name_or_path in HUGGINGFACE_MODELS + ): + # TODO Better way than just checking HUGGINGFACE_MODELS ? + model_name = self.model_wrapper.model.config._name_or_path + elif hasattr(self.model_wrapper.model.config, "model_type"): + model_name = self.model_wrapper.model.config.model_type + else: + model_name = "" + else: + model_name = "" + + if model_name: + model_name = f"`{model_name}`" + + if ( + isinstance(self.training_args, CommandLineTrainingArgs) + and self.training_args.model_max_length + ): + model_max_length = self.training_args.model_max_length + elif isinstance( + self.model_wrapper.model, + ( + transformers.PreTrainedModel, + LSTMForClassification, + WordCNNForClassification, + ), + ): + model_max_length = self.model_wrapper.tokenizer.model_max_length + else: + model_max_length = None + + if model_max_length: + model_max_length_str = f" a maximum sequence length of {model_max_length}," + else: + model_max_length_str = "" + + if isinstance( + self.train_dataset, textattack.datasets.HuggingFaceDataset + ) and hasattr(self.train_dataset, "_name"): + dataset_name = self.train_dataset._name + if hasattr(self.train_dataset, "_subset"): + dataset_name += f" ({self.train_dataset._subset})" + elif isinstance( + self.eval_dataset, textattack.datasets.HuggingFaceDataset + ) and hasattr(self.eval_dataset, "_name"): + dataset_name = self.eval_dataset._name + if hasattr(self.eval_dataset, "_subset"): + dataset_name += f" ({self.eval_dataset._subset})" + else: + dataset_name = None + + if dataset_name: + dataset_str = ( + "and the `{dataset_name}` dataset loaded using the `datasets` library" + ) + else: + dataset_str = "" + + loss_func = ( + "mean squared error" if self.task_type == "regression" else "cross-entropy" + ) + metric_name = ( + "pearson correlation" if self.task_type == "regression" else "accuracy" + ) + epoch_info = f"{best_eval_score_epoch} epoch" + ( + "s" if best_eval_score_epoch > 1 else "" + ) + readme_text = f""" + ## TextAttack Model Card + + This {model_name} model was fine-tuned using TextAttack{dataset_str}. The model was fine-tuned + for {self.training_args.num_epochs} epochs with a batch size of {train_batch_size}, + {model_max_length_str} and an initial learning rate of {self.training_args.learning_rate}. + Since this was a {self.task_type} task, the model was trained with a {loss_func} loss function. + The best score the model achieved on this task was {best_eval_score}, as measured by the + eval set {metric_name}, found after {epoch_info}. + + For more information, check out [TextAttack on Github](https://github.com/QData/TextAttack). + + """ + + readme_save_path = os.path.join(self.training_args.output_dir, "README.md") + with open(readme_save_path, "w", encoding="utf-8") as f: + f.write(readme_text.strip() + "\n") + logger.info(f"Wrote README to {readme_save_path}.") diff --git a/textattack/training_args.py b/textattack/training_args.py new file mode 100644 index 0000000000000000000000000000000000000000..6c5aa034d7a4232f6dd75ec98aaf21d06d062ed8 --- /dev/null +++ b/textattack/training_args.py @@ -0,0 +1,605 @@ +""" +TrainingArgs Class +================== +""" + +from dataclasses import dataclass, field +import datetime +import os +from typing import Union + +from textattack.datasets import HuggingFaceDataset +from textattack.models.helpers import LSTMForClassification, WordCNNForClassification +from textattack.models.wrappers import ( + HuggingFaceModelWrapper, + ModelWrapper, + PyTorchModelWrapper, +) +from textattack.shared import logger +from textattack.shared.utils import ARGS_SPLIT_TOKEN + +from .attack import Attack +from .attack_args import ATTACK_RECIPE_NAMES + + +def default_output_dir(): + return os.path.join( + "./outputs", datetime.datetime.now().strftime("%Y-%m-%d-%H-%M-%S-%f") + ) + + +@dataclass +class TrainingArgs: + """Arguments for ``Trainer`` class that is used for adversarial training. + + Args: + num_epochs (:obj:`int`, `optional`, defaults to :obj:`3`): + Total number of epochs for training. + num_clean_epochs (:obj:`int`, `optional`, defaults to :obj:`1`): + Number of epochs to train on just the original training dataset before adversarial training. + attack_epoch_interval (:obj:`int`, `optional`, defaults to :obj:`1`): + Generate a new adversarial training set every `N` epochs. + early_stopping_epochs (:obj:`int`, `optional`, defaults to :obj:`None`): + Number of epochs validation must increase before stopping early (:obj:`None` for no early stopping). + learning_rate (:obj:`float`, `optional`, defaults to :obj:`5e-5`): + Learning rate for optimizer. + num_warmup_steps (:obj:`int` or :obj:`float`, `optional`, defaults to :obj:`500`): + The number of steps for the warmup phase of linear scheduler. + If :obj:`num_warmup_steps` is a :obj:`float` between 0 and 1, the number of warmup steps will be :obj:`math.ceil(num_training_steps * num_warmup_steps)`. + weight_decay (:obj:`float`, `optional`, defaults to :obj:`0.01`): + Weight decay (L2 penalty). + per_device_train_batch_size (:obj:`int`, `optional`, defaults to :obj:`8`): + The batch size per GPU/CPU for training. + per_device_eval_batch_size (:obj:`int`, `optional`, defaults to :obj:`32`): + The batch size per GPU/CPU for evaluation. + gradient_accumulation_steps (:obj:`int`, `optional`, defaults to :obj:`1`): + Number of updates steps to accumulate the gradients before performing a backward/update pass. + random_seed (:obj:`int`, `optional`, defaults to :obj:`786`): + Random seed for reproducibility. + parallel (:obj:`bool`, `optional`, defaults to :obj:`False`): + If :obj:`True`, train using multiple GPUs using :obj:`torch.DataParallel`. + load_best_model_at_end (:obj:`bool`, `optional`, defaults to :obj:`False`): + If :obj:`True`, keep track of the best model across training and load it at the end. + alpha (:obj:`float`, `optional`, defaults to :obj:`1.0`): + The weight for adversarial loss. + num_train_adv_examples (:obj:`int` or :obj:`float`, `optional`, defaults to :obj:`-1`): + The number of samples to successfully attack when generating adversarial training set before start of every epoch. + If :obj:`num_train_adv_examples` is a :obj:`float` between 0 and 1, the number of adversarial examples generated is + fraction of the original training set. + query_budget_train (:obj:`int`, `optional`, defaults to :obj:`None`): + The max query budget to use when generating adversarial training set. :obj:`None` means infinite query budget. + attack_num_workers_per_device (:obj:`int`, defaults to `optional`, :obj:`1`): + Number of worker processes to run per device for attack. Same as :obj:`num_workers_per_device` argument for :class:`~textattack.AttackArgs`. + output_dir (:obj:`str`, `optional`): + Directory to output training logs and checkpoints. Defaults to :obj:`./outputs/%Y-%m-%d-%H-%M-%S-%f` format. + checkpoint_interval_steps (:obj:`int`, `optional`, defaults to :obj:`None`): + If set, save model checkpoint after every `N` updates to the model. + checkpoint_interval_epochs (:obj:`int`, `optional`, defaults to :obj:`None`): + If set, save model checkpoint after every `N` epochs. + save_last (:obj:`bool`, `optional`, defaults to :obj:`True`): + If :obj:`True`, save the model at end of training. Can be used with :obj:`load_best_model_at_end` to save the best model at the end. + log_to_tb (:obj:`bool`, `optional`, defaults to :obj:`False`): + If :obj:`True`, log to Tensorboard. + tb_log_dir (:obj:`str`, `optional`, defaults to :obj:`"./runs"`): + Path of Tensorboard log directory. + log_to_wandb (:obj:`bool`, `optional`, defaults to :obj:`False`): + If :obj:`True`, log to Wandb. + wandb_project (:obj:`str`, `optional`, defaults to :obj:`"textattack"`): + Name of Wandb project for logging. + logging_interval_step (:obj:`int`, `optional`, defaults to :obj:`1`): + Log to Tensorboard/Wandb every `N` training steps. + """ + + num_epochs: int = 3 + num_clean_epochs: int = 1 + attack_epoch_interval: int = 1 + early_stopping_epochs: int = None + learning_rate: float = 5e-5 + num_warmup_steps: Union[int, float] = 500 + weight_decay: float = 0.01 + per_device_train_batch_size: int = 8 + per_device_eval_batch_size: int = 32 + gradient_accumulation_steps: int = 1 + random_seed: int = 786 + parallel: bool = False + load_best_model_at_end: bool = False + alpha: float = 1.0 + num_train_adv_examples: Union[int, float] = -1 + query_budget_train: int = None + attack_num_workers_per_device: int = 1 + output_dir: str = field(default_factory=default_output_dir) + checkpoint_interval_steps: int = None + checkpoint_interval_epochs: int = None + save_last: bool = True + log_to_tb: bool = False + tb_log_dir: str = None + log_to_wandb: bool = False + wandb_project: str = "textattack" + logging_interval_step: int = 1 + + def __post_init__(self): + assert self.num_epochs > 0, "`num_epochs` must be greater than 0." + assert ( + self.num_clean_epochs >= 0 + ), "`num_clean_epochs` must be greater than or equal to 0." + if self.early_stopping_epochs is not None: + assert ( + self.early_stopping_epochs > 0 + ), "`early_stopping_epochs` must be greater than 0." + if self.attack_epoch_interval is not None: + assert ( + self.attack_epoch_interval > 0 + ), "`attack_epoch_interval` must be greater than 0." + assert ( + self.num_warmup_steps >= 0 + ), "`num_warmup_steps` must be greater than or equal to 0." + assert ( + self.gradient_accumulation_steps > 0 + ), "`gradient_accumulation_steps` must be greater than 0." + assert ( + self.num_clean_epochs <= self.num_epochs + ), f"`num_clean_epochs` cannot be greater than `num_epochs` ({self.num_clean_epochs} > {self.num_epochs})." + + if isinstance(self.num_train_adv_examples, float): + assert ( + self.num_train_adv_examples >= 0.0 + and self.num_train_adv_examples <= 1.0 + ), "If `num_train_adv_examples` is float, it must be between 0 and 1." + elif isinstance(self.num_train_adv_examples, int): + assert ( + self.num_train_adv_examples > 0 or self.num_train_adv_examples == -1 + ), "If `num_train_adv_examples` is int, it must be greater than 0 or equal to -1." + else: + raise TypeError( + "`num_train_adv_examples` must be of either type `int` or `float`." + ) + + @classmethod + def _add_parser_args(cls, parser): + """Add listed args to command line parser.""" + default_obj = cls() + + def int_or_float(v): + try: + return int(v) + except ValueError: + return float(v) + + parser.add_argument( + "--num-epochs", + "--epochs", + type=int, + default=default_obj.num_epochs, + help="Total number of epochs for training.", + ) + parser.add_argument( + "--num-clean-epochs", + type=int, + default=default_obj.num_clean_epochs, + help="Number of epochs to train on the clean dataset before adversarial training (N/A if --attack unspecified)", + ) + parser.add_argument( + "--attack-epoch-interval", + type=int, + default=default_obj.attack_epoch_interval, + help="Generate a new adversarial training set every N epochs.", + ) + parser.add_argument( + "--early-stopping-epochs", + type=int, + default=default_obj.early_stopping_epochs, + help="Number of epochs validation must increase before stopping early (-1 for no early stopping)", + ) + parser.add_argument( + "--learning-rate", + "--lr", + type=float, + default=default_obj.learning_rate, + help="Learning rate for Adam Optimization.", + ) + parser.add_argument( + "--num-warmup-steps", + type=int_or_float, + default=default_obj.num_warmup_steps, + help="The number of steps for the warmup phase of linear scheduler.", + ) + parser.add_argument( + "--weight-decay", + type=float, + default=default_obj.weight_decay, + help="Weight decay (L2 penalty).", + ) + parser.add_argument( + "--per-device-train-batch-size", + type=int, + default=default_obj.per_device_train_batch_size, + help="The batch size per GPU/CPU for training.", + ) + parser.add_argument( + "--per-device-eval-batch-size", + type=int, + default=default_obj.per_device_eval_batch_size, + help="The batch size per GPU/CPU for evaluation.", + ) + parser.add_argument( + "--gradient-accumulation-steps", + type=int, + default=default_obj.gradient_accumulation_steps, + help="Number of updates steps to accumulate the gradients for, before performing a backward/update pass.", + ) + parser.add_argument( + "--random-seed", + type=int, + default=default_obj.random_seed, + help="Random seed.", + ) + parser.add_argument( + "--parallel", + action="store_true", + default=default_obj.parallel, + help="If set, run training on multiple GPUs.", + ) + parser.add_argument( + "--load-best-model-at-end", + action="store_true", + default=default_obj.load_best_model_at_end, + help="If set, keep track of the best model across training and load it at the end.", + ) + parser.add_argument( + "--alpha", + type=float, + default=1.0, + help="The weight of adversarial loss.", + ) + parser.add_argument( + "--num-train-adv-examples", + type=int_or_float, + default=default_obj.num_train_adv_examples, + help="The number of samples to attack when generating adversarial training set. Default is -1 (which is all possible samples).", + ) + parser.add_argument( + "--query-budget-train", + type=int, + default=default_obj.query_budget_train, + help="The max query budget to use when generating adversarial training set.", + ) + parser.add_argument( + "--attack-num-workers-per-device", + type=int, + default=default_obj.attack_num_workers_per_device, + help="Number of worker processes to run per device for attack. Same as `num_workers_per_device` argument for `AttackArgs`.", + ) + parser.add_argument( + "--output-dir", + type=str, + default=default_output_dir(), + help="Directory to output training logs and checkpoints.", + ) + parser.add_argument( + "--checkpoint-interval-steps", + type=int, + default=default_obj.checkpoint_interval_steps, + help="Save model checkpoint after every N updates to the model.", + ) + parser.add_argument( + "--checkpoint-interval-epochs", + type=int, + default=default_obj.checkpoint_interval_epochs, + help="Save model checkpoint after every N epochs.", + ) + parser.add_argument( + "--save-last", + action="store_true", + default=default_obj.save_last, + help="If set, save the model at end of training. Can be used with `--load-best-model-at-end` to save the best model at the end.", + ) + parser.add_argument( + "--log-to-tb", + action="store_true", + default=default_obj.log_to_tb, + help="If set, log to Tensorboard", + ) + parser.add_argument( + "--tb-log-dir", + type=str, + default=default_obj.tb_log_dir, + help="Path of Tensorboard log directory.", + ) + parser.add_argument( + "--log-to-wandb", + action="store_true", + default=default_obj.log_to_wandb, + help="If set, log to Wandb.", + ) + parser.add_argument( + "--wandb-project", + type=str, + default=default_obj.wandb_project, + help="Name of Wandb project for logging.", + ) + parser.add_argument( + "--logging-interval-step", + type=int, + default=default_obj.logging_interval_step, + help="Log to Tensorboard/Wandb every N steps.", + ) + + return parser + + +@dataclass +class _CommandLineTrainingArgs: + """Command line interface training args. + + This requires more arguments to create models and get datasets. + Args: + model_name_or_path (str): Name or path of the model we want to create. "lstm" and "cnn" will create TextAttack\'s LSTM and CNN models while + any other input will be used to create Transformers model. (e.g."brt-base-uncased"). + attack (str): Attack recipe to use (enables adversarial training) + dataset (str): dataset for training; will be loaded from `datasets` library. + task_type (str): Type of task model is supposed to perform. Options: `classification`, `regression`. + model_max_length (int): The maximum sequence length of the model. + model_num_labels (int): The number of labels for classification (1 for regression). + dataset_train_split (str): Name of the train split. If not provided will try `train` as the split name. + dataset_eval_split (str): Name of the train split. If not provided will try `dev`, `validation`, or `eval` as split name. + """ + + model_name_or_path: str + attack: str + dataset: str + task_type: str = "classification" + model_max_length: int = None + model_num_labels: int = None + dataset_train_split: str = None + dataset_eval_split: str = None + filter_train_by_labels: list = None + filter_eval_by_labels: list = None + + @classmethod + def _add_parser_args(cls, parser): + # Arguments that are needed if we want to create a model to train. + parser.add_argument( + "--model-name-or-path", + "--model", + type=str, + required=True, + help='Name or path of the model we want to create. "lstm" and "cnn" will create TextAttack\'s LSTM and CNN models while' + ' any other input will be used to create Transformers model. (e.g."brt-base-uncased").', + ) + parser.add_argument( + "--model-max-length", + type=int, + default=None, + help="The maximum sequence length of the model.", + ) + parser.add_argument( + "--model-num-labels", + type=int, + default=None, + help="The number of labels for classification.", + ) + parser.add_argument( + "--attack", + type=str, + required=False, + default=None, + help="Attack recipe to use (enables adversarial training)", + ) + parser.add_argument( + "--task-type", + type=str, + default="classification", + help="Type of task model is supposed to perform. Options: `classification`, `regression`.", + ) + parser.add_argument( + "--dataset", + type=str, + required=True, + default="yelp", + help="dataset for training; will be loaded from " + "`datasets` library. if dataset has a subset, separate with a colon. " + " ex: `glue^sst2` or `rotten_tomatoes`", + ) + parser.add_argument( + "--dataset-train-split", + type=str, + default="", + help="train dataset split, if non-standard " + "(can automatically detect 'train'", + ) + parser.add_argument( + "--dataset-eval-split", + type=str, + default="", + help="val dataset split, if non-standard " + "(can automatically detect 'dev', 'validation', 'eval')", + ) + parser.add_argument( + "--filter-train-by-labels", + nargs="+", + type=int, + required=False, + default=None, + help="List of labels to keep in the train dataset and discard all others.", + ) + parser.add_argument( + "--filter-eval-by-labels", + nargs="+", + type=int, + required=False, + default=None, + help="List of labels to keep in the eval dataset and discard all others.", + ) + return parser + + @classmethod + def _create_model_from_args(cls, args): + """Given ``CommandLineTrainingArgs``, return specified + ``textattack.models.wrappers.ModelWrapper`` object.""" + + assert isinstance( + args, cls + ), f"Expect args to be of type `{type(cls)}`, but got type `{type(args)}`." + + if args.model_name_or_path == "lstm": + logger.info("Loading textattack model: LSTMForClassification") + max_seq_len = args.model_max_length if args.model_max_length else 128 + num_labels = args.model_num_labels if args.model_num_labels else 2 + model = LSTMForClassification( + max_seq_length=max_seq_len, + num_labels=num_labels, + emb_layer_trainable=True, + ) + model = PyTorchModelWrapper(model, model.tokenizer) + elif args.model_name_or_path == "cnn": + logger.info("Loading textattack model: WordCNNForClassification") + max_seq_len = args.model_max_length if args.model_max_length else 128 + num_labels = args.model_num_labels if args.model_num_labels else 2 + model = WordCNNForClassification( + max_seq_length=max_seq_len, + num_labels=num_labels, + emb_layer_trainable=True, + ) + model = PyTorchModelWrapper(model, model.tokenizer) + else: + import transformers + + logger.info( + f"Loading transformers AutoModelForSequenceClassification: {args.model_name_or_path}" + ) + max_seq_len = args.model_max_length if args.model_max_length else 512 + num_labels = args.model_num_labels if args.model_num_labels else 2 + config = transformers.AutoConfig.from_pretrained( + args.model_name_or_path, + num_labels=num_labels, + ) + model = transformers.AutoModelForSequenceClassification.from_pretrained( + args.model_name_or_path, + config=config, + ) + tokenizer = transformers.AutoTokenizer.from_pretrained( + args.model_name_or_path, + model_max_length=max_seq_len, + ) + model = HuggingFaceModelWrapper(model, tokenizer) + + assert isinstance( + model, ModelWrapper + ), "`model` must be of type `textattack.models.wrappers.ModelWrapper`." + return model + + @classmethod + def _create_dataset_from_args(cls, args): + dataset_args = args.dataset.split(ARGS_SPLIT_TOKEN) + # TODO `HuggingFaceDataset` -> `HuggingFaceDataset` + if args.dataset_train_split: + train_dataset = HuggingFaceDataset( + *dataset_args, split=args.dataset_train_split + ) + else: + try: + train_dataset = HuggingFaceDataset(*dataset_args, split="train") + args.dataset_train_split = "train" + except KeyError: + raise KeyError( + f"Error: no `train` split found in `{args.dataset}` dataset" + ) + + if args.dataset_eval_split: + eval_dataset = HuggingFaceDataset( + *dataset_args, split=args.dataset_eval_split + ) + else: + # try common dev split names + try: + eval_dataset = HuggingFaceDataset(*dataset_args, split="dev") + args.dataset_eval_split = "dev" + except KeyError: + try: + eval_dataset = HuggingFaceDataset(*dataset_args, split="eval") + args.dataset_eval_split = "eval" + except KeyError: + try: + eval_dataset = HuggingFaceDataset( + *dataset_args, split="validation" + ) + args.dataset_eval_split = "validation" + except KeyError: + try: + eval_dataset = HuggingFaceDataset( + *dataset_args, split="test" + ) + args.dataset_eval_split = "test" + except KeyError: + raise KeyError( + f"Could not find `dev`, `eval`, `validation`, or `test` split in dataset {args.dataset}." + ) + + if args.filter_train_by_labels: + train_dataset.filter_by_labels_(args.filter_train_by_labels) + if args.filter_eval_by_labels: + eval_dataset.filter_by_labels_(args.filter_eval_by_labels) + # Testing for Coverage of model return values with dataset. + num_labels = args.model_num_labels if args.model_num_labels else 2 + + # Only Perform labels checks if output_column is equal to label. + if ( + train_dataset.output_column == "label" + and eval_dataset.output_column == "label" + ): + + train_dataset_labels = train_dataset._dataset["label"] + + eval_dataset_labels = eval_dataset._dataset["label"] + + train_dataset_labels_set = set(train_dataset_labels) + + assert all( + label >= 0 + for label in train_dataset_labels_set + if isinstance(label, int) + ), f"Train dataset has negative label/s {[label for label in train_dataset_labels_set if isinstance(label,int) and label < 0 ]} which is/are not supported by pytorch.Use --filter-train-by-labels to keep suitable labels" + + assert num_labels >= len( + train_dataset_labels_set + ), f"Model constructed has {num_labels} output nodes and train dataset has {len(train_dataset_labels_set)} labels , Model should have output nodes greater than or equal to labels in train dataset.Use --model-num-labels to set model's output nodes." + + eval_dataset_labels_set = set(eval_dataset_labels) + + assert all( + label >= 0 + for label in eval_dataset_labels_set + if isinstance(label, int) + ), f"Eval dataset has negative label/s {[label for label in eval_dataset_labels_set if isinstance(label,int) and label < 0 ]} which is/are not supported by pytorch.Use --filter-eval-by-labels to keep suitable labels" + + assert num_labels >= len( + set(eval_dataset_labels_set) + ), f"Model constructed has {num_labels} output nodes and eval dataset has {len(eval_dataset_labels_set)} labels , Model should have output nodes greater than or equal to labels in eval dataset.Use --model-num-labels to set model's output nodes." + + return train_dataset, eval_dataset + + @classmethod + def _create_attack_from_args(cls, args, model_wrapper): + import textattack # noqa: F401 + + if args.attack is None: + return None + assert ( + args.attack in ATTACK_RECIPE_NAMES + ), f"Unavailable attack recipe {args.attack}" + attack = eval(f"{ATTACK_RECIPE_NAMES[args.attack]}.build(model_wrapper)") + assert isinstance( + attack, Attack + ), "`attack` must be of type `textattack.Attack`." + return attack + + +# This neat trick allows use to reorder the arguments to avoid TypeErrors commonly found when inheriting dataclass. +# https://stackoverflow.com/questions/51575931/class-inheritance-in-python-3-7-dataclasses +@dataclass +class CommandLineTrainingArgs(TrainingArgs, _CommandLineTrainingArgs): + @classmethod + def _add_parser_args(cls, parser): + parser = _CommandLineTrainingArgs._add_parser_args(parser) + parser = TrainingArgs._add_parser_args(parser) + return parser diff --git a/textattack/transformations/__init__.py b/textattack/transformations/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..97619986fc4ba3a13d4aa7d12e0583389f3708a2 --- /dev/null +++ b/textattack/transformations/__init__.py @@ -0,0 +1,17 @@ +""".. _transformations: + +Transformations +========================== + +A transformation is a method which perturbs a text input through the insertion, deletion and substiution of words, characters, and phrases. All transformations take a ``TokenizedText`` as input and return a list of ``TokenizedText`` that contains possible transformations. Every transformation is a subclass of the abstract ``Transformation`` class. +""" +from .transformation import Transformation + +from .sentence_transformations import * +from .word_swaps import * +from .word_insertions import * +from .word_merges import * + +from .composite_transformation import CompositeTransformation +from .word_deletion import WordDeletion +from .word_innerswap_random import WordInnerSwapRandom diff --git a/textattack/transformations/composite_transformation.py b/textattack/transformations/composite_transformation.py new file mode 100644 index 0000000000000000000000000000000000000000..39b3d81cc865f9715a2bdacfbb95d8ff3474537b --- /dev/null +++ b/textattack/transformations/composite_transformation.py @@ -0,0 +1,51 @@ +""" +Composite Transformation +============================================ +Multiple transformations can be used by providing a list of ``Transformation`` to ``CompositeTransformation`` + +""" + +from textattack.shared import utils +from textattack.transformations import Transformation + + +class CompositeTransformation(Transformation): + """A transformation which applies each of a list of transformations, + returning a set of all optoins. + + Args: + transformations: The list of ``Transformation`` to apply. + """ + + def __init__(self, transformations): + if not ( + isinstance(transformations, list) or isinstance(transformations, tuple) + ): + raise TypeError("transformations must be list or tuple") + elif not len(transformations): + raise ValueError("transformations cannot be empty") + self.transformations = transformations + + def _get_transformations(self, *_): + """Placeholder method that would throw an error if a user tried to + treat the CompositeTransformation as a 'normal' transformation.""" + raise RuntimeError( + "CompositeTransformation does not support _get_transformations()." + ) + + def __call__(self, *args, **kwargs): + new_attacked_texts = set() + for transformation in self.transformations: + new_attacked_texts.update(transformation(*args, **kwargs)) + return list(new_attacked_texts) + + def __repr__(self): + main_str = "CompositeTransformation" + "(" + transformation_lines = [] + for i, transformation in enumerate(self.transformations): + transformation_lines.append(utils.add_indent(f"({i}): {transformation}", 2)) + transformation_lines.append(")") + main_str += utils.add_indent("\n" + "\n".join(transformation_lines), 2) + return main_str + + __str__ = __repr__ diff --git a/textattack/transformations/sentence_transformations/__init__.py b/textattack/transformations/sentence_transformations/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..a8a3928a20d739d2fd7a44209681e86b06382d4a --- /dev/null +++ b/textattack/transformations/sentence_transformations/__init__.py @@ -0,0 +1,8 @@ +""" +sentence_transformations package +----------------------------------- + +""" + +from .sentence_transformation import SentenceTransformation +from .back_translation import BackTranslation diff --git a/textattack/transformations/sentence_transformations/back_translation.py b/textattack/transformations/sentence_transformations/back_translation.py new file mode 100644 index 0000000000000000000000000000000000000000..5cd4e3856534c1b90c52b60d0be72b7700c0101d --- /dev/null +++ b/textattack/transformations/sentence_transformations/back_translation.py @@ -0,0 +1,165 @@ +""" +BackTranslation class +----------------------------------- + +""" + + +import random + +from transformers import MarianMTModel, MarianTokenizer + +from textattack.shared import AttackedText + +from .sentence_transformation import SentenceTransformation + + +class BackTranslation(SentenceTransformation): + """A type of sentence level transformation that takes in a text input, + translates it into target language and translates it back to source + language. + + letters_to_insert (string): letters allowed for insertion into words + (used by some char-based transformations) + + src_lang (string): source language + target_lang (string): target language, for the list of supported language check bottom of this page + src_model: translation model from huggingface that translates from source language to target language + target_model: translation model from huggingface that translates from target language to source language + chained_back_translation: run back translation in a chain for more perturbation (for example, en-es-en-fr-en) + + Example:: + + >>> from textattack.transformations.sentence_transformations import BackTranslation + >>> from textattack.constraints.pre_transformation import RepeatModification, StopwordModification + >>> from textattack.augmentation import Augmenter + + >>> transformation = BackTranslation() + >>> constraints = [RepeatModification(), StopwordModification()] + >>> augmenter = Augmenter(transformation = transformation, constraints = constraints) + >>> s = 'What on earth are you doing here.' + + >>> augmenter.augment(s) + """ + + def __init__( + self, + src_lang="en", + target_lang="es", + src_model="Helsinki-NLP/opus-mt-ROMANCE-en", + target_model="Helsinki-NLP/opus-mt-en-ROMANCE", + chained_back_translation=0, + ): + self.src_lang = src_lang + self.target_lang = target_lang + self.target_model = MarianMTModel.from_pretrained(target_model) + self.target_tokenizer = MarianTokenizer.from_pretrained(target_model) + self.src_model = MarianMTModel.from_pretrained(src_model) + self.src_tokenizer = MarianTokenizer.from_pretrained(src_model) + self.chained_back_translation = chained_back_translation + + def translate(self, input, model, tokenizer, lang="es"): + # change the text to model's format + src_texts = [] + if lang == "en": + src_texts.append(input[0]) + else: + if ">>" and "<<" not in lang: + lang = ">>" + lang + "<< " + src_texts.append(lang + input[0]) + + # tokenize the input + encoded_input = tokenizer.prepare_seq2seq_batch(src_texts, return_tensors="pt") + + # translate the input + translated = model.generate(**encoded_input) + translated_input = tokenizer.batch_decode(translated, skip_special_tokens=True) + return translated_input + + def _get_transformations(self, current_text, indices_to_modify): + transformed_texts = [] + current_text = current_text.text + + # to perform chained back translation, a random list of target languages are selected from the provided model + if self.chained_back_translation: + list_of_target_lang = random.sample( + self.target_tokenizer.supported_language_codes, + self.chained_back_translation, + ) + for target_lang in list_of_target_lang: + target_language_text = self.translate( + [current_text], + self.target_model, + self.target_tokenizer, + target_lang, + ) + src_language_text = self.translate( + target_language_text, + self.src_model, + self.src_tokenizer, + self.src_lang, + ) + current_text = src_language_text[0] + return [AttackedText(current_text)] + + # translates source to target language and back to source language (single back translation) + target_language_text = self.translate( + [current_text], self.target_model, self.target_tokenizer, self.target_lang + ) + src_language_text = self.translate( + target_language_text, self.src_model, self.src_tokenizer, self.src_lang + ) + transformed_texts.append(AttackedText(src_language_text[0])) + return transformed_texts + + +""" +List of supported languages +['fr', + 'es', + 'it', + 'pt', + 'pt_br', + 'ro', + 'ca', + 'gl', + 'pt_BR<<', + 'la<<', + 'wa<<', + 'fur<<', + 'oc<<', + 'fr_CA<<', + 'sc<<', + 'es_ES', + 'es_MX', + 'es_AR', + 'es_PR', + 'es_UY', + 'es_CL', + 'es_CO', + 'es_CR', + 'es_GT', + 'es_HN', + 'es_NI', + 'es_PA', + 'es_PE', + 'es_VE', + 'es_DO', + 'es_EC', + 'es_SV', + 'an', + 'pt_PT', + 'frp', + 'lad', + 'vec', + 'fr_FR', + 'co', + 'it_IT', + 'lld', + 'lij', + 'lmo', + 'nap', + 'rm', + 'scn', + 'mwl'] +""" diff --git a/textattack/transformations/sentence_transformations/sentence_transformation.py b/textattack/transformations/sentence_transformations/sentence_transformation.py new file mode 100644 index 0000000000000000000000000000000000000000..ea7baea177331a099bd19d385352b2783716f740 --- /dev/null +++ b/textattack/transformations/sentence_transformations/sentence_transformation.py @@ -0,0 +1,15 @@ +""" +SentenceTransformation class +----------------------------------- + +https://github.com/makcedward/nlpaug + +""" + + +from textattack.transformations import Transformation + + +class SentenceTransformation(Transformation): + def _get_transformations(self, current_text, indices_to_modify): + raise NotImplementedError() diff --git a/textattack/transformations/transformation.py b/textattack/transformations/transformation.py new file mode 100644 index 0000000000000000000000000000000000000000..a3a54dab29c684d025e010941fb2bea5c5a1799a --- /dev/null +++ b/textattack/transformations/transformation.py @@ -0,0 +1,76 @@ +""" +Transformation Abstract Class +============================================ + +""" + +from abc import ABC, abstractmethod + +from textattack.shared.utils import ReprMixin + + +class Transformation(ReprMixin, ABC): + """An abstract class for transforming a sequence of text to produce a + potential adversarial example.""" + + def __call__( + self, + current_text, + pre_transformation_constraints=[], + indices_to_modify=None, + shifted_idxs=False, + return_indices=False, + ): + """Returns a list of all possible transformations for ``current_text``. + Applies the ``pre_transformation_constraints`` then calls + ``_get_transformations``. + + Args: + current_text: The ``AttackedText`` to transform. + pre_transformation_constraints: The ``PreTransformationConstraint`` to apply before + beginning the transformation. + indices_to_modify: Which word indices should be modified as dictated by the + ``SearchMethod``. + shifted_idxs (bool): Whether indices could have been shifted from + their original position in the text. + return_indices (bool): Whether the function returns indices_to_modify + instead of the transformed_texts. + """ + if indices_to_modify is None: + indices_to_modify = set(range(len(current_text.words))) + # If we are modifying all indices, we don't care if some of the indices might have been shifted. + shifted_idxs = False + else: + indices_to_modify = set(indices_to_modify) + + if shifted_idxs: + indices_to_modify = set( + current_text.convert_from_original_idxs(indices_to_modify) + ) + + for constraint in pre_transformation_constraints: + indices_to_modify = indices_to_modify & constraint(current_text, self) + + if return_indices: + return indices_to_modify + + transformed_texts = self._get_transformations(current_text, indices_to_modify) + for text in transformed_texts: + text.attack_attrs["last_transformation"] = self + return transformed_texts + + @abstractmethod + def _get_transformations(self, current_text, indices_to_modify): + """Returns a list of all possible transformations for ``current_text``, + only modifying ``indices_to_modify``. Must be overridden by specific + transformations. + + Args: + current_text: The ``AttackedText`` to transform. + indicies_to_modify: Which word indices can be modified. + """ + raise NotImplementedError() + + @property + def deterministic(self): + return True diff --git a/textattack/transformations/word_deletion.py b/textattack/transformations/word_deletion.py new file mode 100644 index 0000000000000000000000000000000000000000..f75ba5b841cf58e6c22cdffcf467ff5d4d48dcf3 --- /dev/null +++ b/textattack/transformations/word_deletion.py @@ -0,0 +1,23 @@ +""" +word deletion Transformation +============================================ + +""" + +from .transformation import Transformation + + +class WordDeletion(Transformation): + """An abstract class that takes a sentence and transforms it by deleting a + single word. + + letters_to_insert (string): letters allowed for insertion into words + """ + + def _get_transformations(self, current_text, indices_to_modify): + # words = current_text.words + transformed_texts = [] + if len(current_text.words) > 1: + for i in indices_to_modify: + transformed_texts.append(current_text.delete_word_at_index(i)) + return transformed_texts diff --git a/textattack/transformations/word_innerswap_random.py b/textattack/transformations/word_innerswap_random.py new file mode 100644 index 0000000000000000000000000000000000000000..2d0693bb3a4484dc1e0cf49b07c60f256d2d9c62 --- /dev/null +++ b/textattack/transformations/word_innerswap_random.py @@ -0,0 +1,31 @@ +""" +Word Swap Transformation by swapping the order of words +========================================================== +""" + + +import random + +from textattack.transformations import Transformation + + +class WordInnerSwapRandom(Transformation): + """Transformation that randomly swaps the order of words in a sequence.""" + + def _get_transformations(self, current_text, indices_to_modify): + transformed_texts = [] + words = current_text.words + for idx in indices_to_modify: + word = words[idx] + swap_idxs = list(set(range(len(words))) - {idx}) + if swap_idxs: + swap_idx = random.choice(swap_idxs) + swapped_text = current_text.replace_word_at_index( + idx, words[swap_idx] + ).replace_word_at_index(swap_idx, word) + transformed_texts.append(swapped_text) + return transformed_texts + + @property + def deterministic(self): + return False diff --git a/textattack/transformations/word_insertions/__init__.py b/textattack/transformations/word_insertions/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..2f92a11ae96dce0e3f74e26574254b7e008eb53a --- /dev/null +++ b/textattack/transformations/word_insertions/__init__.py @@ -0,0 +1,9 @@ +""" +word_insertions package +------------------------------- + +""" + +from .word_insertion import WordInsertion +from .word_insertion_random_synonym import WordInsertionRandomSynonym +from .word_insertion_masked_lm import WordInsertionMaskedLM diff --git a/textattack/transformations/word_insertions/word_insertion.py b/textattack/transformations/word_insertions/word_insertion.py new file mode 100644 index 0000000000000000000000000000000000000000..def4809bf4429d1edff003e29f23871d57753f85 --- /dev/null +++ b/textattack/transformations/word_insertions/word_insertion.py @@ -0,0 +1,46 @@ +""" +WordInsertion Class +------------------------------- +Word Insertion transformations act by inserting a new word at a specific word index. +For example, if we insert "new" in position 3 in the text "I like the movie", we get "I like the new movie". +Subclasses can implement the abstract ``WordInsertion`` class by overriding ``self._get_new_words``. +""" +from textattack.transformations import Transformation + + +class WordInsertion(Transformation): + """A base class for word insertions.""" + + def _get_new_words(self, current_text, index): + """Returns a set of new words we can insert at position `index` of `current_text` + Args: + current_text (AttackedText): Current text to modify. + index (int): Position in which to insert a new word + Returns: + list[str]: List of new words to insert. + """ + raise NotImplementedError() + + def _get_transformations(self, current_text, indices_to_modify): + """ + Return a set of transformed texts obtained by insertion a new word in `indices_to_modify` + Args: + current_text (AttackedText): Current text to modify. + indices_to_modify (list[int]): List of positions in which to insert a new word. + + Returns: + list[AttackedText]: List of transformed texts + """ + transformed_texts = [] + + for i in indices_to_modify: + new_words = self._get_new_words(current_text, i) + + new_transformted_texts = [] + for w in new_words: + new_transformted_texts.append( + current_text.insert_text_before_word_index(i, w) + ) + transformed_texts.extend(new_transformted_texts) + + return transformed_texts diff --git a/textattack/transformations/word_insertions/word_insertion_masked_lm.py b/textattack/transformations/word_insertions/word_insertion_masked_lm.py new file mode 100644 index 0000000000000000000000000000000000000000..d768a588f15a0ae2f4aa2e57407f7b6448a335f2 --- /dev/null +++ b/textattack/transformations/word_insertions/word_insertion_masked_lm.py @@ -0,0 +1,174 @@ +""" +WordInsertionMaskedLM Class +------------------------------- +""" +import re + +import torch +from transformers import AutoModelForMaskedLM, AutoTokenizer + +from textattack.shared import utils + +from .word_insertion import WordInsertion + + +class WordInsertionMaskedLM(WordInsertion): + """Generate potential insertion for a word using a masked language model. + + Based off of: + CLARE: Contextualized Perturbation for Textual Adversarial Attack" (Li et al, 2020): + https://arxiv.org/abs/2009.07502 + + Args: + masked_language_model (Union[str|transformers.AutoModelForMaskedLM]): Either the name of pretrained masked language model from `transformers` model hub + or the actual model. Default is `bert-base-uncased`. + tokenizer (obj): The tokenizer of the corresponding model. If you passed in name of a pretrained model for `masked_language_model`, + you can skip this argument as the correct tokenizer can be infered from the name. However, if you're passing the actual model, you must + provide a tokenizer. + max_length (int): the max sequence length the masked language model is designed to work with. Default is 512. + window_size (int): The number of surrounding words to include when making top word prediction. + For each position to insert we take `window_size // 2` words to the left and `window_size // 2` words to the right and pass the text within the window + to the masked language model. Default is `float("inf")`, which is equivalent to using the whole text. + max_candidates (int): maximum number of candidates to consider inserting for each position. Replacements are + ranked by model's confidence. + min_confidence (float): minimum confidence threshold each new word must pass. + """ + + def __init__( + self, + masked_language_model="bert-base-uncased", + tokenizer=None, + max_length=512, + window_size=float("inf"), + max_candidates=50, + min_confidence=5e-4, + batch_size=16, + ): + super().__init__() + self.max_length = max_length + self.window_size = window_size + self.max_candidates = max_candidates + self.min_confidence = min_confidence + self.batch_size = batch_size + + if isinstance(masked_language_model, str): + self._language_model = AutoModelForMaskedLM.from_pretrained( + masked_language_model + ) + self._lm_tokenizer = AutoTokenizer.from_pretrained( + masked_language_model, use_fast=True + ) + else: + self._language_model = masked_language_model + if tokenizer is None: + raise ValueError( + "`tokenizer` argument must be provided when passing an actual model as `masked_language_model`." + ) + self._lm_tokenizer = tokenizer + self._language_model.to(utils.device) + self._language_model.eval() + self.masked_lm_name = self._language_model.__class__.__name__ + + def _encode_text(self, text): + """Encodes ``text`` using an ``AutoTokenizer``, ``self._lm_tokenizer``. + + Returns a ``dict`` where keys are strings (like 'input_ids') and + values are ``torch.Tensor``s. Moves tensors to the same device + as the language model. + """ + encoding = self._lm_tokenizer( + text, + max_length=self.max_length, + truncation=True, + padding="max_length", + return_tensors="pt", + ) + return {k: v.to(utils.device) for k, v in encoding.items()} + + def _get_new_words(self, current_text, indices_to_modify): + """Get replacement words for the word we want to replace using BAE + method. + + Args: + current_text (AttackedText): Text we want to get replacements for. + indices_to_modify (list[int]): list of word indices where we want to insert + """ + masked_texts = [] + for index in indices_to_modify: + masked_text = current_text.insert_text_before_word_index( + index, self._lm_tokenizer.mask_token + ) + # Obtain window + masked_text = masked_text.text_window_around_index(index, self.window_size) + masked_texts.append(masked_text) + + i = 0 + # 2-D list where for each index to modify we have a list of replacement words + new_words = [] + while i < len(masked_texts): + inputs = self._encode_text(masked_texts[i : i + self.batch_size]) + ids = inputs["input_ids"].tolist() + with torch.no_grad(): + preds = self._language_model(**inputs)[0] + + for j in range(len(ids)): + try: + # Need try-except b/c mask-token located past max_length might be truncated by tokenizer + masked_index = ids[j].index(self._lm_tokenizer.mask_token_id) + except ValueError: + new_words.append([]) + continue + + mask_token_logits = preds[j, masked_index] + mask_token_probs = torch.softmax(mask_token_logits, dim=0) + ranked_indices = torch.argsort(mask_token_probs, descending=True) + top_words = [] + for _id in ranked_indices: + _id = _id.item() + word = self._lm_tokenizer.convert_ids_to_tokens(_id) + if utils.check_if_subword( + word, + self._language_model.config.model_type, + (masked_index == 1), + ): + word = utils.strip_BPE_artifacts( + word, self._language_model.config.model_type + ) + if ( + mask_token_probs[_id] >= self.min_confidence + and utils.is_one_word(word) + and not utils.check_if_punctuations(word) + ): + top_words.append(word) + + if ( + len(top_words) >= self.max_candidates + or mask_token_probs[_id] < self.min_confidence + ): + break + + new_words.append(top_words) + + i += self.batch_size + + return new_words + + def _get_transformations(self, current_text, indices_to_modify): + indices_to_modify = list(indices_to_modify) + new_words = self._get_new_words(current_text, indices_to_modify) + transformed_texts = [] + for i in range(len(new_words)): + index_to_modify = indices_to_modify[i] + word_at_index = current_text.words[index_to_modify] + for word in new_words[i]: + word = word.strip("Ġ") + if word != word_at_index and re.search("[a-zA-Z]", word): + transformed_texts.append( + current_text.insert_text_before_word_index( + index_to_modify, word + ) + ) + return transformed_texts + + def extra_repr_keys(self): + return ["masked_lm_name", "max_length", "max_candidates", "min_confidence"] diff --git a/textattack/transformations/word_insertions/word_insertion_random_synonym.py b/textattack/transformations/word_insertions/word_insertion_random_synonym.py new file mode 100644 index 0000000000000000000000000000000000000000..da4c65dff3b719230451488119da55bb5ec27232 --- /dev/null +++ b/textattack/transformations/word_insertions/word_insertion_random_synonym.py @@ -0,0 +1,53 @@ +""" + +WordInsertionRandomSynonym Class +------------------------------------ +random synonym insertation Transformation +""" + +import random + +from nltk.corpus import wordnet + +from .word_insertion import WordInsertion + + +class WordInsertionRandomSynonym(WordInsertion): + """Transformation that inserts synonyms of words that are already in the + sequence.""" + + def _get_synonyms(self, word): + synonyms = set() + for syn in wordnet.synsets(word): + for lemma in syn.lemmas(): + if lemma.name() != word and check_if_one_word(lemma.name()): + synonyms.add(lemma.name()) + return list(synonyms) + + def _get_transformations(self, current_text, indices_to_modify): + transformed_texts = [] + for idx in indices_to_modify: + synonyms = [] + # try to find a word with synonyms, and deal with edge case where there aren't any + for attempt in range(7): + synonyms = self._get_synonyms(random.choice(current_text.words)) + if synonyms: + break + elif attempt == 6: + return [current_text] + random_synonym = random.choice(synonyms) + transformed_texts.append( + current_text.insert_text_before_word_index(idx, random_synonym) + ) + return transformed_texts + + @property + def deterministic(self): + return False + + +def check_if_one_word(word): + for c in word: + if not c.isalpha(): + return False + return True diff --git a/textattack/transformations/word_merges/__init__.py b/textattack/transformations/word_merges/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..5aa18cb9f3cc1e64d6aa62bf2053bf3b5db6973f --- /dev/null +++ b/textattack/transformations/word_merges/__init__.py @@ -0,0 +1,8 @@ +""" +word_merges package +------------------------------------------------ + +""" + +from .word_merge import WordMerge +from .word_merge_masked_lm import WordMergeMaskedLM diff --git a/textattack/transformations/word_merges/word_merge.py b/textattack/transformations/word_merges/word_merge.py new file mode 100644 index 0000000000000000000000000000000000000000..6194970ab881cf325a7b1d551a77ffad3a4f5a63 --- /dev/null +++ b/textattack/transformations/word_merges/word_merge.py @@ -0,0 +1,86 @@ +""" +Word Merge +------------------------------------------------ +Word Merge transformations act by taking two adjacent words, and "merges" them into one word by deleting one word and replacing another. +For example, if we can merge the words "the" and "movie" in the text "I like the movie" and get following text: "I like film". +When we choose to "merge" word at index ``i``, we merge it with the next word at ``i+1``. +""" +from textattack.transformations import Transformation + + +class WordMerge(Transformation): + """An abstract class for word merges.""" + + def __call__( + self, + current_text, + pre_transformation_constraints=[], + indices_to_modify=None, + shifted_idxs=True, + ): + """Returns a list of all possible transformations for ``current_text``. + Applies the ``pre_transformation_constraints`` then calls + ``_get_transformations``. + + Args: + current_text: The ``AttackedText`` to transform. + pre_transformation_constraints: The ``PreTransformationConstraint`` to apply before + beginning the transformation. + indices_to_modify: Which word indices should be modified as dictated by the + ``SearchMethod``. + shifted_idxs (bool): Whether indices have been shifted from + their original position in the text. + """ + if indices_to_modify is None: + indices_to_modify = set(range(len(current_text.words) - 1)) + else: + indices_to_modify = set(indices_to_modify) + + if shifted_idxs: + indices_to_modify = set( + current_text.convert_from_original_idxs(indices_to_modify) + ) + + for constraint in pre_transformation_constraints: + allowed_indices = constraint(current_text, self) + for i in indices_to_modify: + if i not in allowed_indices and i + 1 not in allowed_indices: + indices_to_modify.remove(i) + + transformed_texts = self._get_transformations(current_text, indices_to_modify) + for text in transformed_texts: + text.attack_attrs["last_transformation"] = self + if len(text.attack_attrs["newly_modified_indices"]) == 0: + print("xcv", text, len(text.attack_attrs["newly_modified_indices"])) + return transformed_texts + + def _get_new_words(self, current_text, index): + """Returns a set of new words we can insert at position `index` of `current_text` + Args: + current_text (AttackedText): Current text to modify. + index (int): Position in which to insert a new word + Returns: + list[str]: List of new words to insert. + """ + raise NotImplementedError() + + def _get_transformations(self, current_text, indices_to_modify): + """ + Return a set of transformed texts obtained by insertion a new word in `indices_to_modify` + Args: + current_text (AttackedText): Current text to modify. + indices_to_modify (list[int]): List of positions in which to insert a new word. + + Returns: + list[AttackedText]: List of transformed texts + """ + transformed_texts = [] + + for i in indices_to_modify: + new_words = self._get_new_words(current_text, i) + + for w in new_words: + temp_text = current_text.replace_word_at_index(i, w) + transformed_texts.append(temp_text.delete_word_at_index(i + 1)) + + return transformed_texts diff --git a/textattack/transformations/word_merges/word_merge_masked_lm.py b/textattack/transformations/word_merges/word_merge_masked_lm.py new file mode 100644 index 0000000000000000000000000000000000000000..b13c43dfbf5c9e42fa979f8163c8cd8e3295ae7e --- /dev/null +++ b/textattack/transformations/word_merges/word_merge_masked_lm.py @@ -0,0 +1,206 @@ +""" +WordMergeMaskedLM class +------------------------------------------------ + +""" +import re + +import torch +from transformers import AutoModelForMaskedLM, AutoTokenizer + +from textattack.shared import utils +from textattack.transformations.transformation import Transformation + + +class WordMergeMaskedLM(Transformation): + """Generate potential merge of adjacent using a masked language model. + + Based off of: + CLARE: Contextualized Perturbation for Textual Adversarial Attack" (Li et al, 2020) https://arxiv.org/abs/2009.07502 + + Args: + masked_language_model (Union[str|transformers.AutoModelForMaskedLM]): Either the name of pretrained masked language model from `transformers` model hub + or the actual model. Default is `bert-base-uncased`. + tokenizer (obj): The tokenizer of the corresponding model. If you passed in name of a pretrained model for `masked_language_model`, + you can skip this argument as the correct tokenizer can be infered from the name. However, if you're passing the actual model, you must + provide a tokenizer. + max_length (int): The max sequence length the masked language model is designed to work with. Default is 512. + window_size (int): The number of surrounding words to include when making top word prediction. + For each position to merge, we take `window_size // 2` words to the left and `window_size // 2` words to the right and pass the text within the window + to the masked language model. Default is `float("inf")`, which is equivalent to using the whole text. + max_candidates (int): Maximum number of candidates to consider as replacements for each word. Replacements are + ranked by model's confidence. + min_confidence (float): Minimum confidence threshold each replacement word must pass. + """ + + def __init__( + self, + masked_language_model="bert-base-uncased", + tokenizer=None, + max_length=512, + window_size=float("inf"), + max_candidates=50, + min_confidence=5e-4, + batch_size=16, + ): + super().__init__() + self.max_length = max_length + self.window_size = window_size + self.max_candidates = max_candidates + self.min_confidence = min_confidence + self.batch_size = batch_size + + if isinstance(masked_language_model, str): + self._language_model = AutoModelForMaskedLM.from_pretrained( + masked_language_model + ) + self._lm_tokenizer = AutoTokenizer.from_pretrained( + masked_language_model, use_fast=True + ) + else: + self._language_model = masked_language_model + if tokenizer is None: + raise ValueError( + "`tokenizer` argument must be provided when passing an actual model as `masked_language_model`." + ) + self._lm_tokenizer = tokenizer + self._language_model.to(utils.device) + self._language_model.eval() + self.masked_lm_name = self._language_model.__class__.__name__ + + def _encode_text(self, text): + """Encodes ``text`` using an ``AutoTokenizer``, ``self._lm_tokenizer``. + + Returns a ``dict`` where keys are strings (like 'input_ids') and + values are ``torch.Tensor``s. Moves tensors to the same device + as the language model. + """ + encoding = self._lm_tokenizer( + text, + max_length=self.max_length, + truncation=True, + padding="max_length", + return_tensors="pt", + ) + return {k: v.to(utils.device) for k, v in encoding.items()} + + def _get_merged_words(self, current_text, indices_to_modify): + """Get replacement words for the word we want to replace using BAE + method. + + Args: + current_text (AttackedText): Text we want to get replacements for. + index (int): index of word we want to replace + """ + masked_texts = [] + for index in indices_to_modify: + temp_text = current_text.replace_word_at_index( + index, self._lm_tokenizer.mask_token + ) + temp_text = temp_text.delete_word_at_index(index + 1) + # Obtain window + temp_text = temp_text.text_window_around_index(index, self.window_size) + masked_texts.append(temp_text) + + i = 0 + # 2-D list where for each index to modify we have a list of replacement words + replacement_words = [] + while i < len(masked_texts): + inputs = self._encode_text(masked_texts[i : i + self.batch_size]) + ids = [ + inputs["input_ids"][i].tolist() for i in range(len(inputs["input_ids"])) + ] + with torch.no_grad(): + preds = self._language_model(**inputs)[0] + + for j in range(len(ids)): + try: + # Need try-except b/c mask-token located past max_length might be truncated by tokenizer + masked_index = ids[j].index(self._lm_tokenizer.mask_token_id) + except ValueError: + replacement_words.append([]) + continue + + mask_token_logits = preds[j, masked_index] + mask_token_probs = torch.softmax(mask_token_logits, dim=0) + ranked_indices = torch.argsort(mask_token_probs, descending=True) + top_words = [] + for _id in ranked_indices: + _id = _id.item() + word = self._lm_tokenizer.convert_ids_to_tokens(_id) + if utils.check_if_subword( + word, + self._language_model.config.model_type, + (masked_index == 1), + ): + word = utils.strip_BPE_artifacts( + word, self._language_model.config.model_type + ) + if ( + mask_token_probs[_id] >= self.min_confidence + and utils.is_one_word(word) + and not utils.check_if_punctuations(word) + ): + top_words.append(word) + + if ( + len(top_words) >= self.max_candidates + or mask_token_probs[_id] < self.min_confidence + ): + break + + replacement_words.append(top_words) + + i += self.batch_size + + return replacement_words + + def _get_transformations(self, current_text, indices_to_modify): + transformed_texts = [] + indices_to_modify = list(indices_to_modify) + # find indices that are suitable to merge + token_tags = [ + current_text.pos_of_word_index(i) for i in range(current_text.num_words) + ] + merge_indices = find_merge_index(token_tags) + merged_words = self._get_merged_words(current_text, merge_indices) + transformed_texts = [] + for i in range(len(merged_words)): + index_to_modify = merge_indices[i] + word_at_index = current_text.words[index_to_modify] + for word in merged_words[i]: + word = word.strip("Ġ") + if word != word_at_index and re.search("[a-zA-Z]", word): + temp_text = current_text.delete_word_at_index(index_to_modify + 1) + transformed_texts.append( + temp_text.replace_word_at_index(index_to_modify, word) + ) + + return transformed_texts + + def extra_repr_keys(self): + return ["masked_lm_name", "max_length", "max_candidates", "min_confidence"] + + +def find_merge_index(token_tags, indices=None): + merge_indices = [] + if indices is None: + indices = range(len(token_tags) - 1) + for i in indices: + cur_tag = token_tags[i] + next_tag = token_tags[i + 1] + if cur_tag == "NOUN" and next_tag == "NOUN": + merge_indices.append(i) + elif cur_tag == "ADJ" and next_tag in ["NOUN", "NUM", "ADJ", "ADV"]: + merge_indices.append(i) + elif cur_tag == "ADV" and next_tag in ["ADJ", "VERB"]: + merge_indices.append(i) + elif cur_tag == "VERB" and next_tag in ["ADV", "VERB", "NOUN", "ADJ"]: + merge_indices.append(i) + elif cur_tag == "DET" and next_tag in ["NOUN", "ADJ"]: + merge_indices.append(i) + elif cur_tag == "PRON" and next_tag in ["NOUN", "ADJ"]: + merge_indices.append(i) + elif cur_tag == "NUM" and next_tag in ["NUM", "NOUN"]: + merge_indices.append(i) + return merge_indices diff --git a/textattack/transformations/word_swaps/__init__.py b/textattack/transformations/word_swaps/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..1d2aa9f52ab33b5a2fbd809f6c7a65e58ca81d04 --- /dev/null +++ b/textattack/transformations/word_swaps/__init__.py @@ -0,0 +1,31 @@ +""" +word_swaps package +------------------------------- + +""" + + +from .word_swap import WordSwap + +# Black box transformations +from .word_swap_embedding import WordSwapEmbedding +from .word_swap_hownet import WordSwapHowNet +from .word_swap_homoglyph_swap import WordSwapHomoglyphSwap +from .word_swap_inflections import WordSwapInflections +from .word_swap_neighboring_character_swap import WordSwapNeighboringCharacterSwap +from .word_swap_random_character_deletion import WordSwapRandomCharacterDeletion +from .word_swap_random_character_insertion import WordSwapRandomCharacterInsertion +from .word_swap_random_character_substitution import WordSwapRandomCharacterSubstitution +from .word_swap_wordnet import WordSwapWordNet +from .word_swap_masked_lm import WordSwapMaskedLM +from .word_swap_qwerty import WordSwapQWERTY +from .word_swap_contract import WordSwapContract +from .word_swap_extend import WordSwapExtend +from .word_swap_change_number import WordSwapChangeNumber +from .word_swap_change_location import WordSwapChangeLocation +from .word_swap_change_name import WordSwapChangeName +from .chinese_word_swap_hownet import ChineseWordSwapHowNet +from .chinese_homophone_character_swap import ChineseHomophoneCharacterSwap + +# White box transformation +from .word_swap_gradient_based import WordSwapGradientBased diff --git a/textattack/transformations/word_swaps/chinese_homophone_character_swap.py b/textattack/transformations/word_swaps/chinese_homophone_character_swap.py new file mode 100644 index 0000000000000000000000000000000000000000..1aa9e00b037d2127d2f854a540412ccf1d30e085 --- /dev/null +++ b/textattack/transformations/word_swaps/chinese_homophone_character_swap.py @@ -0,0 +1,48 @@ +import os + +import pandas as pd +import pinyin + +from .word_swap import WordSwap + + +class ChineseHomophoneCharacterSwap(WordSwap): + """Transforms an input by replacing its words with synonyms provided by a + homophone dictionary.""" + + def __init__(self): + # Get the absolute path of the homophone dictionary txt + path = os.path.dirname(os.path.abspath(__file__)) + path_list = path.split(os.sep) + path_list = path_list[:-2] + path_list.append("shared/chinese_homophone_char.txt") + homophone_dict_path = os.path.join("/", *path_list) + + homophone_dict = pd.read_csv(homophone_dict_path, header=None, sep="\n") + + homophone_dict = homophone_dict[0].str.split("\t", expand=True) + + self.homophone_dict = homophone_dict + + def _get_replacement_words(self, word): + """Returns a list containing all possible words with 1 character + replaced by a homophone.""" + candidate_words = [] + for i in range(len(word)): + character = word[i] + character = pinyin.get(character, format="strip", delimiter=" ") + if character in self.homophone_dict.values: + for row in range(self.homophone_dict.shape[0]): # df is the DataFrame + for col in range(0, 1): + if self.homophone_dict._get_value(row, col) == character: + for j in range(1, 4): + repl_character = self.homophone_dict[col + j][row] + if repl_character is None: + break + candidate_word = ( + word[:i] + repl_character + word[i + 1 :] + ) + candidate_words.append(candidate_word) + else: + pass + return candidate_words diff --git a/textattack/transformations/word_swaps/chinese_word_swap_hownet.py b/textattack/transformations/word_swaps/chinese_word_swap_hownet.py new file mode 100644 index 0000000000000000000000000000000000000000..c977a3c92debfdeb3cf9c81b19ff9496f8793b3c --- /dev/null +++ b/textattack/transformations/word_swaps/chinese_word_swap_hownet.py @@ -0,0 +1,24 @@ +import OpenHowNet + +from .word_swap import WordSwap + + +class ChineseWordSwapHowNet(WordSwap): + """Transforms an input by replacing its words with synonyms provided by + WordNet.""" + + def __init__(self): + self.hownet_dict = OpenHowNet.HowNetDict(use_sim=True) + self.topk = 10 + + def _get_replacement_words(self, word): + """Returns a list containing all possible words with N characters + replaced by a homoglyph.""" + if self.hownet_dict.get(word): + results = self.hownet_dict.get_nearest_words_via_sememes(word, self.topk) + synonyms = [ + w["word"] for r in results for w in r["synset"] if w["word"] != word + ] + return synonyms + else: + return [] diff --git a/textattack/transformations/word_swaps/word_swap.py b/textattack/transformations/word_swaps/word_swap.py new file mode 100644 index 0000000000000000000000000000000000000000..c51e8056f675e61c76fc662e0304a5a7a65320f9 --- /dev/null +++ b/textattack/transformations/word_swaps/word_swap.py @@ -0,0 +1,54 @@ +""" +Word Swap +------------------------------- +Word swap transformations act by replacing some words in the input. Subclasses can implement the abstract ``WordSwap`` class by overriding ``self._get_replacement_words`` + +""" +import random +import string + +from textattack.transformations import Transformation + + +class WordSwap(Transformation): + """An abstract class that takes a sentence and transforms it by replacing + some of its words. + + letters_to_insert (string): letters allowed for insertion into words + (used by some char-based transformations) + """ + + def __init__(self, letters_to_insert=None): + self.letters_to_insert = letters_to_insert + if not self.letters_to_insert: + self.letters_to_insert = string.ascii_letters + + def _get_replacement_words(self, word): + """Returns a set of replacements given an input word. Must be overriden + by specific word swap transformations. + + Args: + word: The input word to find replacements for. + """ + raise NotImplementedError() + + def _get_random_letter(self): + """Helper function that returns a random single letter from the English + alphabet that could be lowercase or uppercase.""" + return random.choice(self.letters_to_insert) + + def _get_transformations(self, current_text, indices_to_modify): + words = current_text.words + transformed_texts = [] + + for i in indices_to_modify: + word_to_replace = words[i] + replacement_words = self._get_replacement_words(word_to_replace) + transformed_texts_idx = [] + for r in replacement_words: + if r == word_to_replace: + continue + transformed_texts_idx.append(current_text.replace_word_at_index(i, r)) + transformed_texts.extend(transformed_texts_idx) + + return transformed_texts diff --git a/textattack/transformations/word_swaps/word_swap_change_location.py b/textattack/transformations/word_swaps/word_swap_change_location.py new file mode 100644 index 0000000000000000000000000000000000000000..14f82ff6a24123600ccd29311c027d1d24149049 --- /dev/null +++ b/textattack/transformations/word_swaps/word_swap_change_location.py @@ -0,0 +1,103 @@ +""" +Word Swap by Changing Location +------------------------------- +""" +import more_itertools as mit +import numpy as np + +from textattack.shared.data import NAMED_ENTITIES + +from .word_swap import WordSwap + + +def idx_to_words(ls, words): + """Given a list generated from cluster_idx, return a list that contains + sub-list (the first element being the idx, and the second element being the + words corresponding to the idx)""" + + output = [] + for sub_ls in ls: + word = words[sub_ls[0]] + for idx in sub_ls[1:]: + word = " ".join([word, words[idx]]) + output.append([sub_ls, word]) + return output + + +class WordSwapChangeLocation(WordSwap): + def __init__(self, n=3, confidence_score=0.7, language="en", **kwargs): + """Transformation that changes recognized locations of a sentence to + another location that is given in the location map. + + :param n: Number of new locations to generate + :param confidence_score: Location will only be changed if it's above the confidence score + + >>> from textattack.transformations import WordSwapChangeLocation + >>> from textattack.augmentation import Augmenter + + >>> transformation = WordSwapChangeLocation() + >>> augmenter = Augmenter(transformation=transformation) + >>> s = 'I am in Dallas.' + >>> augmenter.augment(s) + """ + super().__init__(**kwargs) + self.n = n + self.confidence_score = confidence_score + self.language = language + + def _get_transformations(self, current_text, indices_to_modify): + words = current_text.words + location_idx = [] + if self.language == "en": + model_name = "ner" + elif self.language == "fra" or self.language == "french": + model_name = "flair/ner-french" + else: + model_name = "flair/ner-multi-fast" + for i in indices_to_modify: + tag = current_text.ner_of_word_index(i, model_name) + if "LOC" in tag.value and tag.score > self.confidence_score: + location_idx.append(i) + + # Combine location idx and words to a list ([0] is idx, [1] is location name) + # For example, [1,2] to [ [1,2] , ["New York"] ] + location_idx = [list(group) for group in mit.consecutive_groups(location_idx)] + location_words = idx_to_words(location_idx, words) + + transformed_texts = [] + for location in location_words: + idx = location[0] + word = location[1].capitalize() + replacement_words = self._get_new_location(word) + for r in replacement_words: + if r == word: + continue + text = current_text + + # if original location is more than a single word, remain only the starting word + if len(idx) > 1: + index = idx[1] + for i in idx[1:]: + text = text.delete_word_at_index(index) + + # replace the starting word with new location + text = text.replace_word_at_index(idx[0], r) + + transformed_texts.append(text) + return transformed_texts + + def _get_new_location(self, word): + """Return a list of new locations, with the choice of country, + nationality, and city.""" + language = "" + if self.language == "esp" or self.language == "spanish": + language = "-spanish" + elif self.language == "fra" or self.language == "french": + language = "-french" + if word in NAMED_ENTITIES["country" + language]: + return np.random.choice(NAMED_ENTITIES["country" + language], self.n) + elif word in NAMED_ENTITIES["nationality" + language]: + return np.random.choice(NAMED_ENTITIES["nationality" + language], self.n) + elif word in NAMED_ENTITIES["city"]: + return np.random.choice(NAMED_ENTITIES["city"], self.n) + return [] diff --git a/textattack/transformations/word_swaps/word_swap_change_name.py b/textattack/transformations/word_swaps/word_swap_change_name.py new file mode 100644 index 0000000000000000000000000000000000000000..d54b755a53b452f3ae5962f8e0c53e1a826a8acd --- /dev/null +++ b/textattack/transformations/word_swaps/word_swap_change_name.py @@ -0,0 +1,108 @@ +""" +Word Swap by Changing Name +------------------------------- +""" + +import numpy as np + +from textattack.shared.data import PERSON_NAMES + +from .word_swap import WordSwap + + +class WordSwapChangeName(WordSwap): + def __init__( + self, + num_name_replacements=3, + first_only=False, + last_only=False, + confidence_score=0.7, + language="en", + **kwargs + ): + """Transforms an input by replacing names of recognized name entity. + + :param n: Number of new names to generate per name detected + :param first_only: Whether to change first name only + :param last_only: Whether to change last name only + :param confidence_score: Name will only be changed when it's above confidence score + >>> from textattack.transformations import WordSwapChangeName + >>> from textattack.augmentation import Augmenter + + >>> transformation = WordSwapChangeName() + >>> augmenter = Augmenter(transformation=transformation) + >>> s = 'I am John Smith.' + >>> augmenter.augment(s) + """ + super().__init__(**kwargs) + self.num_name_replacements = num_name_replacements + if first_only & last_only: + raise ValueError("first_only and last_only cannot both be true") + self.first_only = first_only + self.last_only = last_only + self.confidence_score = confidence_score + self.language = language + + def _get_transformations(self, current_text, indices_to_modify): + transformed_texts = [] + if self.language == "en": + model_name = "ner" + elif self.language == "fra" or self.language == "french": + model_name = "flair/ner-french" + else: + model_name = "flair/ner-multi-fast" + + for i in indices_to_modify: + word_to_replace = current_text.words[i].capitalize() + word_to_replace_ner = current_text.ner_of_word_index(i, model_name) + replacement_words = self._get_replacement_words( + word_to_replace, word_to_replace_ner + ) + for r in replacement_words: + transformed_texts.append(current_text.replace_word_at_index(i, r)) + + return transformed_texts + + def _get_replacement_words(self, word, word_part_of_speech): + + replacement_words = [] + tag = word_part_of_speech + if ( + tag.value in ("B-PER", "S-PER") + and tag.score >= self.confidence_score + and not self.last_only + ): + replacement_words = self._get_firstname(word) + elif ( + tag.value in ("E-PER", "S-PER") + and tag.score >= self.confidence_score + and not self.first_only + ): + replacement_words = self._get_lastname(word) + return replacement_words + + def _get_lastname(self, word): + """Return a list of random last names.""" + if self.language == "esp" or self.language == "spanish": + return np.random.choice( + PERSON_NAMES["last-spanish"], self.num_name_replacements + ) + elif self.language == "fra" or self.language == "french": + return np.random.choice( + PERSON_NAMES["last-french"], self.num_name_replacements + ) + else: + return np.random.choice(PERSON_NAMES["last"], self.num_name_replacements) + + def _get_firstname(self, word): + """Return a list of random first names.""" + if self.language == "esp" or self.language == "spanish": + return np.random.choice( + PERSON_NAMES["first-spanish"], self.num_name_replacements + ) + elif self.language == "fra" or self.language == "french": + return np.random.choice( + PERSON_NAMES["first-french"], self.num_name_replacements + ) + else: + return np.random.choice(PERSON_NAMES["first"], self.num_name_replacements) diff --git a/textattack/transformations/word_swaps/word_swap_change_number.py b/textattack/transformations/word_swaps/word_swap_change_number.py new file mode 100644 index 0000000000000000000000000000000000000000..1ced0f84de878a7d4e0871b00311795beeea137c --- /dev/null +++ b/textattack/transformations/word_swaps/word_swap_change_number.py @@ -0,0 +1,150 @@ +""" +Word Swap by Changing Number +------------------------------- + +""" +import more_itertools as mit +from num2words import num2words +import numpy as np +from word2number import w2n + +from .word_swap import WordSwap + + +def idx_to_words(ls, words): + """Given a list generated from cluster_idx, return a list that contains + sub-list (the first element being the idx, and the second element being the + words corresponding to the idx)""" + + output = [] + for cluster in ls: + word = words[cluster[0]] + for idx in cluster[1:]: + word = " ".join([word, words[idx]]) + output.append([cluster, word]) + return output + + +class WordSwapChangeNumber(WordSwap): + def __init__(self, max_change=1, n=3, **kwargs): + """A transformation that recognizes numbers in sentence, and returns + sentences with altered numbers. + + :param max_change: Maximum percent of change (1 being 100%) + :param n: Numbers of new numbers to generate + >>> from textattack.transformations import WordSwapChangeNumber + >>> from textattack.augmentation import Augmenter + + >>> transformation = WordSwapChangeNumber() + >>> augmenter = Augmenter(transformation=transformation) + >>> s = 'I am 12 years old.' + >>> augmenter.augment(s) + """ + super().__init__(**kwargs) + self.max_change = max_change + self.n = n + + def _get_transformations(self, current_text, indices_to_modify): + words = current_text.words + num_idx = [] + num_words = [] + + # find indexes of alphabetical words + for idx in indices_to_modify: + word = words[idx].lower() + for number in STR_NUM: + if number in word: + if word in ["point", "and"]: + if 0 < idx and (idx - 1) in num_idx: + num_idx.append(idx) + else: + num_idx.append(idx) + break + + if word.isdigit(): + num_words.append([[idx], word]) + + # cluster adjacent indexes to get whole number + num_idx = [list(group) for group in mit.consecutive_groups(num_idx)] + num_words += idx_to_words(num_idx, words) + + # replace original numbers with new numbers + transformed_texts = [] + for (idx, word) in num_words: + replacement_words = self._get_new_number(word) + for r in replacement_words: + if r == word: + continue + text = current_text.replace_word_at_index(idx[0], str(r)) + if len(idx) > 1: + index = idx[1] + for i in idx[1:]: + text = text.delete_word_at_index(index) + transformed_texts.append(text) + return transformed_texts + + def _get_new_number(self, word): + """Given a word, try altering the value if the word is a number return + in digits if word is given in digit, return in alphabetical form if + word is given in alphabetical form.""" + + if word.isdigit(): + num = float(word) + return self._alter_number(num) + else: + try: + num = w2n.word_to_num(word) + num_list = self._alter_number(num) + return [num2words(n) for n in num_list] + except (ValueError, IndexError): + return [] + + def _alter_number(self, num): + """helper function of _get_new_number, replace a number with another + random number within the range of self.max_change.""" + if num not in [0, 2, 4]: + change = int(num * self.max_change) + 1 + if num >= 0: + num_list = np.random.randint(max(num - change, 1), num + change, self.n) + else: + num_list = np.random.randint(num - change, min(0, num + change), self.n) + return num_list + return [] + + +STR_NUM = [ + "zero", + "one", + "two", + "three", + "four", + "five", + "six", + "seven", + "eight", + "nine", + "ten", + "eleven", + "twelve", + "thirteen", + "fourteen", + "fifteen", + "sixteen", + "seventeen", + "eighteen", + "nineteen", + "twenty", + "thirty", + "forty", + "fifty", + "sixty", + "seventy", + "eighty", + "ninety", + "hundred", + "thousand", + "million", + "billion", + "point", + "and", +] diff --git a/textattack/transformations/word_swaps/word_swap_contract.py b/textattack/transformations/word_swaps/word_swap_contract.py new file mode 100644 index 0000000000000000000000000000000000000000..115f2a5d1eb8525a54cea31b499af9a3730cdb71 --- /dev/null +++ b/textattack/transformations/word_swaps/word_swap_contract.py @@ -0,0 +1,53 @@ +""" +Word Swap by Contraction +------------------------------- +""" + +from textattack.shared.data import EXTENSION_MAP + +from .word_swap import WordSwap + + +class WordSwapContract(WordSwap): + """Transforms an input by performing contraction on recognized + combinations.""" + + reverse_contraction_map = {v: k for k, v in EXTENSION_MAP.items()} + + def _get_transformations(self, current_text, indices_to_modify): + """Return all possible transformed sentences, each with one + contraction. + + >>> from textattack.transformations import WordSwapContract + >>> from textattack.augmentation import Augmenter + + >>> transformation = WordSwapContract() + >>> augmenter = Augmenter(transformation=transformation) + >>> s = 'I am 12 years old.' + >>> augmenter.augment(s) + """ + transformed_texts = [] + + words = current_text.words + indices_to_modify = sorted(indices_to_modify) + + # search for every 2-words combination in reverse_contraction_map + for idx, word_idx in enumerate(indices_to_modify[:-1]): + next_idx = indices_to_modify[idx + 1] + if (idx + 1) != next_idx: + continue + word = words[word_idx] + next_word = words[next_idx] + + # generating the words to search for + key = " ".join([word, next_word]) + + # when a possible contraction is found in map, contract the current text + if key in self.reverse_contraction_map: + transformed_text = current_text.replace_word_at_index( + idx, self.reverse_contraction_map[key] + ) + transformed_text = transformed_text.delete_word_at_index(next_idx) + transformed_texts.append(transformed_text) + + return transformed_texts diff --git a/textattack/transformations/word_swaps/word_swap_embedding.py b/textattack/transformations/word_swaps/word_swap_embedding.py new file mode 100644 index 0000000000000000000000000000000000000000..386cddc3f65d21587550ae5e146636d8d506c64e --- /dev/null +++ b/textattack/transformations/word_swaps/word_swap_embedding.py @@ -0,0 +1,77 @@ +""" +Word Swap by Embedding +------------------------------- + +Based on paper: ``_ + +Paper title: Counter-fitting Word Vectors to Linguistic Constraints + +""" +from textattack.shared import AbstractWordEmbedding, WordEmbedding + +from .word_swap import WordSwap + + +class WordSwapEmbedding(WordSwap): + """Transforms an input by replacing its words with synonyms in the word + embedding space. + + Args: + max_candidates (int): maximum number of synonyms to pick + embedding (textattack.shared.AbstractWordEmbedding): Wrapper for word embedding + >>> from textattack.transformations import WordSwapEmbedding + >>> from textattack.augmentation import Augmenter + + >>> transformation = WordSwapEmbedding() + >>> augmenter = Augmenter(transformation=transformation) + >>> s = 'I am fabulous.' + >>> augmenter.augment(s) + """ + + def __init__(self, max_candidates=15, embedding=None, **kwargs): + super().__init__(**kwargs) + if embedding is None: + embedding = WordEmbedding.counterfitted_GLOVE_embedding() + self.max_candidates = max_candidates + if not isinstance(embedding, AbstractWordEmbedding): + raise ValueError( + "`embedding` object must be of type `textattack.shared.AbstractWordEmbedding`." + ) + self.embedding = embedding + + def _get_replacement_words(self, word): + """Returns a list of possible 'candidate words' to replace a word in a + sentence or phrase. + + Based on nearest neighbors selected word embeddings. + """ + try: + word_id = self.embedding.word2index(word.lower()) + nnids = self.embedding.nearest_neighbours(word_id, self.max_candidates) + candidate_words = [] + for i, nbr_id in enumerate(nnids): + nbr_word = self.embedding.index2word(nbr_id) + candidate_words.append(recover_word_case(nbr_word, word)) + return candidate_words + except KeyError: + # This word is not in our word embedding database, so return an empty list. + return [] + + def extra_repr_keys(self): + return ["max_candidates", "embedding"] + + +def recover_word_case(word, reference_word): + """Makes the case of `word` like the case of `reference_word`. + + Supports lowercase, UPPERCASE, and Capitalized. + """ + if reference_word.islower(): + return word.lower() + elif reference_word.isupper() and len(reference_word) > 1: + return word.upper() + elif reference_word[0].isupper() and reference_word[1:].islower(): + return word.capitalize() + else: + # if other, just do not alter the word's case + return word diff --git a/textattack/transformations/word_swaps/word_swap_extend.py b/textattack/transformations/word_swaps/word_swap_extend.py new file mode 100644 index 0000000000000000000000000000000000000000..779b34b577fb1372d619eecbb3b21c9252a36719 --- /dev/null +++ b/textattack/transformations/word_swaps/word_swap_extend.py @@ -0,0 +1,36 @@ +""" +Word Swap by Extension +------------------------------- +""" + +from textattack.shared.data import EXTENSION_MAP + +from .word_swap import WordSwap + + +class WordSwapExtend(WordSwap): + """Transforms an input by performing extension on recognized + combinations.""" + + def _get_transformations(self, current_text, indices_to_modify): + """Return all possible transformed sentences, each with one extension. + + >>> from textattack.transformations import WordSwapExtend + >>> from textattack.augmentation import Augmenter + + >>> transformation = WordSwapExtend() + >>> augmenter = Augmenter(transformation=transformation) + >>> s = '''I'm fabulous''' + >>> augmenter.augment(s) + """ + transformed_texts = [] + words = current_text.words + for idx in indices_to_modify: + word = words[idx] + # expend when word in map + if word in EXTENSION_MAP: + expanded = EXTENSION_MAP[word] + transformed_text = current_text.replace_word_at_index(idx, expanded) + transformed_texts.append(transformed_text) + + return transformed_texts diff --git a/textattack/transformations/word_swaps/word_swap_gradient_based.py b/textattack/transformations/word_swaps/word_swap_gradient_based.py new file mode 100644 index 0000000000000000000000000000000000000000..0d12fa1877c1e6063a0516f41031dc0d181f4441 --- /dev/null +++ b/textattack/transformations/word_swaps/word_swap_gradient_based.py @@ -0,0 +1,121 @@ +""" +Word Swap by Gradient +------------------------------- + +""" +import torch + +import textattack +from textattack.shared import utils +from textattack.shared.validators import validate_model_gradient_word_swap_compatibility + +from .word_swap import WordSwap + + +class WordSwapGradientBased(WordSwap): + """Uses the model's gradient to suggest replacements for a given word. + + Based off of HotFlip: White-Box Adversarial Examples for Text + Classification (Ebrahimi et al., 2018). + https://arxiv.org/pdf/1712.06751.pdf + + Arguments: + model (nn.Module): The model to attack. Model must have a + `word_embeddings` matrix and `convert_id_to_word` function. + top_n (int): the number of top words to return at each index + >>> from textattack.transformations import WordSwapGradientBased + >>> from textattack.augmentation import Augmenter + + >>> transformation = WordSwapGradientBased() + >>> augmenter = Augmenter(transformation=transformation) + >>> s = 'I am fabulous.' + >>> augmenter.augment(s) + """ + + def __init__(self, model_wrapper, top_n=1): + # Unwrap model wrappers. Need raw model for gradient. + if not isinstance(model_wrapper, textattack.models.wrappers.ModelWrapper): + raise TypeError(f"Got invalid model wrapper type {type(model_wrapper)}") + self.model = model_wrapper.model + self.model_wrapper = model_wrapper + self.tokenizer = self.model_wrapper.tokenizer + # Make sure we know how to compute the gradient for this model. + validate_model_gradient_word_swap_compatibility(self.model) + # Make sure this model has all of the required properties. + if not hasattr(self.model, "get_input_embeddings"): + raise ValueError( + "Model needs word embedding matrix for gradient-based word swap" + ) + if not hasattr(self.tokenizer, "pad_token_id") and self.tokenizer.pad_token_id: + raise ValueError( + "Tokenizer needs to have `pad_token_id` for gradient-based word swap" + ) + + self.top_n = top_n + self.is_black_box = False + + def _get_replacement_words_by_grad(self, attacked_text, indices_to_replace): + """Returns returns a list containing all possible words to replace + `word` with, based off of the model's gradient. + + Arguments: + attacked_text (AttackedText): The full text input to perturb + word_index (int): index of the word to replace + """ + + lookup_table = self.model.get_input_embeddings().weight.data.cpu() + + grad_output = self.model_wrapper.get_grad(attacked_text.tokenizer_input) + emb_grad = torch.tensor(grad_output["gradient"]) + text_ids = grad_output["ids"] + # grad differences between all flips and original word (eq. 1 from paper) + vocab_size = lookup_table.size(0) + diffs = torch.zeros(len(indices_to_replace), vocab_size) + indices_to_replace = list(indices_to_replace) + + for j, word_idx in enumerate(indices_to_replace): + # Make sure the word is in bounds. + if word_idx >= len(emb_grad): + continue + # Get the grad w.r.t the one-hot index of the word. + b_grads = lookup_table.mv(emb_grad[word_idx]).squeeze() + a_grad = b_grads[text_ids[word_idx]] + diffs[j] = b_grads - a_grad + + # Don't change to the pad token. + diffs[:, self.tokenizer.pad_token_id] = float("-inf") + + # Find best indices within 2-d tensor by flattening. + word_idxs_sorted_by_grad = (-diffs).flatten().argsort() + + candidates = [] + num_words_in_text, num_words_in_vocab = diffs.shape + for idx in word_idxs_sorted_by_grad.tolist(): + idx_in_diffs = idx // num_words_in_vocab + idx_in_vocab = idx % (num_words_in_vocab) + idx_in_sentence = indices_to_replace[idx_in_diffs] + word = self.tokenizer.convert_id_to_word(idx_in_vocab) + if (not utils.has_letter(word)) or (len(utils.words_from_text(word)) != 1): + # Do not consider words that are solely letters or punctuation. + continue + candidates.append((word, idx_in_sentence)) + if len(candidates) == self.top_n: + break + + return candidates + + def _get_transformations(self, attacked_text, indices_to_replace): + """Returns a list of all possible transformations for `text`. + + If indices_to_replace is set, only replaces words at those + indices. + """ + transformations = [] + for word, idx in self._get_replacement_words_by_grad( + attacked_text, indices_to_replace + ): + transformations.append(attacked_text.replace_word_at_index(idx, word)) + return transformations + + def extra_repr_keys(self): + return ["top_n"] diff --git a/textattack/transformations/word_swaps/word_swap_homoglyph_swap.py b/textattack/transformations/word_swaps/word_swap_homoglyph_swap.py new file mode 100644 index 0000000000000000000000000000000000000000..34a642977e16e5687f6aa412f8ac7db660d2c501 --- /dev/null +++ b/textattack/transformations/word_swaps/word_swap_homoglyph_swap.py @@ -0,0 +1,93 @@ +""" +Word Swap by Homoglyph +------------------------------- +""" +import numpy as np + +# from textattack.shared import utils +from .word_swap import WordSwap + + +class WordSwapHomoglyphSwap(WordSwap): + """Transforms an input by replacing its words with visually similar words + using homoglyph swaps. + + >>> from textattack.transformations import WordSwapHomoglyphSwap + >>> from textattack.augmentation import Augmenter + + >>> transformation = WordSwapHomoglyphSwap() + >>> augmenter = Augmenter(transformation=transformation) + >>> s = 'I am fabulous.' + >>> augmenter.augment(s) + """ + + def __init__(self, random_one=False, **kwargs): + super().__init__(**kwargs) + self.homos = { + "-": "˗", + "9": "৭", + "8": "Ȣ", + "7": "𝟕", + "6": "б", + "5": "Ƽ", + "4": "Ꮞ", + "3": "Ʒ", + "2": "ᒿ", + "1": "l", + "0": "O", + "'": "`", + "a": "ɑ", + "b": "Ь", + "c": "ϲ", + "d": "ԁ", + "e": "е", + "f": "𝚏", + "g": "ɡ", + "h": "հ", + "i": "і", + "j": "ϳ", + "k": "𝒌", + "l": "ⅼ", + "m": "m", + "n": "ո", + "o": "о", + "p": "р", + "q": "ԛ", + "r": "ⲅ", + "s": "ѕ", + "t": "𝚝", + "u": "ս", + "v": "ѵ", + "w": "ԝ", + "x": "×", + "y": "у", + "z": "ᴢ", + } + self.random_one = random_one + + def _get_replacement_words(self, word): + """Returns a list containing all possible words with 1 character + replaced by a homoglyph.""" + candidate_words = [] + + if self.random_one: + i = np.random.randint(0, len(word)) + if word[i] in self.homos: + repl_letter = self.homos[word[i]] + candidate_word = word[:i] + repl_letter + word[i + 1 :] + candidate_words.append(candidate_word) + else: + for i in range(len(word)): + if word[i] in self.homos: + repl_letter = self.homos[word[i]] + candidate_word = word[:i] + repl_letter + word[i + 1 :] + candidate_words.append(candidate_word) + + return candidate_words + + @property + def deterministic(self): + return not self.random_one + + def extra_repr_keys(self): + return super().extra_repr_keys() diff --git a/textattack/transformations/word_swaps/word_swap_hownet.py b/textattack/transformations/word_swaps/word_swap_hownet.py new file mode 100644 index 0000000000000000000000000000000000000000..1738e60c56483f139bbd0f5aac3d5932d086cc5a --- /dev/null +++ b/textattack/transformations/word_swaps/word_swap_hownet.py @@ -0,0 +1,99 @@ +""" +Word Swap by OpenHowNet +------------------------------- +""" + + +import pickle + +from textattack.shared import utils + +from .word_swap import WordSwap + + +class WordSwapHowNet(WordSwap): + """Transforms an input by replacing its words with synonyms in the stored + synonyms bank generated by the OpenHowNet.""" + + PATH = "transformations/hownet" + + def __init__(self, max_candidates=-1, **kwargs): + super().__init__(**kwargs) + self.max_candidates = max_candidates + + # Download synonym candidates bank if they're not cached. + cache_path = utils.download_from_s3( + "{}/{}".format(WordSwapHowNet.PATH, "word_candidates_sense.pkl") + ) + + # Actually load the files from disk. + with open(cache_path, "rb") as fp: + self.candidates_bank = pickle.load(fp) + + self.pos_dict = {"ADJ": "adj", "NOUN": "noun", "ADV": "adv", "VERB": "verb"} + + def _get_replacement_words(self, word, word_pos): + """Returns a list of possible 'candidate words' to replace a word in a + sentence or phrase. + + Based on nearest neighbors selected word embeddings. + >>> from textattack.transformations import WordSwapHowNet + >>> from textattack.augmentation import Augmenter + + >>> transformation = WordSwapHowNet() + >>> augmenter = Augmenter(transformation=transformation) + >>> s = 'I am fabulous.' + >>> augmenter.augment(s) + """ + word_pos = self.pos_dict.get(word_pos, None) + if word_pos is None: + return [] + + try: + candidate_words = self.candidates_bank[word.lower()][word_pos] + if self.max_candidates > 0: + candidate_words = candidate_words[: self.max_candidates] + return [ + recover_word_case(candidate_word, word) + for candidate_word in candidate_words + ] + except KeyError: + # This word is not in our synonym bank, so return an empty list. + return [] + + def _get_transformations(self, current_text, indices_to_modify): + transformed_texts = [] + for i in indices_to_modify: + word_to_replace = current_text.words[i] + word_to_replace_pos = current_text.pos_of_word_index(i) + replacement_words = self._get_replacement_words( + word_to_replace, word_to_replace_pos + ) + transformed_texts_idx = [] + for r in replacement_words: + if r != word_to_replace and utils.is_one_word(r): + transformed_texts_idx.append( + current_text.replace_word_at_index(i, r) + ) + transformed_texts.extend(transformed_texts_idx) + + return transformed_texts + + def extra_repr_keys(self): + return ["max_candidates"] + + +def recover_word_case(word, reference_word): + """Makes the case of `word` like the case of `reference_word`. + + Supports lowercase, UPPERCASE, and Capitalized. + """ + if reference_word.islower(): + return word.lower() + elif reference_word.isupper() and len(reference_word) > 1: + return word.upper() + elif reference_word[0].isupper() and reference_word[1:].islower(): + return word.capitalize() + else: + # if other, just do not alter the word's case + return word diff --git a/textattack/transformations/word_swaps/word_swap_inflections.py b/textattack/transformations/word_swaps/word_swap_inflections.py new file mode 100644 index 0000000000000000000000000000000000000000..da238036d02728a9fef11cec66df3a7c3542fb6a --- /dev/null +++ b/textattack/transformations/word_swaps/word_swap_inflections.py @@ -0,0 +1,98 @@ +""" +Word Swap by inflections +------------------------------- + + +""" + + +import random + +import lemminflect + +from .word_swap import WordSwap + + +class WordSwapInflections(WordSwap): + """Transforms an input by replacing its words with their inflections. + + For example, the inflections of 'schedule' are {'schedule', 'schedules', 'scheduling'}. + + Base on ``It’s Morphin’ Time! Combating Linguistic Discrimination with Inflectional Perturbations``. + + `Paper URL`_ + + .. _Paper URL: https://www.aclweb.org/anthology/2020.acl-main.263.pdf + """ + + def __init__(self, **kwargs): + super().__init__(**kwargs) + # fine-grained en-ptb POS to universal POS mapping + # (mapping info: https://github.com/slavpetrov/universal-pos-tags) + self._enptb_to_universal = { + "JJRJR": "ADJ", + "VBN": "VERB", + "VBP": "VERB", + "JJ": "ADJ", + "VBZ": "VERB", + "VBG": "VERB", + "NN": "NOUN", + "VBD": "VERB", + "NP": "NOUN", + "NNP": "NOUN", + "VB": "VERB", + "NNS": "NOUN", + "VP": "VERB", + "TO": "VERB", + "SYM": "NOUN", + "MD": "VERB", + "NNPS": "NOUN", + "JJS": "ADJ", + "JJR": "ADJ", + "RB": "ADJ", + } + + def _get_replacement_words(self, word, word_part_of_speech): + # only nouns, verbs, and adjectives are considered for replacement + if word_part_of_speech not in self._enptb_to_universal: + return [] + + # gets a dict that maps part-of-speech (POS) to available lemmas + replacement_inflections_dict = lemminflect.getAllLemmas(word) + + # if dict is empty, there are no replacements for this word + if not replacement_inflections_dict: + return [] + + # map the fine-grained POS to a universal POS + lemminflect_pos = self._enptb_to_universal[word_part_of_speech] + + # choose lemma with same POS, if ones exists; otherwise, choose lemma randomly + if lemminflect_pos in replacement_inflections_dict: + lemma = replacement_inflections_dict[lemminflect_pos][0] + else: + lemma = random.choice(list(replacement_inflections_dict.values()))[0] + + # get the available inflections for chosen lemma + inflections = lemminflect.getAllInflections( + lemma, upos=lemminflect_pos + ).values() + + # merge tuples, remove duplicates, remove copy of the original word + replacement_words = list(set([infl for tup in inflections for infl in tup])) + replacement_words = [r for r in replacement_words if r != word] + + return replacement_words + + def _get_transformations(self, current_text, indices_to_modify): + transformed_texts = [] + for i in indices_to_modify: + word_to_replace = current_text.words[i] + word_to_replace_pos = current_text.pos_of_word_index(i) + replacement_words = ( + self._get_replacement_words(word_to_replace, word_to_replace_pos) or [] + ) + for r in replacement_words: + transformed_texts.append(current_text.replace_word_at_index(i, r)) + + return transformed_texts diff --git a/textattack/transformations/word_swaps/word_swap_masked_lm.py b/textattack/transformations/word_swaps/word_swap_masked_lm.py new file mode 100644 index 0000000000000000000000000000000000000000..e031f0ea7dfef3f360dfb017a92fd3c2e4d5241b --- /dev/null +++ b/textattack/transformations/word_swaps/word_swap_masked_lm.py @@ -0,0 +1,327 @@ +""" +Word Swap by BERT-Masked LM. +------------------------------- +""" + + +import itertools +import re + +import torch +from transformers import AutoModelForMaskedLM, AutoTokenizer + +from textattack.shared import utils + +from .word_swap import WordSwap + + +class WordSwapMaskedLM(WordSwap): + """Generate potential replacements for a word using a masked language + model. + + Based off of following papers + - "Robustness to Modification with Shared Words in Paraphrase Identification" (Shi et al., 2019) https://arxiv.org/abs/1909.02560 + - "BAE: BERT-based Adversarial Examples for Text Classification" (Garg et al., 2020) https://arxiv.org/abs/2004.01970 + - "BERT-ATTACK: Adversarial Attack Against BERT Using BERT" (Li et al, 2020) https://arxiv.org/abs/2004.09984 + - "CLARE: Contextualized Perturbation for Textual Adversarial Attack" (Li et al, 2020): https://arxiv.org/abs/2009.07502 + + BAE and CLARE simply masks the word we want to replace and selects replacements predicted by the masked language model. + + BERT-Attack instead performs replacement on token level. For words that are consisted of two or more sub-word tokens, + it takes the top-K replacements for seach sub-word token and produces all possible combinations of the top replacments. + Then, it selects the top-K combinations based on their perplexity calculated using the masked language model. + + Choose which method to use by specifying "bae" or "bert-attack" for `method` argument. + + Args: + method (str): the name of replacement method (e.g. "bae", "bert-attack") + masked_language_model (Union[str|transformers.AutoModelForMaskedLM]): Either the name of pretrained masked language model from `transformers` model hub + or the actual model. Default is `bert-base-uncased`. + tokenizer (obj): The tokenizer of the corresponding model. If you passed in name of a pretrained model for `masked_language_model`, + you can skip this argument as the correct tokenizer can be infered from the name. However, if you're passing the actual model, you must + provide a tokenizer. + max_length (int): the max sequence length the masked language model is designed to work with. Default is 512. + window_size (int): The number of surrounding words to include when making top word prediction. + For each word to swap, we take `window_size // 2` words to the left and `window_size // 2` words to the right and pass the text within the window + to the masked language model. Default is `float("inf")`, which is equivalent to using the whole text. + max_candidates (int): maximum number of candidates to consider as replacements for each word. Replacements are ranked by model's confidence. + min_confidence (float): minimum confidence threshold each replacement word must pass. + batch_size (int): Size of batch for "bae" replacement method. + """ + + def __init__( + self, + method="bae", + masked_language_model="bert-base-uncased", + tokenizer=None, + max_length=512, + window_size=float("inf"), + max_candidates=50, + min_confidence=5e-4, + batch_size=16, + **kwargs, + ): + super().__init__(**kwargs) + self.method = method + self.max_length = max_length + self.window_size = window_size + self.max_candidates = max_candidates + self.min_confidence = min_confidence + self.batch_size = batch_size + + if isinstance(masked_language_model, str): + self._language_model = AutoModelForMaskedLM.from_pretrained( + masked_language_model + ) + self._lm_tokenizer = AutoTokenizer.from_pretrained( + masked_language_model, use_fast=True + ) + else: + self._language_model = masked_language_model + if tokenizer is None: + raise ValueError( + "`tokenizer` argument must be provided when passing an actual model as `masked_language_model`." + ) + self._lm_tokenizer = tokenizer + self._language_model.to(utils.device) + self._language_model.eval() + self.masked_lm_name = self._language_model.__class__.__name__ + + def _encode_text(self, text): + """Encodes ``text`` using an ``AutoTokenizer``, ``self._lm_tokenizer``. + + Returns a ``dict`` where keys are strings (like 'input_ids') and + values are ``torch.Tensor``s. Moves tensors to the same device + as the language model. + """ + encoding = self._lm_tokenizer( + text, + max_length=self.max_length, + truncation=True, + padding="max_length", + return_tensors="pt", + ) + return encoding.to(utils.device) + + def _bae_replacement_words(self, current_text, indices_to_modify): + """Get replacement words for the word we want to replace using BAE + method. + + Args: + current_text (AttackedText): Text we want to get replacements for. + index (int): index of word we want to replace + """ + masked_texts = [] + for index in indices_to_modify: + masked_text = current_text.replace_word_at_index( + index, self._lm_tokenizer.mask_token + ) + masked_texts.append(masked_text.text) + + i = 0 + # 2-D list where for each index to modify we have a list of replacement words + replacement_words = [] + while i < len(masked_texts): + inputs = self._encode_text(masked_texts[i : i + self.batch_size]) + ids = inputs["input_ids"].tolist() + with torch.no_grad(): + preds = self._language_model(**inputs)[0] + + for j in range(len(ids)): + try: + # Need try-except b/c mask-token located past max_length might be truncated by tokenizer + masked_index = ids[j].index(self._lm_tokenizer.mask_token_id) + except ValueError: + replacement_words.append([]) + continue + + mask_token_logits = preds[j, masked_index] + mask_token_probs = torch.softmax(mask_token_logits, dim=0) + ranked_indices = torch.argsort(mask_token_probs, descending=True) + top_words = [] + for _id in ranked_indices: + _id = _id.item() + word = self._lm_tokenizer.convert_ids_to_tokens(_id) + if utils.check_if_subword( + word, + self._language_model.config.model_type, + (masked_index == 1), + ): + word = utils.strip_BPE_artifacts( + word, self._language_model.config.model_type + ) + if ( + mask_token_probs[_id] >= self.min_confidence + and utils.is_one_word(word) + and not utils.check_if_punctuations(word) + ): + top_words.append(word) + + if ( + len(top_words) >= self.max_candidates + or mask_token_probs[_id] < self.min_confidence + ): + break + + replacement_words.append(top_words) + + i += self.batch_size + + return replacement_words + + def _bert_attack_replacement_words( + self, + current_text, + index, + id_preds, + masked_lm_logits, + ): + """Get replacement words for the word we want to replace using BERT- + Attack method. + + Args: + current_text (AttackedText): Text we want to get replacements for. + index (int): index of word we want to replace + id_preds (torch.Tensor): N x K tensor of top-K ids for each token-position predicted by the masked language model. + N is equivalent to `self.max_length`. + masked_lm_logits (torch.Tensor): N x V tensor of the raw logits outputted by the masked language model. + N is equivlaent to `self.max_length` and V is dictionary size of masked language model. + """ + # We need to find which BPE tokens belong to the word we want to replace + masked_text = current_text.replace_word_at_index( + index, self._lm_tokenizer.mask_token + ) + current_inputs = self._encode_text(masked_text.text) + current_ids = current_inputs["input_ids"].tolist()[0] + word_tokens = self._lm_tokenizer.encode( + current_text.words[index], add_special_tokens=False + ) + + try: + # Need try-except b/c mask-token located past max_length might be truncated by tokenizer + masked_index = current_ids.index(self._lm_tokenizer.mask_token_id) + except ValueError: + return [] + + # List of indices of tokens that are part of the target word + target_ids_pos = list( + range(masked_index, min(masked_index + len(word_tokens), self.max_length)) + ) + + if not len(target_ids_pos): + return [] + elif len(target_ids_pos) == 1: + # Word to replace is tokenized as a single word + top_preds = id_preds[target_ids_pos[0]].tolist() + replacement_words = [] + for id in top_preds: + token = self._lm_tokenizer.convert_ids_to_tokens(id) + if utils.is_one_word(token) and not utils.check_if_subword( + token, self._language_model.config.model_type, index == 0 + ): + replacement_words.append(token) + return replacement_words + else: + # Word to replace is tokenized as multiple sub-words + top_preds = [id_preds[i] for i in target_ids_pos] + products = itertools.product(*top_preds) + combination_results = [] + # Original BERT-Attack implement uses cross-entropy loss + cross_entropy_loss = torch.nn.CrossEntropyLoss(reduction="none") + target_ids_pos_tensor = torch.tensor(target_ids_pos) + word_tensor = torch.zeros(len(target_ids_pos), dtype=torch.long) + for bpe_tokens in products: + for i in range(len(bpe_tokens)): + word_tensor[i] = bpe_tokens[i] + + logits = torch.index_select(masked_lm_logits, 0, target_ids_pos_tensor) + loss = cross_entropy_loss(logits, word_tensor) + perplexity = torch.exp(torch.mean(loss, dim=0)).item() + word = "".join( + self._lm_tokenizer.convert_ids_to_tokens(word_tensor) + ).replace("##", "") + if utils.is_one_word(word): + combination_results.append((word, perplexity)) + # Sort to get top-K results + sorted(combination_results, key=lambda x: x[1]) + top_replacements = [ + x[0] for x in combination_results[: self.max_candidates] + ] + return top_replacements + + def _get_transformations(self, current_text, indices_to_modify): + indices_to_modify = list(indices_to_modify) + if self.method == "bert-attack": + current_inputs = self._encode_text(current_text.text) + with torch.no_grad(): + pred_probs = self._language_model(**current_inputs)[0][0] + top_probs, top_ids = torch.topk(pred_probs, self.max_candidates) + id_preds = top_ids.cpu() + masked_lm_logits = pred_probs.cpu() + + transformed_texts = [] + + for i in indices_to_modify: + word_at_index = current_text.words[i] + replacement_words = self._bert_attack_replacement_words( + current_text, + i, + id_preds=id_preds, + masked_lm_logits=masked_lm_logits, + ) + + for r in replacement_words: + r = r.strip("Ġ") + if r != word_at_index: + transformed_texts.append( + current_text.replace_word_at_index(i, r) + ) + + return transformed_texts + + elif self.method == "bae": + replacement_words = self._bae_replacement_words( + current_text, indices_to_modify + ) + transformed_texts = [] + for i in range(len(replacement_words)): + index_to_modify = indices_to_modify[i] + word_at_index = current_text.words[index_to_modify] + for word in replacement_words[i]: + word = word.strip("Ġ") + if ( + word != word_at_index + and re.search("[a-zA-Z]", word) + and len(utils.words_from_text(word)) == 1 + ): + transformed_texts.append( + current_text.replace_word_at_index(index_to_modify, word) + ) + return transformed_texts + else: + raise ValueError(f"Unrecognized value {self.method} for `self.method`.") + + def extra_repr_keys(self): + return [ + "method", + "masked_lm_name", + "max_length", + "max_candidates", + "min_confidence", + ] + + +def recover_word_case(word, reference_word): + """Makes the case of `word` like the case of `reference_word`. + + Supports lowercase, UPPERCASE, and Capitalized. + """ + if reference_word.islower(): + return word.lower() + elif reference_word.isupper() and len(reference_word) > 1: + return word.upper() + elif reference_word[0].isupper() and reference_word[1:].islower(): + return word.capitalize() + else: + # if other, just do not alter the word's case + return word diff --git a/textattack/transformations/word_swaps/word_swap_neighboring_character_swap.py b/textattack/transformations/word_swaps/word_swap_neighboring_character_swap.py new file mode 100644 index 0000000000000000000000000000000000000000..c15bd50cbdaed2e73a49dbdb1cfcf353034fc6d8 --- /dev/null +++ b/textattack/transformations/word_swaps/word_swap_neighboring_character_swap.py @@ -0,0 +1,70 @@ +""" +Word Swap by Neighboring Character Swap +----------------------------------------- +""" + +import numpy as np + +from .word_swap import WordSwap + + +class WordSwapNeighboringCharacterSwap(WordSwap): + """Transforms an input by replacing its words with a neighboring character + swap. + + Args: + random_one (bool): Whether to return a single word with two characters + swapped. If not, returns all possible options. + skip_first_char (bool): Whether to disregard perturbing the first + character. + skip_last_char (bool): Whether to disregard perturbing the last + character. + >>> from textattack.transformations import WordSwapNeighboringCharacterSwap + >>> from textattack.augmentation import Augmenter + + >>> transformation = WordSwapNeighboringCharacterSwap() + >>> augmenter = Augmenter(transformation=transformation) + >>> s = 'I am fabulous.' + >>> augmenter.augment(s) + """ + + def __init__( + self, random_one=True, skip_first_char=False, skip_last_char=False, **kwargs + ): + super().__init__(**kwargs) + self.random_one = random_one + self.skip_first_char = skip_first_char + self.skip_last_char = skip_last_char + + def _get_replacement_words(self, word): + """Returns a list containing all possible words with 1 pair of + neighboring characters swapped.""" + + if len(word) <= 1: + return [] + + candidate_words = [] + + start_idx = 1 if self.skip_first_char else 0 + end_idx = (len(word) - 2) if self.skip_last_char else (len(word) - 1) + + if start_idx >= end_idx: + return [] + + if self.random_one: + i = np.random.randint(start_idx, end_idx) + candidate_word = word[:i] + word[i + 1] + word[i] + word[i + 2 :] + candidate_words.append(candidate_word) + else: + for i in range(start_idx, end_idx): + candidate_word = word[:i] + word[i + 1] + word[i] + word[i + 2 :] + candidate_words.append(candidate_word) + + return candidate_words + + @property + def deterministic(self): + return not self.random_one + + def extra_repr_keys(self): + return super().extra_repr_keys() + ["random_one"] diff --git a/textattack/transformations/word_swaps/word_swap_qwerty.py b/textattack/transformations/word_swaps/word_swap_qwerty.py new file mode 100644 index 0000000000000000000000000000000000000000..1bdec2a9e04923d9c8c3c78d09f7d4134f4032b2 --- /dev/null +++ b/textattack/transformations/word_swaps/word_swap_qwerty.py @@ -0,0 +1,107 @@ +""" +Word Swap by swaps characters with QWERTY adjacent keys +---------------------------------------------------------- +""" + +import random + +from .word_swap import WordSwap + + +class WordSwapQWERTY(WordSwap): + def __init__( + self, random_one=True, skip_first_char=False, skip_last_char=False, **kwargs + ): + """A transformation that swaps characters with adjacent keys on a + QWERTY keyboard, replicating the kind of errors that come from typing + too quickly. + + :param random_one: Whether to return a single (random) swap, or all possible swaps. + :param skip_first_char: When True, do not modify the first character of each word. + :param skip_last_char: When True, do not modify the last character of each word. + >>> from textattack.transformations import WordSwapQWERTY + >>> from textattack.augmentation import Augmenter + + >>> transformation = WordSwapQWERT() + >>> augmenter = Augmenter(transformation=transformation) + >>> s = 'I am fabulous.' + >>> augmenter.augment(s) + """ + super().__init__(**kwargs) + self.random_one = random_one + self.skip_first_char = skip_first_char + self.skip_last_char = skip_last_char + + self._keyboard_adjacency = { + "q": [ + "w", + "a", + "s", + ], + "w": ["q", "e", "a", "s", "d"], + "e": ["w", "s", "d", "f", "r"], + "r": ["e", "d", "f", "g", "t"], + "t": ["r", "f", "g", "h", "y"], + "y": ["t", "g", "h", "j", "u"], + "u": ["y", "h", "j", "k", "i"], + "i": ["u", "j", "k", "l", "o"], + "o": ["i", "k", "l", "p"], + "p": ["o", "l"], + "a": ["q", "w", "s", "z", "x"], + "s": ["q", "w", "e", "a", "d", "z", "x"], + "d": ["w", "e", "r", "f", "c", "x", "s"], + "f": ["e", "r", "t", "g", "v", "c", "d"], + "g": ["r", "t", "y", "h", "b", "v", "d"], + "h": ["t", "y", "u", "g", "j", "b", "n"], + "j": ["y", "u", "i", "k", "m", "n", "h"], + "k": ["u", "i", "o", "l", "m", "j"], + "l": ["i", "o", "p", "k"], + "z": ["a", "s", "x"], + "x": ["s", "d", "z", "c"], + "c": ["x", "d", "f", "v"], + "v": ["c", "f", "g", "b"], + "b": ["v", "g", "h", "n"], + "n": ["b", "h", "j", "m"], + "m": ["n", "j", "k"], + } + + def _get_adjacent(self, s): + s_lower = s.lower() + if s_lower in self._keyboard_adjacency: + adjacent_keys = self._keyboard_adjacency.get(s_lower, []) + if s.isupper(): + return [key.upper() for key in adjacent_keys] + else: + return adjacent_keys + else: + return [] + + def _get_replacement_words(self, word): + if len(word) <= 1: + return [] + + candidate_words = [] + + start_idx = 1 if self.skip_first_char else 0 + end_idx = len(word) - (1 + self.skip_last_char) + + if start_idx >= end_idx: + return [] + + if self.random_one: + i = random.randrange(start_idx, end_idx + 1) + candidate_word = ( + word[:i] + random.choice(self._get_adjacent(word[i])) + word[i + 1 :] + ) + candidate_words.append(candidate_word) + else: + for i in range(start_idx, end_idx + 1): + for swap_key in self._get_adjacent(word[i]): + candidate_word = word[:i] + swap_key + word[i + 1 :] + candidate_words.append(candidate_word) + + return candidate_words + + @property + def deterministic(self): + return not self.random_one diff --git a/textattack/transformations/word_swaps/word_swap_random_character_deletion.py b/textattack/transformations/word_swaps/word_swap_random_character_deletion.py new file mode 100644 index 0000000000000000000000000000000000000000..1cff854d14647d4175f63813cea54980e44e46c4 --- /dev/null +++ b/textattack/transformations/word_swaps/word_swap_random_character_deletion.py @@ -0,0 +1,69 @@ +""" +Word Swap by Random Character Deletion +--------------------------------------- +""" + +import numpy as np + +# from textattack.shared import utils +from .word_swap import WordSwap + + +class WordSwapRandomCharacterDeletion(WordSwap): + """Transforms an input by deleting its characters. + + Args: + random_one (bool): Whether to return a single word with a random + character deleted. If not, returns all possible options. + skip_first_char (bool): Whether to disregard deleting the first + character. + skip_last_char (bool): Whether to disregard deleting the last + character. + >>> from textattack.transformations import WordSwapRandomCharacterDeletion + >>> from textattack.augmentation import Augmenter + + >>> transformation = WordSwapRandomCharacterDeletion() + >>> augmenter = Augmenter(transformation=transformation) + >>> s = 'I am fabulous.' + >>> augmenter.augment(s) + """ + + def __init__( + self, random_one=True, skip_first_char=False, skip_last_char=False, **kwargs + ): + super().__init__(**kwargs) + self.random_one = random_one + self.skip_first_char = skip_first_char + self.skip_last_char = skip_last_char + + def _get_replacement_words(self, word): + """Returns returns a list containing all possible words with 1 letter + deleted.""" + if len(word) <= 1: + return [] + + candidate_words = [] + + start_idx = 1 if self.skip_first_char else 0 + end_idx = (len(word) - 1) if self.skip_last_char else len(word) + + if start_idx >= end_idx: + return [] + + if self.random_one: + i = np.random.randint(start_idx, end_idx) + candidate_word = word[:i] + word[i + 1 :] + candidate_words.append(candidate_word) + else: + for i in range(start_idx, end_idx): + candidate_word = word[:i] + word[i + 1 :] + candidate_words.append(candidate_word) + + return candidate_words + + @property + def deterministic(self): + return not self.random_one + + def extra_repr_keys(self): + return super().extra_repr_keys() + ["random_one"] diff --git a/textattack/transformations/word_swaps/word_swap_random_character_insertion.py b/textattack/transformations/word_swaps/word_swap_random_character_insertion.py new file mode 100644 index 0000000000000000000000000000000000000000..517e1bfd330bdbf444ed09b57d770e3b6386d68c --- /dev/null +++ b/textattack/transformations/word_swaps/word_swap_random_character_insertion.py @@ -0,0 +1,67 @@ +""" +Word Swap by Random Character Insertion +------------------------------------------------ + +""" +import numpy as np + +# from textattack.shared import utils +from .word_swap import WordSwap + + +class WordSwapRandomCharacterInsertion(WordSwap): + """Transforms an input by inserting a random character. + + random_one (bool): Whether to return a single word with a random + character deleted. If not, returns all possible options. + skip_first_char (bool): Whether to disregard inserting as the first + character. skip_last_char (bool): Whether to disregard inserting as + the last character. + >>> from textattack.transformations import WordSwapRandomCharacterInsertion + >>> from textattack.augmentation import Augmenter + + >>> transformation = WordSwapRandomCharacterInsertion() + >>> augmenter = Augmenter(transformation=transformation) + >>> s = 'I am fabulous.' + >>> augmenter.augment(s) + """ + + def __init__( + self, random_one=True, skip_first_char=False, skip_last_char=False, **kwargs + ): + super().__init__(**kwargs) + self.random_one = random_one + self.skip_first_char = skip_first_char + self.skip_last_char = skip_last_char + + def _get_replacement_words(self, word): + """Returns returns a list containing all possible words with 1 random + character inserted.""" + if len(word) <= 1: + return [] + + candidate_words = [] + + start_idx = 1 if self.skip_first_char else 0 + end_idx = (len(word) - 1) if self.skip_last_char else len(word) + + if start_idx >= end_idx: + return [] + + if self.random_one: + i = np.random.randint(start_idx, end_idx) + candidate_word = word[:i] + self._get_random_letter() + word[i:] + candidate_words.append(candidate_word) + else: + for i in range(start_idx, end_idx): + candidate_word = word[:i] + self._get_random_letter() + word[i:] + candidate_words.append(candidate_word) + + return candidate_words + + @property + def deterministic(self): + return not self.random_one + + def extra_repr_keys(self): + return super().extra_repr_keys() + ["random_one"] diff --git a/textattack/transformations/word_swaps/word_swap_random_character_substitution.py b/textattack/transformations/word_swaps/word_swap_random_character_substitution.py new file mode 100644 index 0000000000000000000000000000000000000000..23c8427c83dd09ea3339d89d0efcb87df5fe1270 --- /dev/null +++ b/textattack/transformations/word_swaps/word_swap_random_character_substitution.py @@ -0,0 +1,55 @@ +""" +Word Swap by Random Character Substitution +------------------------------------------------ +""" +import numpy as np + +# from textattack.shared import utils +from .word_swap import WordSwap + + +class WordSwapRandomCharacterSubstitution(WordSwap): + """Transforms an input by replacing one character in a word with a random + new character. + + Args: + random_one (bool): Whether to return a single word with a random + character deleted. If not set, returns all possible options. + >>> from textattack.transformations import WordSwapRandomCharacterSubstitution + >>> from textattack.augmentation import Augmenter + + >>> transformation = WordSwapRandomCharacterSubstitution() + >>> augmenter = Augmenter(transformation=transformation) + >>> s = 'I am fabulous.' + >>> augmenter.augment(s) + """ + + def __init__(self, random_one=True, **kwargs): + super().__init__(**kwargs) + self.random_one = random_one + + def _get_replacement_words(self, word): + """Returns returns a list containing all possible words with 1 letter + substituted for a random letter.""" + if len(word) <= 1: + return [] + + candidate_words = [] + + if self.random_one: + i = np.random.randint(0, len(word)) + candidate_word = word[:i] + self._get_random_letter() + word[i + 1 :] + candidate_words.append(candidate_word) + else: + for i in range(len(word)): + candidate_word = word[:i] + self._get_random_letter() + word[i + 1 :] + candidate_words.append(candidate_word) + + return candidate_words + + @property + def deterministic(self): + return not self.random_one + + def extra_repr_keys(self): + return super().extra_repr_keys() + ["random_one"] diff --git a/textattack/transformations/word_swaps/word_swap_wordnet.py b/textattack/transformations/word_swaps/word_swap_wordnet.py new file mode 100644 index 0000000000000000000000000000000000000000..5dfa1c18270ea97c9a11a245b954acea9baf590e --- /dev/null +++ b/textattack/transformations/word_swaps/word_swap_wordnet.py @@ -0,0 +1,47 @@ +""" +Word Swap by swapping synonyms in WordNet +------------------------------------------------ +""" + + +import nltk +from nltk.corpus import wordnet + +import textattack + +from .word_swap import WordSwap + + +class WordSwapWordNet(WordSwap): + """Transforms an input by replacing its words with synonyms provided by + WordNet. + + >>> from textattack.transformations import WordSwapWordNet + >>> from textattack.augmentation import Augmenter + + >>> transformation = WordSwapWordNet() + >>> augmenter = Augmenter(transformation=transformation) + >>> s = 'I am fabulous.' + >>> augmenter.augment(s) + """ + + def __init__(self, language="eng"): + nltk.download("omw-1.4") + if language not in wordnet.langs(): + raise ValueError(f"Language {language} not one of {wordnet.langs()}") + self.language = language + + def _get_replacement_words(self, word, random=False): + """Returns a list containing all possible words with 1 character + replaced by a homoglyph.""" + synonyms = set() + for syn in wordnet.synsets(word, lang=self.language): + for syn_word in syn.lemma_names(lang=self.language): + if ( + (syn_word != word) + and ("_" not in syn_word) + and (textattack.shared.utils.is_one_word(syn_word)) + ): + # WordNet can suggest phrases that are joined by '_' but we ignore phrases. + synonyms.add(syn_word) + return list(synonyms)